diff --git a/.devcontainer/devcontainer.json b/.devcontainer/devcontainer.json new file mode 100644 index 0000000..fb06e28 --- /dev/null +++ b/.devcontainer/devcontainer.json @@ -0,0 +1,33 @@ +{ + "name": "Python 3", + // Or use a Dockerfile or Docker Compose file. More info: https://containers.dev/guide/dockerfile + "image": "mcr.microsoft.com/devcontainers/python:1-3.11-bullseye", + "customizations": { + "codespaces": { + "openFiles": [ + "README.md", + "import streamlit as st.py" + ] + }, + "vscode": { + "settings": {}, + "extensions": [ + "ms-python.python", + "ms-python.vscode-pylance" + ] + } + }, + "updateContentCommand": "[ -f packages.txt ] && sudo apt update && sudo apt upgrade -y && sudo xargs apt install -y \n", + "RangeIndex: 39942 entries, 0 to 39941\n", + "Data columns (total 5 columns):\n", + " # Column Non-Null Count Dtype \n", + "--- ------ -------------- ----- \n", + " 0 label 39942 non-null int64 \n", + " 1 title 39942 non-null object\n", + " 2 text 39942 non-null object\n", + " 3 subject 39942 non-null object\n", + " 4 date 39942 non-null object\n", + "dtypes: int64(1), object(4)\n", + "memory usage: 1.5+ MB\n", + "None\n", + " label title \\\n", + "0 1 As U.S. budget fight looms, Republicans flip t... \n", + "1 1 U.S. military to accept transgender recruits o... \n", + "2 1 Senior U.S. Republican senator: 'Let Mr. Muell... \n", + "3 1 FBI Russia probe helped by Australian diplomat... \n", + "4 1 Trump wants Postal Service to charge 'much mor... \n", + "\n", + " text subject \\\n", + "0 WASHINGTON (Reuters) - The head of a conservat... politicsNews \n", + "1 WASHINGTON (Reuters) - Transgender people will... politicsNews \n", + "2 WASHINGTON (Reuters) - The special counsel inv... politicsNews \n", + "3 WASHINGTON (Reuters) - Trump campaign adviser ... politicsNews \n", + "4 SEATTLE/WASHINGTON (Reuters) - President Donal... politicsNews \n", + "\n", + " date \n", + "0 December 31, 2017 \n", + "1 December 29, 2017 \n", + "2 December 31, 2017 \n", + "3 December 30, 2017 \n", + "4 December 29, 2017 \n" + ] + } + ], + "source": [ + "#1\n", + "import pandas as pd # Import pandas to handle structured data (CSV files)\n", + "\n", + "# Load dataset containing news articles\n", + "df = pd.read_csv(\"dataset/data.csv\") \n", + "\n", + "# Display basic information about the dataset (column names, data types, missing values, etc.)\n", + "print(df.info()) \n", + "\n", + "# Display the first few rows of the dataset to check its structure\n", + "print(df.head()) \n", + "\n", + "# We first load the data to see what we’re working with. \n", + "# It includes headlines, news content, topics, and labels showing whether the news is real or fake.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to\n", + "[nltk_data] C:\\Users\\Mohammed\\AppData\\Roaming\\nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "[nltk_data] Downloading package stopwords to\n", + "[nltk_data] C:\\Users\\Mohammed\\AppData\\Roaming\\nltk_data...\n", + "[nltk_data] Package stopwords is already up-to-date!\n", + "[nltk_data] Downloading package wordnet to\n", + "[nltk_data] C:\\Users\\Mohammed\\AppData\\Roaming\\nltk_data...\n", + "[nltk_data] Package wordnet is already up-to-date!\n" + ] + } + ], + "source": [ + "#2\n", + "import re # Regular expressions for text cleaning\n", + "import string # String operations to remove punctuation\n", + "import nltk # Natural Language Toolkit (NLTK) for text processing\n", + "from nltk.corpus import stopwords # Import stop words to remove unnecessary words\n", + "from nltk.tokenize import word_tokenize # Tokenization (splitting text into words)\n", + "from nltk.stem import WordNetLemmatizer # Lemmatization (converting words to their root form)\n", + "\n", + "# Download necessary NLTK data files (only needs to be run once)\n", + "nltk.download('punkt') # Tokenizer data\n", + "nltk.download('stopwords') # Stopwords data (common words like \"the\", \"is\", etc.)\n", + "nltk.download('wordnet') # WordNet dictionary for lemmatization\n", + "\n", + "# Initialize tools\n", + "stop_words = set(stopwords.words('english')) # Set of stopwords in English\n", + "lemmatizer = WordNetLemmatizer() # Initialize lemmatizer to get base form of words\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0 u budget fight loom republican flip fiscal scr...\n", + "1 u military accept transgender recruit monday p...\n", + "2 senior u republican senator let mr mueller job...\n", + "3 fbi russia probe helped australian diplomat ti...\n", + "4 trump want postal service charge much amazon s...\n", + "Name: cleaned_text, dtype: object\n" + ] + } + ], + "source": [ + "#3\n", + "def clean_text(text):\n", + " text = text.lower() # Convert text to lowercase to maintain consistency\n", + " text = re.sub(r'\\d+', '', text) # Remove numbers since they don't contribute to meaning\n", + " text = re.sub(r'[^\\w\\s]', '', text) # Remove all punctuation\n", + " text = re.sub(r'\\s+', ' ', text).strip() # Remove extra spaces\n", + " tokens = word_tokenize(text) # Tokenize the text (split into words)\n", + " tokens = [word for word in tokens if word not in stop_words] # Remove stop words\n", + " tokens = [lemmatizer.lemmatize(word) for word in tokens] # Convert words to their base form\n", + " return \" \".join(tokens) # Join words back into a single string\n", + "\n", + "# Apply text cleaning function to 'title' and 'text' columns, then combine them\n", + "df['cleaned_text'] = df['title'] + \" \" + df['text']\n", + "df['cleaned_text'] = df['cleaned_text'].apply(clean_text)\n", + "\n", + "# Print the first few cleaned rows to verify text preprocessing\n", + "print(df['cleaned_text'].head())\n", + "\n", + "# We clean the text by making everything lowercase, removing unnecessary words, \n", + "# and simplifying words to their root form. This helps our model focus on important words.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training samples: 31953\n", + "Testing samples: 7989\n" + ] + } + ], + "source": [ + "## 4 Split Data for Training and Testing\n", + "from sklearn.model_selection import train_test_split # Import function to split dataset\n", + "\n", + "# Define features (text) and target variable (label: 0 = fake, 1 = real)\n", + "X = df['cleaned_text']\n", + "y = df['label']\n", + "\n", + "# Split dataset into 80% training and 20% testing to evaluate model performance\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)\n", + "\n", + "print(f\"Training samples: {len(X_train)}\") # Print number of training samples\n", + "print(f\"Testing samples: {len(X_test)}\") # Print number of testing samples\n", + "\n", + "# We split the data so the model can learn from one part and be tested on another.\n", + "# This helps us check if it works on new articles.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "## 5 Train Word2Vec Model\n", + "import gensim # Import Gensim for Word2Vec\n", + "from gensim.models import Word2Vec # Word2Vec model\n", + "import numpy as np # Import NumPy for numerical operations\n", + "\n", + "# Train a Word2Vec model using the tokenized text\n", + "w2v_model = Word2Vec(sentences=X_train, vector_size=100, window=5, min_count=2, workers=4)\n", + "\n", + "# We use Word2Vec instead of TF-IDF to capture word meanings instead of just word frequency.\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "## 6 Convert Text into Word2Vec Vectors\n", + "# Function to get average Word2Vec vector for a document\n", + "def document_vector(text):\n", + " word_vectors = [w2v_model.wv[word] for word in text if word in w2v_model.wv]\n", + " return np.mean(word_vectors, axis=0) if word_vectors else np.zeros(100) # If empty, return zeros\n", + "\n", + "# Convert training and testing data into Word2Vec vectors\n", + "X_train_w2v = np.array([document_vector(text) for text in X_train])\n", + "X_test_w2v = np.array([document_vector(text) for text in X_test])\n", + "\n", + "# Each document is now represented by a numerical vector instead of word frequency.\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Word2Vec + Random Forest Accuracy: 0.83\n" + ] + } + ], + "source": [ + "## 7 Train Random Forest Model with Word2Vec\n", + "from sklearn.ensemble import RandomForestClassifier # Import Random Forest classifier\n", + "\n", + "# Train a Random Forest classifier with Word2Vec vectors\n", + "model = RandomForestClassifier(n_estimators=100, random_state=42) # Use 100 decision trees\n", + "model.fit(X_train_w2v, y_train)\n", + "\n", + "# Test the model and print accuracy\n", + "accuracy = model.score(X_test_w2v, y_test)\n", + "print(f\"Word2Vec + Random Forest Accuracy: {accuracy:.2f}\")\n", + "\n", + "# We train a machine learning model using Random Forest to recognize patterns in the text \n", + "# and predict if an article is fake or real. Then we test how well it performs.\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Predictions saved successfully!\n" + ] + } + ], + "source": [ + "## 8 Predict on Validation Data\n", + "# Load new articles for validation\n", + "val_df = pd.read_csv(\"dataset/validation_data.csv\")\n", + "\n", + "# Clean the validation text\n", + "val_df['cleaned_text'] = (val_df['title'] + \" \" + val_df['text']).apply(clean_text)\n", + "\n", + "# Convert validation dataset into Word2Vec vectors\n", + "X_val_w2v = np.array([document_vector(text) for text in val_df['cleaned_text']])\n", + "\n", + "# Make predictions\n", + "val_df['label'] = model.predict(X_val_w2v)\n", + "\n", + "# Replace any remaining label 2 values with 0 (fake)\n", + "val_df['label'] = val_df['label'].apply(lambda x: 0 if x == 2 else x)\n", + "\n", + "# Save predictions\n", + "val_df.to_csv(\"dataset/validation_predictions_word2vec.csv\", index=False)\n", + "print(\"Predictions saved successfully!\")\n", + "\n", + "# We clean and process new articles, then use our trained model to predict if they are fake or real. \n", + "# Finally, we save the results.\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.83 0.83 0.83 3996\n", + " 1 0.83 0.83 0.83 3993\n", + "\n", + " accuracy 0.83 7989\n", + " macro avg 0.83 0.83 0.83 7989\n", + "weighted avg 0.83 0.83 0.83 7989\n", + "\n" + ] + } + ], + "source": [ + "## 9 Evaluate Model Performance\n", + "from sklearn.metrics import classification_report # Import function to check model performance\n", + "\n", + "# Predict on the test set\n", + "y_pred = model.predict(X_test_w2v)\n", + "\n", + "# Print classification report with precision, recall, and F1-score\n", + "print(classification_report(y_test, y_pred))\n", + "\n", + "# We check how well the model performs using accuracy, precision, and recall. \n", + "# These numbers tell us how reliable our fake news detector is." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Extra to show more" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA+wAAAH4CAYAAADQAWcsAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAropJREFUeJzs3XdcVfX/wPH3FRARARUFRFHBgTscuRX31qzce6eo5DZNc+QsR+a2cuQu98o0tzlyZo7KUlNT1BTBDcL794ePe35ccYAC99T39Xw8eJTnfO4973vuOeee92cdi6qqAAAAAAAAU0ll7wAAAAAAAEB8JOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAJDC5s+fLxaLRSwWi+zcuTPeelWV3Llzi8VikUqVKiVLDFeuXJHhw4fL8ePHE/W6c+fOSY8ePSRv3rzi4uIiadOmlYIFC8qQIUPk77//TpZY/+1u3LghqVKlkm7dusVb9/7774vFYpFBgwbFW9exY0dxcHCQ8PDwZI3PYrHI8OHDX/t9rMf1hQsXXvu9rHLmzGmcK0//3b17N8HvU6lSJSlUqFCSxWUWT+8fV1dXKVasmEybNk1UNVm3PXz4cLFYLAku5+XlJXfu3Im3PmfOnFKvXr3kCBEA/hNI2AHATtzc3OSrr76Kt3zXrl3y559/ipubW7Jt+8qVKzJixIhEJewbNmyQIkWKyIYNG6RLly6yYcMG4//Xr1/PTfdzZM6cWQoWLCg7duyIt27nzp3i6ur63HVBQUGSIUOGlAjztdWtW1f2798vWbJkSdL3LVeunOzfvz/eX9q0aZN0O/9WcffPwoULJW3atNKzZ08ZO3asvUOzcePGDfnkk0/sHQYA/Os42jsAAPhf1bRpU1m8eLFMnz5d3N3djeVfffWVlClTRiIjI+0Yna3z589Ls2bNJG/evLJjxw7x8PAw1lWpUkVCQ0Nl9erVdozQ3CpXrixTp06VsLAw8fHxERGRW7duyS+//CJ9+/aVzz77TO7cuWNU0ly+fFnOnTsnffv2fe1t379/P0WS28yZM0vmzJmT/H3Tp08vpUuXTvL3/a94ev9Uq1ZNsmfPLrNnz5bBgwfbMTJbtWrVksmTJ0v37t2NcwAA8HK0sAOAnTRv3lxERJYuXWosi4iIkJUrV0qHDh2e+Zpbt25JSEiIZM2aVVKnTi0BAQHy4YcfyqNHj2zKffvtt1KqVCnx8PCQtGnTSkBAgPGeO3fulDfffFNERNq3b290p31Rt+hJkybJvXv3ZMaMGTbJupXFYpF33nnHZtncuXPljTfekDRp0kjGjBnl7bffljNnztiUadeunaRLl05+/fVXqVmzpri6ukqWLFlk3LhxIiJy4MABKV++vLi6ukrevHllwYIFNq+3dsPevn27dO7cWTw9PcXd3V3atGkj9+7dk7CwMGnSpImkT59esmTJIv369ZPo6OhX2qcWi0V69OghCxculPz580vatGnljTfekA0bNjx3v1lVrlxZRMRmCMSuXbvE0dFR+vXrJyIie/bsMdZZW9ytr0vs/vzll1+kRo0a4ubmJlWrVhURkcjISGMfpUuXTmrVqiW///57vFhv3LghXbp0ET8/P3F2dpbMmTNLuXLl5IcffnjhZ3xWl3hrV/RDhw5JhQoVjGNx3LhxEhsb+9L99jLTp0+XihUripeXl7i6ukrhwoXlk08+ifcdP8vq1aslbdq00qlTJ3n8+LGIiBw+fFgaNGggGTNmlDRp0kjRokXlm2++eeH7REdHi5eXl7Ru3Treutu3b4uLi4v06dNHRERiY2Nl1KhREhgYKC4uLpI+fXopUqSITJky5RU+/bO5u7tL3rx55dq1azbLo6KiZNSoUZIvXz7je23fvr3cuHHDptzy5culRo0akiVLFnFxcZH8+fPLBx98IPfu3XutuEaNGiWPHz9O0PCLhMTav39/8fDwkJiYGGNZz549xWKxyKeffmosu3nzpqRKlUqmTp0qIinzHQBAUiJhBwA7cXd3l0aNGsncuXONZUuXLpVUqVJJ06ZN45V/+PChVK5cWb7++mvp06ePbNy4UVq1aiWffPKJTbK8f/9+adq0qQQEBMiyZctk48aN8tFHHxlJSbFixWTevHkiIjJkyBCjO22nTp2eG+uWLVvE29s7wS2dY8eOlY4dO0rBggVl1apVMmXKFDlx4oSUKVNGzp49a1M2Ojpa3nnnHalbt66sXbtWateuLYMGDZLBgwdL27ZtpUOHDrJ69WoJDAyUdu3ayZEjR+Jtr1OnTuLh4SHLli2TIUOGyJIlS6Rz585St25deeONN2TFihXStm1bmThxonHjnph9arVx40aZNm2ajBw5UlauXGkkzufOnXvh/ggODpZUqVLZdH3fsWOHlChRQry9vaV48eI2yfyOHTvEwcFBKlSokOj9GRUVJQ0aNJAqVarI2rVrZcSIEaKq0rBhQ1m4cKH07dtXVq9eLaVLl5batWvHi7V169ayZs0a+eijj2TLli3y5ZdfSrVq1eTmzZsv/IzPExYWJi1btpRWrVrJunXrjO930aJFCXq9qsrjx49t/qzJ/p9//iktWrSQhQsXyoYNG6Rjx47y6aefynvvvffC95w8ebI0btxYBg8eLF9++aU4OjrKjh07pFy5cnL79m2ZNWuWrF27VoKCgqRp06Yyf/78576Xk5OTtGrVSlauXBmvV8zSpUvl4cOH0r59exER+eSTT2T48OHSvHlz2bhxoyxfvlw6duwot2/fTtC+SIjHjx/LpUuXJG/evMay2NhYeeutt2TcuHHSokUL2bhxo4wbN062bt0qlSpVkgcPHhhlz549K3Xq1JGvvvpKNm/eLL169ZJvvvlG6tev/1px5ciRQ0JCQuSrr756ZkVRYmOtVq2aREZGyk8//WS89ocffhAXFxfZunWrsWzbtm2iqlKtWjURSZnvAACSlAIAUtS8efNURPTQoUO6Y8cOFRE9efKkqqq++eab2q5dO1VVLViwoAYHBxuvmzVrloqIfvPNNzbvN378eBUR3bJli6qqTpgwQUVEb9++/dwYDh06pCKi8+bNS1DMadKk0dKlSyeobHh4uLq4uGidOnVsll+8eFGdnZ21RYsWxrK2bduqiOjKlSuNZdHR0Zo5c2YVET169Kix/ObNm+rg4KB9+vQxlln3Zc+ePW221bBhQxURnTRpks3yoKAgLVasmPHvhO5TVVURUW9vb42MjDSWhYWFaapUqXTs2LEv3S9BQUGaN29e49+FCxfWDz74QFVVBwwYoCVKlDDW+fv7a8mSJVX11fbn3Llzbcp+9913KiI6ZcoUm+WjR49WEdFhw4YZy9KlS6e9evV66ed5mvW7OH/+vLEsODhYRUQPHjxoU7ZAgQJas2bNl75njhw5VETi/X344YfxysbExGh0dLR+/fXX6uDgoLdu3bKJo2DBghoTE6M9evTQ1KlT66JFi2xeny9fPi1atKhGR0fbLK9Xr55myZJFY2JinhvniRMnVER0zpw5NstLliypxYsXt3mvoKCgl37uhMqRI4fWqVNHo6OjNTo6Wv/66y/t3LmzOjk56YYNG4xyS5cujXeeqf7/dWDGjBnPfP/Y2FiNjo7WXbt2qYjozz//bKwbNmyYJuQ20lruxo0b+s8//6iHh4e+++67Np+hbt26iY713r17mjp1ah05cqSqql6+fFlFRAcOHKguLi768OFDVVXt3Lmz+vr6Gu+T1N8BACQ3WtgBwI6Cg4MlV65cMnfuXPnll1/k0KFDz+0Ov337dnF1dZVGjRrZLG/Xrp2IPGlJEhGju3uTJk3km2++SfHZ2/fv3y8PHjww4rLy8/OTKlWqGHFaWSwWqVOnjvFvR0dHyZ07t2TJkkWKFi1qLM+YMaN4eXnJX3/9FW+bT094lz9/fhF5MhHa08vjvj6h+9SqcuXKNpMBent7Pzemp1WuXFl+//13uXLlity8eVNOnjxpPAUgODhYjh07JhEREXLx4kU5f/680R0+sftTROTdd9+1+be1Zb9ly5Y2y1u0aBHvtSVLlpT58+fLqFGj5MCBAwnqXv4iPj4+UrJkSZtlRYoUSdA+ExEpX768HDp0yOYvJCRERESOHTsmDRo0EE9PT3FwcBAnJydp06aNxMTExGvFffjwoTRs2FAWL14sW7ZssdkXf/zxh/z666/Gsrit+XXq1JGrV6/Kb7/99twYCxcuLMWLFzd6roiInDlzRn766Seb87lkyZLy888/S0hIiHz//fdJMk/Fpk2bxMnJSZycnCRHjhzyxRdfyNSpU22O/Q0bNkj69Omlfv36Np8tKChIfHx8bHp3nDt3Tlq0aCE+Pj7GPg0ODjY+0+vw9PSUgQMHysqVK+XgwYPPLJPQWNOmTStlypQxhmps3bpV0qdPL/3795eoqCjZu3eviDxpdbe2roskz3cAAMmJhB0A7MhisUj79u1l0aJFMmvWLMmbN6/RDfppN2/eFB8fn3iPUvLy8hJHR0ejy3LFihVlzZo18vjxY2nTpo1ky5ZNChUqZDNWPrGyZ88u58+fT1BZaxzPmi3c19c3XtfqtGnTSpo0aWyWpU6dWjJmzBjv9alTp5aHDx/GW/502dSpUz93edzXJ3SfWnl6esbbtrOzs02X4ueJO459586d4uDgIOXKlRORJ0mpyJNx7E+PX3+V/Rl3EkPrezg6OsaL/1mTfy1fvlzatm0rX375pZQpU0YyZswobdq0kbCwsJd+xmd5nX0mIuLh4SElSpSw+fP19ZWLFy9KhQoV5O+//5YpU6bInj175NChQzJ9+nQRkXjvf/36dfn++++lTJkyUrZsWZt11vHe/fr1M5Jf65+1cuCff/55YZwdOnSQ/fv3y6+//ioiIvPmzRNnZ2djrgoRkUGDBsmECRPkwIEDUrt2bfH09JSqVavK4cOHE7QvnsVaoXHgwAFZuHCh5MyZU3r06GEkrNbPd/v2bUmdOnW8zxcWFmZ8trt370qFChXk4MGDMmrUKNm5c6ccOnRIVq1aJSLx9+mr6NWrl/j6+sqAAQOeuT6hsYo86RZ/4MABuXfvnvzwww9SpUoV8fT0lOLFi8sPP/wg58+fl/Pnz9sk7MnxHQBAciJhBwA7a9eunfzzzz8ya9YsY6zrs3h6esq1a9fiPV/5+vXr8vjxY8mUKZOx7K233pJt27ZJRESE7Ny5U7JlyyYtWrSQ/fv3v1KMNWvWlGvXrsmBAwdeWtaaoF29ejXeuitXrtjEaW+J2aevq2LFiuLg4GAk7MWKFZN06dKJyJP5DIKCgmTHjh2yc+dOcXR0NJL5xO7PZz0b29PTUx4/fhwvuX9WEp4pUyb57LPP5MKFC/LXX3/J2LFjZdWqVfFa+O1tzZo1cu/ePVm1apW0atVKypcvLyVKlDAqa56WPXt2Wb9+vezcuVPeeecdm4ob6z4cNGhQvNZ8619QUNAL42nevLk4OzvL/PnzJSYmRhYuXCgNGza0eSyfo6Oj9OnTR44ePSq3bt2SpUuXyqVLl6RmzZpy//79V9oP1gqNUqVKSatWrWTLli1GRYN1rH+mTJnE09PzuZ9txowZIvKkx8mVK1dk7ty50qlTJ6lYsaKUKFEiSR8x6eLiIsOHD5fdu3fLxo0b461PaKwiIlWrVpWoqCjZvXu3bNu2TapXr24s37p1qzGW3TrxokjyfAcAkJxI2AHAzrJmzSr9+/eX+vXrS9u2bZ9brmrVqnL37l1Zs2aNzfKvv/7aWP80Z2dnCQ4OlvHjx4vIky7E1uUiCW8x6927t7i6ukpISIhERETEW6+qxmPdypQpIy4uLvEmFbt8+bJs3779mXHay6vs01fl4eEhRYsWNRJ2a3d4q+DgYCNhL1mypJHMJ8X+tLbWL1682Gb5kiVLXvi67NmzS48ePaR69epy9OjRl24nJVkrJqzHssiT4/CLL7547mtq1Kgh33//vezevVvq1atnzHweGBgoefLkkZ9//jlea77172VJa4YMGaRhw4by9ddfy4YNGyQsLOy5w1tEnjyOrVGjRtK9e3e5deuWzez6ryNPnjwyYMAA+eWXX2T58uUi8mTIyM2bNyUmJuaZny0wMFBEnr1PRURmz56dJLFZdejQwZh9/umnBSQ0VpEn3dvd3d3ls88+k7CwMCNhr1atmhw7dky++eYbKVCggPj6+j4zjuT6DgAgKfEcdgAwAetjzF6kTZs2Mn36dGnbtq1cuHBBChcuLHv37pUxY8ZInTp1jG6fH330kVy+fFmqVq0q2bJlk9u3b8uUKVNsxqLmypVLXFxcZPHixZI/f35Jly6d+Pr6PvfG1t/fX5YtWyZNmzaVoKAg6dGjhzG+/PTp0zJ37lxRVXn77bclffr0MnToUBk8eLC0adNGmjdvLjdv3pQRI0ZImjRpZNiwYUm0115fQvdpUqlcubJ8+umnYrFYjEoUq+DgYJk8ebKoqs346qTYnzVq1JCKFSvKgAED5N69e1KiRAn58ccfZeHChTblIiIipHLlytKiRQvJly+fuLm5yaFDh2Tz5s3PnDXfnqpXry6pU6eW5s2by4ABA+Thw4cyc+ZMCQ8Pf+HrypcvL9u2bZNatWpJjRo1ZNOmTeLh4SGzZ8+W2rVrS82aNaVdu3aSNWtWuXXrlpw5c0aOHj0q33777Utj6tChgyxfvlx69Ogh2bJli3f81K9fXwoVKiQlSpSQzJkzy19//SWfffaZ5MiRQ/LkySMiTx73V7VqVfnoo4/ko48+eqV9069fP5k1a5aMGDFCmjRpIs2aNZPFixdLnTp15P3335eSJUuKk5OTXL58WXbs2CFvvfWWvP3221K2bFnJkCGDdO3aVYYNGyZOTk6yePFi+fnnn18pjudxcHCQMWPGyNtvvy0iT+Y0sEporNb3CQ4OlvXr14u/v7/kypVLRETKlSsnzs7Osm3bNgkNDbXZdkK+AwAwFXvOeAcA/4vizhL/Ik/PEq/6ZKb0rl27apYsWdTR0VFz5MihgwYNMmZEVlXdsGGD1q5dW7NmzaqpU6dWLy8vrVOnju7Zs8fmvZYuXar58uVTJyeneDOFP8+ff/6pISEhmjt3bnV2dlYXFxctUKCA9unTx2Z2cFXVL7/8UosUKaKpU6dWDw8Pfeutt/TUqVM2Zdq2bauurq7xtmOd1ftpT88o/bx9GXdm6pdtLyH7VPXJLPHdu3d/Zkxt27aNt/xZNm3apCKiDg4OGhERYbPu1q1bmipVKhUR3bp1a7zXvs7+VFW9ffu2dujQQdOnT69p06bV6tWr66+//mrz3T98+FC7du2qRYoUUXd3d3VxcdHAwEAdNmyY3rt374Wf7XmzxD/re2zbtq3myJHjhe+nGv/7ftr69ev1jTfe0DRp0mjWrFm1f//+xoz4O3bseGEcJ0+eVB8fHy1WrJhxnPz888/apEkT9fLyUicnJ/Xx8dEqVarorFmzXhqr6pOZ6v38/J47k/3EiRO1bNmymilTJk2dOrVmz55dO3bsqBcuXDDKWJ8ckZDz8UX7Z/r06SoiumDBAlV98vSFCRMmGPsrXbp0mi9fPn3vvff07Nmzxuv27dunZcqU0bRp02rmzJm1U6dOevTo0XhPlXiVWeKfVrZsWRWReJ8hobGqqk6ZMkVFRDt37myzvHr16ioium7dOpvlCfkOAMBMLKpPDdwDAAAAAAB2xxh2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABNytHcA9hQbGytXrlwRNzc3sVgs9g4HAAAAAPAfp6py584d8fX1lVSpXtyG/j+dsF+5ckX8/PzsHQYAAAAA4H/MpUuXJFu2bC8s8z+dsLu5uYnIkx3l7u5u52gAAAAAAP91kZGR4ufnZ+SjL/I/nbBbu8G7u7uTsAMAAAAAUkxChmUz6RwAAAAAACZEwg4AAAAAgAn9T3eJBwAAAAB7iImJkejoaHuHgWTg5OQkDg4OSfJeJOwAAAAAkEJUVcLCwuT27dv2DgXJKH369OLj4/Pajw8nYQcAAACAFGJN1r28vCRt2rSvndDBXFRV7t+/L9evXxcRkSxZsrzW+5GwAwAAAEAKiImJMZJ1T09Pe4eDZOLi4iIiItevXxcvL6/X6h7PpHMAAAAAkAKsY9bTpk1r50iQ3Kzf8evOU0DCDgAAAAApiG7w/31J9R2TsAMAAAAAYEIk7AAAAAAAmBAJOwAAAADYkcWSsn9mNXz4cAkKCrJ3GKZCwg4AAAAAeK527dqJxWIRi8Uijo6Okj17dunWrZuEh4enaBwXLlwQi8UiXl5ecufOHZt1QUFBMnz48BSNJyWQsAMAAAAAXqhWrVpy9epVuXDhgnz55Zeyfv16CQkJsUssd+7ckQkTJthl2ymNhB0AAAAA8ELOzs7i4+Mj2bJlkxo1akjTpk1ly5YtNmXmzZsn+fPnlzRp0ki+fPlkxowZNusHDhwoefPmlbRp00pAQIAMHTr0lR571rNnT5k0aZJcv379uWWioqJkwIABkjVrVnF1dZVSpUrJzp07RUREVSVz5syycuVKo3xQUJB4eXkZ/96/f784OTnJ3bt3ReRJd/3s2bOLs7Oz+Pr6SmhoaKLjfhUk7AAAAACABDt37pxs3rxZnJycjGVffPGFfPjhhzJ69Gg5c+aMjBkzRoYOHSoLFiwwyri5ucn8+fPl9OnTMmXKFPniiy9k8uTJid5+8+bNJXfu3DJy5Mjnlmnfvr38+OOPsmzZMjlx4oQ0btxYatWqJWfPnhWLxSIVK1Y0Evjw8HA5ffq0REdHy+nTp0VEZOfOnVK8eHFJly6drFixQiZPniyzZ8+Ws2fPypo1a6Rw4cKJjvtVOKbIVvDa7DU5hKp9tgsAAADAPDZs2CDp0qWTmJgYefjwoYiITJo0yVj/8ccfy8SJE+Wdd94RERF/f385ffq0zJ49W9q2bSsiIkOGDDHK58yZU/r27SvLly+XAQMGJCoWi8Ui48aNk/r160vv3r0lV65cNuv//PNPWbp0qVy+fFl8fX1FRKRfv36yefNmmTdvnowZM0YqVaokc+bMERGR3bt3yxtvvCHZs2eXnTt3SoECBWTnzp1SqVIlERG5ePGi+Pj4SLVq1cTJyUmyZ88uJUuWTFTMr4oWdgAAAADAC1WuXFmOHz8uBw8elJ49e0rNmjWlZ8+eIiJy48YNuXTpknTs2FHSpUtn/I0aNUr+/PNP4z1WrFgh5cuXFx8fH0mXLp0MHTpULl68+Erx1KxZU8qXLy9Dhw6Nt+7o0aOiqpI3b16beHbt2mXEU6lSJTl16pT8888/smvXLqlUqZJUqlRJdu3aJY8fP5Z9+/ZJcHCwiIg0btxYHjx4IAEBAdK5c2dZvXq1PH78+JXiTiwSdgAAAADAC7m6ukru3LmlSJEi8vnnn8ujR49kxIgRIiISGxsrIk+6xR8/ftz4O3nypBw4cEBERA4cOCDNmjWT2rVry4YNG+TYsWPy4YcfSlRU1CvHNG7cOFm+fLkcO3bMZnlsbKw4ODjIkSNHbOI5c+aMTJkyRUREChUqJJ6enrJr1y4jYQ8ODpZdu3bJoUOH5MGDB1K+fHkREfHz85PffvtNpk+fLi4uLhISEiIVK1Z8pfH3iUWXeAAAAABAogwbNkxq164t3bp1E19fX8maNaucO3dOWrZs+czyP/74o+TIkUM+/PBDY9lff/31WjGULFlS3nnnHfnggw9slhctWlRiYmLk+vXrUqFChWe+1jqOfe3atXLy5EmpUKGCuLm5SXR0tMyaNUuKFSsmbm5uRnkXFxdp0KCBNGjQQLp37y758uWTX375RYoVK/Zan+FlSNgBAAAAAIlSqVIlKViwoIwZM0amTZsmw4cPl9DQUHF3d5fatWvLo0eP5PDhwxIeHi59+vSR3Llzy8WLF2XZsmXy5ptvysaNG2X16tWvHcfo0aOlYMGC4uj4/6lt3rx5pWXLltKmTRuZOHGiFC1aVP755x/Zvn27FC5cWOrUqWN8ht69e0vRokXF3d1dREQqVqwoixcvlj59+hjvN3/+fImJiZFSpUpJ2rRpZeHCheLi4iI5cuR47fhfhi7xAAAAAGBHqin7l1T69OkjX3zxhVy6dEk6deokX375pcyfP18KFy4swcHBMn/+fPH39xcRkbfeekt69+4tPXr0kKCgINm3b98zx58nVt68eaVDhw7GRHhW8+bNkzZt2kjfvn0lMDBQGjRoIAcPHhQ/Pz+jTOXKlSUmJsaYXE5EJDg4WGJiYozx6yIi6dOnly+++ELKlSsnRYoUkW3btsn69evF09PzteN/GYvq/+484JGRkeLh4SERERFGjYpZMUs8AAAA8O/28OFDOX/+vPj7+0uaNGnsHQ6S0Yu+68TkobSwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEKO9g4AAAAAAP6n1a+fsttbvz7FNjV//nzp1auX3L59O8W2+V9CCzsAAAAA4LnatWsnFosl3t8ff/xhl3gqVaokFotFli1bZrP8s88+k5w5c9olpuRCwg4AAAAAeKFatWrJ1atXbf78/f3tFk+aNGlkyJAhEh0dbbcYUgIJOwAAAADghZydncXHx8fmz8HBQSZNmiSFCxcWV1dX8fPzk5CQELl79+5z3+fmzZtSsmRJadCggTx8+FBUVT755BMJCAgQFxcXeeONN2TFihUvjad58+YSEREhX3zxxQvLrV+/XooXLy5p0qSRgIAAGTFihDx+/FhERPr27Sv14wxH+Oyzz8RiscjGjRuNZYGBgTJ79mwREdm5c6eULFlSXF1dJX369FKuXDn566+/Xhrr6yBhBwAAAAC8klSpUsnnn38uJ0+elAULFsj27dtlwIABzyx7+fJlqVChguTLl09WrVpltJLPmzdPZs6cKadOnZLevXtLq1atZNeuXS/crru7uwwePFhGjhwp9+7de2aZ77//Xlq1aiWhoaFy+vRpmT17tsyfP19Gjx4tIk+61u/Zs0diY2NFRGTXrl2SKVMmY9thYWHy+++/S3BwsDx+/FgaNmwowcHBcuLECdm/f7906dJFLBbLq+66BCFhBwAAAAC80IYNGyRdunTGX+PGjUVEpFevXlK5cmXx9/eXKlWqyMcffyzffPNNvNf//vvvUq5cOalWrZosWLBAHB0d5d69ezJp0iSZO3eu1KxZUwICAqRdu3bSqlUro1X7RUJCQiRNmjQyadKkZ64fPXq0fPDBB9K2bVsJCAiQ6tWry8cff2y8d8WKFeXOnTty7NgxUVXZs2eP9O3bV3bu3CkiIjt27BBvb2/Jly+fREZGSkREhNSrV09y5col+fPnl7Zt20r27NlfcY8mDLPEAwAAAABeqHLlyjJz5kzj366uriLyJKkdM2aMnD59WiIjI+Xx48fy8OFDuXfvnlHmwYMHUr58eWnevLlMmTLFeI/Tp0/Lw4cPpXr16jbbioqKkqJFi740JmdnZxk5cqT06NFDunXrFm/9kSNH5NChQ0aLuohITEyMPHz4UO7fvy8eHh4SFBQkO3fuFCcnJ0mVKpW89957MmzYMLlz547s3LlTgoODRUQkY8aM0q5dO6lZs6ZUr15dqlWrJk2aNJEsWbIkYi8mHi3sAAAAAIAXcnV1ldy5cxt/WbJkkb/++kvq1KkjhQoVkpUrV8qRI0dk+vTpIiI2k8E5OztLtWrVZOPGjXL58mVjubUr+saNG+X48ePG3+nTpxM0jl1EpFWrVpIzZ04ZNWpUvHWxsbEyYsQIm/f+5Zdf5OzZs5ImTRoRedItfufOnbJr1y4JDg6WDBkySMGCBeXHH3+UnTt3SqVKlYz3mzdvnuzfv1/Kli0ry5cvl7x588qBAwcSvS8TgxZ2AAAAAECiHT58WB4/fiwTJ06UVKmetAU/qzt8qlSpZOHChdKiRQupUqWK7Ny5U3x9faVAgQLi7OwsFy9eNFqyEytVqlQyduxYeeedd+K1shcrVkx+++03yZ0793NfX6lSJfnqq6/E0dFRqlWrJiIiwcHBsmzZMmP8elxFixaVokWLyqBBg6RMmTKyZMkSKV269CvFnhAk7AAAAACARMuVK5c8fvxYpk6dKvXr15cff/xRZs2a9cyyDg4OsnjxYmnevLmRtPv4+Ei/fv2kd+/eEhsbK+XLl5fIyEjZt2+fpEuXTtq2bZugOOrWrSulSpWS2bNni7e3t7H8o48+knr16omfn580btxYUqVKJSdOnJBffvnFaJG3jmNfv369saxSpUry7rvvSubMmaVAgQIiInL+/HmZM2eONGjQQHx9feW3336T33//Xdq0afM6u/ClSNgBAAAAwJ7Wr7d3BK8kKChIJk2aJOPHj5dBgwZJxYoVZezYsc9NYh0dHWXp0qXStGlTI2n/+OOPxcvLS8aOHSvnzp2T9OnTS7FixWTw4MGJimX8+PFStmxZm2U1a9aUDRs2yMiRI+WTTz4RJycnyZcvn3Tq1Mko4+HhIUWLFpWLFy8ayXmFChUkNjbWpnU9bdq08uuvv8qCBQvk5s2bkiVLFunRo4e89957iYozsSyqqsm6BROLjIwUDw8PiYiIEHd3d3uH80LJ/LSA5/rfPToAAACApPXw4UM5f/68+Pv7G2Oo8d/0ou86MXkok84BAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAABACvofnvf7f0ZSfcck7AAAAACQApycnERE5P79+3aOBMnN+h1bv/NXxXPYAQAAACAFODg4SPr06eX69esi8uTZ3hZ7Pb8ZyUJV5f79+3L9+nVJnz69ODg4vNb7kbADAAAAQArx8fERETGSdvw3pU+f3viuXwcJOwAAAACkEIvFIlmyZBEvLy+Jjo62dzhIBk5OTq/dsm5Fwg4AAAAAKczBwSHJkjr8dzHpHAAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCiUrYHz9+LEOGDBF/f39xcXGRgIAAGTlypMTGxhplVFWGDx8uvr6+4uLiIpUqVZJTp07ZvM+jR4+kZ8+ekilTJnF1dZUGDRrI5cuXbcqEh4dL69atxcPDQzw8PKR169Zy+/ZtmzIXL16U+vXri6urq2TKlElCQ0MlKioqkbsAAAAAAADzSVTCPn78eJk1a5ZMmzZNzpw5I5988ol8+umnMnXqVKPMJ598IpMmTZJp06bJoUOHxMfHR6pXry537twxyvTq1UtWr14ty5Ytk71798rdu3elXr16EhMTY5Rp0aKFHD9+XDZv3iybN2+W48ePS+vWrY31MTExUrduXbl3757s3btXli1bJitXrpS+ffu+zv4AAAAAAMAULKqqCS1cr1498fb2lq+++spY9u6770ratGll4cKFoqri6+srvXr1koEDB4rIk9Z0b29vGT9+vLz33nsSEREhmTNnloULF0rTpk1FROTKlSvi5+cnmzZtkpo1a8qZM2ekQIECcuDAASlVqpSIiBw4cEDKlCkjv/76qwQGBsp3330n9erVk0uXLomvr6+IiCxbtkzatWsn169fF3d395d+nsjISPHw8JCIiIgElbcni8U+20340QEAAAAAeJnE5KGJamEvX768bNu2TX7//XcREfn5559l7969UqdOHREROX/+vISFhUmNGjWM1zg7O0twcLDs27dPRESOHDki0dHRNmV8fX2lUKFCRpn9+/eLh4eHkayLiJQuXVo8PDxsyhQqVMhI1kVEatasKY8ePZIjR448M/5Hjx5JZGSkzR8AAAAAAGbkmJjCAwcOlIiICMmXL584ODhITEyMjB49Wpo3by4iImFhYSIi4u3tbfM6b29v+euvv4wyqVOnlgwZMsQrY319WFiYeHl5xdu+l5eXTZmnt5MhQwZJnTq1UeZpY8eOlREjRiTmIwMAAAAAYBeJamFfvny5LFq0SJYsWSJHjx6VBQsWyIQJE2TBggU25SxP9d9W1XjLnvZ0mWeVf5UycQ0aNEgiIiKMv0uXLr0wJgAAAAAA7CVRLez9+/eXDz74QJo1ayYiIoULF5a//vpLxo4dK23bthUfHx8RedL6nSVLFuN1169fN1rDfXx8JCoqSsLDw21a2a9fvy5ly5Y1yly7di3e9m/cuGHzPgcPHrRZHx4eLtHR0fFa3q2cnZ3F2dk5MR8ZAAAAAAC7SFQL+/379yVVKtuXODg4GI918/f3Fx8fH9m6dauxPioqSnbt2mUk48WLFxcnJyebMlevXpWTJ08aZcqUKSMRERHy008/GWUOHjwoERERNmVOnjwpV69eNcps2bJFnJ2dpXjx4on5WAAAAAAAmE6iWtjr168vo0ePluzZs0vBggXl2LFjMmnSJOnQoYOIPOmi3qtXLxkzZozkyZNH8uTJI2PGjJG0adNKixYtRETEw8NDOnbsKH379hVPT0/JmDGj9OvXTwoXLizVqlUTEZH8+fNLrVq1pHPnzjJ79mwREenSpYvUq1dPAgMDRUSkRo0aUqBAAWndurV8+umncuvWLenXr5907tzZ9DO+AwAAAADwMolK2KdOnSpDhw6VkJAQuX79uvj6+sp7770nH330kVFmwIAB8uDBAwkJCZHw8HApVaqUbNmyRdzc3IwykydPFkdHR2nSpIk8ePBAqlatKvPnzxcHBwejzOLFiyU0NNSYTb5BgwYybdo0Y72Dg4Ns3LhRQkJCpFy5cuLi4iItWrSQCRMmvPLOAAAAAADALBL1HPb/Gp7D/nL/u0cHAAAAACS9ZHsOOwAAAAAASBkk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAm5GjvAPAvVr++fba7fr19tgsAAAAAKYgWdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATCjRCfvff/8trVq1Ek9PT0mbNq0EBQXJkSNHjPWqKsOHDxdfX19xcXGRSpUqyalTp2ze49GjR9KzZ0/JlCmTuLq6SoMGDeTy5cs2ZcLDw6V169bi4eEhHh4e0rp1a7l9+7ZNmYsXL0r9+vXF1dVVMmXKJKGhoRIVFZXYjwQAAAAAgOkkKmEPDw+XcuXKiZOTk3z33Xdy+vRpmThxoqRPn94o88knn8ikSZNk2rRpcujQIfHx8ZHq1avLnTt3jDK9evWS1atXy7Jly2Tv3r1y9+5dqVevnsTExBhlWrRoIcePH5fNmzfL5s2b5fjx49K6dWtjfUxMjNStW1fu3bsne/fulWXLlsnKlSulb9++r7E7AAAAAAAwB4uqakILf/DBB/Ljjz/Knj17nrleVcXX11d69eolAwcOFJEnrene3t4yfvx4ee+99yQiIkIyZ84sCxculKZNm4qIyJUrV8TPz082bdokNWvWlDNnzkiBAgXkwIEDUqpUKREROXDggJQpU0Z+/fVXCQwMlO+++07q1asnly5dEl9fXxERWbZsmbRr106uX78u7u7u8eJ79OiRPHr0yPh3ZGSk+Pn5SURExDPLm4nFYp/tvvDoqF8/xeKwsX69fbYLAAAAAK8pMjJSPDw8EpSHJqqFfd26dVKiRAlp3LixeHl5SdGiReWLL74w1p8/f17CwsKkRo0axjJnZ2cJDg6Wffv2iYjIkSNHJDo62qaMr6+vFCpUyCizf/9+8fDwMJJ1EZHSpUuLh4eHTZlChQoZybqISM2aNeXRo0c2XfTjGjt2rNHF3sPDQ/z8/BLz8QEAAAAASDGJStjPnTsnM2fOlDx58sj3338vXbt2ldDQUPn6669FRCQsLExERLy9vW1e5+3tbawLCwuT1KlTS4YMGV5YxsvLK972vby8bMo8vZ0MGTJI6tSpjTJPGzRokERERBh/ly5dSszHBwAAAAAgxTgmpnBsbKyUKFFCxowZIyIiRYsWlVOnTsnMmTOlTZs2RjnLU/23VTXesqc9XeZZ5V+lTFzOzs7i7Oz8wjgAAAAAADCDRLWwZ8mSRQoUKGCzLH/+/HLx4kUREfHx8RERidfCff36daM13MfHR6KioiQ8PPyFZa5duxZv+zdu3LAp8/R2wsPDJTo6Ol7LOwAAAAAA/zaJamEvV66c/PbbbzbLfv/9d8mRI4eIiPj7+4uPj49s3bpVihYtKiIiUVFRsmvXLhk/fryIiBQvXlycnJxk69at0qRJExERuXr1qpw8eVI++eQTEREpU6aMREREyE8//SQlS5YUEZGDBw9KRESElC1b1igzevRouXr1qmTJkkVERLZs2SLOzs5SvHjxV9oZSJz1G+yzXTtNdQcAAAAAKSpRCXvv3r2lbNmyMmbMGGnSpIn89NNPMmfOHJkzZ46IPOmi3qtXLxkzZozkyZNH8uTJI2PGjJG0adNKixYtRETEw8NDOnbsKH379hVPT0/JmDGj9OvXTwoXLizVqlUTkSet9rVq1ZLOnTvL7NmzRUSkS5cuUq9ePQkMDBQRkRo1akiBAgWkdevW8umnn8qtW7ekX79+0rlzZ9PP+A4AAAAAwMskKmF/8803ZfXq1TJo0CAZOXKk+Pv7y2effSYtW7Y0ygwYMEAePHggISEhEh4eLqVKlZItW7aIm5ubUWby5Mni6OgoTZo0kQcPHkjVqlVl/vz54uDgYJRZvHixhIaGGrPJN2jQQKZNm2asd3BwkI0bN0pISIiUK1dOXFxcpEWLFjJhwoRX3hkAAAAAAJhFop7D/l+TmOff2ZsZn8O+3mKfzun1leewAwAAAPh3SrbnsAMAAAAAgJRBwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAmRMIOAAAAAIAJkbADAAAAAGBCJOwAAAAAAJgQCTsAAAAAACZEwg4AAAAAgAmRsAMAAAAAYEIk7AAAAAAAmBAJOwAAAAAAJkTCDgAAAACACZGwAwAAAABgQiTsAAAAAACYEAk7AAAAAAAm5GjvAICkZrGk/DZVU36bAAAAAP7baGEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwoddK2MeOHSsWi0V69eplLFNVGT58uPj6+oqLi4tUqlRJTp06ZfO6R48eSc+ePSVTpkzi6uoqDRo0kMuXL9uUCQ8Pl9atW4uHh4d4eHhI69at5fbt2zZlLl68KPXr1xdXV1fJlCmThIaGSlRU1Ot8JAAAAAAATOGVE/ZDhw7JnDlzpEiRIjbLP/nkE5k0aZJMmzZNDh06JD4+PlK9enW5c+eOUaZXr16yevVqWbZsmezdu1fu3r0r9erVk5iYGKNMixYt5Pjx47J582bZvHmzHD9+XFq3bm2sj4mJkbp168q9e/dk7969smzZMlm5cqX07dv3VT8SAAAAAACmYVFVTeyL7t69K8WKFZMZM2bIqFGjJCgoSD777DNRVfH19ZVevXrJwIEDReRJa7q3t7eMHz9e3nvvPYmIiJDMmTPLwoULpWnTpiIicuXKFfHz85NNmzZJzZo15cyZM1KgQAE5cOCAlCpVSkREDhw4IGXKlJFff/1VAgMD5bvvvpN69erJpUuXxNfXV0REli1bJu3atZPr16+Lu7v7Sz9HZGSkeHh4SERERILK25PFYp/tvujoWG+pn3KBxFFf179wvT32VeLPIgAAAAD/ixKTh75SC3v37t2lbt26Uq1aNZvl58+fl7CwMKlRo4axzNnZWYKDg2Xfvn0iInLkyBGJjo62KePr6yuFChUyyuzfv188PDyMZF1EpHTp0uLh4WFTplChQkayLiJSs2ZNefTokRw5cuSZcT969EgiIyNt/gAAAAAAMCPHxL5g2bJlcvToUTl06FC8dWFhYSIi4u3tbbPc29tb/vrrL6NM6tSpJUOGDPHKWF8fFhYmXl5e8d7fy8vLpszT28mQIYOkTp3aKPO0sWPHyogRIxLyMQEAAAAAsKtEtbBfunRJ3n//fVm0aJGkSZPmueUsT/VJVtV4y572dJlnlX+VMnENGjRIIiIijL9Lly69MCYAAAAAAOwlUQn7kSNH5Pr161K8eHFxdHQUR0dH2bVrl3z++efi6OhotHg/3cJ9/fp1Y52Pj49ERUVJeHj4C8tcu3Yt3vZv3LhhU+bp7YSHh0t0dHS8lncrZ2dncXd3t/kDAAAAAMCMEpWwV61aVX755Rc5fvy48VeiRAlp2bKlHD9+XAICAsTHx0e2bt1qvCYqKkp27dolZcuWFRGR4sWLi5OTk02Zq1evysmTJ40yZcqUkYiICPnpp5+MMgcPHpSIiAibMidPnpSrV68aZbZs2SLOzs5SvHjxV9gVAAAAAACYR6LGsLu5uUmhQoVslrm6uoqnp6exvFevXjJmzBjJkyeP5MmTR8aMGSNp06aVFi1aiIiIh4eHdOzYUfr27Suenp6SMWNG6devnxQuXNiYxC5//vxSq1Yt6dy5s8yePVtERLp06SL16tWTwMBAERGpUaOGFChQQFq3bi2ffvqp3Lp1S/r16yedO3em5RwAAAAA8K+X6EnnXmbAgAHy4MEDCQkJkfDwcClVqpRs2bJF3NzcjDKTJ08WR0dHadKkiTx48ECqVq0q8+fPFwcHB6PM4sWLJTQ01JhNvkGDBjJt2jRjvYODg2zcuFFCQkKkXLly4uLiIi1atJAJEyYk9UcCAAAAACDFvdJz2P8reA77y/Ec9oT53z2LAAAAACRGsj+HHQAAAAAAJC8SdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIQc7R0A8L/AYkn5baqm/DYBAAAAJB1a2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATcrR3AADsw2JJ+W2qpvw2AQAAgH8rWtgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhR3sHAABWFkvKb1M15bcJAAAAJAQJOwC8gD0qEUSoSAAAAAAJ+7/GOqlvpy2vt9N2AQAAAOB/G2PYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIQc7R0AAJjZOqlvpy2vt9N2AQAAYBa0sAMAAAAAYEIk7AAAAAAAmBBd4gHgX8Zisc92Ve2zXQAAgP9VJOwAAABIOvXtMPfHeub9APDfRJd4AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABNKVMI+duxYefPNN8XNzU28vLykYcOG8ttvv9mUUVUZPny4+Pr6iouLi1SqVElOnTplU+bRo0fSs2dPyZQpk7i6ukqDBg3k8uXLNmXCw8OldevW4uHhIR4eHtK6dWu5ffu2TZmLFy9K/fr1xdXVVTJlyiShoaESFRWVmI8EAAAAAIApJSph37Vrl3Tv3l0OHDggW7dulcePH0uNGjXk3r17RplPPvlEJk2aJNOmTZNDhw6Jj4+PVK9eXe7cuWOU6dWrl6xevVqWLVsme/fulbt370q9evUkJibGKNOiRQs5fvy4bN68WTZv3izHjx+X1q1bG+tjYmKkbt26cu/ePdm7d68sW7ZMVq5cKX379n2d/QEAAAAAgClYVFVf9cU3btwQLy8v2bVrl1SsWFFUVXx9faVXr14ycOBAEXnSmu7t7S3jx4+X9957TyIiIiRz5syycOFCadq0qYiIXLlyRfz8/GTTpk1Ss2ZNOXPmjBQoUEAOHDggpUqVEhGRAwcOSJkyZeTXX3+VwMBA+e6776RevXpy6dIl8fX1FRGRZcuWSbt27eT69evi7u7+0vgjIyPFw8NDIiIiElTentZb6ttlu/V1/XPXmTEmERGLJYUCieNlZxExPfFvjMmMx7k99pPIy/cVAIiISH07XDfXv/jeAADMJDF56GuNYY+IiBARkYwZM4qIyPnz5yUsLExq1KhhlHF2dpbg4GDZt2+fiIgcOXJEoqOjbcr4+vpKoUKFjDL79+8XDw8PI1kXESldurR4eHjYlClUqJCRrIuI1KxZUx49eiRHjhx5ZryPHj2SyMhImz8AAAAAAMzolRN2VZU+ffpI+fLlpVChQiIiEhYWJiIi3t7eNmW9vb2NdWFhYZI6dWrJkCHDC8t4eXnF26aXl5dNmae3kyFDBkmdOrVR5mljx441xsR7eHiIn59fYj82AAAAAAApwvFVX9ijRw85ceKE7N27N946y1P9NVU13rKnPV3mWeVfpUxcgwYNkj59+hj/joyMJGkHAAD4r6ObPoB/qVdK2Hv27Cnr1q2T3bt3S7Zs2YzlPj4+IvKk9TtLlizG8uvXrxut4T4+PhIVFSXh4eE2rezXr1+XsmXLGmWuXbsWb7s3btyweZ+DBw/arA8PD5fo6Oh4Le9Wzs7O4uzs/CofGfjPWSf2GJvNzQsAAACQUInqEq+q0qNHD1m1apVs375d/P39bdb7+/uLj4+PbN261VgWFRUlu3btMpLx4sWLi5OTk02Zq1evysmTJ40yZcqUkYiICPnpp5+MMgcPHpSIiAibMidPnpSrV68aZbZs2SLOzs5SvHjxxHwsAAAAAABMJ1Et7N27d5clS5bI2rVrxc3NzRgr7uHhIS4uLmKxWKRXr14yZswYyZMnj+TJk0fGjBkjadOmlRYtWhhlO3bsKH379hVPT0/JmDGj9OvXTwoXLizVqlUTEZH8+fNLrVq1pHPnzjJ79mwREenSpYvUq1dPAgMDRUSkRo0aUqBAAWndurV8+umncuvWLenXr5907tzZ9DO+AwAAAADwMolK2GfOnCkiIpUqVbJZPm/ePGnXrp2IiAwYMEAePHggISEhEh4eLqVKlZItW7aIm5ubUX7y5Mni6OgoTZo0kQcPHkjVqlVl/vz54uDgYJRZvHixhIaGGrPJN2jQQKZNm2asd3BwkI0bN0pISIiUK1dOXFxcpEWLFjJhwoRE7QAAAAAAAMwoUQl7Qh7ZbrFYZPjw4TJ8+PDnlkmTJo1MnTpVpk6d+twyGTNmlEWLFr1wW9mzZ5cNGza8NCYAAAAAAP5tXnmWeAAArF7yIJBkk4B6ZAAAgH8tEnYAwH+SGSsRzBgTAAAwLxJ2IAXwCDUAAAAAiZWox7oBAAAAAICUQcIOAAAAAIAJkbADAAAAAGBCjGEHAOB/GBPhAQBgXiTsAAAAQEqrb4cJade/ZEJaM8YE/I+jSzwAAAAAACZEwg4AAAAAgAnRJR4A/mXWiR26LIqICN0WAQApzB7d9EXoqg/TIGEHAAAAgISiEgEpiC7xAAAAAACYEC3s+M+xT3dhajwBIKnwqDkASCRa/f+zSNgBAABegkoEAEgkKhGSBF3iAQAAAAAwIVrYAQAA/qXs0fJPqz8ApBxa2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhEjYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImEHAAAAAMCESNgBAAAAADAhEnYAAAAAAEyIhB0AAAAAABMiYQcAAAAAwIRI2AEAAAAAMCESdgAAAAAATIiEHQAAAAAAEyJhBwAAAADAhP71CfuMGTPE399f0qRJI8WLF5c9e/bYOyQAAAAAAF7bvzphX758ufTq1Us+/PBDOXbsmFSoUEFq164tFy9etHdoAAAAAAC8ln91wj5p0iTp2LGjdOrUSfLnzy+fffaZ+Pn5ycyZM+0dGgAAAAAAr8XR3gG8qqioKDly5Ih88MEHNstr1Kgh+/bte+ZrHj16JI8ePTL+HRERISIikZGRyRdoErkv0XbZ7ov2jRljErFPXMSUMGY8114WkhmPczPGZC8mDImYEoiYEuZfGVO0Ha5RLwuKmJ4gpoR7UVzE9P/+bTGZhPWeSlVfWvZfm7D/888/EhMTI97e3jbLvb29JSws7JmvGTt2rIwYMSLecj8/v2SJ8T/Bw8PeEcRHTAlDTAliwpCeMGNgJozJhCERUwIRU8IQUwKZMShiShgzxiRizriIKWHMGNNz3LlzRzxeEu+/NmG3slgsNv9W1XjLrAYNGiR9+vQx/h0bGyu3bt0ST0/P577m3y4yMlL8/Pzk0qVL4u7ubu9wRISYEsqMMYmYMy5iShhiShhiShhiShhiShgzxiRizriIKWGIKWGIyT5UVe7cuSO+vr4vLfuvTdgzZcokDg4O8VrTr1+/Hq/V3crZ2VmcnZ1tlqVPnz65QjQVd3d30x3wxJQwZoxJxJxxEVPCEFPCEFPCEFPCEFPCmDEmEXPGRUwJQ0wJQ0wp72Ut61b/2knnUqdOLcWLF5etW7faLN+6dauULVvWTlEBAAAAAJA0/rUt7CIiffr0kdatW0uJEiWkTJkyMmfOHLl48aJ07drV3qEBAAAAAPBa/tUJe9OmTeXmzZsycuRIuXr1qhQqVEg2bdokOXLksHdopuHs7CzDhg2LNxTAnogpYcwYk4g54yKmhCGmhCGmhCGmhCGmhDFjTCLmjIuYEoaYEoaYzM+iCZlLHgAAAAAApKh/7Rh2AAAAAAD+y0jYAQAAAAAwIRJ2AAAAAABMiIQdAAAAAAATImH/H8Q8g0gJHGcAkHDWaybXTiSVo0eP2jsEAEmAhP1/zNixY6Vfv34SExNj71DwHzR16lQpU6aMiIhYLBZuPJNAbGysvUP41+N6h3+DH3/8UUS4diJp7N+/X0qUKCHTp0+3dygAXhMJ+/+YTJkyyeTJk+Xjjz829U1sSt+s3L9/P0W3919VuHBhOX/+vNSrV09EuPF8XbGxsZIq1ZPLdFRUlJ2j+Xe6f/++ODg4iIjImTNnJDo6+rXeb8yYMXLixImkCO0/j3M/4Q4ePCgVK1aUYcOGiYh9r51xt0uF4b9XmTJlZNSoUdKnTx+ZMWOGvcP5V+HaBbMhYf8foqrSuXNn+frrr2XUqFHy8ccfmzIJiI2NFYvFYvw7uSsW9u7dK/369ZNTp04l63aSUtwfEzNVvFSsWFFWr14tJ0+elNq1a4uI+ZJ2ayw3b9587eQtOe3YsUMWL14sIiJdu3aV0NBQU+5HM9u2bZu89957oqoSGhoqLVu2lIcPH77y+y1ZskSGDBnyWu+RXJ73fdjje/rhhx9k3bp1Ntdxe/k3HKciIgEBATJ+/HiZPn26DB8+XETsd+20fm9ffPGF7Nq1S0TMlbjbO5Z//vlHwsPD5dq1a8Yysx1nqiqqKoMHD5YxY8ZIaGiozJ8/3+777kXsuQ+t2759+7aoqnFfldwxme24eRazxGiN486dO/LPP/88c91/maO9A0DKiHsw16lTR0aNGiWDBw8WV1dX6d27tzg6mudQsLYoTpgwQQ4fPizXrl2TDh06SIUKFSRnzpxJvr2zZ8/KunXrxMnJSbp27Sr58+dP8m0kJVUVi8UiW7dulXXr1smpU6fk3XfflfLly8sbb7xht5hUVVKlSiUeHh4yfPhw6dChg7Ro0UKWLFli3Hja+wbeGsOGDRtk4cKF0rJlS6lbt67RAmsGqir37t2TTz75RO7fvy/ffPON7NmzR/bu3Wv3/WcVt+X/9u3bYrFYxMPDw85RxXfixAn5448/pGjRonLp0iU5ePCguLm5vdJ7rVmzRu7evSsLFiyQkiVLJnGkr8d6XB88eFAOHjwoDx48kPz580uDBg1S/JiJjo6WTZs2ye7du6VQoUISEBCQotuPy7pf9u/fL3v37pXHjx9L8eLFpUaNGnaL6VlUVTJnziyhoaGSJk0aGT58uLi5uUnfvn3teu387LPPpFChQlK5cmXjfLe3uNee5cuXS1hYmFy5ckVCQkLEx8dHnJ2dk3X769atk8mTJ8vVq1clS5YsUqtWLRk4cKBprs1W1t/jH374QTJmzCju7u7StWtXiYqKki5dutg1LovFIocPH5affvpJnJycpHDhwlK6dGm7HusWi0XWr18vn376qURHR0utWrWkdevWEhAQkCwxWd/z1q1bkiZNGnnw4IFkypTJFPdJcVnjOXDggOzdu1dSp04tefLkMRpkUjqOdevWyaRJk+TChQtSuHBhqVSpkoSEhIiLi0uKxmMXiv8pK1as0ICAAG3Xrp36+vqqxWLRYcOG6ePHj+0dmsbExBj/P3ToUM2YMaN269ZNmzdvrhkyZNAOHTrokSNHkmXbCxYs0MDAQO3evbuePn06WbaRlFavXq1ubm4aEhKio0aNUj8/P61Ro4b+8ccfdo1rxYoVmi1bNu3WrZsWLVpUU6dOrXXq1DHWx8bG2jG6J1atWqUuLi46duxYPXv2rM26uMegvd2+fVvz5cunFotFx4wZYyw3U4zDhg3TokWLatGiRXXIkCH2DueZ3n77bbVYLNqwYUO9e/euqiZ+H54+fVozZsyoFotFZ8+erapqimtmXCtWrND06dNro0aNtHbt2ponTx7t2rWrXWLZunWrli9fXufMmaOq9j1mV6xYoW5ublqhQgUtUaKEWiwW7devn968edNuMT3Nun/27t2rQ4YM0Rw5cqjFYtFx48YZZVLy2mk9tjdt2qRFihTRH3/8McW2nVD9+/fXbNmyaaNGjbRcuXLq5eWl8+fP1+jo6GTb5saNGzVNmjQ6ZcoU3bt3rw4bNkwtFovu3Lkz2bb5OtatW6dp0qTRsWPH6siRI7Vly5bq4OCgM2bMsEs81mN45cqV6unpqVWqVNE33nhDy5UrZ1xX45ZLSUeOHNG0adPq8OHDtXXr1lqxYkWtU6eO/vrrr0kek/W91q9fr5UrV9aiRYtqUFCQLlu2LMm2kZSs19CKFStqkSJF1MnJSXv37m2sT6nva9OmTZo2bVodN26c/vLLL9qyZUv19PTUzZs3p8j27Y2E/X/I6dOn1d3dXWfNmqUPHjzQq1ev6ueff66pUqXSYcOGJesPXWL8/fff2qdPH5sfwVWrVmnRokU1JCREIyMjX/sC8eeff+rff/9ts2zevHmaL18+7datm/7++++v9f7J6fLly1q0aFHjRzcmJkbd3d21f//+do3rwoUL6u3trZMnT1ZV1cjISF27dq1myZLFNEn7b7/9pv7+/vrll18asURHR+vRo0c1MjJSVc2REEdFRemFCxe0Xr16GhwcrNWqVdMFCxYY6+2VLMbdN9OnT1cvLy+dOHGiDhw4UNOmTatt2rSx+/6zHl9RUVF67949HT9+vA4aNEgrVqyobdu21atXr6qqJup6d+fOHV28eLHmypVLa9SoYSw3S9L+66+/qp+fn3FNOHHihLq7u+v777+fYjFs375dJ02aZPx76NChmjlzZr1x44aq2ue8+uOPPzRbtmxGMhAdHa2rVq1SZ2dnHThwYIrH8yJr165VFxcXHTVqlI4bN07ffvttdXV11ZEjRxplkuva+bz3PXfunAYFBRkVB2aocFVVXb58uWbNmlVPnDihqqq7d+9Wi8Wia9euTbZtRkdHa/v27fXjjz9W1Sf3KTlz5tRu3bol2zYT49atW8b/x8bG6qNHj7R27dr63nvvGcujoqJ0xIgR6uDgoHPmzLHLObl7927NkiWLzpw5U1VVd+3ape7u7urn56cTJ060+Qwp5fTp0/rpp5/aVIx/8803Wr16da1Zs6aRtCfl/tqwYYOmSZNGJ0+erHv27NHQ0FC1WCz6008/Jdk2ksLZs2fV19dXp0+frqqq4eHh+u2336qrq6v269cvRWKIiYnRBw8eaOPGjXX48OGq+qRBI1u2bNqzZ0+bcv9lJOz/UZ9++qn+/PPPNsv279+v/v7+ev78eZvln332mVosFp04caI+fPgwBaOM79tvv1WLxaJZs2bVvXv3xlvn7Oyshw4deq1t3Lp1S7NkyaKDBw/WK1eu2Kz78ssv1cnJSXv27GncDNjb0z9cV65c0aJFi2pkZKSePXtWs2bNqp07dzbWHzhwQG/fvp2sMU2cOFG/++47m2UnTpxQX19fm/0WFRWlq1atUgcHB23Tpk2yxvQ81v139+5d/fPPP7VQoUJ6/PhxjYqK0smTJ2v58uU1a9asmi9fPr127ZpdYlR9/o9NWFiY1q9fX4ODg22SdlXVBw8epERo8ezZs0fnzp2rK1euNJZt3bpV06dPr61bt7bbjX3cffjo0SObdRMnTtSyZctqu3btNCwszFh++PDhBCXvERERunTpUs2cObM2bdrUWG6GpH3btm365ptvquqTirPs2bPb3Ki/7jXzRWJjYzU8PFzd3d3VYrFo+/btde/evXr//n1t2LCh1qlTx2776Pjx45o7d2797bffNDY21jguV6xYoalSpTJNy+j9+/e1fv36Nq1WV65c0TFjxqirq6uOHz/eWJ7U51bcc2bp0qU6bdo0m+VTp05VLy+veL2RUsqGDRuMylSrKVOmaLt27VRVdfHixeru7m5UVt25c8eoJEpKjx490jfeeEMXLVqkN27c0KxZs2qXLl2M72P+/Pm6a9euJN9uQkyaNElLly6tv/32m7Hs3r17Wrx4cR00aJCqPvk+Y2Ji9OHDh/ruu++qm5ubkYSllJiYGB02bJhxbbpw4YL6+/tr06ZNtUuXLurj42PT0p4SLly4oJUqVVIvLy8dPXq0zbpvvvlGq1WrpnXr1tWTJ08m2Tajo6O1efPmOmLECFVV/euvvzRXrlzapUsXm3JmqCA7ePCg5smTRy9evGizfOnSperi4qLbt29PsViqVKmiO3bs0MuXL6uvr6/N/tq4caPpKjuSGgn7f0xsbKxGRUVpUFCQUStodeTIEbVYLLp7925V/f8f5HPnzqmnp6daLJZ4F6yU9tdff2n79u3VYrHoN998o6pPkj6rPHny6JQpU157Ozt27NCcOXPqiBEj4rW0FytWTD08PHTAgAHxbvpTWtzP/ueff+rNmzf1zJkz6u3trd9//73mzp1bO3fubNwQ//LLL9q0adNkvUFXVW3QoIG6urraXKzDw8PVy8vLaGG3+ueffzR//vxqsVj0nXfeSda4nmfVqlXatm1b3bRpkxYvXlzfeustzZ49uzZo0ECHDh2q27Zt01y5ciXJsfUq4v4wf/XVV9q/f3+dOnWqcZN87tw5rV+/vlatWlW//PJLffTokVaqVCnFarjjOnHihFosFnV0dNSlS5farPvhhx80Q4YM2rZtW7vWdo8fP15r1KihjRo1sqnkmDRpklaoUEGbNWumx44d0+rVq2vVqlWf+R4rVqzQCRMm6KRJk/TSpUuq+iQZWLp0qfr5+Wnz5s2Nsvau2d+6datWq1ZNjx8/rn5+ftqlSxfjmnDo0CF9//339dy5c8kaw4IFC7RIkSJarlw5bd++vXbs2FEnTZqk7777brzjJKUcO3ZMLRaLkUhZ90lkZKQWKFBAZ82aZZe4nvbw4UMtUqRIvNbav//+W2vXrq0Wi8VoWUouP/30kzZr1kzd3d21evXqOm7cOA0PD9ewsDCtXr260SspJStfrBX4n3/+ud65c8dYHhISoo0aNdIff/xR3dzcbLp4T506VYcMGZLkPQYfP36s3bp10/fff1+zZ89uk6zfvn1bO3TooJ9//rldKqd+//13dXd317p169r0DuzVq5cGBgbq5cuXVfX/r1MDBgxQLy8v9fT0tGmZTwnh4eG6b98+vX//vpYpU0Y7dOigqk/uTz08PDRt2rTx7iGS26RJkzR//vxaqlQpm8pc1Se/A2+++aa+++67GhUV9cpJdNzXPXjwQAMDA3XTpk16+/bteJU/s2fPNs3QzF9++UUdHR11y5Ytqvr/n+PKlSuaK1cu/frrr5M9hsePH+ujR4+0dOnS2r59e6Nyw3qO37x5U5s2bapffvmlKSo5kgsJ+3+M9YJsPWj37t2rR44cMX5EGjdurBUrVtRjx44Zr4mIiNCOHTum+EXieTe5ly9f1kaNGqmHh4ceOHDAWH7z5k319/fXuXPnJsn29+zZo9myZdORI0caLe3379/Xrl276pgxY5L9BvdlLl68qA0bNtTY2Fhdt26d5siRw6hBb9eunVosFn333XdtXjN48GAtUaJEvEqIpBYTE6Nt2rTR9OnT67Zt21T1Sa1xSEiIVq5c2aZrYlRUlLZv315XrVqVomPsrefAH3/8oQEBATpv3jxVfTJ+bujQofrxxx/rX3/9ZZSvWLFiivz4PC3ueTBw4EDNnDmzli1bVgsXLqxvvvmmca6eO3dOGzVqpPnz51d/f38tXLiwXSqUHj58qIsWLVJPT89ndgfdtm2bWiwWm668yS3uPhw7dqx6enpqr1699O2339Z06dLZjAWePn26litXTn19fbVcuXLP3IcDBgzQnDlzarly5bRq1arq6+trtLDcuXNHly1bpjlz5tSaNWsm/4d7ivW4PnHihF6/fl1VVU+ePKmenp7q5ORk07Kuqvr+++9rzZo1k+XG/PDhw3rlyhWNjo7Wf/75R3v37q0TJkzQ9evXa+/evdXBwUE9PT21Vq1ayd57y7pfDh8+rJs2bTJ6nzRt2lQrVKhg85sXHR2txYsXN8bYm8HgwYO1WrVq8X6Dhw4dqrlz59ZcuXLp9evXk+yGdNOmTcZvaWhoqH700UcaERGhf//9t3br1k0rVKigWbJk0VmzZmmhQoWeW7GV3EaNGqWOjo46ZcoUo6V9//79mitXLrVYLPrFF18YZe/du6f16tXTHj16JMm2b9++rffu3TP+PWPGDLVYLFq2bFnj3Hv8+LEOHjxYAwIC9M8//0yS7SaGNWmxNrzUqlXLaKzZu3evBgcHa/PmzW3uCXr16qXLly/X8PDwZI3Neqw+65g9ePCgTcPS6dOntW7dujpq1Khkvfd63vkzc+ZMffPNN7Vdu3bx7p/WrFljc6/wqr7//ntjPohOnTppSEiIZsuWTbt27Wp8j5GRkdqiRQv9/PPPU7wi+Fn75vHjx9qgQQNt2LChHj582FgeFRWlb775pn711VfJFsfNmzc1JibGaLj67rvvNEOGDBoUFGRT/sMPP9RcuXLZ5fxLSSTs/1HW7k+5cuXSvHnzGjcr33//vdaqVUvLli2r33//vf7888/6wQcfaGBgYLJ3o44r7oVh4cKF+umnn+qSJUuMZWFhYdqwYUN1c3PTQYMG6ZQpU7Ru3bpauHDhJK0537Nnj+bMmVN79OihS5Ys0Q8//FALFCigERERSbaNV7V27VotU6aMFi1aVJ2cnGxaqXbv3q21a9fWgIAA3bBhgy5btkx79eqlbm5uevz48WSLKe73Fhsbqy1atND06dPrDz/8oKpPuqDWrl1bK1SooKNHj9Y9e/Zor1691N/f3xg7nJJ27NihU6dO1S5duuj9+/eN5XF/CKOionTo0KGaLVs2u17w//jjD+3UqZNxrm7fvl3r16+v+fLlM5b9/fffumHDBp03b55RCZecc08874bh7t27On/+fHVyctIPPvgg3vqEdjNPaj///LNOmTLFqES6efOmfvLJJ2qxWHTs2LFGufPnz+uhQ4eeuQ+nTp2qvr6+Rve6efPmqcVi0YwZMxrL7ty5o3PnztWGDRum6E2V9fxbvXq1Zs2aVYcNG2a0PC5evFgtFosOHjxYjx49qqdOndK+fftq+vTp9ZdffknyWB4+fKjZs2fXEiVK6KRJk/TBgwe6cuVKLV++vHHDu2DBAs2fP7+6u7sn63CTuJNZeXl56ZgxY4zeKRs2bNDatWtrmTJl9LvvvtODBw/qoEGDNFOmTHaplLXGGhYWpufOnTN+a/bu3av58uXTPn366KlTp4zy77//vo4dOzZJf5MiIiL0vffe04CAAK1bt66mSZPGZgjd48eP9cGDBzpixAht3ry5MUGttdIzJcQ9rz7++GNNlSqVTpkyRe/fv6+3b9/W0NBQDQwM1OHDh+vNmzd1//79Wrt2bQ0KCjLO59ep3FizZo0GBQVp6dKlbYbAjBo1StOlS6dNmjTRdu3aGZPixq0QSmnW69iff/6pnp6eWrNmTWPo4/z587VChQrGePu33npL3dzc9MyZM8kak3Xff//999qnTx/t1q2bXrhwwVi/f/9+zZAhgy5cuFBVn1RYvfvuu8na4m+Naffu3Tp48GAdMGCATcI5ffp0LVu2rLZt2zbecMnE+u2334zK4JiYGL19+7YWKFBAv//+e1VVnTBhgjGRm7XiJDY2VgcNGqS5cuVK8WuTdd9s27ZNhw4dqs2aNdOFCxfqzZs3dffu3Vq+fHmtV6+erlmzRn/55RcdMGCAZs6cOd4Q26SyZs0aLVOmjJYoUULHjx9vNPaMGzdOU6VKpY0bN9Zu3bpp69atNX369Hr06NFkicNMSNj/o+KO2y1QoIAGBQUZN21bt27VFi1aqMVi0YCAAPX19bXbwT506FB1cXHRihUrqsVi0TZt2hjdT8PCwrR58+ZqsVi0RYsW+vXXXxutJkmZDBw6dEgrVKigfn5+mj9//mSbif5VWGehLViwYLxxfD/++KO2b99eM2TIoEWKFNGaNWvGm7cgqcU9rqxatGihHh4eunXrVlV9kjT16dNHfXx81N/fX3PlymW348t6nBcsWFD/+eefeOsXL16snTp1Uh8fH7te8JcuXaq5cuXSsmXL2sS5d+9erV+/vubPn/+ZFTHJ2f0y7g3z6tWrdc6cOfrZZ58Zy6Kjo3XevHnPTdqtZVKKtWXf29vbpmdORESEfvrpp5oqVSqbscBWcffhzZs3tXv37sZN5Pr169XNzU3Hjx+v9erV00yZMhnfw/MqgJLb+vXr1cXFRefMmWNcK62++uor9fb2Vi8vLy1UqJC+8cYbyZpI3L59WwcOHKgVK1bUkiVL6vnz57VOnTpau3Zto8ypU6de++Y3IbZu3apubm46c+bMeL0m9u3bp02bNtVUqVJpvnz5NF++fHY53+NWuBQuXFhz5cqlhQsX1j59+mhkZKQuXbpUCxYsqBUrVtSWLVtq06ZNNX369DZjk1+X9Vj9888/tWDBgmqxWIyJ1FTjn7NXr17VPXv2aFBQkDZr1izJ4kiIuOfmyJEj1WKxGN2lL1++rB9++KH6+fmpm5ubFilSRKtXr260xr3OtfHQoUOaLl06HTJkiA4bNkz9/f21aNGixrV5/vz5GhoaqtWrV9dBgwYle/KbEHG/14wZM2r16tWNcceHDh3SQYMGafXq1bVZs2YpNj/P1q1bNU2aNNqgQQPNkyePenl56Zo1azQqKkqvX7+ubdu2VW9vby1UqJB6eHikSKXHypUrNW3atFqnTh2tXLmyOjo6auPGjY2nRnz++ecaHBys77zzzis3MqxevVotFouuWLHCOB4fPHigAQEBNvMc9OzZU/PmzatvvfWW9u7dW5s2bWrXyp9Vq1apq6urvv/++9qqVSstXbq0VqxYUVWffKamTZuqg4OD5s+fX/PmzZts19Djx4+rp6enjho1Stu0aaNlypTRxo0bG5WwW7Zs0Tp16uhbb72l77//vinOv5RAwv4f8rza5Lt372qePHn0jTfesGlpOXnypJ48eTJFWz7jdtm/e/euNmzYUPft26cxMTF68OBBdXV11Xfffdf4ofn777+1ZcuWmiFDBuNGOTm6VkZGRurFixeNbm72Fh0drbGxsTpv3jwdOHCgVq9eXatUqWKMRYvr77//1nv37tmM8UtO27dv16ZNm9ocSy1atFB3d3cjaVd90gppHXdvTz169FCLxaJz586NN0nbunXrtF+/fkl6Q/wqFi9erMHBwZohQ4Z43fF+/PFHbdiwoWbMmDHFhhTEvZYMHDhQs2fPrqVKldJ8+fJpUFCQMU4yOjpa58+fry4uLnafLfnPP//UDz74QJ2dneONTY6MjNSJEyeqxWLRxYsXx3tt3M+7Z88ePX/+vJ48eVJz5cplTMy0aNEitVgsarFYbFpAU9K9e/e0YcOGOnToUFV9Umlw4cIF/fTTT3XTpk2q+uR6cPDgQT1x4sQzK6le1+nTp3X//v02k06eOHFCGzdurFmyZNGOHTtq1qxZ402QmJTmzZtn01r3+PFjbd++vTEeNjIyUg8fPqx9+/bVvn37Gq12Z86c0XPnziXLpGQJ9cMPP6irq6tOnjxZ79y5o4MHD9bUqVMbj3TaunWrjh49WoODg7V169bJVgm7c+dO7du3rzZp0kQLFChgM9TsWcnu4cOH1cXFRQ8ePJgs8VjFrfx6uiLMWoFtTdqjo6P19u3bum3bNj179qxR/nUqCo8fP67btm2zmTH87NmzWqhQIQ0KCrL5PbPneNm43Yaf7r3yxx9/GEl73BbQqKioFB1jP2nSJJsnR7Rq1Urd3d11xYoVqvrkmv3NN9/oxIkTU2RSw4sXL2pAQIBOnTrVWHbo0CHNlCmTTS+K8ePHa61atV5raGGTJk3U09NTV61apQ8ePND79+9r/vz5jQkwraZPn67t27fXypUra69evVJ87Lo1lr/++ksLFy5szN4fFham7u7uNhNhqj6ZL+HXX39N8mto3H2ye/du7dWrl/HvRYsWaaVKlfSdd94xfnut57i9549JSSTs/xHWg33Xrl06duxY7dq1qx45csToamNN2oOCgvTYsWN2mRgl7ol19uxZPX78uIaGhtqc+MeOHVNXV1dt1KiRkbSHhYXp22+/rV5eXjZjaP6XfPPNN1qpUiWtXLmyTdJ++PDhZLkpf5G9e/dq6tSptVWrVjY/LtaW9pScNTSuuJOhXLp0yWbynZYtW6qbm5uuXLkyXutbSj8Z4Xk/MBs3btSgoCAtX758vPFy27dv1wEDBqT4eTt58mTNkiWL0evE2u26UKFCxpjux48f64wZMzQ4ODjFbmCftw+vX7+uoaGhmiZNGqOV3Or27du6ZMmSZ97MP2vZkiVLtHLlysZQoe+++067dOmiY8eOtdsjMG/fvq1FihTRwYMHa3h4uL7//vtasWJFo1X9008/Tdbtr1y5UrNly6alS5fWDBkyaN26dXXdunXG+tmzZxuTpL399tvJVrnq7e2txYoVs+lh0LNnT61Vq5Zu2bJF27ZtqzVr1tQiRYpoiRIltFixYjZjke3h8ePHGhMTo926ddPQ0FBVffLbljNnTg0JCTHOnbjDNOJOOvq6np4rw9PTUy9evKhnzpzRkJAQDQwMjDce1VopEhMTo7du3dIiRYoYw02SQ9zrx8yZM7Vz587at29fm+FyH330kVosFv3ss8+eOUzgdW7gw8PDNUuWLGqxWLRPnz4266xJe8mSJe36NBHV/99P69at0xIlSmjevHm1SJEiun79euN+wJq0161bN8UqGK1x/frrr3rw4EHt16+fzZNEVJ8k7enSpdNVq1Yl++9Z3CdDqD75DgMCAoyWYev2Dxw4oE5OTjbH2at0zV+8eLFNT7jmzZurh4eHfvvtt3ru3DktXLjwMxtdUtqSJUuMrvlWp06d0sDAQL17966eO3dO/fz8bJ4+tHPnzmQbNmv9jvbs2aNTp07VQYMGxasosCbtjRs3tumB8F+eZO5pJOz/IatWrdL06dNr3bp1tUqVKpo5c2adNGmSkfjevXvXmLAqubtOv0i/fv00ICBA3dzc1MPDw2gZsjp27Ji6u7tr5cqVjR/Gq1evatWqVdXf39/uj55LLtYLz6FDh3Tq1Kk6Z84cY0Z/1SdJe+XKlTU4OFhPnjypw4YN09y5cydra9HTF0Prv/ft26eZMmXS5s2b2yTtrVu3tpmVOaXE7WpaunRpDQgI0LJly9r84LRu3Vrd3d111apVdjuG4t5Mrlu3TufPn68zZ840brI2bdqklStX1kqVKsV7jIpVSiXt165d0549expzJ6xdu1bd3d114sSJWrp0aS1cuLCRtMfExLxwgqGkFHcfzpo1S/v27atvv/22rlu3Tm/duqWRkZHap08fdXNzi5e0W8VNuGfMmKEtWrTQRo0a6eDBg43lU6ZMUUdHR7169arevn1bGzRoYDOZVUom7ceOHTO6lU+ZMkVTp06tHh4e+vbbbxsto507d7Z5RnxS27dvn2bMmNGY5Gv79u1qsVh01qxZNt/J77//rnPmzEnWbooXL140kifreWK9oXN1ddXmzZvrmjVrNDo6WufOnauVK1dO0Ucgxj0Hnk66GzdurIsXL9YbN24Yjyayll+7dq1u3rw5Wc/xsLAwHTBggDHrs+qTngfdu3fXAgUKGI/VqlOnjn744YdGmZkzZ6rFYkm2Matx99mwYcPU1dVV27Rpo8WKFdMCBQpokyZNjPXDhw9XJycnHT16tM3QlKSwY8cOLVq0qJYsWTLeWPg//vhDfX19tXLlynZv2duwYYO6u7vrxx9/rGfOnNG33npL8+TJozNmzLBJ2i0WizZq1ChJK39eZMWKFerh4aG5c+dWi8WiPXv2jJfoWSfNXbduXbyk+nVZv5e45/sff/yh9+7d08uXL2uaNGmMXlaxsbHGM76tY6Vf1Z9//qn58uWz6fmj+iRpz5w5s86ZM0dz5sypjRs31mHDhun48eN18ODB2rdvX120aFGS74fnOX/+vJYvX14rV66sO3bsMJb/9NNPWrJkST1y5IjmyJHD5ulDP//8s3bv3j1Z84bVq1drmjRpNH/+/Orh4aGZM2eOV9G0ZMkSLVq0qLZu3druT3CyBxL2/4j9+/err6+vUUMeFRWljo6OmjVrVh01apRRq3fnzh0tXrx4ik5oEfcitGHDBs2XL58uW7ZMFy1apFmzZtW33norXje7n376SatWrWpz4xIWFhZvzOZ/xdOTJpUvX14rVqyoefPm1UWLFhnlVq9erZUrV9ZMmTKpv79/ij138syZM0bliTXWH3/8UTNmzKhNmjSxuTnv1KlTvEcKpoTNmzeri4uLTp8+XU+fPq2ff/65WiwW/fbbb40ybdq0MW4U7GnAgAHq6+urdevWVX9/fy1ZsqSuXr1aVZ9UvFWpUkWrVq2abDfHz/KsG9BNmzbplStX9Oeff9ZcuXIZz2hesGCBWiwW9fLysrmWpGRtd//+/dXLy0uHDh2qLVu21Fy5cmlISIjGxMToxYsXtV+/fpo+ffoXPtd3wIAB6u3trR9//LFOmDBB06RJo2+//baqPrneVKhQQVOlSqWBgYFasGDBFLvpjevy5ctatmxZrVWrlvHIoQMHDujGjRtV9f8rcLp166YdO3ZMthuZKVOmGPvm999/Nx4paZXS3cwvXbqk+fLl0xIlShiVGRcvXjTG51qPxd69e2u1atVs5t1ICXEfD7Vlyxajy3vLli21ePHimjNnTu3evbuRFD548EBbtGiho0aNSrbKoGXLlqnFYtFcuXLF66125swZo6IrX758GhgYaHO8W4fQJbcTJ05o3bp1defOnar6ZBjIggULtGDBgtq+fXujXP/+/bV8+fJJcs35+eef9bvvvtO1a9fqtWvXdPfu3Zo7d26bCjDrds6dO2f32agvX76s5cuX108++URVnzw6NSAgQAMCAtTb21tnzJhhnI/nzp1L9t/juPumSpUq+vnnn+uZM2e0U6dO6ufnpzNnzoyXtL/33nvJFtfFixe1efPmeuHCBV27dq2mS5fOSP5CQkK0RIkSxkS5VuXLl3/lHkobNmywGU55/Phxm7mQmjZtqhaLRd944w2tVauWtmrVSps1a6bVq1fXevXqpdicAlbff/+91qtXT6tXr24MY4yNjdUCBQqoxWKJ96SR/v37a+nSpZO0Z0nc8zY8PFyHDRumX331lcbExOjatWu1WrVqWqZMmXjXnG+++SZepcj/ChL2/4hFixbpwIEDVfXJRTNnzpwaGhqqgwYNUkdHRx03bpxxY22vLiSbNm3SLl26GD8yqk8S8zx58ug777zz3LFx9up+mtJ2796t3t7exhiiPXv2qKurq6ZJk8ZYpvqky/ePP/6YIpUXsbGxev36dbVYLNqpU6dnJu2Ojo42s5vbQ0xMjIaGhhpje//++2/NkSOHhoSEqKrtMd+lS5cUr1CIu/0FCxZo1qxZjW55X3/9tVosFl2/fr1RZt26dVqoUKEkezzRy8RN1ufOnRuvG+O8efO0atWqxk3JihUrtHv37hoaGmqX4TVbt27VgIAAI+nYsmWLOjo62oxPv3btmnbq1EmrVav2zPf46aefNF++fLpnzx5VfTIrbbp06Ywx66pPbiTmzZunX3/9tfE57fF5Z82aZYzhe3pc5dmzZ/XDDz9UDw+PZJkN3qpnz55GV+6nnxv87bff6ldffZXiFRqXLl3SwMBALVasWLyupqdOndI+ffqoh4dHivcou337tubLl0+7dOmi69evV4vFomvWrFHVJy1xhQsX1qxZsxrlY2NjdfDgwZo9e3aboTxJ7fz589qyZUt1cHAw5iCI+/saFhamu3fv1jlz5qTIUyieNmPGDC1btqy++eabNt/nnTt39PPPP9dixYrZ3MAnRa+eb7/9Vj09PTUoKEgtFouWL19eP/vsM929e7fmypXL5tGNZul+GxYWpjNnztRr165pWFiY5s2bV7t27aqqqjVr1tRcuXLphAkTUrQS7dChQ9qrVy9t1qyZzfCTrl27akBAgM6YMSPFnkS0bt06YyJMZ2dnm67uP/74ozZq1EiDgoL0yy+/1G3btmm/fv00Q4YMrzSOPiwsTHPkyKHt27fXn3/+WR89eqS+vr7apEkTm3uijh07GsPy7CXub9fq1av13Xff1SpVqhg9Io8dO6Z58+bV4OBg3bFjh27atEl79+6t7u7uSXYNfbpH7ZEjR9Tb21tLlSplM1nsd999p7Vr19ZSpUrZbc4YsyFh/5ey/nAcP35c//77b718+bKeOnVKHzx4oDVr1tSOHTsaZbNmzarp06fXSZMmGZOZpWSMMTExevnyZQ0KClJnZ2ft0qWLTblDhw5p3rx5tXHjxjZdwP/r4naBio6O1mHDhhnj5i5duqQ5cuTQVq1aaY8ePdTZ2fmZk2Uld3xWK1as0NSpU2vPnj3j1bKWK1dOLRaLdunSJUW7KcWNLzo6WsuVK6eTJ0/WGzduxEsovv76a2Oim5S0Y8cOo2XPGsvQoUONGuylS5eqh4eHzpgxQ1Wf3JhaJzXatWtXiieH/fv3Vz8/Px04cKDNM58/+ugj9fHx0du3b+utW7e0QYMGOmTIEON1KR3nt99+qxUqVFDVJ62Gbm5uNvtw3759qqovfG719u3btUCBAqr65OYlXbp0xmR1ERERumrVqnivSYnP+fRYZqu5c+dqhQoVbGYv3rdvnzZp0kQDAwOTpcLs5s2bxs33unXr1M3NTd3d3bVXr142lTydO3fWdu3aJXn35Ljijo89dOiQ8Vtx6dIlLViwoJYoUcLoHn/kyBFt3ry5lipVKlkfc/k0a4VWZGSkfvPNN5ohQwZNkyaNfvPNN6r65Dr16NEjXb58ufr4+GjhwoX17bff1oYNG6qnp2eSzrr8vC7b58+f1wYNGmimTJmM4UzPO65T+rzet2+f5sqVSx0dHY19ZvXHH3+os7NzvPPyde5njh49qpkyZdIvv/xSb926pVevXtU2bdpo5cqVddq0abp7927NkSOHlitX7pW3kVysx/qgQYP0rbfeMpLh3r17q4eHh5YsWTJZH5H2tP79+2v69Ok1Z86c8e4RunbtqoGBgTpx4sQUe2Tuxx9/rBaLxeZZ71b79u3TXr16qaurq+bPn/+1n6Zx5MgRLVmypHbq1EnDw8N1x44dGhAQoO3atbM5p5s0aaKZMmXSJUuWpOgQHSvrubJhwwbt1KmTFitWTC0Wi1asWNHo0fLzzz9r0aJF1d/fXwMDA7VSpUpJdg3dv3+/pk+fXq9evWrE8tNPP2n9+vU1derURuW51ebNm7V+/foaGBj4PzMT/IuQsP8LxR2vmyVLFh06dKhxU3X+/Hl94403jFqsy5cva6tWrbR///4pMgvns1gvTIcPH9YqVapokSJFdO3atTZlDh8+rO7u7jZjSP/L4l6srT0fLl26pLt379Z79+5pmTJljEqXAwcOaJo0adRiscSbFCg5PJ0wWP+7cuVKY0xa3O6e/fr102XLlqXYTOs3b940bk7WrVtnTII0cOBAbdeunWbPnt3oqmt9GkHnzp117NixKdoCOHHiRPX09NSvv/7aOD9jY2O1SZMm+tFHH+nRo0c1Xbp0Ru+JmJgYnTZtmk0Lr2ry3TQ/faM7Z84czZQpkx49ejTezf7169c1b968xtjEQoUK2aV7uDWumTNnaqVKlXTbtm3q5uZms89WrVqloaGhNl0Un+5B8Pnnn+u+ffu0Ro0aOm3aNJtkXfVJ75YWLVrY7SbhwIEDGhISEu/mdu7cuVq8eHFt0qSJUbGzZcuWeJMUJoXVq1druXLlNE+ePPrRRx/p5s2b9f3339fMmTPr5s2bVfXJuTho0CD18vJK1n0V9zcvZ86cmj9/fnVxcdF27drplStX9OLFi1qwYEF98803jR4IR44cSdEnoMyePdtmjpUjR46oxWJRV1dX7d69u03Z6OhovXDhgoaGhmqXLl101KhRSdqyHvd4P3TokB46dMimi+6lS5e0du3amjlzZuN7S+nk/HkVCseOHdM8efJorVq1bCrwr127poGBgcbQoaSwePFiLVCggEZERBjH2NWrV7V58+ZaqVIlvXfvnm7fvl3z5cv33DlFkps1rjNnzujPP/8cr/t0+/bttXXr1sZx17dvX928eXOKHvtWo0eP1hw5cmi/fv3iJe2tWrXSokWLGhMhJxfr79KcOXN08ODBWrt2ba1bt64eOnQoXtkbN25oWFhYklRsHD16VIOCgrRDhw5669Yt3bt3r/r5+cVL2uvWras5cuRIsaf6qNqeazt37tRUqVLp9OnTdf/+/frVV19pqVKltGrVqkbSrvrkeLty5UqSVrA8evTI+N2Ke7945MgRrVGjhnp7e8erXFm3bp02btw4RYcHmhUJ+7/Uhg0b1MXFRb/44gubLpK//PKL8UidCxcu6PDhw7VixYrJ2vLxIgsWLNB69eoZJ+lPP/2klSpV0rp16+qGDRtsyv7666926W6a0i5evKitWrXSq1ev6po1a9TDw8PmInXkyBEtXry4cSP122+/6TvvvKPjxo1LsbFoP/zwg3bv3l1btmypo0ePNn58V65cqU5OTtq2bVudNm2aDhw4ULNmzZrsP8JWN2/e1EyZMum0adOMcdTLly9X1SfPp3ZyctIiRYoYY5yioqKMrqb2qLBq1qyZFixYUBcsWGD8QC9fvlxdXFzUYrHYdNW7e/eu1qhRQwcMGJDscT2ri1n37t31/fffV9VnPzIlPDxcP/vsM507d66xPrm7yz7vpv7GjRvq7e2tFovFZo6Hhw8fap06dbRNmzbPbHl7+PCh1q9fX9955x29deuWBgYGqsVisXmE0/3797V27drarFkzu3WB/fjjj7Vw4cIaGhqqkZGRNuv69u2radKksRnTntSOHDmiHh4eOnLkSH3//fe1ePHi2qxZMx0zZoyGhISok5OTvvHGG1qqVCnNnj17ijzT/PvvvzfmJHj06JFu2rRJLRaLNm3aVC9duqQXL17UoKAgDQgISJHnvj/t77//NsY2W3vV7Nu3T5cvX67e3t424/2T87yJe8wOGTJEc+XKpblz51Y3NzedOHGi8Rt7+fJlrVOnjmbJkiVZh1I8S9zzeteuXbpixQrdtWuX8Tuzf/9+zZ07t5YuXVpHjx6t3377rdavX1/z5cuXpPcIS5cu1Vy5chnJrfV7OX/+vFosFuOJJ/a6f7L69ttv1cvLS/38/Izu7lbdunVTf39/HTZsmHbo0EHTpUuX7HMUWY+xhw8fxpvA9YMPPtBixYrpkCFD4nXJT85KBGtMT7dcL1u2TKtVq6Z169a1qbQ6ePBgks9rETdpDw8Pt0na47bgp9RM8dZ5TuIaNGiQVq1a1WbZhg0btFixYlqhQoUk7+X6rN/w8+fPq6Ojo82TGI4cOaJ16tRRPz+/ePe5KT3/iFmRsP8LPXjwQBs3bmy0Rt+7d0///PNPHTdunG7btk2rVaumGTNm1Ny5c2umTJlsLlIpKTY2VidMmKBvvvmmtmrVyqjF3L9/v5G0P+uC8l9P2leuXKnly5fX0qVLxxtfpfpkjFXcMY+DBw/WunXrptj4L+tsnZ06ddLq1atriRIlNHv27EYr3qZNm7R06dJaoEABLVSoUIrcrMc1ZcoUdXZ21lSpUsV73vbChQvV1dVVa9eurfXq1dNGjRoleVfThIh7E9OkSRMtVqyYzp8/X+/du6e3b9/Wzp07q4+Pj65cuVLv3Lmjp0+f1lq1ammxYsWSPQkeOnSoVqpUSVX//8c0NjZWa9SooQ0bNjTKWW+A7t+//8zWiZR4JI/Vl19+qaGhoTp//nyjImvJkiXq5eWlTZo00T179uiaNWu0Zs2aWrhw4XizO8f9/6NHj6qbm5sePHhQjx49qs7OztqkSROdOnWqLlu2TKtUqWLzHvaYDfrRo0c6duxYLVWqlHbv3t3m3F++fLnRyp4c81j88ccf+vHHH+uoUaOMZevWrdPq1atrkyZNdO3atbp3714dO3asLlmyJFla958WERGhXbp00REjRqjqk15JuXLl0kaNGqmHh4c2aNBAL1y4oBcuXNAyZcqk6KSqT7M+19laKWadB8Hb29tmMqcvv/zSqGxMjoqhkSNHqre3t+7atUvv3r2rPXv2VIvFokOGDLFJ2kuWLKl169ZN8u0nRP/+/TVHjhyaNWtWzZs3rwYGBhpj1A8ePGhUqDVp0kT79+9vvC6prj3WbvZxZ8NXffI4u0KFCun+/fuTZDuvIu5z1vPly6fz5s3T7du369ixY9XJycmYr0VVtVGjRlqhQgUtW7Zssg8Bsca1adMmbd68uRYuXFhHjRpl82SYgQMHarFixXTYsGEp8gg8a0wbN27UmjVraqNGjfTjjz821i9fvlxr1KihderU0e+//15HjBihGTJkSJYx/s9qaQ8ICNB3333XGAeeEhXB33//vRYvXjxeJcnYsWM1KCgoXiPLjBkzNHXq1Fq8eHGb2eOTwsWLF40hLkuXLtWWLVvq559/ri4uLja9ag8fPqx16tTRgIAAxq0/Awn7v9D9+/e1RIkS2rNnT71586b26NFDg4OD1cfHR3PmzKlTp07VtWvX6rp16+w+y3R0dLTOnDlTy5Qpo82bNzeS9gMHDmiVKlW0VKlSxnjT/7q4F+mRI0eqxWLRYsWK2UwGGBsbq7du3dJOnTppmjRptGjRourm5pZi4zCvX7+ub7zxhs3EgL/88otWr15d/f39jW7G169f11u3bhk9J1KC9fiyPqrGYrHo9OnT41VkWH+Q33nnHR07dmyKddV/Ok7VJy0j48aN09SpU2vOnDl10aJFGhMTo6dPn9Zu3bqpk5OTZs2aVYsUKaLBwcFGd77kTIZ///13Ixm19s6Jjo7WDz/8UN988009evSozfbPnz+vlStXttt5Onz4cM2YMaNWrVpVc+TIoW+//bYRy3fffaf58+fXbNmyafHixfXdd9996T6MjIzUZs2aGRP6/fDDD1qvXj318/PT4OBgbdGiRYp8D1bW68LFixf1r7/+MiokoqOjddy4cVqqVCnt1q2bcZx/+OGHOnTo0GTp1RIREaElSpRQLy8v/eCDD2zWrV27VitXrqzvvPNOilcCP3r0SL/99lv9448/9ObNm1q0aFFjyNCSJUvUYrFo7dq19fLly3afpPTixYsaHBysvr6+xhjxuEl7zZo19f3331eLxZJsPabOnDlj04ttzZo1mj59em3btq06ODjo0KFDjflGrl+/bpdKqa+++kozZsyo+/bt0+vXr+uePXu0QYMGmiFDBmO/HD9+XPPmzavt2rWzSZ6TMuFZtGiRpk6dWgcNGqRnz57Va9eu6Ycffqh+fn7xJnhMaT/88IN+8MEH2qNHD+P7unPnjk6bNk0dHBxskp2IiAibyd6S05o1azRt2rQ6cOBAHT16tFasWFErV65sM3Hq4MGD1d/fX0ePHp0ix9euXbs0derU2rVrV23cuLH6+vpqs2bNjPUrV67UevXqadasWTUgICBZn7DzdEv7jh07tFChQil6PIWFhRk9sOJeZ5YuXaoZMmQwHqln9d1332mJEiW0Q4cOSTr8IyoqSps1a6Zly5bV3r17q8Vi0Xnz5qnqk0pLR0dHm+P46NGjWr58eWPYnVkmejQDEvZ/qQULFqiLi4u6u7vr22+/rQsWLFBV1R49emj16tXt+ozQH374waaF8fHjxzp9+nQtW7astmrVyrjR3L17t/bo0cPuzzNNKXFb+AYNGqSjRo3SGjVq6FtvvRWv5vX8+fP67bff6uTJk1OsK3d0dLSGh4dr5syZbZ7R+/jxYz127JgWK1bMeKxXSn9n1v1ifb7s2bNndfLkyWqxWHTChAkpNpFNYgwZMkQzZsyoX331lU6fPl0rVKigfn5+umjRIiMRPHbsmK5du1YPHDhg7NPkSjiefryZdU4Ca/L7xx9/qI+Pj9arV0+3b9+u9+/f14sXL2r9+vW1QoUKKdbzJe6xFRUVpW3atDFu1jdu3Ki1a9fWatWqGRPUREdH6++//643btywmcTRatKkSTphwgSb1ugvv/xS06ZNa1Tm3L17V2/evGnT9S4lEr+4j3PMmzev+vv7q4eHh3br1k3//vtvjYmJ0QkTJmipUqXUy8tLa9eurS4uLsk6Xvzo0aOaN29eLVeuXLxH6mzcuFGDgoK0ZcuWeu/evRS9mbJ2dV28eLGWKVPG+D6XLl2qlSpV0hw5cqRIa//TnrUPLl++bIwRtybtkZGRumnTJq1SpYrWqlUrSSthnzXnxKxZs/TOnTv6f+3deUDNafs/8OtIJBJCkylJSkgqEUKKMpQtjT2SKEtkSzLWMCNjlzVpMmSZisFDtoSxFG2ER1qMQSEtpkh13r8/+p3Pc454vjPPOOdE1+svztK5z+n0+Xyu+77u67p8+TJ0dXWFY/fEiRMhEokwa9Ysmecp+pg+Z84cuLu7y9yWlZWF/v37w8nJSdhCJOkk4+rqKpeitGKxGAcOHICGhgZatmwJY2Nj6OrqKi0zUaK0tBSLFi2CiooKOnfuLHOfJGhXU1OTSStWhLS0NLRr1w67du0CUJnhqaWlBSMjI/Tq1Usma3LZsmVyy3aR/r4+ePAAx48fx8aNGwFUfj5RUVHQ1NTEiBEjhMdlZmYiJSVFIYFzYmIirKysMGLECBQUFCh0W4X0MSk9PR0WFhbCdjcAcHNzQ6NGjRAdHS0E9ZKJIXkUKszPz4e1tTVEIhGmTp0q3P7mzZsPBu3JyclKqxlRnXHA/hlLS0sTAivJwWv69OkyBUgUQfpCPjY2Fu3atcPs2bNlKoaXlpZi9erVaNq0KTw9PYXAS+JLD9olB9CoqCgYGhoKKXgHDhyAvb09Bg8eLNM2Q5GVjYHKVCRvb2/k5ubC2tq6SvE/sViMrl27KqzN2IfEx8fDxsZGpkrwDz/8AJFIhPXr1wsrkOvXrxf2HirK+315nzx5AiMjI2EmWWLQoEH46quvsG/fvip7kwH5/R1cvXoVIpFI5veXlJSE4cOHQ0dHB1euXAFQuTLXsWNHmJqaQktLC5aWlrC0tFTYirP0+09KSsK///1vDB06VCZT6PTp0xgwYAAcHR2FgoMf+xklJSVYsGABNDU1YW9vDw8PD+Tl5eHt27cYO3YsvL29P9jZQJGB6MWLF1GvXj1s374dsbGxiIqKQtOmTTFs2DDk5OSgvLwcV65cwaJFi+Dn56eQQngpKSkwNzfHlClTqgTtMTExSu2Du3LlSpiamgoXlv7+/tiyZYtSiiBKvic3b95ERESETF2Wp0+f4ptvvpEJ2iU+5Z5M6e97eno6/vjjD5nz/8yZM+Hm5iZMeCxYsAD29vbo3bu3Ulevpk+fDjMzsyq3b968GW3btpXJ3rp16xa0tLQwfvx4uVXXzs7OxunTp3Hy5EmFtEz9KzIzM7F8+XKIRCKhC4bEn3/+ibVr10JLS0tmslLe7t+/D19fXxQVFeHRo0cwNDTEtGnTEBsbi6+//ho9evTAkSNH5Pb6y5cvlwm4f//9d2hpaaFhw4bCpBRQec0ZHR0NTU1NjBkzRm7j+W/i4+PRu3dvpdTUkLz+3LlzERAQAFNTU6H1MwBMmDABzZo1g7GxMbp27Qo1NTW5tb989+4d7O3tYW5uDgcHB5m6MyUlJQgJCUG9evVkJhVYVRywfyHu3buHgIAAuffi/W/27NmDy5cvY8GCBbCxscG8efNkLoZfvHiB1q1bQ1tbW9h/VZPSXSSFAnft2iWzEhQdHQ0HBwcMGjQIFy9exLJly9CsWbMqkxrytGXLFmHP3pw5c9ClS5cq/UKHDRuG7777TqYdnSJlZ2fDysoKjo6OMi3afvjhB6iqqsLb2xsTJ06EqqqqQvsuu7u7Y9myZTK3PX/+HEZGRti3bx8A2UI4JiYmsLCwwLZt2xTW2qW8vBxHjhxBgwYNhN70AHDnzh2MHDkSzZo1E4L2p0+fIi4uDsHBwfj111+V0o953rx50NLSgpaWFho0aFCld2tMTAycnZ1haWn5l9rxPH78GLt27YKlpSVMTEzg5uYGJycnmZU8ZR2LAgICMHDgQJnbkpKS0LhxY/j6+srcrsiJzcTERFhaWsLT07Na7SdMSkpC3bp1YWNjg759+37SHsH/i+joaNSpUwedOnWCSCSCm5ubkLnx7NkzfPPNN2jRokWViY9PQfo7u2DBAhgbG6Np06awtbUVghd7e3uMHTsWQOWF85AhQ2RWQeX9vf/Yd/bo0aMwNTVFaGiozOrj6dOn0bFjRyFoljw/KSkJDx8+lOtYlUnye/jzzz9lKoi/evUK/v7+qF+/fpWaLcXFxQpt3QZUngckAaikQr1kAmrw4MFo0aIFhg4diqKiok/+3crLy4Ojo6PM39KLFy+wceNGtGjRokrGRmlpKY4dOwaRSARPT89POpa/Shnt24DK35ObmxsGDhyIvLw8BAYGwtjYWGar09GjR7Ft2zasWbPmk3ap+JC3b9/i2bNncHJygp2dnXBtJLF+/Xpoa2vLdHdhsjhg/wLcvHkTo0ePRrt27RS6Mit9It66dStEIhGysrJQVFSExYsXw9raWqZQTFZWFtzc3IR9vDXJhwoFPnjwAEFBQYiJicGPP/4onOwMDAzkur8K+M/FgfSet969e8PZ2RllZWUYOnQounTpAl9fXxw+fBgzZsxAw4YNld4L89GjR7C1tYW9vb1M0L5161b0798fDg4OCs9OOHbsmLC6JznZSDISBg8eLDxOsh/L2dkZTZo0gbu7u0KDxPLychw+fBj16tWTSUu7ffu2ELT/9ttvH32uPEl/DsnJyTA0NERsbCz27t2LgQMHwsTERGabBlD5uc+dO/dvH0t27dol7CEWiUQyxdUUTSwWw8PDA46OjgAqj6mSSc59+/ahefPm+P3335V2vExMTETXrl0xatQopf/tS7t69SrGjRuH6dOnyyUQ/r9Ivq/Pnz+Hg4MDQkND8fr1a1y9ehXNmjWDq6ursKr+7NkzdO/eHUZGRp80C0D6OxEREQEdHR0cPXoUYWFhmD9/PmrXro1du3bh9OnTEIlEGDRoEMzMzD5alFEepMcYFRWFrVu3YsuWLXjw4AHEYjHGjx+Pbt26YcOGDXjy5AkeP34MR0dHDBgwQGZsX/r1guS9Hj9+HLa2tjA1NYWNjQ0iIyNRXFyMoqIiLFy4EBoaGti9e7dCxlRWViaMKz8/v0qtmNLSUnTr1k0oBFlRUYFJkyZh3bp1cq0GL/kbunDhgpA2/fLlS6E957x586qM88SJE3LvsFMd3bt3D/Xq1cPhw4fx9u1brFixAiYmJjIr7YqWkZEBJycn9O3bF+Hh4QCAJUuWYMKECQqtifQ54oD9C1BSUoJLly4pdM+H9An0ypUr2LVrl1DxFqicJZYE7UOGDEFUVBT69euH4cOHCyeBL/0kLO1jhQJ1dHSgq6uLtWvXIjs7G/Hx8Qpr+XHq1CmMHj1a6Kn8xx9/oGXLltiyZQvevHmDhQsXolu3bsLetL+ykvmpJSYmVgkis7Oz0adPH9jY2ODYsWPC7fn5+UrbJwYAu3fvxogRI4TP6bfffoOmpiamTJki8/ixY8fi6tWrMhXaFTXGd+/efTRoHzVqFL766iu57BP9q9avXw9fX18sWbJEuO369esYM2YMTE1Ncfbs2Q8+768cS97/LOLj4+Hu7g4nJyeF1EAQi8XCxEdeXp4wWRYdHY26desK703yXqKjo9GuXTulX8TEx8fD1tZWaWmdH1NRUaHUDK3Tp09j0qRJGDFihEyAEh8fD21tbQwfPlyY5MjJyZHb+Tk2Nhaenp5Yv369cFtRURE2b94MdXV1HDx4EEeOHMHYsWMxZ84cIVhXZDeW+fPnQ0dHB66urjA3N0enTp1w6NAhlJaWYsKECTA3N0ft2rXRqVMnmS04NeEaQfIeT506hTp16mDRokXYvXs3hgwZAhMTE/zwww8oKSnBixcvsHjxYpmiXfJw8OBBmf9HR0fDzMwMbdu2FdLdX758CbFYDBcXF7i6uuLgwYNYuHAh9PX15XKcWL16NRYuXCjTuaRHjx5o3LixkImRl5eH4OBgNGnSpErQXhO8fyyUfK9mzZqFIUOGCCvcK1asQMeOHZWafp6ZmYlhw4bB1NQUVlZW0NTUxPXr15U2ns8FB+zsb5M+MNy4cUNYqZKcRCQXAsXFxdi9eze6d+8OY2NjODo6CifimpQKL/GxQoEzZ86Evb29Qi+gxGIxJk+eDJFIhMaNG2PJkiXIyMjAqlWrMGTIEGE2uqKiAs+fP1d4H0yxWIzXr1/DyMgI/fr1q9Je548//kCLFi3Qp0+fKm3xFOX9i8mtW7fCzMxMZt/v/v37oampiS5dumDkyJHo2rUrjI2Nhd+1PC9Ipb9P7/+9HTp0CGpqajJB+507d+Dg4KC0Fk+vXr3CmDFjoKKiUiW18dq1axgzZgw6deokU4n4fyX5PG7cuAE1NTWZlkSf2smTJ2WyPqKiomBjY4M2bdpgyZIlOHXqFGbNmoV27drJZBH4+/ujc+fOCk95/RBlpXVWN9KTzXFxcRCJRFBTUxPaRkruT0hIgK6uLhwcHOTapeLZs2cwNDSEhoZGlUyRvLw8DB06FD4+PgAgsz1NkdtbIiIioKurK2SNhYaGok6dOsI+5/Lycjx+/Bi//PILLly4oJQtOIoWHh6O4OBg4f/FxcUYPHgwZs+eLfM4Pz8/GBsbC1sYsrOzsXLlSrmtFj9+/Bh169YVMn6Sk5NRr149fPfddwgPD8fQoUPRvn17fP/99ygrK8OJEyfQu3dv6Ovro23btnIr1Ld582aIRCJ8//33wt/Yw4cPYWdnh5YtWwpB+8uXLxEcHAxtbW2Zc1tNcfHixSoZrFFRUWjSpAkuXrwIoLK+jr+/P6ytrZWafv7HH39gz549WL58eY3MfvhfcMDO/pYLFy4IBSO8vb3h4eGBvXv3okmTJpg8ebLwOOmUu9LSUmRnZ3+wgnNNo8xCge8HbTdu3MDo0aOxcuVKdO3aFVOnToWnpyfatWuHtWvXynUs/430OBMSEtChQwcMHjy4ykr7uHHjUL9+fbi6un6wgJs8SZ8QpXuUh4WFwdLSEh4eHsKF+oMHD+Dp6Ql3d3dMnTpV7v2938/QWLduHdzd3TFw4EBER0cLFzcHDx6sErRnZGQobFXrQ69z584deHl5oXbt2kLmh8T169fxzTffwM3N7ZO8vuR7ZmVlJUyefWo5OTkwMDDAxIkT8fDhQ9y7dw+NGjVCYGAgZs2ahc6dO2PUqFFCZoGqqiqsra1hY2ODRo0aCYEgqz4uXbqEyZMno7CwEDdv3hQmmCSr7JLv1bVr12BsbCz3AmYpKSkwNDSEpaVlle/LpEmT0L9/f7m+/v8lMDBQ2EN/+PBhNGzYENu3bwdQmQnwob2zipy8VrQ///wT/fr1Q/fu3WVWym1tbYVUZelrgf79+6Nfv37C/+X92cTFxaFly5ZwdnbGyZMnZfq9A/+ZRJAUWMzKysKjR4/k1m9d8ve0e/du1KpVCytWrBDuy8zMRK9evWSC9ry8PPz4449o3bo1cnNza8ziUGlpKXx9fSESieDi4iJzDTd58mR069ZNuE7Kzc2VSw96Jl8csLO/rKioCA4ODrC1tcWgQYOgqamJtLQ0iMVi7NmzB6qqqvjuu++Ex3/ogrwmpLj9VcooFHj+/HmEhIQAqPxdzJgxA+7u7igsLMSOHTuEVXfpdl+KIt26raioSEgFTklJgYmJSZWgfd68eThw4IDCWzlJf4eXLl0KU1NTmTTCvXv3wsLCAh4eHkhNTf3gz5DXpFVAQIBMrYElS5ZAU1MT3t7esLe3h6GhIcaPHy/MaB8+fBgaGhoYPXq0zM+R99+p9M9//PixTOufjIwMTJgwAY0aNUJMTIzM89LS0j7p2Hbu3AmRSCTXYla3bt2ClZUVZsyYgcDAQAQGBgr3/frrr+jXrx++/fZbHDt2DHFxcfD391dIESD2vwkNDYWOjg6mTZuGP//8E5cvX4aKigqmTJlSJWhXVLeWlJQUdOrUCRMmTBC25BQVFcHGxkahxbY+9Lc5c+ZM+Pv749q1a2jQoIEQrIvFYoSFhWHDhg0K6x9eXTx9+hTffvst+vTpI7RHGzduHLp27So8RpIR8f3336NXr14KXeiQtAIUiURCtpP0RMGAAQNga2sr93FIF7gVi8X4+eefUatWLZlj6MeC9uqQmaQMd+/ehbe3N0xMTGBiYoLQ0FBs2rQJgwcPVup2N/bPccDO/pa8vDy0bdtWSE+SkO6n+P6MLKtKGYUCy8vLsWrVKohEIowfPx5XrlyBWCyGhYUFli5dCqDyIs/HxwctWrRQaMAgXXTHxsYGlpaWaNOmjVBJNDU1FaampnBwcMC0adPg4+ODxo0bK3Vfrb+/P5o3b45z585VWdWWrLRPnjwZN2/eVNiY8vLy0LNnTxgbGyM5ORljxoyRSffes2cP+vTpg6lTp6KwsBBlZWX46aefYG9vr5TJtICAALRp0wY6OjoYOXKkMOufkZGBiRMnokmTJh/ct/6pxvrw4UOFVEC/desWunbtCn19/SoFf3799VfY2dnBxcVFKXUi2N/3008/wcjICF5eXiguLsalS5egoqKCqVOnyrScUuTqXmJiItq3bw9tbW04OzvDxcUFFhYWQuCnyAJz6enpePLkCcrLy4WtAyKRCIcPHxYeU1xcDEdHxypp4F8ysVgsbAtMS0vDgAED0K1bN0RGRuLu3bvQ19fHyJEjZZ7j7u6OwYMHf7D95Kcem7TLly8LRQolNT4kQfvGjRvRpUsXuW+VkYzp7NmzmD17Nu7du4ewsLAPBu12dnZo0KCBQnqsV3dv3rzB8+fP4eHhAQcHB3z99dcQiUSYOXOmsofG/gEO2Nnfkp+fj4EDB6J3795wcHCQac1QUlKCPXv2QE1NjQ8M/wdlFAqUSElJgaOjI2xsbDBr1iycOnUKgwYNwuXLl4XH5OfnK3xcJ0+eRL169bBu3TqkpqZixowZEIlEwqzwvXv3MHnyZNjY2KB3794KrwYvLTU1FR06dBDGVlRUhIyMDGzbtk3oUR0eHg5dXV2ZiS1FyM/PR7du3aCjowNjY+Mq+wqDg4Px1VdfCb3jpVdOFLmyHh4eDj09PYSHh2Pv3r3Q19dHjx49hNX2jIwMTJo0CSKRSO5dExQhJSUFBgYGsLGxqVLZ/OTJkzA3N8fYsWNRXFxcY9I4PxcZGRlVAoG9e/fC2NgYkydPRmlpKS5fvgyRSARfX1+lpXTfvn0bBgYG6NWrl7CSDUDuPeo/1F5OS0sLvXv3xubNm7F582bUrVsX+/fvR3Z2NlJTU9G/f3+Ym5vXqC1yks/p0KFDGDFiBLp374569eqhTZs22L17NyIjI6Gvrw8LCwt4enpizJgxqF+//kcztT71uFJSUnDq1CkcPXoUubm5uHTpEoyMjNC3b1/k5+cLx++JEyeiV69eCinyGhkZiXr16iEwMFDYfrZr164qQXt6ejoGDhzImUnvSU5OxpYtW9CmTRulXjOxf44DdvY/efbsGQYOHAg7OzthTztQeWEQFBSEPn368EVnNZaTk4N9+/bB3NwcDRo0gIGBgUx/TkWR/o6MHz8eCxcuBFDZvs3IyEioiyDdhq6iokKmT60yxMfHQ0NDA//+97+RmpqKmTNnom3btmjUqBFatGghBMMnTpxQyMX7+4F2QUEBBg0aBJFIhMjIyCqPad68uUzRI0U7fvw4goODERoaKtz25MkTtG7dGt27dxeC9gcPHmDVqlVfzEV9SkoKzM3NZQoTSsTExAiTPaz6ePXqFXR0dBAQEFAloyckJERYWX/9+jWuXbsmtHNTlqSkJFhbW2Py5MlIT0+X++v9t/Zyfn5+UFNTw5QpU7B582aoqalBR0cH5ubmsLOzEyYSvuQ96++7fv061NXVsWfPHty/fx/p6emwtbWFra0tQkJCkJ6eDm9vbwwbNgwTJkxQWNvCI0eOQEtLC+bm5hCJROjZsyc2btwoBO0mJiYYPnw4Zs2aBQ0NDYUEf/fv34eBgQG2bdtW5b6dO3eiVq1aWLVqlXDbl3Ke+BTev/7mwqGfPw7Y2f8sMzMTTk5OQh/a8vJy9O3bF3PnzpXZd8Sqr/LycsyZMwdqampo3ry5wou3AZVtY7Zs2QIrKyucOXMGr1+/RosWLTBlyhTh+yO9cq1oH6vF4ODgAC0tLWhoaGDatGlC1WMdHR2ZFkuA4i5Iz507h6ysLACVK+22trZo1aqVTDGqnJwctG7dGhEREQoZEyD7Gebl5aF+/foQiURYs2YNgP8cJ54+fQpDQ0P07NmzSrDxpVyMJSYmwtLSEp6engpJx2f/XGxsLFq1aoXly5dXWWm3tLSEhoaGzHlP2RITE9G1a1eMGjVKqGchbx9qL1dQUIDg4GBoaGjgxIkTyMjIwMWLF5GYmCgcE76Uv+u/aufOnTAxMZHpvPL48WP07NkThoaGiIqKEm5X1GeTmJiIpk2bIiQkBK9evcKzZ88wfvx42NnZYevWrbh06RKsrKyEjDfJOUbezpw5AyMjI5lzv/S55Oeff4ZIJEJQUJBCxvM5qy7HJva/44Cd/SOZmZlwcXFBu3btYGBgAFNTU4XtmWP/jPTv5/z580oJiG/duoUmTZogMjIS7u7uGDVqFHR1dTF16lRh9aWkpARDhgzBjz/+qPDvlPTFwZkzZ3D48GGEh4cDAAoLCxEREYGLFy8KYy0tLYWNjY1Cg2Gg8nd5+/ZtiEQizJ49W9hqUVBQgB49euDrr7/G4sWLsWfPHgwaNAimpqZKuVD28fHB6tWrkZycDAMDA/Tr1w8vX74U3gNQGbTXr18fXl5eCh+foigjoGL/jKQQ14oVK4SV9pKSEnh7e2P16tVCVk11ER8fD1tbW4XU+fhv7eVevnyJIUOGYMaMGVWeVxOL0IaHh8PIyAg5OTkA/rNdITU1FQ0aNECHDh0QFhYGQHHXUPv370f79u1RWFgovOazZ88wevRo9OnTB69fv8aFCxfQvn17uXc9kBYdHQ09PT3h2qSiokIYX2xsLO7du4fDhw8rPauFMUXggJ39Y0+fPsXx48cREhIiBAE1bdb8c6XMSZX09HQsXbpUKMK1fft26OnpwdraWmZv3MKFC9GmTRulXhD7+fnByMgInTt3hrm5OQwNDWX6K5eUlCAjIwPOzs6wsLBQWopnWFgYGjdujHnz5skE7Y6OjhCJRHBzc5NJMZf3OKW/X7GxsTAyMkJsbCyAynZ4WlpaGD58OAoKCmQe//Llyy8+TVaRARX7NC5fvoxWrVphxowZOHDgABYtWiQEOtWRItNgq3t7ueoiPT0dampqVYrz3rx5E7a2thg9erTCa9tERETA0NBQ6HIgOT9kZWVBJBLhwoULAKCQPevSMjMzUa9ePQQEBFS5z9fXF4sXL/7izxOMSXDAzj45PoCy/0thYSGsrKzQrFkz+Pr6Aqi8SJg1axbMzc1hb2+P2bNnw9XVFU2aNFFqP+qdO3eiWbNmQvG28PBwiEQi/Otf/wJQ+X3fv38/+vTpAxsbG4Xvy3y/evBPP/0kpOhKVkPy8/PRqVMnjBs3TnicIifVoqKi4OHhIVx4ST6b+Ph4aGlpwdXVtUrQLv24LxXvK/z8JCQkoFevXtDT00O7du2qFHWsyapLe7nqbt++fVBVVUVAQAAyMzPx6tUrfPfdd5gwYYJSJn8ePnyIunXrYtGiRTK3Z2dnw9TUFNeuXVP4mCQkLYPnz5+P27dv4+7du/Dz80OjRo04O4nVKCIAIMYYU7CkpCQaOXIkqaurU2hoKFlaWlJ5eTkdOHCAYmNjKScnh9q1a0dTpkwhExMThY1LLBZTrVq1hP/PmzePtLS0aOHChRQZGUkeHh60du1amjJlChUXF1P9+vXpwYMHdOvWLRoxYgSpqKhQeXk51a5dW+5jXb16NYnFYpo1axZpaGgIt4eHh5OHhwfNnj2bZsyYQfr6+lRcXExqamqkoqIi93FJe/ToEU2cOFH4fe/YsYOIiCoqKkhFRYVu3rxJTk5O1KFDBzp+/DjVr19foeNj7O96/fo1FRQUkJqaGjVr1kzZw6lWkpKSaNy4cZSXl0ddunShOnXqUFZWFl2/fp3q1KlDAEgkEil7mEoFgCIiIsjLy4uaNm1KtWrVooKCAjp79ixZWloqZUz79+8nDw8Pmjt3Lnl4eFDDhg1p8+bNFB4eTtevX6cWLVooZVxisZgiIyPJy8uL6tevL5zDIiIiyMLCQiljYkwZOGBnjClNamoqubm5UdeuXcnHx4fMzMyUOh7pi8lz586Rra0tubq6Uvv27alv377k4uJCa9asoalTpxIACgoKInV1dfLx8RF+hiQQVYRly5bRihUraN26deTp6SkTtPv6+tLevXtp3LhxtGTJEtLW1lbI+D50QR4bG0tBQUGUkpJCO3fupEGDBhHRfyZHrl69SitXrqQTJ07ITJYwxj4/d+7cocGDB5Ouri6NGTOGvL29iYiorKyMVFVVlTy66iM7O5tSU1PpzZs3ZG1tTa1atVLaWADQwYMHycvLixo3bkxqampUUlJCx44dU9okgrSnT5/So0ePSCQSkYGBgXA+Y6ym4ICdMaZUSUlJ5OnpSZaWluTr60sdOnRQyjikA82lS5dSZGQkHT16lM6cOUNhYWGUlpZG69atEy4+CwoKyM3NjaysrGjp0qVyH9/7K/8SQUFB5O/vT0FBQTRlyhRq2LAhERGtXLmSYmJiSF1dnU6fPq2QVS3pMebm5tLbt29JX1+fiIgSEhJo+fLl9ObNG/Lz86P+/fsTUdUJhI+9T8bY5yM5OZm8vb3JzMyM/Pz8qE2bNsoeEvsLHj16RPfv36eKigoyMzMjXV1dZQ+JMUZEfFXEGFMqCwsLCgkJodTUVFq5ciXdv39fKeOQBLR37tyh5ORkCg4OpjZt2tCAAQNIJBJR69at6euvv6Z3795Reno6jR07lnJycmjRokVyH5t0EHv16lWKjY2llJQUIiLy8/OjVatWkZ+fH+3atYsePHhAYrGYkpKSaMWKFRQTE0MikYjkPTcLQBhjYGAgOTk5kZ2dHZmbm9Mvv/xCXbp0oQULFlCDBg1o7dq1dObMGSKiKqv9HKwz9vkzNzen7du3U0pKCi1evFhpx3X29+jr61P//v1p4MCBHKwzVo3wCjtjrFpISEig+fPnU0REBOno6ChlDNu2baNDhw5RRUUFRUZGCml3aWlpNG3aNMrNzaUXL16QoaEhqaqq0sWLF0lVVVWuaebSK/9z5syhgwcPUnFxMenq6lLLli3p1KlTRFS50r5u3Tpq1KgRERHVrl2bUlJSqHbt2grdNxoYGEjbtm2j4OBg6tu3L9nZ2VFJSQmdOHGC2rRpQ3FxcbRx40bKzMykXbt2kbW1tULGxRhTvOpwXGeMsc8dB+yMsWrj7du3pKamprDXez/9+sKFCzRx4kR6/vw5RUZG0sCBA4X7cnNz6cmTJ3T79m0yMjIia2truReYkw60z5w5Q7Nnz6adO3dSo0aN6O7du7R06VJSV1enW7duERHR6dOn6dGjR1RcXEwzZ86k2rVrK2xPPQDKz8+nIUOG0MyZM+nbb7+ls2fPkqurKwUFBZGXl5fwfmJiYujChQv0/fff84o6Y184RR/XGWPsS8MBO2OsRpIO1tPT00lNTY309PQoMzOTHBwcqH379rR06VKysrL66M9QVDD866+/0tGjR6lBgwa0efNmYfy3bt0iNzc3srOzo+3btyt8fO9PeDx+/Jj69OlDqamp9Ntvv9Hw4cNp7dq15O3tTSUlJRQWFkYjR44kLS0thY2RMcYYY+xzxksbjLEaR3q/tb+/Pzk7O5OFhQX17t2bUlNT6dy5c3T37l0KCgoSVq8lz5OmiEDz1atX9MMPP9ChQ4coMzNTuL1WrVrUpUsXcnFxobt379KbN2+qPFfe45N8hhcuXCAiIj09PWratCmNHTuWXF1daePGjUKRvtzcXIqIiKArV64odIyMMcYYY58zDtgZYzWKWCwW0swPHjxI4eHhwv5va2trGj58OF2+fJnOnj1LiYmJtG7dOrp+/ToRkUL2gb8/KdCkSRP66aefyMHBgZKSkmjv3r0y9xsZGdGLFy+ouLhY7mP7kNu3b1O/fv0oKiqKiIhGjRpF8fHxZG9vT5MmTSIiopKSEvLx8SE1NTVydnZWyjgZY4wxxj5H8tl4yRhj1ZRkVfjixYt0/vx5mj9/Pg0ZMoSIiF6/fk16enrk5eVF58+fpyNHjlDPnj3JyMiIunXrJvexSaeYZ2RkkEgkInV1dTIyMqINGzbQ9OnTKSwsjIqLi8nLy4tyc3Pp559/JgMDA5k0c0XS1tYmZ2dnSkhIIBcXFxo+fDhlZGRQTEwMOTo6kp6eHj148IAKCwvp1q1bpKKiwmnwjDHGGGN/Ee9hZ4zVODk5OdSzZ096/vw5LViwQKY1W35+Prm7u5Oenh5t3bqVkpOTqWPHjnIPMKULzC1btoyioqKorKyMCgsLafny5TR58mTKyMigmTNn0vnz56lVq1bUvn17KikpoaNHj5Kamprce5h/7OeHhISQj48PpaSkkLGxMeXk5NCNGzcoPDycmjRpQnp6ehQQEEC1a9eWa5E+xhhjjLEvDQfsjLEaKTU1lVxcXEhTU5NCQkLIwsJCuM/T05MeP35Mp0+fFoJoRa0KBwYG0pYtW+jnn38mGxsbcnNzo9jYWPrtt9+offv2lJWVRT4+PvTkyROaMGEC+fr6EhFRaWkp1a1bV+7jIyJ68OABaWtrk6ampnDbN998Q3p6erRp0yZSV1f/4PN4ZZ0xxhhj7O/hPeyMsRrJzMyMoqKiqKKigjZt2kTJyclEVJkWf//+fWrZsqXMnnV5BZpisVj4NwBKSEigDRs2kKOjI509e5YuXrxIq1evpvbt21NZWRkZGBjQunXrSFtbm06ePCnsHVdUsB4TE0MmJibk7e1NBw4cEG4fPHgw3bhxg4qKioiIqKysrMpzOVhnjDHGGPt7eIWdMVajJSUl0bhx4ygvL4+6dOlCderUoaysLLp+/TrVqVNHJlVdnpYsWULq6uq0detWunDhAj19+pQGDRoktEV78+YNrV69mjw9PUlfX5/S09Npzpw5lJOTQwEBATRs2DC5jOtD73///v2UkJBAO3bsoP79+5OrqyuNGTOGLC0tyd7enjZs2CCXsTDGGGOM1TS8ws4Yq9EsLCzo0KFDpK6uToWFheTg4ECJiYlUp04dKisrk1uwLr2yfvjwYQoLCyNnZ2fq3bs3zZo1i5ycnGjTpk1CW7SCggKKi4ujS5cukVgsJiMjI1q7di21atWKOnfuLLcxSt5/bm4uZWdnExHR2LFjaePGjZSQkEANGjSgNWvWkLW1Nenq6tKxY8fo/v37chkPY4wxxlhNwwE7Y6zGMzU1paioKHr37h0lJibSw4cPiYhIVVVVbq8pXa0+Li6O5s6dS6amptS5c2dKSUmhvn37koeHBxERFRUVkaenJ6moqNCYMWOoVq1aJBaLycTEhA4cOEAtW7b85OOT7lW/dOlScnR0pO7du1OnTp1o37599Pz5c+rYsSPt3LmTjh8/TlZWVnTz5k3S0dEhY2PjTz4exhhjjLGaiFPiGWPs/0tKSiJvb29q3bo1LV26lExMTOT6etLV6gMCAsjf35/Ky8tp3rx5FBcXR0SVfdZ///13evv2LSUkJJCqqqpM8TZ5p+yvXr2a1q9fT5s2bSJtbW3au3cv3b59m8aOHUteXl7UqFEj4bGpqalkamoqTCjIs2I9Y4wxxlhNwAE7Y4xJSUhIoPnz51NERATp6OjI/fVSU1Np+PDh1KxZM9qyZQt17tyZKioq6OTJkxQXFycUmvPx8VFoWzSxWEwFBQXk5OREbm5uNG3aNOE+Pz8/io6OptDQUOrVqxeVlZXJZCNwNXjGGGOMsU+DA3bGGHvP27dvSU1NTWGvl5qaShMmTCArKyvy8fEhMzOzDz5O3oHw+6v15eXlZGZmRjNnziRvb2+Z1nE9evSgli1b0sGDB+U2HsYYY4yxmo7zFRlj7D2KDNaJKlvMhYaGUmJiIm3dupXS0tI++DhFBesHDx6k4OBgql27NrVu3Vpo31a3bl169+4dERGZm5srZKWfMcYYY6wm44CdMcaqAQsLCwoJCaHk5GRatmwZZWVlKey1pavBp6WlUVBQEIWEhFB0dDQFBgbS77//TiNHjiSi/0wapKSkkJaWlsLGyBhjjDFWE3FKPGOMVSPx8fG0Y8cOCgkJUXjRtvnz51NWVhY9e/aM7t27R9ra2uTr60vNmzenOXPmUN26dal169aUn59PhYWFlJqayqvsjDHGGGNyxAE7Y4xVM5L0dEVWWg8LC6PZs2fT+fPnycDAgEpLS2n8+PFUWlpKEydOJAcHB9qxYwe9fv2aNDU1afHixQotgscYY4wxVhPxVRZjjFUzIpFIpg+6Ijx8+JBMTU3J3NyciCr7xIeGhpKLiwutXLmSNDQ0KDAwkIj+M6FQUVHBwTpjjDHGmBzxHnbGGKuG5NlbXZokyapu3br09u1bevfuHdWqVYvKyspIV1eXgoKC6NmzZxQcHCxUhJeMjVu3McYYY4zJFwfsjDFWg0mC76FDh1JSUhKtWbOGiEjoq15aWkoDBgwgkUhEe/bsEarEM8YYY4wx+eNcRsYYY9SxY0cKCQmhKVOmUElJCY0YMYIaN25MW7ZsoR49etCwYcOoQ4cOdOnSJerXr5+yh8sYY4wxViNw0TnGGGNEVJkeHxkZSdOnT6c6deoQAGrevDldvXqVcnNzycHBgX755RcyMzNT9lAZY4wxxmoEXmFnjDFGRJXp8a6urtS9e3d6/PgxlZWVkY2NDdWqVYt27NhBKioq1Lx5c2UPkzHGGGOsxuAVdsYYYx+VlpZGa9asoX/961907tw5oYo8Y4wxxhiTP15hZ4wx9kHl5eX07t07at68OcXFxVGHDh2UPSTGGGOMsRqFV9gZY4z9V2VlZULVeMYYY4wxpjgcsDPGGGOMMcYYY9UQ92FnjDHGGGOMMcaqIQ7YGWOMMcYYY4yxaogDdsYYY4wxxhhjrBrigJ0xxhhjjDHGGKuGOGBnjDHGGGOMMcaqIQ7YGWOMMcYYY4yxaogDdsYYY4wxxhhjrBrigJ0xxhhjjDHGGKuG/h8kM7pyqFkACAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "#10\n", + "from collections import Counter # Import Counter to count word occurrences\n", + "import matplotlib.pyplot as plt # Import Matplotlib for plotting\n", + "\n", + "# Get most common words in real and fake news articles\n", + "real_words = \" \".join(df[df[\"label\"] == 1][\"cleaned_text\"]).split()\n", + "fake_words = \" \".join(df[df[\"label\"] == 0][\"cleaned_text\"]).split()\n", + "\n", + "real_counts = Counter(real_words).most_common(15) # Top 15 words in real news\n", + "fake_counts = Counter(fake_words).most_common(15) # Top 15 words in fake news\n", + "\n", + "# Plot most common words in real vs. fake news\n", + "plt.figure(figsize=(12,5))\n", + "plt.bar(*zip(*real_counts), color='blue', label=\"Real News\")\n", + "plt.bar(*zip(*fake_counts), color='red', alpha=0.7, label=\"Fake News\")\n", + "plt.xticks(rotation=45)\n", + "plt.title(\"Most Common Words in Fake vs. Real News\")\n", + "plt.legend()\n", + "plt.show()\n", + "\n", + "# Fake news often uses dramatic words, while real news tends to have more neutral wording. \n", + "# This chart shows the most frequent words in both categories.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA7YAAAD7CAYAAABe1Ai3AAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQABAABJREFUeJzsvXecXFd5uP/cNnf67MzsbO+SVr0X27Jsyd0GG1Oc0BIwOEAMBBICmDTACSHE9PCDrxMSOoRiXDFukiVXWZYsW71L2/vu9HrL+f0xuyONdiVLLgGSefis0Zx77jnvPbec8573Pe+RhBCCChUqVKhQoUKFChUqVKhQ4Q8U+XctQIUKFSpUqFChQoUKFSpUqPBqqCi2FSpUqFChQoUKFSpUqFDhD5qKYluhQoUKFSpUqFChQoUKFf6gqSi2FSpUqFChQoUKFSpUqFDhD5qKYluhQoUKFSpUqFChQoUKFf6gqSi2FSpUqFChQoUKFSpUqFDhD5qKYluhQoUKFSpUqFChQoUKFf6gqSi2FSpUqFChQoUKFSpUqFDhD5qKYluhQoUKFSpUqFChQoUKFf6gqSi2FfjBD36AJEmlP1VVqa+v5x3veAdHjhx53euXJInPf/7z55RPkiS+9KUvTTs2dQ07dux4HSR87fjoRz+KJEkMDQ2VpU9MTCDLMpqmkUqlyo719fUhSRKf+MQnXlfZPv/5zyNJ0jnnf+CBB7jhhhuora3F4XAQCoW44oor+OlPf4phGKV853p/Xw82bNjAhg0bfid1V6hQocLvC6f386f+ffKTnzzncrZs2YIkSdx1112vm6xTfVFNTQ3JZHLa8ba2Nq6//vrXrf7XgtHRUWRZ5tZbb5127OMf/ziSJPE3f/M3047dcsstKIpCNBp9XeU7n355eHiYz3zmMyxevBiv14vT6WTOnDl8/OMfLxsjnu8Y4rVk6rncsmXL76T+Cr8/VBTbCiW+//3vs3XrVjZu3MhHP/pR7r//ftatW/e6f2DPly996UtMTEz8rsV4RVx22WUA0z6+TzzxBKqqIkkSTz/9dNmxzZs3l537u0YIwfve9z7e9KY3Yds2X/va19i4cSM//OEPWbp0KR/+8If5zne+87sWs0KFChUqnMZUP3/q38c+9rHftVgzMjo6yh133PG7FuMVEYlEWLhwYan/PpUtW7bg8XjOeGzZsmUEg8H/CTFflueff57FixfzX//1X9x0003cfffdPPzww3zyk59k586drFmz5nctYoUKZai/awEq/P6waNEiVq1aBRQtXZZl8bnPfY57772X973vfb9j6YpceeWVbNmyhX/+53/mq1/96u9anPNmw4YNpVnFd7zjHaX0LVu2sHr1aoQQbN68mWuvvbbsmCzLXHrppa+qbsuyME0TXddfVTlf/vKX+cEPfsDtt9/OZz/72bJjN9xwA5/+9Kc5evToq6qjQoUKFSq89pzaz/++c+211/L1r3+dj3zkI9TV1f2uxTlvLrvsMr71rW8xNDRUkn9iYoI9e/bw13/913zjG98gmUzi8/mAonfW8ePH+eu//utXXXcmk8Htdr+qMhKJBDfeeCNOp5Nnn32Wpqam0rENGzbwoQ996HW13Feo8EqoWGwrnJGpzm94eLgsfceOHbzpTW8iFArhdDpZvnw5v/zlL8vyjI6O8uEPf5gFCxbg9Xqpqanh8ssv56mnnnpVMs2dO5dbbrmFb3/723R3d79s/peTNZFIoKoqX/7yl0tpY2NjyLJMIBDANM1S+sc+9jEikQhCCABefPFFrr/+empqatB1nYaGBt74xjfS19d3RnnC4TCLFy+eZrHdsmULGzZsYP369dNmcbds2cKKFSsIBAIA9PT08Cd/8ieleufPn89Xv/pVbNsundPV1YUkSdxxxx184QtfoL29HV3XS2U/+OCDLFu2DF3XaW9v5ytf+crLtiWAYRj867/+K/PmzeMf/uEfZsxTV1fHunXrzlrO3r17ufHGGwkGgzidTpYtW8YPf/jDsjxTrnNdXV3T2uN0lyMhBHfccQetra04nU5WrFjBQw89dE7XVKFChQr/1zl69Cjve9/7mDNnDm63m8bGRm644Qb27NnzsucmEgmuueYaamtref755wEoFAp84QtfYN68eei6TiQS4X3vex+jo6PnLNMXvvAFTNM8J5fZc6nvU5/6FIFAAMuySml/8Rd/gSRJZWOA8fFxZFnmW9/6FgC2bfOFL3yBuXPn4nK5qKqqYsmSJXzzm988q0wzeWhNeWdNuX+fOiaayTvre9/7HkuXLsXpdBIKhXjLW97CgQMHyuq5+eab8Xq97Nmzh6uvvhqfz8cVV1wBFO/NBz7wAcLhMF6vl2uvvZbDhw+/bHsCfPe732VoaIg77rijTKk9lZtuuumsZdi2zR133FG6LzU1NbznPe+ZNk5qa2vj5ptvnnb+TMuJDh48yLXXXovb7aa6upo///M/n9FlvcL/TSqKbYUzcuLECQA6OztLaZs3b+biiy8mFotx5513ct9997Fs2TLe/va384Mf/KCUb8pV+HOf+xwPPvgg3//+9+no6GDDhg2veg3E5z//eRRFOaNidT6y+v1+Vq9ezcaNG0vnbdq0CV3XSSaTpU4aYOPGjVx++eVIkkQ6neaqq65ieHiYb3/72zz22GN84xvfoKWl5WU/sJdddhmHDh1icHAQKHaie/bsYf369axfv56dO3eSSCQA6O3t5fjx46WObnR0lLVr1/Loo4/yT//0T9x///1ceeWVfPKTn+SjH/3otLr+7d/+jccff5yvfOUrPPTQQ8ybN49NmzZx44034vP5+PnPf86Xv/xlfvnLX/L973//Zdt+x44dTExMcOONN77itTSHDh1i7dq17Nu3j3/7t3/j7rvvZsGCBdx8882v2O3s9ttv57bbbuOqq67i3nvv5dZbb+UDH/gAhw4dekXlVahQocL/RqY8d079AxgYGCAcDvOlL32Jhx9+mG9/+9uoqsoFF1xw1u9oX18f69ato7u7m61bt7JmzRps2+bGG2/kS1/6Eu9617t48MEH+dKXvsRjjz3Ghg0byGaz5yRra2srH/7wh/mv//qvsypj51rflVdeSSKRmNavu1wuHnvssVLapk2bEEJw5ZVXAnDHHXfw+c9/nne+8508+OCD/OIXv+CWW24hFoudVf7169cjy3LZZPXmzZtZtWoVtbW1rFy5smw8tHnzZhRF4ZJLLgHgX/7lX7jllltYuHAhd999N9/85jfZvXs3F1100bT4J4VCgTe96U1cfvnl3Hfffdx+++0IIXjzm9/Mj3/8Y/76r/+ae+65hwsvvJDrrrvu7A0/yaOPPoqiKNxwww3nlH8mbr311lLffP/99/NP//RPPPzww6xdu5axsbHzLm94eJj169ezd+9evvOd7/DjH/+YVCo14/inwv9RRIX/83z/+98XgHjuueeEYRgimUyKhx9+WNTV1YlLL71UGIZRyjtv3jyxfPnysjQhhLj++utFfX29sCxrxjpM0xSGYYgrrrhCvOUtbyk7BojPfe5zLysnID7ykY8IIYT4u7/7OyHLsti1a1fZNWzfvv28Zf37v/974XK5RC6XE0II8Wd/9mfi2muvFUuWLBG33367EEKI/v5+AYj/+I//EEIIsWPHDgGIe++992XlPp17771XAOJnP/uZEEKIX//610JVVZFMJkUikRCKoojf/OY3QgghfvjDHwpA/Pa3vxVCCPGZz3xGAGLbtm1lZd56661CkiRx6NAhIYQQJ06cEICYNWuWKBQKZXkvuOAC0dDQILLZbCktkUiIUCgkXu6T8POf/1wA4s477zzn6z39/r7jHe8Quq6Lnp6esnzXXXedcLvdIhaLCSFO3tMTJ06U5du8ebMAxObNm4UQQkSjUeF0Oqc9V88884wAxPr1689Z1goVKlT438jU93Smv9P7SCGKfXahUBBz5swRf/VXf1VKn/r+/upXvxIvvviiaGhoEJdccokYHx8v5fnv//5vAYhf//rXZWVu375dAOI73/nOWWX93Oc+JwAxOjoqxsbGRCAQEG9729tKx1tbW8Ub3/jG864vnU4Lh8Mh/vEf/1EIIURfX58AxG233VY2BvjABz4gGhoaSuVcf/31YtmyZWeV+UwsW7ZMdHZ2ln4vXrxYfOYznxFCCPHpT39arFq1qnSsvb1drFmzRghR7NdcLpd4wxveUFZeT0+P0HVdvOtd7yqlvfe97xWA+N73vleW96GHHhKA+OY3v1mW/s///M/nNO6aN2+eqKurO+drnbpvUxw4cEAA4sMf/nBZvm3btglA/O3f/m0prbW1Vbz3ve+dVub69evL+vDbbrtNSJIkXnrppbJ8V111Vdm4oML/XSoW2wolLrzwQjRNw+fzce211xIMBrnvvvtQ1eJS7KNHj3Lw4EHe/e53A5TN+L7hDW9gcHCwbGb3zjvvZMWKFTidTlRVRdM0Nm3aNM2N5pXw6U9/mlAoxG233Tbj8fOR9YorriCbzfLss88CxRncq666iiuvvLI0iztl0Z2awZ09ezbBYJDbbruNO++8k/3795+z7FOzuFMztVu2bGHVqlV4vV58Ph8rVqwozfBu2bIFVVVLrr2PP/44CxYsmBaw4eabb0YIweOPP16W/qY3vQlN00q/0+k027dv561vfStOp7OU7vP5XtWs7Pnw+OOPc8UVV9Dc3FyWfvPNN5PJZNi6det5lbd161ZyuVzpXk+xdu1aWltbX7W8FSpUqPC/hR/96Eds37697E9VVUzT5Itf/CILFizA4XCgqioOh4MjR47M2Gc/8sgjXHLJJVx66aU89thjhEKh0rHf/OY3VFVVccMNN5T1vcuWLaOuru68vLbC4TC33XYbv/71r9m2bduMec61PrfbzUUXXVTqzx977DGqqqr41Kc+RaFQKAVu3LhxY6mvB1izZg27du3iwx/+MI888kjJo+pcuOyyyzh8+DADAwOMj4+zd+/ekmvt+vXrefHFF4nH4/T09HDixImSd9bWrVvJZrPT3HObm5u5/PLL2bRp07S63va2t5X9nhpHnN43vutd7zpn+V8NU/Wffg1r1qxh/vz5M17DuZS5cOFCli5dWpb+P3VNFX7/qSi2FUpMdXiPP/44H/rQhzhw4ADvfOc7S8en1tp+8pOfRNO0sr8Pf/jDACXXkq997WvceuutXHDBBfz617/mueeeY/v27Vx77bXn7IZ0Nvx+P3//93/Pww8/PGNkwfORde3atbjdbjZu3MjRo0fp6uoqKbbbtm0jlUqxceNGOjo6aG9vByAQCPDEE0+wbNky/vZv/5aFCxfS0NDA5z73ubKtbmaiqqqKZcuWleTevHkz69evLx1fv359qSOecluaCi4xPj5OfX39tDIbGhpKx0/l9LzRaBTbtmcMxHEuwTlaWlqAk27qr4TzvYZzKQ9mlv8PMeBIhQoVKrxezJ8/n1WrVpX9AXziE5/gH/7hH3jzm9/MAw88wLZt29i+fTtLly6dsc++9957yWaz3HrrrdMCEg4PDxOLxXA4HNP636GhofN2Qf3Lv/xLGhoa+PSnPz3j8fOp78orr+S5554jnU6XlheFw2FWrlzJxo0bOXHiBCdOnChTbP/mb/6Gr3zlKzz33HNcd911hMNhrrjiinPaXvDUdbZbtmxBURQuvvhigNKE9VNPPTVtfe1Uv3amvvL0ftLtduP3+8vSxsfHUVWVcDhcln6u/WJLSwujo6Ok0+lzyn8653sN51pmpa+vcDYqUZErlJjq8KD4cbUsi//8z//krrvu4qabbqK6uhoofuTf+ta3zljG3LlzAfjJT37Chg0b+H//7/+VHX8tF/jfeuutfPOb3+S2226btlfc+cjqcDhYt24dGzdupKmpibq6OhYvXkxHRwdQ7JA2bdo0bd+8xYsX8/Of/xwhBLt37+YHP/gB//iP/4jL5eIzn/nMWWW/7LLL+OpXv8ru3bvZt29f2drS9evX87WvfY3du3fT1dVVNrkQDodLa3NPZWBgoOy6pzh9HWwwGJxxH11gxrTTWbVqFaFQiPvuu49/+Zd/eUXrbM/1GqYsyvl8vizf6YOiqU77TNfU1tZ23jJWqFChwv8lfvKTn/Ce97yHL37xi2XpY2NjVFVVTcv/9a9/nV/84hdcd9113HPPPVx99dWlY9XV1YTDYR5++OEZ65qaqD1XXC4Xn//85/ngBz/Igw8+OO34+dR3xRVX8A//8A88+eSTbNq0ic997nOl9EcffbQ0eT0VfAlAVVU+8YlP8IlPfIJYLMbGjRv527/9W6655hp6e3vPGn340ksvRVEUtmzZgq7rrFixAq/XCxQn6KcmuScmJlBVtaT0TvVrZ+orX66vnyrDNE3Gx8fLlNtz6esBrrnmGh599FEeeOCBsl0czpVTr+H04FOnX4PT6ZzW10Px+Ts1XzgcfsXjlwr/N6hYbCuckTvuuINgMMhnP/tZbNtm7ty5zJkzh127dk2b8Z36m+pAJEmaNou7e/fu83YzPRsOh4MvfOELbN++nV/96ldlx85HVijO4r7wwgv8+te/Ls3UejweLrzwQr71rW8xMDBQNoN7KpIksXTpUr7+9a9TVVXFzp07X1b2qVnZ22+/HVmWy6IIT/379ttvL8sLxc52//790+r40Y9+hCRJL7vXrcfjYc2aNdx9993kcrlSejKZ5IEHHnhZuTVN47bbbuPgwYP80z/904x5RkZGeOaZZ85YxhVXXMHjjz9eUmRPvQa3282FF14IUFJId+/eXZbv/vvvL/t94YUX4nQ6+elPf1qW/uyzz55T5OwKFSpU+L/OTH32gw8+SH9//4z5nU4nd999N9dffz1vetObuO+++0rHrr/+esbHx7Esa8a+d2pS+Xx4//vfz/z58/nMZz5TtgPA+da3Zs0a/H4/3/jGNxgaGuKqq64CimOAF198kV/+8pcsWLCg5EF0OlVVVdx000185CMfYWJiYlrU/tMJBAIsX768ZLE9PcLv1E4IW7ZsYc2aNSWl96KLLsLlcvGTn/ykLH9fX19pOc/LMTUeOL1v/NnPfvay5wLccsst1NXV8elPf/qMz8Hdd999xvMvv/xygGnXsH37dg4cOFB2DW1tbdP6+sOHD08LXHbZZZexb98+du3aVZZ+rtdU4f8Av+tFvhV+98wUeGmKO+64QwDixz/+sRBCiMcff1zoui6uvvpq8bOf/Uw88cQT4p577hFf/OIXxU033VQ677Of/ayQJEl89rOfFZs2bRLf+c53RF1dnZg1a5ZobW0tq4NXEDxqCtu2xfLly0tBME69hnOVVQghXnjhhVIZP/zhD0vpt99+uwCEJElibGyslP7AAw+I6667Tvz7v/+7eOyxx8Sjjz4q/vzP/7wswNTZmAoSJUmSWL169bTjy5cvF5IkCU3TRDqdLqWPjIyIxsZGUVdXJ/7jP/5DPPLII+JjH/uYkCSpLEDDVPCoL3/5y9PKfvTRR4Usy2LdunXinnvuEXfddZdYvXq1aG5uftngUUIU2/zmm28WgHjjG98ofvrTn4onn3xSPPDAA+JTn/qUCAQC4hvf+EYp/+n39+DBg8Ln84nOzk7xk5/8RPz2t78V7373uwUg7rjjjlI+0zTF3LlzRUtLi/jZz34mHnroIfHBD35QtLe3TwsS8fd///cCELfccot4+OGHxXe/+91SO1WCR1WoUOH/Omfr54UQ4j3veY/QdV18/etfF5s2bRJ33HGHiEQioqmpqewbemrwKCGEsCxLvO997xOqqpYCIpqmKa677joRCoXE7bffLh566CGxceNG8YMf/EC8973vFXffffdZZT01eNSp3HPPPaV++tTgUedb3w033CAA0d7eXkrL5XLC5XIJQHzsYx8ry3/99deLz3zmM+Kuu+4STzzxhPjRj34k2traRGtr67TgjDPxqU99qjSOePDBB8uO3XfffUKSJAGIv/u7vys79sUvflEA4k//9E/Fb3/7W/HjH/9YzJ49WwQCAXH48OFSvve+973C4/FMq9eyLHHppZcKXdfFF7/4RfHoo4+Kz33uc6Kjo+Ocx13btm0TkUhERCIRcfvtt4tHH31UbNmyRXz3u98V69evF1VVVaW8pwePEkKID37wg0KSJPGXf/mX4pFHHhH//u//LmpqakRzc3PZmOonP/mJAMStt94qNm7cKP7rv/5LzJ07V9TX15c9f4ODgyISiYjGxkbx/e9/vzR+mBq/VIJHVagothXO2uFls1nR0tIi5syZI0zTFEIIsWvXLvHHf/zHoqamRmiaJurq6sTll19eFik3n8+LT37yk6KxsVE4nU6xYsUKce+994r3vve9r6liK0RRUZtJsT1XWYUoKmvV1dUCEP39/aX0qci6K1asKMt/8OBB8c53vlPMmjVLuFwuEQgExJo1a8QPfvCDl72OKdasWSMA8clPfnLasb/8y78UgLj44ounHevu7hbvete7RDgcFpqmiblz54ovf/nLZRGpz6bYCiHE/fffL5YsWSIcDodoaWkRX/rSl2bslM7GfffdJ974xjeKSCQiVFUVwWBQXHbZZeLOO+8U+Xy+lG+m+7tnzx5xww03iEAgIBwOh1i6dKn4/ve/P62Ow4cPi6uvvlr4/X4RiUTEX/zFX4gHH3xwWgdm27b4l3/5F9Hc3CwcDodYsmSJeOCBB6ZFVKxQoUKF/4u8nGIbjUbFLbfcImpqaoTb7Rbr1q0TTz311LRv6OmKrRDF7+/HPvYxIcuy+O53vyuEEMIwDPGVr3xFLF26VDidTuH1esW8efPEhz70IXHkyJGzynomxVYIIdauXTtNsT3f+r75zW8KQHzgAx8oS5+KrHv//feXpX/1q18Va9euFdXV1aU+85ZbbhFdXV1nvY4pfvvb3wpAKIoi4vF42bGJiQkhy7IAxGOPPTbt3P/8z/8s9dWBQEDceOONYt++fWV5zqTYCiFELBYT73//+0VVVZVwu93iqquuEgcPHjzncZcQQgwNDYnbbrtNLFy4ULjdbqHrupg9e7b40Ic+JPbs2VPKN9MYwrIs8a//+q+is7NTaJomqqurxZ/8yZ+I3t7esny2bYs77rhDdHR0CKfTKVatWiUef/zxGfvw/fv3i6uuuko4nU4RCoXELbfcIu67776KYltBCCGEJIQQr6EBuEKFChUqVKhQoUKFChUqVPgfpbLGtkKFChUqVKhQoUKFChUq/EFTUWwrVKhQoUKFChUqVKhQocIfNBXFtkKFChUqVKhQoUKFChUq/EFTUWwrVKhQoUKFChUqVKhQocIfNBXFtkKFChUqVKhQoUKFChUq/EFTUWwrVKhQoUKFChUqVKhQocIfNBXFtkKFChUqVKhQoUKFChUq/EGjvh6FCiFIpfI8+vBurr52MS6XA1mWyecNhACnU0UIOHhggCe3HODWj16FEALDsDANi8ce2UNLa5jlK9vLyjVNC9sWmIaFqilomkKhYGKaNrquIkkSpmFhWjba5HHLssnnTVRVxuFQsSwb2y7W5XAo2Lbg6ScP0TGrhvqGILquYhjW5HEVVZUxDAshBJZpozs1FOX1mQ/IZAtE4xnqa/zI8v+uOQfTtuhNR2n0VOGQX5fH7n8FguK20hLS704GITiRiPK9fTv47AWX41B+t/fLFgJbCBSp2CaS9MrbRgiBbdns3XGC6roqahuDIIFlWFi2QNeL3wiHrlHIG8VvimkhSRKyLCFJEpZpA6A7NSRZKiu7kDOK5zu14jcvV+D4/gGG+iZYe/Xi0l3VHAqGYZFOZAlGfIjJb5JtC3SnBkIQj2Zwe3R0l4ZpWhh5E1VVUDSFw7t7cbodNLVHkBUZ07CwTAvdqRW/bwUTVVNQVIWuQ0OYpkX73DpUTSEZy6IoMh6/E/uU76OqKhgFE9sWKKqCQ1fLrs20egGBJOnYdgJZDmBbo0iyB2FnUNUWZNl3xrZPmzkGMlFSZhZVVslbBpqskDCyeFSdJneYiO5/Vfe3wqvnbO2vuVVcYReaS8XImlgFi2BHFSN7x5AViXlv6WTghSGEJYgsCDNxNMrE0Rjeeg8Or4PY8RjOKieZsQzOoBOHz0H9ilp6nuwj3pP4H7zKV49SHQTbxpqI/65FmY4sEeisIXF0FDH5vQKQVBn/7GrSvTHMdOF1q151O/C0VJE4OlZWf4XfLyRNxTGrlfzRbjDNV1yOz9fI4oXvwuHw09f/LMeOP4IQ537fJV1HUhTsTAYA2eNB1nXMiYlXLNOpyApc8/YgTz4QJ508N7lqmzRyWZv4uPWayHAmlqxx0blYJz5h8eLWLAtXOqmuVTEKgid/m2LlJW5qGjQOvJQlNm5xwWUeoqMWzz2eYsU6D16/jGkIjh/Mc8FlHuITFumkzeYHktiv8avncoZYvPhPcbuqGR3dy6HD92Faude2krMghDinfK/LiNUybZ579ghPP3EQo2By8SVzKRRMtj17BFvAshWtLFzURDjsRVUVAPJ5k0cf2kUymWNgIEZza3hauQf3D7B/Xz8AnXPraGoO8dQTh8hk8jS3hKlvCPLE5gM4nSpVQQ/rN8znxZ1ddJ0Yxe3WueLqRZw4NsKxYyNYpsXSZa2YpsWWx/dz9PAQS5e3smRZC5se20cinqGmxs/adZ08vmk/tmVjGCYbLl9AdcR/zm2RzRkc7xnF5XQQCrixbFEcSJs2E7E0BcOio6WaaDxDV+8Y2byJJEmMR1NUh7wosoTf5yIazxCq8qA7fv+Uwv50jJFcCkWSCOseZEnCqWjYwqZgW/Rn4tS6fDwzcpx2XzVt3hANrsBZB1ACAQJsbKTJ/03xv3ngm7Ny5KwsVVqwdJ1CCCwhAIEiyZjCxhYCGQlFlpFPyWcjis8YAlmSUSSpVI4tbExboJ52jmHbKLKEjIQATNtm7/gw+ydGyFkmgqKirclymUxnq+ukzKBI0kmZJQlVOq0cIbCEjYDSNUkU77Nl2+wZH2Y4nWRJpB5dUQk5XWVtZtk2lhBl8tlCYNo2qiwhS+WTROMjCTbes5OG1jCXXLeE2FiKI3v7cHl1Fq1sY8/2E1z39gvY/MBLaA6V0YEYthCEqr3IskwmlcOybNZetYi65lCp3ELOYPsThxjsHaets5765iDbNh8kl8mjuxw8/IttZNN5NIfKkgtnkc8ZHHyphzf96VpOHBxk97ZjyIrMghVtROoDbH7gJVZfOpfWObU8v/kggz3jdMyrp7Wzji2/eQmXR2fdNYuRFYkXnz2K0+lg9Ya5jA3FOfBSD26Pzur183j6kd3kswZGfhHt8+rZ8puXaGqvZsXFnbz47FH6u0ZxunTmLm3m2cf24atyoWkqV71tVdkknhA5hJ3EFjkUJYRtj5M39iCEhaa2IkyB7lh0xmdblzUKtolHdSIQeFQdw7YQCLyqk5DD+7/63f7fgObWqF1SQ6DZR7w3ycjeUdwRNw6vRi6WR1YkctEcul/HNm08ETcOjwNnyElqKEXdilp0v87QzmHCc0PEu+NgQz6RP0cJJBRFw7JeH6VM9rpR/F6MwVEkTUWri1DoG0KNhNBqqzHHoxiDo6ihAN71FyBMi/zh4+SP9gDgaGtE0lQKvYPYyfTrIuO5IEngqveRPDFeplgqDpWate30P3LwnBVbzaejenSyQ+c+8eCoclGztr2oQJuvnwJd4dUh6TqetSsxegexX4Viq8gOFEVHkmRU1QmShBoOo4ZDWBMxzEQCR0M9CEGhfwCtJoKkOxAFA3N8HPeiRcgeN9mDhzHGxtBqIljx4vOm1dUiu1xg2xgjIyh+P8bwCFptDeZEFK0mguxyUhgcxk6f+Z0L1ajMW+4mOmYy1FMgWKMycKJA0ywHI/0GrZ1OXG6ZE4dy2Jagul6j73geWYGO+U6cLplkwqLvWJ7Gdp1ASKHveIFs2qZjgRNFgcO7s3h8Ci1zdBJRi65DOeyX0YudbomRQZOnHk4RCCpcsMHD0f15XG6ZcK2KxycjK9DWqfP8ljTZtE02Y6O7ZFpnO/jZdya45m1+mjscpOI2Tz+a4vIb/DicErnMuSmC54okK6iKE0mSUSbv8+8jr4uWpGoKay6YxZFDg7z9XRchbMHPf7aVpSva8PmcbHl8P+3tkbJzBgeixGIZrr9xBfff8wLCnn5DkokslmVz41tWojkUntxykLGxJLNm1/LkEwe57IoF2LbNm96yinvu2s6ul3o4cXyEG968kl07u3nxhS4kQJElbnjrKlStaLFdsLCRdZfOo6k5xJ7dvRw7MsTK1R089eRB2jpqGBmKs2pNB/MWNKBpynm1xUQsza79/SzsrCeXN0im8kgypDMF+odiNNcH2XOon4GhGPU1AQzDJJnO0dU3wZETI7Q1h3HHMxzvGePKdfNezW153dgbG6QvHUWRZDyaA7/mpNblJ20WOJYY5YJIGw5ZIW+ZGLbFjrEe3tC0EE06c1vatsXx9C6OpV5ijm8F7Z6lDGSPENFb0JWTio1AkDUz9Gf7kCWZZncr0cIEVVoQgIQRR5EUslaWtJWi3tmIR3Uzmh/FtE3ydo4mdwsFu8BgdgCP6iHsqGa8MIZhF1AkBafiokoLMpwbImtlaHA14lY902TOmBkGc/3YQtDsbkYAfZlenIqTBlcjE4VxvKoPVVKJFiYIaAFiRoy8lcfGpkav4YXodsbyoywMLKbN3Y5D0REI7ju+n4FUkvVN7fz3oV10JaK0+Kq4dckFtPmDCCFIGnnuObafzX3HKVgmKyIN3DRnMa2+KiRJ4oWRAb63fwd/t+oymnwBAAbTSe7Y+SRvnbWQSxraeGl0kJ8cfJEXRvoZy6a5+dG7kCSJOreXz194JRGXByEE8UKOe47t54m+4xi2zcraRv5o9iKavMUJC0vY/PLIHhKFPBfWNfOTgy/Rl4ozOxDm1iUX0uj1I4RgIJ3kV0d2s2Okn4Jl0egN8Ma2uaxvakeTFDKmwXODPRQsi6DThYREqK6prN2fHOjivuP7uW3leuo9RYthTzLGl194kpsXrGR17cn8kiRR0xBk9sJGVq+fS0NrNf0nxqiuC7D26kWk4hli4ymEEERHE7h9Lmoaq0gni8rs6FCc1evnkYpnOXZgoEyxzWYLJOMZhBAc2tVDMp5h7tJmbMtm3wtduEPFtgvXBoiNp1i4so3De3qxbUEynqGhtZrG9ghH9vYxd0kzNQ1VFArFwYaiyDhdGv6gh1DEx5xFTbTMrmX2wkb27+zC5dG55qbVSMCBF3twuhwc2tXLxdcspnNxM063g0Wrix4wsxc2EB1LkcsWOLqvn+vefgEvPnuE4wcHAcFlNyzngZ88Sy5TwONzTr2RCJHEFnEUuRZFrsEwDiNJLhTZh6o2gzh7D67KCgurmmecda0otH8YFFIFHB6NbDSHw6th5S2cfge+ei/p4QyFlIHDoyFsQWo4jV2w0dwasiLhcDuwchZqRCE0uwrVqZJPFBC2QHWqwMsrt05XkIb2i+k+/BiW+dpbCiSnjufC5SQefRq1thrXgtnY2Ry+yy8if7Qbz0UryOzcW7TSyhLCMLAzOYSwca9chOL3YefyeNubSW58BpE/N6XOEXSh+Z3oVS6yIymygwlUrwOHv5guLIvkiQlkRcbXEQYJEkfHsAsWesiNp7kKq2CR6prAypv4O2vIjaYQVlGpldTieZpXR5kcw8gOBd+saiRJInlsDCRwRryoXh2EIHl8HMWp0XBlJ64aHyPPdZE4PIKZMabJL+sK/lnFMV3i2FgxTVMIzK3BSOVJnhgHS+BpDqKH3WSHk2SHk7hqfGh+HTNjoLo0kl0TKA4Fb1sIISB1fAwzYyBLCn69joKVIWNEAdAVDz49QsaIkTFipTS3FiKRH8YSxbZXJA2PI4gqO7GFScaIUbAyJ2WXFPx6LRkjiiI5cKo+MkaUvJXBrQVwqj7ShSh5K1V+zxQXLjWAKusIbPJmmowRQ3ByIkGVdXyOatJGFNMu4NFCOBQXpjDIFCYw7NfhGXZoKNVBZF3HiidRgn6MgRGEYaDVRZC9HuxkCmNwtPw8lxO1OogxOAKShFZfg+zUMQZHXnaSJpUepLfvWdyuMP39zyP7vLgXLyTf3YuwbVyds5E0DUlWkF1O3AsXkNmzD8esDjK79xbfJcvCzudA2Cg+L2ooiBmL4VmxnEJfP2o4iOxy4WhsID4yinvxIvLd3bgXzEeYJlpNDclt28GauR/SHBKqJrHkIg+BsErbXJ37fzDOhVf5ef7xJBdc6ePQixkkwDSgfZ4TBBw/kOPadwTZfF+cS67z88KTKS68yk8hZzN7kYtDu7IsW+th/wsZJEli+Tovbp/M/h2ZGeU4HduCXNpG2JDL2nQdLdDfZZCMWzhdEi6PTCpuIQRYpmBkwGTeMif9XUWlesXFblxemZEBA80hYRYEti1eF50zl4vS2/c0Pl8jQ8MvYr4O3+DXgv8R859lC/J5g6oqN263jm0LCkb5w1fImzhdGl6vk0CVe8aBjgBq6wK43A4A0qk8bo9OVdDNW962mkLBJBBw4/HoOJ0a8XgGTVPxep34q9z0907g8zmpb6gquhFK0uTAUWJqqJVJ53G6HHi8OjfcuJLqah8Oh0pNrR9d1172Wm3bZmgojiRL1NVWEfC7aKqv4uCxIRbNbWQsmsI0LbweJ5GQl4baAIMjcYQAW4Bp2Rw4Mohh2pimxazWCI89eYAFnfU4tOLtsiyb3r4JEoksAJFqH/X1Va/09pSRTGbpH4jR1lqN03nyei3LZnAwhsOhEon4y14aTVaocfkQgGFbTOQzZE2TKt1VtABOWuuCuptWT4i9xgCWsNE4s2LbndnHS9FNqLKD0VwfHZ6l7I0/xcLAOprdJxV8y7bYPrENSZIJaFUYtsHW8ae5KLwOCYntE8/hUHSi+Qma3M0cTOznytpr+O3gA8zzLyCgBshaGXZMPI9X9XIoeYA6Zx2Hk4dKSq1DdtDgamQkN4xX9XI0fYQraq5Gk0+2T8Eu8PTYE+iyTtARImfl2R7dhktxkTTipMwkJ9LHWRRYjE/189z4M6wKXcDDQ79haWAFHtWDJMkYdnHQoElaaTZMCBjOpLjv+H6OxMZYGK5lWaSe8VwGl1qUIWsafHXn0+waG+Ttc5agKyr3Hd/PvokRvnDR1TR6/cQLOQ5MWmGnyFsmBydGmWgsPktNXj/v6FyCJsvsHB3gkysuQVMUnIqK36EDkDIKfPmFpzgwMcLbO5egyjJ3H93HgfER/umiq6jz+LAF9KcSbOo9xr7xYZZF6lld20Q0l8WlFp/jrGXy9RefpjcV50/mLkOSJPaNDxPNZ5l6IRVJwq1q9CXj7Bkb5tLGtmnPykQuw6GJUfKnXFfWNDgQHSVRmPnDq7s0jh8YxBtwIysSLo+OoshoDhXLtNm97ThjwwnaAm5UTUF3akV3X8Pi+IEBTMOifV59WZnR0SSJWIZIXRXD/RMEQh66jwyXvmWaQ8U0LBx6sY7B3gnGhxIM9YxjWwJvwIWqFi2k0bEkIwMxENDYVk11XXHSa9vmA3TMr0d3afQcHaa61o8ky7i9RfmNgsmxAwMsu2g2XYeHStc60D1OY1s1Xr+Lge5x4tE02Uwet1fn0K4e4hMpGtsixMdTOHQVRZHLFFBJUtAdK8uuV5YvROf8ldKKEvuHi5mzOLG5G6tgo+oKRsag//lBjIyJQHB8UzeqUyEbzZHslxC2QAhweDU0t0ayP8nEsSgOj4NcPEc+XqDnmT5s69x85jz+OvzBFqTXaamOFU1gJdM4WhvQGmrJHT6BVl+DMTRGZvtusG0czfWkTvRhjk5gxRIUuoteZO6lC7DzBUShgKSpSJp6zopteHkTkTWtjL3QS/0VnRz90XZctT5a37KE0W3dFKIZFF2lfsNsZF1FkiX8c2vof/ggLW9eTG44iZkxyA4lsPImCEHrW5ay/9+exIjnqLmwlar5dWSHk3hagkiKTMMVnageB0IIAvNrGX+hl85bLmRsew/OGi+uOj/jO/tQdBVJk4v3cgbZJVmi6boFKLo6WVYN4zt68TRVkR1M4Kz14ar1MfpcN962IJIsU7uug94H99NwVSfCtHGGPeRjWdQdPeRG07jq/DirPfg6wvQ9uB8Vnc7wJaQK4+wffQyABt9COsOX0pvYxcGxzdjCpNbbSUtgOTsH7yFjFPDrtcwJrcOn1xRlRSJrJuiO7WAodRiBjSa7WBi5htHMMaqcDXgd1cRzgwwk99NatRKPFiRZGGPX0AOTyq1Eo28RrVXL0ZXiBLckydjCYih5iKPRZzDt4n33OEIsqrmOwdQBXGqAkKsJSVJQJJVkYZRDY08Qzw++uof2NJRggMANV2JNxFCrQ5gTMYyBYXJ7DqHPnYUEONqbSD2xraTcyh5X0XLbP4Q5Mo5n7QrUSBgrmcK9egnxex/DTp9ZUTPNHF3dj5d+azURhGFS6OlFAM45syj09SMpClptDXY2S+7YcdRQECSpaJ1VFKxorFheLI4WLnptikKe3IkTuBQZyaGBLCFpKrJTR/F6sXM5soePFq21Z/G9NQqCEwdzeAIybq+MooBDl3F7ZOLjJs9vSjJ/hYtkzOLAzizRMZOpLjA2YbFve4Z5y1yE6zSMguDFZ9Kk4hYTIyaKAvNWuBnqKbDr2RSdS10sXO2m/0SBXObs37aDu3Mlf8RcRvDQz+M0tGqkkzYjAyaZtI1tQyJqYZqC6JjJ5vuT9HUVGB00qW/ROHYgTzph4XTLpFM2T/42RT772lprAWzbpLfvmde83Nea102xnVIcX9hxgjmddbS117B92zF0p0Y4XHSx7ekeY2I8RXfXKFVBN/FYlueePcKJYyO0tlbPWO6pY6LZc2rZsf04ti2wLBtNVTh4YIBnnjpEMpnjgotms/WZIzzz1CH6+6KsXN3O0ECsbGClKDJer86+3b3IErS0VbNndy+2JTAlC82hcD7LHbM5g+/98CmcTo1PfPxaJKA65KWjpZrqkBfdUfz4h4IehC1wOTUiYS/ZnEEimWNOewTLskmm8/g8Orm8gaLINNcHS3UYhsW254+x/YUujh0f4dqrFvOhD2w4zzs0MwcODvKNbz3Kv3zhJlpbTt6DVDrPnd/dTFNTiA/esqGsDZcGG0uupIokES1kMGyLeleAhVX1DGTiqLLC2poO/JoTj9qGJp/d8j2a72WWdzmarJM240iSjFPxkrPKZw5lSSakhzmSPERQC+KQHaVjU92wKqnM9s1hcWApd/f/irSZxqk4WRJYilvxMF4Y41DyIHXOOnJWFoesEdCqqNar0WQHo/kRDiUPkDHTk8pzgbydK1Nsk0aCnJXl4upLcStuUmaSaGGcSxvexkh+mL3x3VinWLSKsgl8qp8lVctQpeKrWOOsw6m4aPN0TFMAovks712wghWRhrJ0IQR7x4d5vPcYd6y7jgvrmgGYUxXmL5/8Dc8MdvPHcxaftb1h0prp9lLt8rB1qIfDsTFW1jSiq+VrLXeNDfLMYDd3XHxtyRra4Q/xV089yHNDvbx51oJS/olchg8suo7F4dpp9dm2zXAmxaxAiEsa2wg4nLyxbW5ZHpeqcVXrHCJuD3VuHx2B0LRyXgkXXbmQ3mMj2JZN5+Impl5yp1vniresIDqa4k1/shanWy96dlg2tmXz7GN7CYQ81DQEae0sv6amyXdX2IIFK1sJRXz4A24kWcIXcKGoyuT6XRXbsknEMlx4xQJkWaZzcVMxboBDxe3VEQIWrGhFURWEEDh0lUDQw9VvW1WcFV47h56jI1iWTXNHhNqGKqDoLXPtH60mHs1w/bsvwu3Vmb+sFbfXiTm5hrehtZraphCSJHHZDcvpPT7KqvZqQhE/zR0RVE3hkuuW4HQ7OBvnq6BOZLO8ODzAuqbWsmeqwu8rEh5fHdX1i3H7akEIsukxhvt3kk+NkAdUzYWa6aA60kljjUwi2s3owG6MfHGCLhDqoLZpBd1HNpIejgGQHxfUhteRzPWSNXcjZWqoqZ7DuLGPcO1C3L5aCrkEI/0vkoh2AwJ/sJWaxuX4Q+04XUHmr3g3wrYwjSw9RzeTSQ4hSTI1jctRNCcTwweobV6Fx1tHIZ9koOtZ8tkojR2XYpl5BrqeKVsDWNdyAW5PNd1HNlE40Ydr+YKi62PfIFpDLQ6fB8nlRPZ7i9aryZloSddBVcC0MGMJcvuPUujqBVnGTmfPuaWFLYgdHGbgsUO4arx4GgPYpk26N8bQE0exCxaqVydyYSu50TTCFkiyhLBtsoMJXA0BYnsHi9ZUW5A4NlbmauybVc3Itm5SJ8ZxNwZQHAqRC9vIT6QRpo2kKky81E9mIM7ApsME5tXi6whjJHIkT4xjpAtEdw/MKLvi1PC1hzn8vecAmPO+C4jvHyYzEGdw8xG87WGqVzQx9kIviktDr3LjjHhxBF1YGYOJXf0EFzeQ6p7A4XdhJPPoQRd60I0j4EJSZaxCgXRhApfqR5V1TDtPlbOBtDGBz1GNIqmAwK0FyZlJDCuLU/WxMHI1kiRzcOxx0oUomuKk2b+UzvB6LGExkj5SfNIliWp3G0fGn8HrCNEevABNcdEV244q68wNbyDoamQodQgQFKwMw6mjxHIDFKw0iuygJbCc5sAyYvlBhlIHT7aPrNISWMZYpos9Iw9hWDmCriZmBdfSEbyAfektyG0RrGgCtTqIFU+hVHmxJhLIPjeiUJyoQFWKEzqyhJ3KIHvdWBNx1LpqCsd6sWLJUp1WLE5mxx48Fy4ns+0lnIs6sTNZsi/tQ/F6kP1e1LoajMFRZIdK4PrLye4/QuaFvSh+L865s0hv34WdTKN3tKDVR4rrcM8RMxrDzmbxXXIxhd4+8ie6cM0r9u2ZvfuR1OI42EqmEIaBMT6OZ8ni4r8Hh3DNmYXsdmOMjGDFk2BaWOkMIp9DdrvxXXgBdiZLvrsH2e1Gb20hd+w4zOANVHzBYHzY5MIrfZimYPfWJF6/j6v+qKpoGXXLzFnsKi6lyNi0dup0zHeSbbVJxi3GBorfs4kRk2P7crg8Mp1LXRzelcW2Be3znZiGoFAQtM11UtvsIBkt9rcvRypuozeEkM0MdjZPMgWH9haYXANG1zELYZ4cOx6KnfRsScZtkntO/s5mivnGhl+5W/n/Bl4/xVZXuf7GFQz0RxG24KKLZ3Pk8BCmaTN7Ti22JZAkiYsunkMinqW+PsjV1y5mbDTJG25YRl1d1bQyO+fWY0251kgSnfPq0Z0aoyMJQkEP2WyBltYwuq5xzXVLaGgM4vHqdB0f5YKLZtPeESEU8qKoJ2d7ZVli3aVzOXZsBMOwaGsMce0bltLfN4HP70R3qKy7dB5VwemupzPh1DX+6G1rUFUZSQKPW2fBnJOWndltkRnPq/JDfU2gLM22BQPDMVYubsHr0cva9m1vWc2Vly/kS195kJnnUV85ovSfk3jcDt79zotwuRzTXBzCzvK2qXZ6y35HTvvtVs8+YAZwKV5ihRHcqh9LmMQLo0Tzg3T6VpXlk5CY7e2kRq/hydEtBBxVyMjk7Rx5K48hDGxhkzRTZK0cQggUWUFGRpGKAccUSaHOWTeplHpIWylejL6ALMnIk4HDvaqPNk8HC/2LEIBHcZfJoUgqNjZZK4ND1pCQkJHJWhnSZgpd1sEW5K08QiQo2FNuUgqKpJSUhOIaWgNLWCgoZcpDvcdHZ1X1NIXCFoKuRJTxXIbv7n2enx16CYCMaTCaTTOQeu2CsgjgRDzKWDbNv+99nh8ffBGAtGEwnk0zmEmW5W/yBZgdCM2oBDlVjXfOXcr/272Nv9jyABuaOtjQ1E6rL4g6aZHJWSbH4xNc29pJdzJGdzL2mii3gaCHwKr2aemyLFHfHKa+efoaf9u2CdcF6JjfQF3TdBk0h8rsBY1laXMWN03LN0W4NjBjumvyXY+c4oXhr/LQMvukIu31u1iwovXkSf6ie74kSTS0VtNwyiFVVZi3tKX0e+HKtrL6Ti1nqu76lunX/2p5aWSAH+zZyaq6xopi+3uPRFX1bGYtuB6jkCY+0YUkSejOquIaOkBRnbR2XkUg1M748H5syyBctxB/sI3j+x8gn4vjcPoIhDpQlJP9lyQr+KtaMY0sSBK6009N43ICoXZS8X4SE10EazqZvfgtHHrpF6QTA5hGlkS0G1Vzo6pOxgb3YJl5bMvEyKdKMru9NfhD7fgCTVhmjlRiAIfuQ5IVLMvAtgxqGpcxPryfXGYcAFVzU9u4gkS0G9s2MQaGcS2dhzE4ip3OUujux9Fcj//aS7EzWXKHTwBQ6OnHvWoxkqaS2b6b9DM7cK9cjD6rmULvINndB8Gc7hapO+CP3+ph+RIHD23M8vgTOSRJwlHlQnVrqB4HVt5EUmSsvHFyWZYQ5MYyDD1xlHR/HAQIw2b4mRM4qz00XDUXK28y8VL/tOCDdt7C4ddRPQ5Ul4YQkJ9IM/TkMdK9MRAU682ZxfrESVdGYQsU56TV1rSnjQ2EbSMsG0eVa1ImC9u0i3V5dRx+HStvEpgTwdsSouvXu3DV+5Amyxa2KLpM2wJJkWi6bj6Djx9BdUcJLSt+Ty1hkjYmCDjr0WQdWVJwqX5G0keIuGfhVP3kzARurYqsEcO0CzT4FuBxhNg9/FtG0keZEjxvJlladwPN/iVMZHtK15HMjzGe7SZtTNAcWEbGiDKSPoauuClUZXCpAYoToILRzHFGM8c5tTFsYVHtbsPniDDM4VNckiVyZpKjE8+UXKbTRpSQqxmfowanHSBvWGALZL8XYRiAhBIOgAAl6Edk8kWrjqZgRRPIHheKx43sdiFNWTJPxbIRloUoFErKnnPxPPT2ZoyBIRSfB2uiKIuk65jjMdTaaiR90lNMU3E01mGns+QPn8CMnt8YQhgG6Z0vgSxPTgLZGGPjk7JZJJ+Lgm2T2bcfWVLQdT/m9oPY+RRWIUV8y1NIkoyueRGJfjRbJ3/0BEJY5Hv7izJOlpvcug2k4njL4fChqjqSpIAQWLaBYWSwrDyP/jJaFMcueis/dlcUWS56ldg2PPzz6KTwGg6Hhwe+JyFQyOccPNZVbKsnfhPHtmC4r4AsS9hW0SNlqCc6GWAWYmMp9jyXBjQUuQqPx1GSpVBIY9vTvTgkh4ri0XE2hpBUBTtXKE5kSBJqwE1qd3cx7fccSVPRaoMYY3HEDPIqigNNdaMoDpAkhLCxrDyGkcG2Xztl/HUbXUiSRHNLmOZTBkiLl7SU5Vl9wayy361tEVrPoPgBVEfKI26qqsKs2bXMmhzwHT08RHNLmNUXdJSiCkcifiKnBHuqrSsfTEqSRDDkZVXopPJ1utztHUWZUkYeWZJmVMxsWxCLpUml87hdDtwex7TBfDyewbYFbreDeDxLwbBwux1UBVxlUZCFEBQKJvF4FmyBpsikUnm8Xh1pMkCPqkqomlIKAnQ6sVgGw7AIhTylADDZXIFoNEOk2ldaK2yaFrF4hnzexO1yYAtR1iXatmBiIkUmW8DrceL16dMtidE0siyh60X3b9O0cXscBPxu5FOixhbrypLLFrDFyei/VVVufKW1fEVaPYsYyj7AifQebGHRlz1EnbOdiN5cls8SFkeSBxnKDeFW3PhUH+2eWeyKvogsKfjU4r3vy/SQMhK0eTrwKB782snoqz7VT7ung53R7eiykw7vbDyqB6fsRJU1PIqHJncLh5L7eWbsKepdDSzyl1tAvYqXGqmRrWPP4tU8LK1azjz/Ap4dewokWBFcTawQ5WBiP6qs4lP9KJKKTy1/pmv0Wo6ljvD8xFaWB1fhOmU9sSrLZ7R0G7aNS9VYVF1HwHGyLdfWt7IsUj/Z1tMnNKcCN50rAoFhW7hVjUXhupJ7MsDFDa2srClX7DRZQT2DzIokcVXLbGYHwjzRf5zNfcd54MQBblm4iutaOwGJvePDPNZ9lLxp0p2MsbK2ccayTp/asYXAOoeQgDnTZCKXIWeaZWW4VJV6j6/0jBi2RTSbpW5lA4ZDJmMYuLWTg4lYLkuikKfW7Z1m4R7NZihYJvUeH8rke24LQTyfI5HPIwFVThc+R/k3w7RthtJJgk4XDllhPFuUU1dVQi4XuqJi2TZj2QwORcGjORjLpsmbFi5NJex0oynFtk8XCqSMAj6Hg/FsFo+mUeV0lcqsdrtLbu1TcicLBWL5LEKAX9cJ6M6yoGPj2QwCCDpdjGXT5EwTh6IQdrpLbSCEIG0UiOfzbOk5QTSXoysexZvTkZEIu1z49fJ3v8LvHlVz0th+MflcnMO7f11SHiVZxp6MhhIItxOqmcfxAw8yMXwQEETHjtK55CbC9YsY6Np6zvUpqk5s/Ci9x7Zg2xax8WPMX/kn+KuaSScGyKRGyKbHcOh+3N4aRgf3YBZmXvfn9kYY7N7K2OBehLCQJGVy0CSIjh2mpnE5VeFZDE0qth5/HQ6nn+jYEYRtIjIm8Qc2ISa/H6JgkHzyeSRNA9NEGMUBWKF7oOTKKfIFjP5hEqMToCjFPDMotQBNTSp/9REfba0qLS0KO18qAAJ3nY/Wty3FzBikuqN4GgMYiXzp42ZmDYafPEZ4RRPBRfXEDgwTzxaoubgdZ8iDmSmQG03hCLmpXduOHnTTdM08BjcfZeyFXuo2zMbTHMTMFDDTeYa2HC2WtaCO+KERMgMJCvFscRCeM4t1A+neGNUrm2m6Zj5DTx7DSJQv77DyJsNPH6fh8k4ARrZ1YyRzGIk89ZfNQXVrDD1xtGhBlqD+8jmY6QJm1sBI5LDyJkYyj5ktKvGJI2OEVzRjmxa50VSp08oYMVRZQ1PcaAhkWSGWGyLsasOtVWHaOXTFy3imaFkMuprIm2kS+SFO7SFyZpJ4bohqdzu64im5DeetFELY2MIsKiFWBluY2MJCYE1ahacQSMioshNF1pAkGU12YAsTRT59yZogmR8la5xUDm1hkjfTBHQZKWthDo5jZ/OgKkVrrNuJpDtQqnwUjvcXtTFFwc7mEYaJrGvYqSxWMo3scWHFU7wcargKYdtYqcyUEMX/S2VIbnoW95qleNYsI7NjD/kjJ0AIzPEJkBXsbLn3gao4aWhYjdMZPL0axscPMT5xuHjfTl3vOvlvTXXT1LQW2zYYHNpJXe1y6utWoKpOUulhuro3k0j0Ule3lKaGC9F1H/l8goHBHQwO7cS2y9d466qXqmAHwaoOPO4adN2HLDsQwsY0s2QyY4yNH2B0bB+mcfLZtS2wrVMmJiyVcKiTmprFeDy1aKobEGRzUdLpEcRpMSSi0WOMjR8o1mOcMnoQGgHfbGpqFuP11uPQPMVxk5EhlRpiZGQ3E9EjJxU5SUJx66UJCkmVEaksWsiHnSsgOYreCOeCLKvU1i7D520gn0/QP7AN0zyb54hEbc1iAoE2TDNLX/9WCoWTz5IsqdTVLcfrrZ92ZjzRw8jInrJ2EZaN7HWhSRKFvtHJCTIZt6uaUGgOAX8rLncYh+aZ/C4bFAopUulBRkb2EI2dmNbOr4T/VdPmre0Rmlpmtg6dK0IIjicmiBVy+DWdsNPNscQEtrCZyGdxyAod/hCxfBa/w0nWNPBoDuqdPp546hDPbj3K8EiCNas7+OitV5SV/dAje+jpHaemxs++/f2kUjncbp0/ettqLlhddD0VQtDbN8FvfruLQ4eHyOcNVFVh/rx6brn50rJ1r2fjgQdfoqd3nL/4yJX4fUXl6OChQf7jP5/g7z5zPU2NIfIFk42b9vH45gPkCwaRiJ+aSPl2G4Zh8timfezY2cXISIIrLlvAze9ZV1bX3fe9QDKZw+t1cvDgAOlMnkDAzU1vXc3K5a2ltcyPbtzLM1uPUiiYxGIZkqkcrc1h/vimNaw+zXrmV8Osi7yNodwJ0mYCvxai3tWBKpVPKiiSQqdvPm2eDlRJw6W48Pv9tHk6kCUZVVLYEd3OXN985vrm4VRcqJLKhporcUyWpcoqiwPLmO0tusqowoFTDuBUilu2hJQGHKaDCwPVZPJZZFvDtiGXy2OaFk6nA8M0CWdbmVc/vziTl5FpkmfRGGohkzLwmD4CegivUY0iyQR8HnTVwSWRDWWz60FHiMtrrsLGLlp5T6EYKXj6vZYoWnOdisqGxnaWneaqfLKtZCwhSmtshRAMZpJkjBmCgUjSjEqvjFSsS9W4rKmDJdV1M9Z1qmxnQ5Vk5lSF6QiEuKFjPl/b+TT/fWg36+rb8Dt0vJqDkNOFLEssDNcwp2q6JVGTFQzbJj/ZcQoh6E8lytbczsRYNsMP9+xkx2A/WdMgkc+TNgqEXG42tLTzqQsuQaKotP760D4e7z5OPJ/HoSosrq7lvYuX0x4oRq9+frCP/++Fbdx24SWsbWwpvUMFy+ILz2xGlWW+uP5qFFkmb5ps7jnO3Yf3M5QqWrhbA0Hev2QFS2vqS8rjeDbDZ7Y8yh/NXcRELsNjXceYyGYI6E7+5qL1LKutJ20U+OrzT+PXnVS73DzRc4JYPodb03jznPm8be4i3JrG84N93HVoL/PCETZ2HaPe4+Pt8xfziwN76E3Gedvchbx7wVJ0tagsvzgyyI/2vER3IootBPUeH380bxHrW9pxKMX2/q/dLzCSTrG0tp5HTxxlIptFU2SuaJ3Fny5aRtDpwhaCXxzYyxO9J9g7OkzWNLntiUdRJAmnqvJnS1dxXUfnyzwlFf6n0V1B3J4Ivce2UMid3M5GTL5jkiTjCzRiGlmS0d7SYCSdHCSbHsUfbGO4d8c512dbBSZGDmNbxW9RIRfHLGRQNRdTVrLyod2ZB3q5bJTY+LHSAPhUl+NsepxErJtQ7TxGB3dhmXnCNfPJZSdIxftPll447ZtoWjhki6qgTCIhkc0VrZqnr6Etnjf9e3oqliXIF4pWonRaYFkgLEFs/zBDTx7DyplYOYNk1wTpvlgpABS2YHxXP4mjo0iKjJkpYBsWw08eQ3Yo2AULM1NAUmSGnz7OyLMnilHvk3lyY+liVGNJwjYt7JxJdiRF8vh4saysgTAt+h46gJUziR8eIXm8GAQqO5Tg2E92gCRhpmYI8CVg/KV+EkeL+c1UHgEc/fF2ZE0GAcbkecd+9kLRSwoLXRUMHB/HMizSPVGEJaZuNarHgW1YCMvGLhSfrYwRwxYWbq0KWZKxbJNkfoSClcXjCGHYWRRZIVUYK3oXKB4sUSgprlPYwqZgZdBkHUXWSsdtYZ5ySQJ78pkWk38nO18JnyNCnbcTnx5BlYsWQlXScJzmyTWFYeXKgkpN1TH1zFiTE0dGT3G9rTURR9JUzOFx7NT0ta2nlmSNx8qPpdJk9x7GiiXI7j2MGUuQP3gMczyGPqcNWXeQ3vYSdjKNKBRI79iNnUyRfno7jlmtIGzST7+APrsV2evBiiXAKO9LZUUlWDULf6AZWVKQJBlp0vPMKKQZnzjCmd5RRdWpq11WLEfWqKtdhixrqKpOKDgbSZIYGHie9tbLkWQFSVLwehtobVlPNjvORPToKaVJNDZeSFPjBSiKjm2bWFYBW5hIyDidVbjdEYLBDtzuCF3dm7Gs6c+wJCk0NV5Ic/M6NNVFLh8nlS5OiLicIfx1K5BlZdLCaGDbBkYhzdj4wbJyFMVBS/MlNDasQdXcWGah9B1y6gE87gih4Cx6+56lr//ZYnR3IcgcHZycwJFAohhtfTBaTFNkRP7crJlC2Dg0Dw31q7GsPIlEL9HYsTPmdzg8NDWuJRBoYXziMJZV/u2SZJlAoJXq8HwkSUaevB/F7Q9Vxkb3ly2xQwJJUZBdeuld1jQ3s2ZdS7BqFrKsYFmFYhsKE1lW8Xrr8PkaCFbN4kTXRoaGd3GuivyZOGfFNm8Z7BjvJn0OodsVSWZVuJWAw/Wyec+XvGGy40AvfaMx5jRHWNF50tWva2iCXUcHcOkaV63uLAVbOh8E0JOK4VY1tg53syhUx7NDXTR5AgxnUywI1vLMUDeqJFPtdGPYNhfVteDQVK66YiErV7Rx53e3kE5Pf3my2QLPbTvG2otm8yfvXIskwV137+BnP3+OhQsa8XmdJBJZfvzTZxkajvOG65bS3BgkmcxRmNxX91zJZAskU7kyC51hFK2zU+7cBw4M8Ot7drBubScXr53D6GiCX/56O4VTPmIOh8r1b1jGBWtm8e07N5HOTL//mUyBp54+zIZL5/HeP12HYZj88q7t/OJX25g/rx6PW+f4iVHuvX9nsazVHRw6PMR//NcWLr9sPktmcNc0RB6H7KTDu7SUVrBz2Fgopzy2kiThVJw4lZNWH0VS8Z2yn2ajqwld1vFpJy33p1pCoajc+mRfMRpuLMPeXYMkU3mqw176+qOoqkxrS5iR0SSGYbJsSQt79vUTDnqYM6eWbKbAsSNjNNXNpad7nN6+CRrrgzTUV3Fgdz/JVA+zO2o5emwYVVVYs7oDd40L5TQ5ZEmeMeLy2ZAkicXVdcwLRfju3u28Z/4Kwk43yUKewUySC+qaibg81Hl8OGSZB08cxKVqpAp57j66j8Jp8egloN7tZyyb4bmhXmZXhbGFoNHrR5MVlkUamBUI8d29z/On85YTcrpJFHIMZVJcVN9C2Dlz53468UKeZwe7afD4ivIaBQqWhVMpfjgVWaazqpoq3YU6uWWPIk0PGtPo8WMLm992HUKTZWL5HPcc21fabmgmhBDcc2g/Dxw9yEdXXMiiSC3bB/v59s7nuKK1g/cvWYkEGJbFT/fv4u5D+7lh9jyW1dYzmklz16G9/MvWJ/nXDVcTdLqYG6rGsC2e7e9hdX0TDqW4NvZEPMr2wX4+uvLCUtrTfd18c8dWVtc38vZ5iylYFr88uJcvPLuFr1/xBpp9xcjSthAMp1P8/MBu6r0+3tK5AJeqMpJJE3YV29gWEM1l2dxzggvqm3j3wmXoisI9R/Zz54vbmRUMc1FDM3nLZNfIELUeL+9csISvb3+WaC7L2+YuZOfwAPcfOcC17XOo9/o4Eh3nC89socnn5yMrLkSW4KHjR/ja9mfwOXQuaGgCBIlCnse6jhEv5Hnb3IX4HDqbu4/zs/27aPL5eUvnAmRJ4vLWDlY3NPKN7c8ykEzw2Ysvw+twICPR4D3zvrcVfneoqhNJVsmfotSeiiTJkwO3fJkFpbjuNYfTHSy6A8588rQZL9syy6IcC0RRIZ3Kex7jHMvIlxTk07GtAtGRQ7TNuw63r45ceoxAeBYjAy+9bITPDZc4+auP+vnatxI8+vgrjwba32/xhTsSzOtU2fxknkTCxmFYGOk8hdhJ64ow7dKe2ScvoKionoqZLsApxmth2mXlTHH6eTOlWVljet1i5nMdOmiqhMMB2awgl8ihquD3F6dqU2kDIwu6Di6nhNMJuVyBQkEwd4HK4iUamzbmiUVtCrny65xJ/ryZJm9m8DpCKJKDjBElZybJGBN4HWFMO49lW2TNYjBOS5ioFLegORVJkpAnlw6VRWg/x2fMowWZH7kcTXYxlDpIsjCKYWVxKG4WRK6all8IMU2pPRXF68JRX0+hqzyIlDBOegecK1pdCGGY5A8WlZl8oqgw5+PFCdTM87tKeR1NEWSXTm7XgVJ9U/8GyL60/4z1GEaWE12b0J0BVMWJ211NQ/1qNO3cx/wOh4+amsX0DWwjHjtBJLKwqGT5W9AdfuLxbvoGnkN3+OlovwqXK0QwOJuJ6DFO3ixBMtlPNhsllRoknuglkx3FMDLIsobf10hj44V43DXU160gGjvGxMSRabL4vA00N12MQ/MwMrqXnp4nyeVjAOgOPy0tl1JbswTTzNHT8ySJZB/pzOhp1kWJ2pplNDcVDT8jw7sZHdtPNjeBhITbHaGudhnB4Bxami+hUEgwOPQSYBfXUZ+GmBqXncc+0ELYRKPHaGxYg64HqK6eRzRW7jJfdt2+RjyeGoSwGR3dP03ptyyD3r6nGRvbj6q6cOpVNDSsQdfP0G9LErJbB2lqKyCBaeZIpQZxaB5i8W6SyT6y2Qks28CheQiFOqmvW4HTGaSx8SKisRPk869ub/Bz1pTSZoGfHN9GfyZWlB+IFYofH5eiocgyOcvAsC1m+SLM9kVeF8VWliSCPhePv3CEiUSmTLH1unQs2+aBZ/Zx6bKOsyq2yUKeJ3pOkCycVNRqPB4ubmyl0ePHq+mYtk28kGN+sIY6t4+g7kKRJBaGakgVCtR7fJi2wKvpyJKE1+tEkiWc+pnrdXt0brxhBbNn1QKCVCrPv337MaLRND6vk6PHRjh0eIhb3ncpl1zcWebK+1oihOD5HcfxeZ3c8MZlRCI+Zs+qYWgkwX//4rlSPkmS8Pmc2EKcVbH2+128+U0raGoKAYLRsRQ//tmzJOJZPG6dvv4oQsDqVe3U11fhdjsIhbzE49kZo00fSGzFp4bp8C4ppe2ObaHO2UGTu2jhOTg+yq6RoZJb89mQpRSLIgoLq6cHMTqd4eE4hmHR3x+lKuAiHCoqmoNDcYaH49TXV2FZNrZts2xpS8m1fMoyPTqapK2lmtaWarq6RykULAYGYjQ1hmhuCmGYNqlUjnC1l+cGeulNnHyJ3ZrGpc1tBE/bq1WTFVxnWZtc7XTz6ZWX8h97nudfX3gCw7JxKDLtgVDJFbndH+Q981dw19G9PD3QTZXuZFmkngWhGrTTooxe3NDKE/3H+crOp9AVhTlV1fzNqg0EnS5q3V4+teIS/nPfdr604wkM28KhqMyuCpdckSXAoai4VO2MVlvDMnm89xhH4+PYQqBIEiGnm/ctWIVPK16rYVts7DnK3rFhdEXhPQtWMPs0q+28UIQ/nrOEB7sOsrnvGEHdxYpIA/FCrqQQn44lBM8N9DA7GOaa9jn4dJ0at4eHjh9mIFV0/5UkiYFUknsO7+fy1g4+uGw1bk3DFoKI28OnNz/Ms/29vHFWJ/VePyvrGtg20MdYJk2Dz48tBNsGelFkiQsbmouDvUKBew7vp8Hr4y9WXkTEXdwCqMbj4QMP3cszfT388bxFKKdYfAu2xcdXraXFHyh5dZyKAJyKygeXrWZxpBZJkqj1ePnAQ/dwYGyECxuK7vtCwLXtnSyrreeug/sIOl28ac58wi43O4cGiOVzVE+2QcrI88kL1tEWKLqatVeF+OijD/DIiSMsr60v8xx4/+KVXNTYjCRJzA6GeGF4gJdGhnjTnPmoskx7VbGMoO4ilsuyIFxDlbPifvz7jGUVivsTO2aeZCu632WRFQeyfOpEo4Ki6phmcQucqQAop3oBybKCrJR/y8RJu9g5crZ+8ezlJKI9FHJxwrXziY8fR9WcxMaOFt09z8Jl650sXqhRFXh1EZkNEx58JMuDj5xMG9/V/wcXLfyyy3QWLdYoFAS5nOAnP8pQX69w1TU6Ho/M3j0Gj2/Kc9XVThqbFCQJ9u012LfX4JprnSxcqOFySTy+MU9X18u7H9rCIGNE8WghNMXFaPo4AptkYZRG32JMR4GClcKw8oBNMj+KzxfBqfowrJOKcnH7n1AxyJR97gG+pgi6mvE6qjk2sZWe+M6S5dWv105Tos8FxefBNb8OY3CsGCTItktrZkXBBElCUopBo0TBBEVGUifd3S27uBZTVRCGhaOpFiudxYylSgHOTkVSlaIF0LTQ2xswRqLYuTwibxTL1VSwLIQlkE6JRSMMa9IltiiTEBaJZC8kewHweGqprVlyXoqtomik08MMDu7ANLMYRobq8Hw8nhpUVaer5wnS6SFkSSUUnIPLFcbtCqMojjIFbHziMMnUIIVCcpqbcjLZR76QZMG8m9A0DwF/C9HosTIvDoBwuBOHw0c+H6e392mSqZOB0gwjQ0/PkwSrOtA0D4aVIxo7wenfGZcrRHPzxSiKRv/A85w4sRHDPGltT6YGiCd6WTj/jwkEWmhsuJCJ6HHykwr0K0VxubFNE2EUdZl0ZpRYvIfamiUEg7NxOHwUCtPXSMty0fVaUXRyudgZLLuCVGqIVGpyhwWHn0hk4ZkVW1tgJbPFtd1Tru62SW/fs/QPPE+hkCxr+zQQT/QhSRJNjWvxuCN4PDX/c4qtX3PyN4uvw5icRTgQG+QXXTu4qXUFcwN1qJLMeD7Ng/17CDs81Dj9Zy3PtGwOdg/T3hAmXzA50jfKis4mRqJJbBsaIn76R+P0DEVx6hrzW2txOzU0VWFBex0vHeknkSmfXaiv9rNybjPP7Dnxstczns3w1e3PcCIeLaVd1NDMitoGOquKa2rr3ZM3TzrpLHr6oPJ8O6PqsJdQyDM5MJRwexwggTk5KzMwGENVZebMqnntldpTRLdtwchIgkjEj3sy+qksSzTUV6Gq57dXL0BNjZ+qKlfpukoL5ietw1VVbqzJrZBqIj5Gx1JkswWCpwXlEkJgY5MxEzgkJ9Yp7kGxwghVWk3p91N93fzrticxz2EtpSbLfHzl2nNSbFVVQVZkOufUUhPxY9sCgUBTFWoifnK5AqGQl6bGYGmt8sBQjFQ6x/BIgva2CAcPDZJK5/H7XCiKxJzZtYRDXqTJe+3x6BiWxc/27+K3xw+X6m7w+pgdDJUptrIk8eZZC7iiedYZ19hKkkRnVTX/eNFVDGVS5C0TXVYIu9z4J9fc6orKu+ct4/LmWaSNAl7NQbXLw1g2je+UdbmSVHQ3/sJFVzOcSWEJG59DL62nlSWJ+aEa/umiqxnKJMlbFrqiEHZ6SnlUWeYdnUt4U8f8UiCo0wm7PPzt6g1M5LIULBNVVqh2uanSXSV33IJtkbdMlkTqaPD4SBnTPQY8moP3L1zJG9o6yZgGPk2n2uXmzbMWEDqD9VialLFgWVhCFAM/CIFp22Xr1nsSMSayWZbXNpS2KZIliYXVNQSdLrYP9fHGWZ04FIUNLR081dvN7tFh6r0+0obBpu7jLKuppzVQ3Es4mstyYHyUjqogzw30luqayGZRZJkj0TEsIUobYcmSxOJIHc2TSu3U/TmdWcEQbZN1QHHdq093kjJOrmd3qSpVTieaLOPRNOq9PlRZwjW5VrhgFdt659AAmqywe2SYfWMjQHGNrgR0xWNkTAPP5Dn1Xh9zwycDmvkcOmGni4xRwLLtM977Cr/f5LNR8tkY4dqFjA8fLFlTpyZWhLBJxfupaVyOx19PYTQFCFye6uIa2IFd2FYBy8ojSQoOZ4B0chgAt7cW3Tlz4LSzIgS2bSIrGoqi8UpDjRhGhvGRg9Q0LEXXA6QTg2RTI2c9x++XWLrIgfI6Pc7WDHvD/r7jD8jE4zZ3/TLLrR/x0tqmMjpic/CgSVuryqrVDrY+W6CqSiafF/zy59miG3YeHt+YJ5sV/PTHGfIvv30xUIynkTLGafQtQpYUkoXiPUvmx9CqdPx6DfHcEKadRyAYSR+l0b+QJt8ijhpbMe0ckqQQ8XTg12sYTB4kb6bP6D58JuSySZXiv1XZQZ13Htppy4fOBQFo9dX4N6zAjKfI7j2Od80CZJ+bzAuHkH1u9PZ67FyBzIuHcTRF0NvqseIpUs8fwHvRImSng9zhXpBA8TjxrJ5P/vgA5sjJ8a3sdeFdswBJ1yj0j4Kq4Fo8C2dnM+kdB5HdOs65rcVtegbGcM5qLAUySr9wEPfCjqJMOw9T6B0+7+ucdt1CkEwOlJTUgpEml4vidkfIZqNkM0XXdluY5PJxQKCqLmRZLVNsbdsgl5s4Yz2JRA/ZXBSftx5dD0yeXz6O8HiK48JCIUkmOz6tjGxugnw+ga778fuaGZJ3nhbsSCIc6sTtCpPPJxkY3F6m1E6Ry00wPLIbv78Zj6cGv6+B0UIcRyiC5q/CLhQoTIygegMobg/5sWGEZaFHarELeQrjI2iBEKovgBEdx8rnqFp2EWYqTrrrCGYyjmXlGZ84RKR6Pm5XNQF/M6Nj+6bJousBglXFOEex+Amy2TO34bmiBn2oYT/GwFhZumGceR9k2y4wET1GXd0KFNmBU6969XKcc0ZZocVTjARqC8GPjz3HNY0LuaF5CfLkLNVsIKS7+fK+RxnNJ2lRzxy91LQs7ntqLzddtpTjA+P89NEX+NKfX88TLx0j4HUxnkhz9xO7aagOMBpLsXVvFx+88SL0V+Be/EqZaQD5amdVVbU84NOZSnst4hyLUybBhRCYk1uWnKx8uvVHOotMZ0NTlRnbZqr0+XPrWbq4hW/fuYmmxhDJZJa5nXWsOW1tbdZK8UL0EQ4ltiFLKvsSxT2zbGFRsHMsC17B64kkFZXQObNfXgEOBU/KvmBeAwvmnVzb2nxK1NzZs2qYiewMa1vPJFPE5SHiOruLsiRJeDQHs84SNViTFVp8VWVpzaf9niKgOwmcIbDPybpmjp4rSRK1bu+Mx6aQJy20Z1I+oaiMr6xppD+VYPtwP++Yu+SM+Vr95YEsTv99Koosc1XbbL65Yys/2ruTJTX1PD/Qy0gmxS1LV5ae5VShgDKpCJ76fLtVDV1RieVOuiQujtRS5/HyTF83G1raORwd4/DEGP+w9rKSglewLdJGgd0jQwykyiNI17g9BE9rC1mS8Dn0MwaJK8mjaTiUk5MeEiBT/AZMWRQUWS6VI0nSpEwnyxVMBbXK059M8O8vPV9WhyQVXYdPlcSpqjhPi3AsS9J5298q/H5hFDIMdD1Lx4Lrmbfs7cTGjxW3XHOHGBvaS2zsCPHx40RHj0y69dZiWwbV9YsxCmlGB3cjhE06MUQ+G6Nt7tU4PWFkWSFUMw/xiiJgCtLJIVRVp3n25SQmugCIjh3ByCfPfmpZMTax0SPUNa8iVDufo3vvfdmInK3NKrM7fvchSTQVZs/SqA7LDA5ZHO8yse1i8Nm2FpWGeoVUyubwMZNM5uxvoFOHlmaVSLWCokAqLegfMBkds8+2HWgJ2xLEYpBMCjIZgVOXeOtNTpJJwcioRXOLgiyDaQkGh+wyeWy7FNT2PBBkCrGSBXYqGFPeSmHZBh4txEDyQMntN5YboCu2g9bAKnx6DenCBA7FTcBZRyI/Qk/8xbO6CJ+JaK6fvJku7nHrCGHZBXyOSHFXBPP8dyCQJDDH4ySf3UPgilWYwxPFKLk+F46mCLZpYY7HST9/AElTUat82HkD14J28j3DSLJE/LHtYNlokSrcy+aQ3nGwTKkFcDRGsAsG2Z2H8K5dDEKQO9SNyBvos5sQuULJkmtn8pixZLGudBZHXbgok7co02uh2IKgYKROWvCEwDSLCmu+kChb82zbBYSwJ9fcnt/skmUZWJPlKrKDmUa48uSyCSHO0HOJU/OW95tQ9EIJBmchSTLZ3ASZTLlidyrpybW7sqzhdkfQcv142udi57IoNV7sfI7AktUkD+wCIQgsWoGiO1GcHuL7X0RxOtEj9Xha5zC+dROypmEXCgjzZHvFY11ksuN4PXVEIosYHds/7bqqAm04nUFs22RkdO/M132eiIJBvmuwaK09jyUkppFB2BaSIhUjJr9KXvGXuj8TY2no5P6PU2iySqyQJWWcfRpOVRQaIwEGxxP0DEdpqQ3SPRwlmszQXh/ise2HqAv5uGBBC9Fklh89vIO+kRizGmfe3/Z/C83NIQzDYv+BAerrAmXRks8Hp66STudL62Uty+b4iVGsSfcAWZZorK9ixwtdJJM5PB4d2y4GrjLOEM3x1aCqCh63g6VLWrhkXSd+n5PGhiAuV/lD7FTcLAqsI2+lcciuktuxhEKVI0KVdlLhjLg9zA9HSBUK5CyTnFn8y1vmGd2TY7ksuqKWrFRTWLbNUDqFrihUu89vjWuF1w9Fkmn0+lkaqWddY2uZa3FXcpxoIYMsybgUjZxlYAl7MmqzA7fqYCyXImUWaPEEme0vj7h+dfscnu3v4TdHD7FtoI96r4/Pr7ucixtPbn9T5XRi2TbJQh4hxEmF1yiQs4zSWleAapebi5taefjEEXqTcbb29+DXnaysOznh4VAUvA4Hlza389EVF0xTWB2KOs0t/FwmmqRXPCVVjixJVDmdLNHr+MYVb5hmcVVlGbfmwLRf+29Ehd8nBGPD+8nnk9Q0LCVUMw/bNskkh8lniwNm08zRdehhqusXE6qZjywrxMePM9y3s5Qnn4tzdN+91LWsobpuIflsnJ4jm6gKzyafjYEQFPIpUvG+ssAlwrZIJwYm85yUKhHt4ui++6hpWE5t80oyqVHiE8dLMucyE8iKdnJ92hnIZsZJxweRZY3ExHQPL5dTYvlSjcULHSxaoLFssYPqsIwQ8MmP+3nPu6b3Eb+6N8MPfzrdMqHr8Fcf8bPuounWvM1P5vjOf6bIZmfur6oCEp/+ywBNjQr/8pUEV13h5KMf9BEOFRXbr/xbgl/eneGmN7v5q4/4aG5SSaVtHtmU4+//Mcbo2HTFzeGASy928oH3elm6WCMcKiqgmYygb8DikY1Zvv/TFN09Z29DTZNYsUrDtgThsER/v8UGr04mY9HUqFDmXHTa5SUSNnV1Cpeu13npxQLj4zNfvyQpZesY08YE0VwfeTOFKZm4PBE0xUk0P4ApDExN4PJEyGUmUDUnw0Y3ZkbCLwUJ+ttBkemZ2MVAfC+y04lb1GDmMxRkA9nlxpkPYeWzJPLDZI2iO6QQFonc8KQiLUgWxtg78hANvoWTiq3BaOYEg6kDtAZWULBOWupMu0A8P0TGmO5amTVixPNDmI4Cit+Nc1YjwrZRq6uKa5wTmaKiZdnYBQOEQHY60BqqyR7oQm+txc7kkT0unHOaMMfiCCHIHupBjVSh1gYxh08qt1Yyg97RgN7RWHRjtm0cjRFEwcSMJnHObiJ3tA9HQ7g462DYiIKBsGy0hupJmdKlKNWvFiHssrXwRb+44vM6pYiezpn6OUlScDqDeD01eDy1OBw+NNU16d2hlyyyZ+oiU+lhwuF56LoflzNU5ooM4HQF0XV/Mcp/9vS1tcWYBC5n0aDg8dSwdMnNnEmrUxVn8UokCU1zIywLWXMgyTKZnmMI28KIjZMd6AZZQfX6yQ70YqWTCKOAs202uaF+fJ0LsQt5jGScwsQoVvbktydfSDI+fhCvp46qQBtuV5hM9qSyrapOwuG5yLJKMtlPItE7c8OcL6qCs70BK5HGGImWtYGiOHC5qvF6avF4ImiaF1XRkRUNTfOgaefnOXFWMV7JSRKwsKqBu7p20uCqotkTRJFk4kaWu7tfRJMUgvrZhVRkifb6MId6R4gmsizvbOJQzwjpbIFwwMPQeBK3U+PZPV0ArFvSjtd1/m4e/1PkcgVGx1LEE1mSqRz5vMmx4yM4HCq1Nf5zDvw0Z1YtK5a38rOfP8fQUJyWljDJZI5EIsubb1yB2+UgnckzPp4iGk2TzhSIxjIcOz6CrmvU1vjRNIV5c+t5ZONefnnX86xc0UZf3wRPP3MYbdLNWJIkLl47h2e2HuVHP32GS9bNZWwsyVOn5IFiYKix8STRaIZ0Ok8sli7W5VCprfWjnaMFPZXOcejIEJ1z6tAdKqZpMzgUp7bGj+eUPXplSaFKq2VhYB2q5KBaP7mG+nSL8Bs7OtnQ3E7GLJA1TDKmQcYokDENHjlxlF8f2otxypSwQPDC4ACqLDMnFCbi9jCcThUtom4PJ2JRUoU8V7bPZjidomBZ1Hm805TgCmfHsm1Gs+nJdb4KEbfnZS2OM2ELwVA6yUNdh7lx1nx2jw1RpTtZVVt8JiYKGZJGjrDuwaM6iBUyDGUTeDUn9a4AaatArJADxIwTHQfHR9k/NsLtl1zBmvqm4lZalD9nbYEgDV4f2wb62NDSjtehYwvBS8ODjGezpfWrALIsc0lzG/cfPciTPSfY2t/LxY0t1HhOWq5DTjeLI3XsGx0mUcjT6j/pPlywrGKsnN/hWjunonJBfRP/fWA3/akkSybX7EJxvbMQ4hXdSwBdVchOTjxV+ANA2CSj3SSj3WfMYlo5hvp2MNRTtO5LmnpawBtBOjHIsb33lZ0XHz9e+nds7AixsfKALqaR5cieu2cQyWJscA9jg3umHxM2gz3bzuXKkGUVTfcSGzsyY4CslmaFr38pRGuzWnTvlCfjWEnQ3qYW009j6/P50vaapyJJEqGgTHuritMp4XRKuF0SsizRP2ChnGXlj6ZJLF6gsXSJg/EJmw3rdCaiNpIETY0Kf/VRP26XxAdu9iFJ0N1r0tqs8rY3udm73+Bbd5Zbsp1OiVv+1MMn/sJPKCgzEbU5etzEsgQBv8zsDpW5t/pYs8rBZz4bY/e+M3sV5QuC/XtNBgdtdmzPMDpq8+MfZOicqxKL2aTTgnRa8OSWPKXg0ZPfjp5em5//PE8gIIPqASlTdHO3bSRFLU5MCJua+mWYZo5Maph8Lo4v0kHCbzIyeAiPvx5/VSv5XIxxa5xxaxx3oJq6UB0Towfx+uuxLINYapCh7H7qvHnyqRiJTDfuQH1xf2NJJpsZJ+pOEs0OEalfwnD/TvaOPFy6TsPOsWfkt6dcuSCeHyKeH5rWJkcmnj7lxssYDptdIw/O6KHQHd9Jd3wnkkNDeyKB7HSQfGoXdiaP3laHnTewJooW4CnPOiuZIfXMbiSnTvyh5zBHo6S37UcN+yctsD0I05pck1s+KWkMjpMRAsXvIXWkF0mRUYM+UBQK3YMU+kdRq7wkHt9ZVGCRkDSltO5XqwsjCgbmxPlbpWdiaknDzMfOfeLU7aqmqeliwuFOnHpxr2HbNrAsAyEshLBRlLOP4UbH9lFftxJd99PWehndvU+V3Jt1PUBry3ocDh+5XJSJ8cPT5FYUHXlymyeH5sFR1T6tjpmQJRVZ1ZBUFSQJR7Ca3GAv5pQ3l22ROrIfV2MrlstNpusItlFAC1ZTiBZdpvNjw3hmzUcIm8JY0ZIuhMX4+GEa6lej6z6CwVmTLtbF58jjrsHvb0YIm7Hxg2d1FT4frHiK3JHeyX2pi20kSTJVVR00NV5EVaAVVXUBohi92i5upyUhI0nyGZ+H8+UVW2z/qG0Fx5KjfPal+/GoDhRJJm3m8ag6759zMTXOl4t2KVEb8vHI8wepC/lY1F7Hzx7bScDjJOB1EQl6mdtSw/VrFyBJxTZS1f/59Vq2EKRyeTy6o7QH5Uz09k3w37/YRjSWIZPJAxLfvnMTVQE377/5EpoaQwSDHurrAqV9ZQGcTo2W5jAOR7F3c7sdvOfdF7P5iQPsfKmb57cfx+12sHxZK+rkeUePDvPre18gmchSKJh0d4/xnTsfp7ray5+9bz2RiI8FCxt519sv4ulnD3P4yDAd7dW8448vYMuTB1EmFde2tmre9ScX8eSWg/ziV9toa6nmbW9exZPPHEKbVMSPd43yy7ueJ5nIkcsZ9PZN8J07HycYdPOB96+ntjZAOFwcuJ+6Jtjj1mluDpfWoObzJl6PztPPHGb7juKgRgjonFPLhz5wGVWBkxMhkiRR55z+YZj6uE8NtDVFoUpRqMI5LV9/MsE9h2U4zdUob1lEczmOx6IsitSya3gQgeDqjjlE3B5ypkmqUODeQ/tprwrSn0ywtqllxsG8EILedKyoWGmv3n1iJgqmxXOHejg2NE590MeGRR08d7iH7pEo7bUhmsIBdh4fwLQsZFlmTn2YvvE4BdMiVzC4dGEHbt3BU/uPk8jkWd7RiN+l89zhHvKGSV2Vj9n1YQYmElw4t5WukQnGkxku6Gx5eeHOQFcixuee3sRwOsWcYJh/3XANvlP2uzVti5xl4FFP7olsCZuUkcOvucrSjsUn2D8xgiJJxfWmp2wv1OoN4VEcky64ErUuHwOZOLIk0eAOIIDZvmpAYqbl6qoskzIKfHPHVmo9XmRJIqDrXNjQwoaWdpyqSo3Hw7sXLuO7u7ZzxzaJlXUNDKdT3H/kAGsbmycjBBeRgI6qIPNC1dx9eD9Z0+Ajp1llPZrGO+cv4QvPbuHvn9zI+uY2/LqTsUya7kSMW5auYm7od+eVosoyN8yex9aBXj771Eaubp9DtctNLJ+jOx7lqrbZXNba8YrKXlZTz2MnjnHni8+zsq4BWwgWRWrpqDqz63yF30MUGUdNoDjgFQLbsMAWqAE3apUHYyKFnc2jhf1kTwwXA9z8niDJSjEYTc08XO4wPUcfnzFf/6DFZz4bxeUq9rlLF2t86uN+LAv+4wcpntsO1TULMM080fHD2JbJsRPGjMasfF7w1W8l+NF/p/F6JJoaVf7uUwE62s59+OX1SFx7lYtvfjvBvb/JsGKZg299JUTzpHL7+BM5vvb/JRAC/unvq7jmSidXbHDy799LMhUfU5bgmiucfOxWP16PzK/vy/C9n6Q5dtzAMKAmovCGq538+S0+Llit8+m/8vPxT0cZnzjD/RMwNmaz9dmT6xXHx8t/AwwMnDzfFWpATE5s9Yy6yB8bw+EJ4PS7cfhCFFIxnIEImYl+CskJPN4aDDOH2xNhfGR/0RV+eB/B8GySif6i5T0xQFV4NprmolBIk88NkM8ncNs1JKLdZNIjSLJCfOIEbm8tTlcIh+4nmehDllXcnhpMM8fE6CE0zY2ivjYGFFV3U7N4A8O7N2OkY2fMJwoGhZ5y197coZ4zZBbF/UFPwRiewBh+mfWRkoQzUEN+eBxj8OQaUit2cs9ScyQ6zX35VKz4a6P8vJa4nCHmzn0LAX8Ltm0yMXGEiehRMtlxTDOLbZnIskJn5434ZtiLdYpUapDuni20tqynuno+fn8z+Xy8GJhR9+NweMnlohw/8djkNkDlSKdEeo/Fuxka2nlOSlo6M4Li9WGmEuRHh3DWNWFm0xQO7y3lyfZ3kRvqAwTCsoju3Do5gVb82GT7TpAb6JnmpZJKD5FM9hMOzyVSvYDh4ZcwrTySJBMMzsKheTGMNOMTh16+oc8RSVVxtNWjeF0knngJTJtweB6zZ12HyxmkYKQZGtpJLH6CfD6BaeWxbROvp47Zs9+AqrxG794rEl6SaHBV8fll17Nroo/+TAxTWIQcHhZUNdDmDc+4LUd5GVAT9DASTbJsdiPVVR4S6RzNNVUEfS4uWdLOb7cewLJsVEVGANevXUC6YHCoZ5TjA+Nk8wbP7++hozFM0OfiUM8I+04MEU1kiukNYVrqgmdVSF+OgmnxxJETzK+rodbvxaEqxDM5XA4NVZaRZQnTsmloCvHeP7sEyxJUuZ1kCgY5wyTsdeP3FhWv665ZTCKbJy/ZxLM53A4Nf42Hv/zENQS8LkaSKTRZwV/lYsOVC1h98Sy8uoOCZWMjkBSJVD5PuDHARz56JTKQyOZxOTRkSSJdKCA7ZXKGyY6+ARavaWHdujnEMzkUVSbs9+CudzNiZIgYPnKmSW1HkI8vuZq8YRajSiNYuryFgrCIZ3N0zqnlU3917Yyz0FNBp95640psW+BynZwVW7SwiTmza3G7HWSyBX7802eprvbxJ+9ai8fjwLYFx0+Mcud/bOHYsRFWrmgrKz9nZzgQ38povg+BXZx1k1VWBK+mWm98mWfrzBYlh6IwKxhi1/AgE9kMGcOg2R9Ak2WG8zkS+Rx5y0RCIuzylFxQZ9xAFojm05jCIpc2sYVdshC7VQejuSTLQk14tVf+sp4YnmB31wA3XrAQTZHpGYtxeGCMK5fM5ol9xxmYSBDL5DBMi+bqKl7qGqRvLMb6hR2Yls3TB7q4dvlc2mtDDEaTPL77KJcubOdg3wjvuWwlD2zfTyTg4dDAKLPqw+zpHqI1cua1qS+HEIL9YyO8ODxI2iigKwrWKVZzS9iM5lPECxnm+GtJFrLFqMqyymODB7g4MpuQ7kZXNFRJZnVtI2Gnm45AEFmS0JWTn6yQozgZUgqqhEyz56Ts8gzbikyRLOR5pr+bZl+AWo8Xl6phCZsTsSibuo5j2hbXz56HIsncOGc+Hk3jt8cP84M9O3GrGpe3zeLt8xbjd+hlz5vPoXNZawdHX9rOgnAN88Pl7s+SJLGiroHPrbuc+44c4NGuo+RME79DZ0lNHUH91G2rJJp8/jNGELbsHKY9RsTlwKFo2CILFCcUVVmm0ecn6HQWtxrQHDT6/Khy8UWu83gJTQYoc6kqjT4/+uQ2S03+AP94yRX86uBenurtIm3kcanQGaqmrmR9lqh2uWnw+suCqSiSRK3HR9jlmvbKXNU+m6F0iqf7utk5PECN20O911dRbP/AUJwOvEvbMMZTWKksds5AcTtw1AYxkxn0hhCFkTiq/7XfFeHVoPz/7P13eGXpdd6J/r4dT47IsYDKuTpUd7MD2QwSs0jlnCxdj+w7M7YcZjzXd+7YM4/nOsr2M2PPWLJl5SsqUJFJJFvsZqfqXDkjZ5yDk8/Z+bt/bBSAUwCqAHQxyObLp1nAwd777Pjtb631rvdVDXqHnyCZGSQa72B54SL18tYUvHpd8pdfX6dDOo4MLWR8yYVLHi+82kUmG2Vx7hq23UTXE4COEGGgoBuJUCXfrqEoOuVqlMJKC9+z6ZnyqVZ3F+yrqmB8wuWP/7zJwlLAV5+3uHTF5X1Ph++W3/69BtdveigKfOVrFt/9wQg9XSqZtMLScvhdXZ0KP/sTCTo7FL78lxb/7/+tzMLi+n6slAImpz1iMYX//m8kee9TEd77lMkf/Vm7crCiQC6rUC5J6vUARdl5r6yqR9ASUaxqAT2Wwm1V0aIpPKuOZzdRNB09noKVkApq21VqlWnSuVGSmUEURaXVXCGT3w9Skkz2Yugx6rUFJAGJZC+6HiXwHTy3taaSqyg6RiS9WrkT1GtzpLP7AEFlZQxNj4ZK3561x/7vdQhVR48mUHRztSc0LPVrkTiKZuBZDQLXQY3EUBSVwPdRVJXAc/GdFoqmo0WTSN/DbdVX1boFWiSGokeQvovbqoe+oqsUVkXVca060vPuWq62GtR203H4cVZuvYnbrISfPyBK8bcSvb2PkEkPryrvvsjM7LnV6uP6sWla9L499FIGzC+8RTSSo6/vMaSUqKqJlAHNZoGFxfMsF65Qq81sGbD6vrsWWLpOnfmFt3ZcdVYsE2EYKGaExvh1AmuzUrfcyHIKfCQirHCGO9/+97V9clhavkwud5BEoo94opdKZQJdj5PNHkAIhUp1imZjedO6e4X0fKzrUwhTD3u+9Tj9fY8TjeSw7Qq3bn+eYvEG/l3e0poaeaD3454rtkII8maC9/ceXtufu2l890M6HuXTz5zk+EgPmUSUTzx1jL6ONIamcvboMKl4lBvTy/hBwEhvHkURtGyPmaUy+3pzSAkzy2U6s3EyiQjzhSq+H/DBRw9RqDRIxiMMdGXelZKhRFKoN7kwu4C+oJKPRyk1W3h+QD4RoyMRZ6ZUoS+T4q2pOXpSCU4kunlxcgrX93loqI/M6gveNHUuTUxTt20OdOZpuR7XFsKbaiCbYqFaRwBnBnp5fXKGoVyW/ZEcL4xN4AYBJ/u7mSlVaTkuj+7rZ6pYZqZcJaprxEyDhu3QmnF59uAob0zOoiqC0wO9TFQr3F5e4X2H9jFdq9KwHYY7spSbLa7ML9N/NM31hQL9mTTXFpfpTSXD/RLwPaeOkkzee4ISiWymeei6ulatbdQtxieW+dhHTjGyrwNVVfC8gHK5iaqKLdWfx+rnmWheQhcGQijE1TTz1m1U8e4EPPZnc6RNkxOd3XTG4qQjEaSURHUdLwiI6Uao6CoDWp7Lya7ue1IvfSlZtur4UrJiNVAUQVw1magV8WUA73LOXqg16EonGOzIADC2OEk+GWO4K0t2MsZMsUx3OglIejIJlit1YobOcGcWCdycL3B1Zolb8wX01aQMwP7ePMOdWWKmgaFpdKUTXJpcoNqy2d+7tSDUTuAGAZcKizS2UC+GkKY8WS8y3yqTNeK8snwbTVHoiqRYaFV4szhBZyTJ2Y59KEJBU1Q0RaFgNXlnaZ73DYysCVrdPdbsZuw5NzfNH924wv/2zIc43dW7eo0lxVaLv/WVz/Hq3DSfOHAECIWZPr7/MO8bGsH2PVShkDCMtiD7DhQh+Pj+QzwzMIyuqluKb2mKwsPdvRzNd9JcVS2+07tqbuAl5qMx/venv4u4uZkNEEiXYutlLL/I3z77BBAQyGUgiRfUSUdc/tmz7yeiafiyzCM9eQ5l3wPiMp58mP/xifeiKQqqEBzLd/HP3v8RMmZocaYpCiPpLH/70Sepuw6l1jn8YJ6ELuhOhoGtrij83KlH8QIfc4N4VMqM8A+ffB+KEBh3KXhnI1H+mzNn+fHjp9cUkxPGt297yXewNQLHpXl9lqDlhPYhQiA0Fb9p48yXCCyXwHYBGVYWHsB3CsMgevwoQlFovHMB/O0njWouS+TgfoJandaVa+v7LQNajSIIwfL8RcqFm/ed8LbvRPiPoujE4p3oRgLdiOP7DrnOQ5iRNIXFy+h6jGi8A8euU6vOkO84jKpFkDJgbvpV9nJGpJRMTPoUS+Gk2rZhYsrjvdJkueBz83Z4HEEAS8s+jguxmCAWWx8TH3nI4PRJnWZL8nufbbYFtXfQakm+9JUWP/kjcTo7Fd7/TIQ/+VyrLXB95CGDj34ksmYxbGiCl17Zery/G43lSYSiIn0Pp7aCDDy8Vh0ZBIBEM+NY5SVYDRKq5SlyHYfxPAtFqPieTe/gY2EPt4BqZYbyym18z0IiadYXESh4Xovi0lWC1eDC92xKhRsIxJoVlbWqAuu5FlarFNI3l67uigZ7N4Si0nn0PejxDNL30GMhNTbetY/MvpMEXhgAFW+co/PYM4BENaL4dhPftSjeeI38ocdRV4Pi2vxtqjPXiHcNr67v4FlNVm6+jpHI0HH0SZzaCigqlclLOPUy2dGH0CJx9Fia4vVzWJUlUv2HiHUO4TktrJV5KtNXtgyG/ipBUXQy6RFA0GoVmV94C9etb1pOVfQdCRLlsvvp6DxGo7HI7bEv0WguAZIgCAh8p03M6m54XgvbqRGPdxGJZNA0E9fdrIq8FQLHpjl5O/QOFwqKohME3lrPqee1EITJC0WouF6LWDRPNNZBuTxOELhrtG5V1TcoPkvK5TEsq0QkkiOX3U+1Ok0i0UM81kUQuBSL1zYFme8GQlUw+jvW+mujkQyJeMiyK5VuUyhc2/I83jn2B4V3LfMnEG2ZeS/wuVSeY18iT8a4T5+tqvCJp47T8ixUVfBdZw+v/c3QVU7u7+Xk/nb6QFc2waffe3LL7X3w0UN7P5B7IB2NcGagl7em51iuNTjU3cmF2XkatoOuqhTrTYbzGYZzGearNVYaLWZKFQZzmU1BUSAlh7o7OdCZ4wuXb9BwHDoTcVquR3cyQbnZomY7xE2Ts8P91GybqVKZ4VxYeR7pyHJ5bpHlWoPpcgXXD8jEIvh+GPi+PT1P1NAYzKbZ35mnYTssVGtULQvL9diXz9JyPdKRUCwKJH4Q0JlM8NLtSfbls5RW96E7mdikmrwXJJNRjhzu5avPXaFYrBOPm9RqFlevzXHkcC+jI52b1ql7JfbFTxJTE9h+ixOZZ3h+6TPUvRWyxv0Vi7eCQKx5auZWRX864+siIE8OhPTbluvy9OA+HurZnroCYfURIKGZ+DLAjGlkVr2bK24LGYDte++qYtuRjPP27Vkml0toikJnKs6lqQXGFlYorga9IS1FrFWVG7bDrYUiUkrS8QizxQqpWIR8MsbNuTCRckcUSBBSyI8OdPEHL1/k9EgfqXfRy15zbC4ub6+YaKgaB5JdFOw6Dc9GFQqDsRyzzTJxzWA40cF8q0wgJYoAy/d4dWGalG5ScSzGKis81NW37fZ3isVGAz+QpM0Ihhp6LHpBQMlq0XAdOu5SoFYVZS1IlVLiuT5u4IHcGFCHVR2v5WK4kmhcpbhQIduZBAmqprRZ9sR0ndg9+rdVRWFlsYGSDSvBiiLW1veCBlXnKlGtn1wkTcW5RMNtkjBGma9/HkPNkTKOUndvUbEXyUQeIq77zNRfJKJlyURO4vkBs/Uqpqrh+B5zdYflZoOOaDys4GoapqYR+EVixmk0JYUqjLX9T5mb7xNFiE0ezBtxZ5vfwV9dSNfHGm+3xwmaNkLXcJbKa/6Ffm17j1ChKagxs23uIIMAr+5smbmXnoe3XCDxnsdpXrqC3C6wVRViJ44RtCzcQki5VKJR1GwGd2GB4uJleJeCrr5nUytPEwQ+tco0idQAQqgIoWJG0kRjHZQK12k2CkSiGZLpAaqVaZBydfK2+8BJSiiVAzYK6dfr4XkqrgS0WuuRp+NKfE+iqaCpd8YbePiMSSqpsFzwmZv36MhvPZG0HUmzGaAIleEhjXhMUKuvX5OHzuj85fM2Fy44HDms8/hjxraBrWKoqNGtgoo7n6nt/wqPVnkGbzUBW6/O4tjVUGgo8FEUFV2PY7VKGJFkGKhuCCA8d/2ea6+sybbl7l72jn3M3T6oW0GNGSh6e9LOt1wC20OPZ4jmB5h78wtoRpTeh7pQdIPs6EM0FsdoLE/T+/B3E8v3o+oG5clLZEfOUJ29TmboBIme/RiJLHOvfw4jmafz6JNYpQUy+05SXxijNhf2ogeeg1BU9FiahXe+im+HqrJSSsqTFxFCIT18gnjPKI3lSSpTl4lkuylcfRnPatzXs/mvAlRVR1ttZ7KdGq679XgTjeYwjXvbjyqKTm/vWSJmhrm51yiXx3elmB0EHpXKJNnMKJFIjmRygJWVG/dfcRWmmaK355GQ/iwDisXrdOSPYBpJiqWbaKpJItGH41QpVyZIpYZIJvvwPRvPt9G1CM1mgVRqiELxylrCrmWVKJXH6e3JkcseYG7+dbLpUXQ9Qr2xRKk8seN93Amk5+MulcMeW8mqPZMaJpLsypZBrRAKiUTvA1FDvoMHPsOwfI//3/hr/PT+97QFtm7gsmCFk2pDMXBXBxBP+ixaBTrNHDkjQ9Wrk9IS1L0GKT1JSr+3Zcg3GtpqMJmKmuzvyJGMmNxYKjCcyzCYy/DW1CyJiImpaTi+TzoaoTuZ4OkDw5SaFp2J9glyXzpJNhZBEYJHhvq5MDNPOhrB8X1uL68wnMswkE2hKgJVUchEI7z34AgrjRadq9XhqKGTiUV4YmSIm0sFupMJTF0jHY0wks9iahqjnTluLhU51JUnaZrEOg3yiRhIODcxQ6lpsVCt4foBi7U6g9k0t5dXONrTiaII/ECSjBhEjXcvnBSJ6PzUjz/JudfHuHV7iZVSg0Qiwkc/coqHTg+T2oKyZiox7KBJ1OhlonGJPvsAlt/AfYDZpe0Q1fVtg9p1OXiBKuDhjsENn4cTfj8I8GVA03OIau/u/I105zg90sfzl8boy6V45tgIxwa6OHdjikN9nfTnU6zUWoAkm4hxqL+TYq3JTKGMqWs8c2wE1/d5+dokqiJ49MAguWSM0e4cCDjY10k6FiFu6kQNnUN9HbuqfN6N2VqV8fI9+nRkgB14gKQrkmTOjDHfqnAy249WUZhprnAk1bPWyqCJkOhq+x5Hc117Fi66Gw/39BHXDf75ua9zprsXQ1EpNBu8s7RALhLl4/u3T5L5ns/NC1O4jo9uaEjAjOg4lksqF6deblIrN8l1p2jVbZZmV1AUhcNnhrdjtG8LKSXnzk+Qz8Q5daSf9Cp7wlAzJIyDJPWDaEoSU+2g7t8KxTLwyUXOoqkpfNnC8Uu4QYWkfpiYNkzKOIJA4AY+Y+USuUiUqmPjBQHz9RqLjTq5aHTNPkgREWr2m+hKB5loFoX4N13gyvcDqqUG0ZiJbmptOgXfwbcebnEXdjtA6mgfo3/9vagb2ldac2Vu/puv4Kxs0csXBPjVKmyoMgnDwBwaRBgGztwcfq1OZP8IkdER7MkpFF1HRCLEHj6NOTxE68o17PEJ/Mq7F78J22PCAFU3YihCIfBdgsDDahVJZfdhRrM060vUawt4bgvXqRP4DuvB3M4RBNCy2ifadwTxmk3ZVlENLb7Wxa4ATFMwNKCiqoJ8TuXf/VJurff2buga9PVpCAHxeCh2VatLRkdUUkmFiCk4MKphW5KDB7Tte3CB/JMHGPqRxxA71EeRUjLzmddZ/MpVAJLpQfJdRxEoYYW2PE1hMRQOazV2aID7AKGYGiM/9wyZ0+vaCtIPmP2jt1n44iUUzUD6d6rQPp7TQigqRiKDoh4imu8PqaNBQOB7eFYDz2rg2y2klGhmLPzdaeE2KwhFQYvEUPUIdmWJ4C63EbdZwWtVVyveYCTzZEfPAJJIqgunHr6L7wS9d0S5QggUoa61eoU/h8JDQqgIQpbDHXubsPr97UNfDgIPf7VaqWux1Wql1baMpkbo7X0UTdu6necOFEVbq5BGozmi0Ry2U2ejRktYFfW3pCKHIkxX6et9FMNIMtD3BM3mMpa19VxICLXNj1cRKjLwWC5cob/vMaKxPIqioyga0UgO33ewrBWWC1cBSb0+h5Q+pfJtNC1KsvMkmhbFdRt3sVAky8uX6O46TTTaQSYzSjo9BAjK5TFsu3y/07w7SIm3vL5N37dDmyYh0PX4lgJR8Xg3nR1HNymgvxvsOLCVUuLJAIVQxCWQcs0fcSOcwGPFbuLflXWte03G6lPUvQaaoqEJDcu30RUNJ3CJqCbXa2OYqkFaC/vEOsy99/q9G2wMXjRF4cxAL0IIOlaD1ANd61TN/sx6Jmgol1n7OZ/YWnznaO+6p2lvOklvOjzW64vLDOUy7MuHx9yVXA/oHx9ZV17tTrUH+vs727mud9Z7bN/6wNuXac9Wfer0UQA6k3FO9q+L8Xzy1JG1nz98/OCW+79X5HIJPvrhrT1It8Jg7CgVd4lOc4hrnOOLC/+RpJ6n0xy8/8o7QBBUkdIDPAQaCA0pWwh0JB6sqrQJkUXKBlI6hIOcCJcTMXx/BsMIj2njRF9VFA6lt/au3S0MTeWZYyM8c2xdTOvpYyM8veH30Q0F7P09ec6Pz/GhMwfpz6XXPt/X1X6f3OmjfebYPlbqTb5+dYLeXJL+/L0zm/eClJLLhSXK9vaVmoJV4/zKFP3RLHHN5Omu9ftsML6Ztx3VND69/xiKCKuV2gOiqxzOdfAvP/ARvjxxi7FyCT8IyEai/MjRkzw9OEx/YvvzEASSRtXCjOooikDVVGQg0XQVz/Hw/YBI3MS/I5ojIZYw92TGM9yfQ9dUIhEd8y5l9YjaharECaRD053E8YvYfoGYPoQiwmqqF4T9Rgo6imJgqDnK1nly0bOYmsbprh4ErI3Xxzu60BSFpLGePVWVFKY2hMSlbp8naT6CEPeeKDxozIwv8/JXLrPvYA99Q3mGD+6NtfEdfHtAjerEhnJo8faq/04DIIDYiWOo6RRBo0niPY9Te+El/EaTwLLwqzWCVgt8H2nbSM/Dr1SQO/QOvx9ajSK2FQbIlZXxkMoaeLhOkyDwiEQzgMBx6izNvY0RSeF71j23eS9ItmdfrxZH7glDh0RCQQjQ9dCX935kLNeVq4yU8PeHHzIYHdHQNEFnp6C3VyViCl5/c/sAU0tGiA3lUHboCiGDoK03O53dR6lwk2YjZAhstITaLaIxQaZDY2HG3XPBUiiCSFeS+L51gb/A9dFX99m3GwhNI5rvQzMi6LEkgefSKs7iNirUF8dRdBO3WSXZfyd5uu6d6tRLxLuGMdNdRNKdBJ6DUy+Hy/cdIvA8hKLgrIpR3c2oi3cNo0USFK69shrgrn5D4COEgpnMYSPw7SYJs4NcfIiatUTLrZJP7EPKgHJzhnSsHwWVmrVIJj4YBlGNKep2AVAwjQSqZqIoGoqiE491oijhNY5Es2Qyw/i+SxCEyR7XbeC9i/t/K/i+Q602Ryo5SCzWSXf3aRbm38LzLYRQiUZz9Pc9RmfHcYLAW9u/reB5FpXKJMlEHz3dD5HJjOJ79lqMI2WA5zap1edYLlxdDSzbb6J6fZ65udcYHn6WXO4ghw9+irn5N2g0F/F9GyFUNC1CxMyQTg8jhMLY+F+sBaKGmSKbGSUIfHQ1pOZ6fujfK2WA768nFnzfwTTTJBK91OvzOE6NTHofUzNf33Rs1doMjeYSyUQvXZ0nice7cd0mheL1+whcCQw9jqZFwiBb1YiY6bXKqmmkSKeHQ5GuwMMPPDyv1aawbNllWtYKuh4nlztALnuQUnkMKX1U1SCVGmR48L1Eox0PTBEZdhHY1jybf3v1q+xPdPAjI4/xS1e+wq3a0qblvMDndm2zObEmNDrNPAktxh0Ppzv/q3kN7MBhINpDy7foMHMIIYio39zJ0x34skbVvoCupNGUNKbWi+Aba/lyuHszHfe/ZuTNXvJmL1JK3t/9Y9S9MjE1hak8GEES35vGDxYBBSnrCBEHBKrajZQtfH8ORSQxzKcJ/AU8fxakA0JDEKrwSvnNzxjvBD/w5CnyyZ15gll+mYJzjdGeQZLJFqrqwR7vddv3uVRYpOVt34vSHU3zsYGdJziEEFv2qb5bKEJwrKOLYx27T0BomsqRh/eRSG99Lwoh2ir4d6t57wbzy1VeuzjJ6GAeQ1fp786s/S0TObP2c3f8u9Z+jmjdG5Y5TSZyeu333sTH1n5WhbKjc2t7kzjc8fULiOoHMJRv7thsNR00TWV2skD3wLcm4flfE1QV+vtU5hd83m0sqCgw2K8y9wC2tRGRo4chkAStFooRiuh4S8v4lSrO7BzeSlgtcZcKaNks9tTMPXtzd4Nwwu6u/dy6S4Cl1VxXnvUCD6++fbJvR3iXhbKNOnpjEx7/5F9UWS7c/1zU6pJyOZxw/sFnw2PQVDh0UKOvT2V+3uf6zW9cr6brNDHMJLZVXq04BnsgcodIpFX2HTZZmnO/YULdbrNK6fbbZEfP4DWr1Odv4ztNCtdfJTv6EPnDj4fLjL2DXVnGd23sagHfdbCryzQL0whFpePIEwSuw/KVl/CsOsUb58juf4iu48/gNEoUb7yO79qoaCRywzRKMwR+GEB3jD7K4KOfpDJ3LRSJAtxWndrsdbL7H6ZZmKU8cR7Xt3B9C1UxSEa6iOgpHK9JwuwiYXZiuVUMLUYQuFRac0T0FHW7gGkkOHz40yTi3QihoSjqWoAL0N11ms6OY2tWLoHvMjf/OlPTm4Oud4v5+TfI5Q4SjeQY2fdBerpO47gNVNUgYmYwjARLSxfxA5e+3ke33Y6iqFSr09gdx4hEssSiW+uM5HKH6Ol+iNvjf8HS0oW2YEzKgKmZl9GNBL09D5PLHSSTGcFx6wS+ixAKqmqg6zEURaNYvM5GdUvHqdNsFShXxsMKrVMlCPxNYlgALWuF5eVLa4G357Votgpb9vW6bpNi8RrJRC/53EGEUFkp3aR+l1fv3dA0k/2jHyaTHUURKoqiIoS2Fthms/tJp4cIAh8pfYLAo1C8xs1bf762DduuMb/wFrFoJ9FIjqNHfoBmcxnfd9CNONFIDknAzOzLZNIjpFID2+3OrrDjwFYVgt5omqwRBySXyrNkjBjd0fbKhuN7zDTLm9ZP6nGOpcPqzFYTvbszT7uZBHpBwEytwtuL85xfmmeuXqPluUQ0nd5EkpMdXZzu6mUknUVfpdeJ1crzVgikh5Q+ftDAly1M7f7VAdv3mKlWuVpc4nJhiZlalapjIQn744aSaU50dnMs30V/MrVG89sNpJTcLq9QssLMl6YI9qWzbT1tvgzphJcLS1xcWmSyWqbqWAQSEoZOXyLF8Y4uTnb0MJROY6janipJG+EGPkuNBtO1CjdWCoxXSiw26tQdhwCJqWpkIxH6EikOZfMczHUwmEzfs7+w6hbRhE5MS2GICDmjh4pbQACm+u6NnFVtGEV2sT5geAgRQ4gIQVBFVYcQwgAUFLUPXUkR9kZpq/+2X79ASpaaDS4XFnl7cZ6JSomqY6OueuQeyXXycHcfB3N5Ypq+Jg//bqi1K/YYi60rJPUe0sYAs403iWgZulPHmWx8BVWYdEWPstC8gCSgL/YQ860LAHRHT1Cyx6i6c6iqSW9nL4vWTfygi2XrGiVnEk1E6IudYbb5Fi2vxP7kB0gZ7RRt1/cpWS1WrBY3S0Vem59p+3vTdXl7aX7HfcYj6Qz5aGzHz/9io85MrUIgw1dETyLBQDLdtoyUkpLV4vpKgXeW5rlVWmHFauIFkriu0xNPciCb42i+k6FU+P33ui6BkEx5NZoL6zSjmK5xONe53ru8Yf17HUsgA26VVqjY60kSU1U5mMsT1XQaTRtNVZhdrDDcl2OhUWOmWg1tCDSNw7kODFVFSsl8o8aXxm/x2tw0Ld9jMJnmvYP7eLx3sK0fVkoZ9i7PTfPc5BjT1QqGqnIwm+d9QyOc6uwhsqEP1lD7sLxxkBJFRECoLDbqTFXX/T8Hkym644m1Yw2kpNBqcqWwyJsLc4xVStRsG1URdETjHM518FB3L4dyHSSM+1ezB/d30aiH56h3cO/iZt/B/aFpcPqEwU/+aJw//0KLazdchIDlYkBvj0qh4BOPCyoVSTaj0NOjMjfvsbAYoKowMhz2ZU5MedQbkhPHdH7uJxP82eq2pmf3GpoINk4E/XIFZ3oG6/Y4QhH4jQZiC0E3ggCh6yiGQWBZ/0Wowe4WtgO1esAdgf93LjjcHt9bQPreZ0yeecpkZtbnPY+bvPm2w+e/uHU1rjG+zMJfXMbIxtGSEdSIjmJoKKaGampoycimftWNCAKXbP4gyXTouVmrTLO8cKFtmUxepXtAR9UEpWWPxVmXfJdGrktjac6ltOxjRgW5Lo2J6zaBHyZbOno1TFMhElOYHrOxmpJ0LtyWpgvKRY/5ya0tnO6F6vRVqtNXN32+dPFrbb8Xrr0CQLFaQDNilMfO4zlNKlOXqUxdblvWqZdYPN9uTeU7LQpXX6bnwNPMtKrYjSJ2tcjypa+T7TtG8ebrBN4q31wGlMbeoTT2ztr6qhFSXTVpUGrOoKtRvMCi0ppHWRX+a7nhGO8FDsoqzVcicd0mlr3Z/3lLSLlB0CikEFdrsxh67K5ATNJsFqhUJmm12u2LbLtCpTJFs1VYZdqFqNXnuHbtswwPvY9kso94vIeEEPi+g21XmZj8S2ZmXyEe7yYazdNsLm+qDOp6jAP7P0pnx3Esu8L0zEu0WsUNtFgRCsbF8uTzR4iYGYaH3ketNkuz2Z7Q8n2LW7e/QLk8Tm/vIyTi3RhGAkVoq1VXB8sq02gsMrfwxlq1Ngg8ms1lGo11AYCNP28+pQHNVlhATMR7SSb7WVq+tG3Vc2n5EqnkIKpmIGXA4uL5+4pbSSnxPAt7x9c51B+4+8OFhbeRQUB//+PEonnS6aG1bdcbC8zMvMxK6SZ2dw0pfWz73beK7DiwjakGf+3AU4TaoZKIqvMz+9/D6Vw7NbTmWiy8+Yf33NZWE729VDMCKZmolPidK+f50vhNZuu1tb6TjVCEoCsW59mhEX7mxMMcynWgq0rb5G0jdCVLLvoMrB7ttp4hgO15vLE4yx9cu8S5+RkWG/VNNOw7UIWgN5Hi6YEhfujwSU52daMrOw9wJfCvXn+JL42HAgIxTef/89T7+aEjJ5FSstCo8ztXzvO5setMVSv4QbBlolcRgs5onGcGh/mJY2c40dm9NiHfKQIpWWzUeW1+hucmx7hUWGS2VsX2vW2Ty3dUs/ORGKe7evi+w8d5dnAfsS08YK9WXyGjd3E49djaZxfKX6M/eoDRxJld7etWUJQ4EL/r0/B6q2pn22dCRIHopuXuoNBq8kc3LvNHN65yq1zE9f1N50AQKsY+1tvPTxw7wxP9gwgEiT363wbSx/IrSAIK1g186ZAzR+mMHGbJukZEzTAQf4yCdR1TTaErEUrOJLZf52DqQwgUGl6BvtgjFKzrxLQcmjDxpYvlV+mJnGTRukzTW8H2qyT1XqJaGtf3uVpc5trKMjdWCtwurzBfr7PUrFOxrU33/lilxM994Y92fFz/7H0f5vsPH99xsuXzYzf4p68+jxsECOCnTjzE//LUB9b+XrVtvjR+k89cu8iVwhItz93y/hSEvdUHMnn+24cf57tHtqfi1xyHv/+XX+LayvpL7Wi+k9/+xA+SWU0ySSlpOi6KEPfsU7d9n3/66gt8bXp87bPBZJr/+NHv5WA2z/6hThotB9PQ6Mon+c1r5/mnr76ARDKQTPGfPvJ97M/meGthjn/y6tc4v7TQNgb+wfXLfHT0IH/n0acYSKVDcRHb4pdef4k/vH6ZprdeQvvyxC1+5+p5fujwSf7mw4+vVXMz0fcDz+L4Cwg0VJHli+Pn+ccv/eXauv/N6bP84tmn0BWFsm3xZ7eu8fvXL3F9pbDt85A0TB7u7uPHj5/mvYP7tlSZvoNSoUYsblIpNaisNIjGvjG+0d9BGPhkswq93Sq5nEIsJvjod0V5/S2HH/uhOF/4couhfpUr112efsJkcsbn+z4Z5d//xzpHDuk8csagUg344LMRfu13GmTTCr09KvnVbe0FencPHc98EL23C/+9T1F79TXqr71B8uxZ4geO0Ji4RevCpXDCdBfl2FspIT2P5FNP0HjnAl6heI9v2hp/1UNh25aMT3p4niSXVRkZ1vYc2B48oPGHf9Ti0hWXA/s1PvHRCJ/fZtnqpTmql+dgVWRUMTXUqIES0TFzcUZ+/hnSJ7a371uaf4el+fNAKDJzd69kPKnwiR/PsDDjcva9CZ770wrRmMIHPp1idsLhfR9P8Uf/eYV6NWDksEnPoM7v/Lsimib46b/dwcy4A0Jw/JEoX/3jCh//0QzLCy4PPxXnxS/VWJjafWC7EZoZx4ikCHwXu7ES9rJqBpF46OphN1ZQNIPO4UcIfJfq8m2segHdTODaociTHkniWjVUPYoRTREEHna9GAY35Xk8Z10JWAYezfIc6a4Dq58IzFgGu1UBGWBEU3hOi8B3aTorNJ31AHKuvJ4wWKhcQU/H0LoiNCjjVW1alTIAjlPj6rV7z/E3Y/0kOk6Ny1d+d9PnQeBRmHwLY2qFmmyvJi4uXWBx6eKmdQDKlXG0qw7RaAcNrYkQAs+3sawStl0DJJXKJO+c/9VN64JgoP899HQ/RKOxxOWrn6HRWNpiuXDZztIYx47+IBEzQyLRsymwDRcT1OwlmtPPoQSgqSZmLIdQFILAp7oyjuu1VqutEkU1CBQoFK9iRNNoRhynVcFzGuiRJIqioeqR1c+aCEUjstq2ZTWK1Bvz1Bvz9zz7jcYi5y/++oZP7n9T+77NzdvbPdnbYfN2g8BlfuENisVrRKN5NC2CJMB1mrSs4hpFfXbuVWbnzu1o3+6HHQe2IXV4fd8/NXia/nh2U2VDUxT6YplNVg8PGl4Q8NLsJP/m9Ze5sLy4plC7FYLVoO/3rl3irYU5/ofHn+FERzexbYR9wiD7znFt/yJeajb41Qtv8tkbl1luNu57OXwpmalV+L1rl3hxZpIfP3aGHzt2aldUSynl2sS15bmMV0oEq72N/99Xn+e1+Rm8+5jKBVKy2Kzz2etXeHtxnv/ukSf42OjhHVeRLc/jd69e4LM3LnOjVMT2tg9m2/Z9df+XWw2+Onmb1xdm+d6Dx/jvHnmC/KpKsS896l6ZpldFEzolZxGQBDKg5CzSH31QytfbXdetPt/6s7CCXuRfvvYiX5sax7qHfL4EKrbFVyZuc2F5kZ858RA/dOTknmm2EknLKyORxLQ8Kb2PxdYVnKBBxhikZE8w3XiVjDFE2Zmi5Zfojh7H9VuowkARGoaSYLl1FV2NU3MXqbqzRNQ0hhJHV2JE1DSBdMNMo7RxgiY12+f/9cJfcGOliCeDLRNJd2Mny2w8ro1wfJ+LhQW6Ywl64slNCRgpJf6GZ2KhUVvzHZ6vV/l3b53jT29do+bcmzYuCavL45WVbRNedx/TxuO6+xinCmXeHg9fzu89NkIusT3LIGD7bZWqTXo6UxRLDerNsOcnkGHCqmrbTNfKKIrgn517gXcW5zc9hy3P5c9uXSemGfyDJ55BEYL/6+1z/O7VC2ueyxvPQcmy+I3L75AyTX7hzGO4/jSOP48fVLHcKToSnwYhkLJ9P2+UCnhBwEKjxr994xW+MH6D5j14pxKoOjbPT49zsbDITxw7zc+ffpSEbmxKctarLaymw9uv3CSejHLikX3bbvc7ePdwXXj7vMPElMdffLVFuSI5dcLnxFGd5WWf0WENz5cc3K9z5LCO40J/n0Zvt8qHPxjBMASGEX4WjQjeOu8wOe3xpa9alMp744D6xRXcN64T7/JpXHyNwGoQ1OpYL71FLNNHa/YycrUFon7ujTZjVWk5NF98Hc+1kN7euNB3+k0VRfAu9QC/JZASXnvToVwJyGYUPvpdUb7+soW9By3GuTmfD37AZGhIZf+Idv8KfGi2GfoAt1z81qpwaM3C20YASigaclUFWYhwXqLpUXKdh5mfPre2nKYLIjGFwrzHzLjD/JTLoZMRxq7afO3PqnzPT2YZPWpy7rkGV99u0dGzPra3mpIXPl9DSvjEj2fQV6u3hYVwW3MT7o79ebc+CEEs3Us02YERy1JZuEF9ZYreg+8lCFw8u4nvWSiKRiTZQeDa2I0V7MYK3fufZHn8NXzPpnv0CeZvvUQ02UUs3YURy1JdukVl8eaO9qFz5CzF6fO4Vp2u0fewNHYOp1W+52qKqTHwA4/Q9f7DSCmZ+9PzzPz+GwCkB+IMv6eH28/P0VhqoWiC3GialdsVYh0Rkj0x5i8Ut4oh6TiQpv/hTi798Ri+vfnkNqhQk2VMtpoXbT+PUD0Ft1Zihal7HNXm9TXVJJc7iBAKK6Vbq4Hqdt8jabWK+L6DqpqoytbJVSOaItUxgmbE8OwGpYVrZEfOhAkL1SCuBjSrC6Q7DzB/6+tkug+iGTHqpVk6Bk7jWFWMSIr5W1+n90BoCXVHhGxx7BUy3YcxoimEULGbJQrTb9/jmO99/N+YdbaG49ZxVu2Y9GwHWiaBN3M30+PBfN+eVZG/u+846hZV1oiq8/MHn16lLH9jEEjJy7NT/JOXn+dmqbDpVKhCENE0VKHgBQG2761Nfm+Uivyjl57j7559es+KtWF1tMb//soLfGniJs5dfTshXVZboz07vo+9IegJpGSmVuX/fOsV5upVfvHRp8hGIruuWvtSMl2tcGF5gX/y8vO8sTDTdi4MVV3zxXT9YFM1NSCkNv/S6y+R0E0+MDy6Y2rspcIiF7axdRGEti6GGqrpeYGPdVfweyfQ+52r59EUhb/32NNENA0nsLhU+To3628CcL32+toaab2LrsjWolzfbMjVa/iPX3qOl2enNlUqBSFVVFdUglXqp7daQV9s1Pm/3n6Npuft2fpEQWU48SSB9FGEiip04noXAoEmTPan3g9IVGES00LqpiZMEloPqgip0PsSzxBIF0XoYQVN70UV2qoiokJMy1O0b2KoCXzpEUiPQJo0PQ8neDC9avc9TgGeDHhhdgLH9zjd2cvhbCdRTdvyeSm2Wrirtj3/4tyLfH7sOvYWfXXtNfd1DKUy7M+8e6rrYqXOYD5NzbIp1Vv3DGy3Q61h4TgeL789Tmc2wZmj7ZWNhutws1TkzYU53l6aDy2ENI1AyrY+Zzfw+eL4DT4wPIoX+PzetUu4QYAqBFEt9G/emJRpeS6/d+0SHx09xGAyReBNYmgDBNJd7S/fjNlalVvlIv/p/Bt8Yezm2v0hCC1+QmaKxPJ83A33jgSKrSa/fP51Ain5mw8/vmlcrldbLM6W6B/uACFwbJd48lujv/BfC2QQVm5NQ6AokukZj6cej/PyOZuTx3WmZ31K5YBrN1w++6dN/uRzMDPn02hK3j7v8PpbDlKGnqoRM9TUME1QFXbU3ygUDd1MIADXbhB4DpWF6ySTfWE1Vsow+PF9aou3VwNWgWZEVxVHVRy7BhKSuSGS2UFW5q9gBxUC30HTY6i6iec08T0bVY+GfWSqjuc2N1HqqrWAZkuSSAgOH9SJRASW9VerjvvWOw4vn7P55EejfOKjUV5/2+aP/7y15XHEooJcLrQGsu+KPZ973qbZkgwOqNy85fHSKw9ea6Kj6xi16izZ3H6i8c5Vj06jjdIKUCv7NKoBg/sN3nihzvyUy+hRk1hCRTMERkRgW3da39q/w7YCbEuiqmExo17xqZZ9hg+YvPNyM6zmvgsIRKhGHEg0PUI01YVj1dAjCaYufG5NqRgkzfIcTqtCeSH0XVYUdU3WWijqqlZDuC1VM4imenYW2MqA+soUqY4RrHoR37Vw7c1er3dDS5hkzgwS6UmH+59Yb2WpLTQRmoIZ12nQQo9pOPVQndhMGqQHEhRuVkILPTsgmjWQAbRKNqXJGge/a7DN+s53fPSYjtt0kYEkwEdsKCylyZEkg4PDCgsE+OToJkqcBjVKrGv9GERIk6PEMh73T2IJRUVd7Q3eiSJvLNaJqpoEgYvjbqHevopQrEsNr9Py7bAaPXMBVTPpGDxNceYC+f6Tq8mKPsoL10hkB2hW5inOXaT3wDPE0j0IISgv3qBZXaT3wNMY0TTZ3mNYjSICQTK/j8L0O3w7c0rM7n4C28ItrzNlpOvgt3bm87sX7GlWHaqTbh0AqSKs2H4jMVZe4f9465VNQW1U03m4u5cn+gYZSKaJaBpN12W2XuWdpXneWpijbFvM1Kr82zde3pYyfC+sU/le5vNj19u2EVE1DubyPNY7wGgmR2a1Gle2LG6Xw/7DW6WVtUlkw3X5zNWLRDWNv/3oU9tO1u+Fy4Ul/tVrL/Hm4iySVXuidJbHewc4mOsgF4miCEHVtrhdLvHy7CQ3SsW2qu50tcJ/vvgmxzu66E0k7/udpqryyf1H+MLYTRqugwDiukFPPMHhfCej6Sw9iSRpI7Q1qrs2U9UKbyzMcnF5kYa7/sJwfJ8/uH6JZ4dGeKp/iIgS45Hsd6MJg4gaZzh2DAhpSKYSxVTefX/tg0DTc/n3b5/jpdmptsqVrigcyOZ5un+YA7k8KcPE8X2Wmg0uFRZ5fX6GhUadqmPzm5feZiiVvse3bI/wGWzvWzXE+rlRiSClRBEKggi276MooG3IMoY/b1C/xQgFOvAAn0C2yBpDxLUsmohiqAlk4PNDh09Q3GJQqrsOXxq/yYq1LpTSEY3x0dFDRO5BM92Iw7mOtvq4IhSGkhkKrQYTlSZvLc0xVlnhk6NHt2QY1B2HQqvBf7rw5lpQqykKHdEYB7MdjKSz5KIRVKHQcF3mGzVul1aYrVWouw7HO7rojL37pFxnKs65m9MkIgadqb1tb6lYZ2q+RGc2jqYp2E47I8ANAp6bHGO+XiMXifLR0UOc7urB9n0+d+s6r85N460yWVasFn908woV26JsWwynMnz64FH2Z/NUbIvP3b7O6/Mza+PZdK3Ca/MzjGZOkTBOEUgLzUyjKIktX6GLzQa/9PpLnJubxgl8YrrOsXwXZ3v6GU5nSBkRAhmw1GxwfmmBV+emWWrW17bV8jx+/dLbHMjm+cT+w6gbKvM9Azl0Q+OdV29jW+662vR38A1D05LMzvn86A/Gee55i/lFn0DChcsO+0c15uZ93rnosG9I42MfjlKrBfzJ51p87kstvuv9ETryKtOzHvMLPrYT0mDvbOv8xXtPOIVQ6Rp6BMNM4rktSovXsRqbBSlVzaSj7yRB4DF/+2VUzWTg8Idw7RqqZtIoz1JZvkUqt49EdhDPtSgv3UQI6Bx4mCDwEEJhYfwVekbeg6Lqobqn57A4cW7VmifE7JzP9Zsujz5k8P3fE2Nu3ufFV2xaliQaEWTSCrPzHhOT7ZNjVYXDB3X6elViUUE8JujpVunoCO/vgwc0fuKH45TKAc2mpNmSzM15XL3x4AWZSuWA//Cr9bDSfkjjH/1PGR46ZfDiKzbLBR8hBJmMYGhA4+Rxnb4ejb/3D0uMTXir1yWs/FqW5Osv2SjKemFcVR+YLle4r8XbBL6NEAqLs2/ieRa6HiOdG21bTtMF8aSC70sGRk2qJZ+rb1t88NMpPvVTWVRVcPuKxdABg8eeTdC/z+A9H0pw8VyTRjXA98NWs0bVR9PCbdktSf8+g2rJZ3ps78GtHkmQ6z9BceYCiqqvehjL8P225sUk71DZEHeC2VXHEUXVQQhUPYJmxMkPnGJl9hJCUVDuJP/E6v9tOW0MP6wXp0kdHsVM5CkvXEcG97+3ov1ZIt1bOwMEniRwQoVeoUB6IMHIM3289RthUG4mdEae6aU0USOSMek8lEEzFW7/5SzF21UCL7xpMkNJkj0xCjfK9D/Sya2vzODZ7TdRhCidoo+CnCdJhg76sGiQEjmW5RzdYgBXhtfIIEI3gzSo4rOz58f3HSy7QiLRSzazn3j8Ao3GUluQK4QSCmwl+xgafAZF0ag35mk0FrbcZufwIzTKczitKTLdIcPQd20Cz15lICgEvkOjNEuu/wRCqLTqBWLpHlDuuHEooSVU4OE5rVWbpvBtGfgOtcI4Tquy2qMrQyXugRH0TA6vWqY5dRs1liA2tB9kQGPiFgQBkYFhlFW9k+bkTfxWk+jACEY2j1ev0Zy4iVBVokOjqNE49tI89tIcRr4LLZ5ES6Vxyyt4tQpaIk1rdgI1Gsfs6qU1OxHuQzqDWy7RnBrD7Owme/Zp/FaT1vQ4jbHrKJEoicMnsBZCPRYtmUbP5GnNTKBEIkR6BmhN3cbsGcDs6MatlmhNT+yKbbPnim0oQOJi+R7BJiNjQVqPoH0D6Mh3aLB30+5ykSi/cOYxPn3oKPlIrG1i5MuAim3z8uwU/8ebr3B9pcBEtbyn73eDgD+4fpk/vXWtLajtjsX58WNn+NTBo/QmkujKekZKSokb+MzVa/zxzav8zpXzLDXDbI8T+Pz2lQscynXw6YPHtk0YbIeJSonJaplAShK6wQ8eOcGPHj3FUCqNqWp37UPATO0Uv3z+dT5748papVkC7ywt8OLMJD9w+Ph9g2shBI/09HG2p5/xSokn+gZ5emCYk53d5KMxYpredv4B/CBgudXkc7ev8x/Pv8F8Y933sGxb/PHNKzzWO4ChqkTUOIeSj6IKlZTecffXf8sRSMkL0xP82a1rbUFtTNP59MGj/MzJh9mXzrYFXlJKGq7DpcISv3L+DV6YHqdsW5SXdyeBb3veWj+pqaq4QUgHjuo6ju/j+T4RXWepXqdsWRzI5wmkZKpcZiCVQlNVbM9DVRRMVcXyvLX1Q5pvQM25jaGmsbwFdCWD4xfxlTiSDEmjh58//ShbZQjn6jXeXpxvC2y74wn+1qPvWUvy3A/KXXY+ju/zxuIsHdEYT/YOE9cNnpu+vS29uepYfPbGFX7/2iVs36crFufj+w/zif2H2ZfOkjCMtTaJO5XNqm2tCV891N27xrR4t9BUhZbj4u5xxrd/qINEzODSjXn8ILSauhtvLMySNEz+7mNP8wOHjhPVdaSUPNYzwN/5y89zfil8+QZS8pWJW3hBQE88wf/69Ad5amAYVQgkcKqzm7//l1/kRqm4tvyrc9P88JGTVKwXaTiX0ZQUXYkfRSibJzxlq8UL0xMEUtKfSPGzJx/mY/sP0RVLtNHHpZTUXYfX52f5d2+9yluLc2t3UtWx+ZXzb3C6q4fhVKZtHFqcLdFq2LiOR7nYoKN7bwmh72BnsCzJr/5mnWxWoVQKq5X/9JcqrJQCfvk/17GsMAj7lV+rkcko2LakUg146x2HySmPWExQr0ssO6Sg/tpv1cnllDWF3XvBiKaIp/uYvvZlfNfaVhDFcxqUl26S6Tp4R8ABVTVYnL+Comp09J+mOHeR8nJY2VqeepMg8OgcfBi7VaYwe56+/c8QS/eh6hGqxQkalVl6R59E06M4GwLbQjHg13+7wdCARn+fyv/yD9KUKgG+FwZ1hiH45/+mwq/8WnsVJx4T/OJ/m+SD74ugqQJVA10T3NFNPHPS4PgRA8+TeD74nuRLX7X4G7/YLp7zICAlnHvD5n/9p2X+h7+d4sQxg//HzyT4kR+IY9vhU2gYglhUoGlwe9xrq3I+85TJxKTH8WM6Rw7p62OwhJYlee5rNrduP5iA3Futhi3Ov7NaPZc4Tn1NifoO9h02qVV9zr/aZN8hk7PPJvjT3yjxp79ZIp5UqVd8GrUA3/d44Qs1vv7FGp4rqZYD/vy3y9RrPgL4098q07dPx7Yk77zSYGDE4PEPJpgZX9lzj23gh4rAiewARjRFq7aE3ShhN8v0HHgqFIpauIndXMFqrJDuPogMAiqLN2iW58gPnAotZ6REBh6+ZxPP9mNEkliNFRTNJNNzCDOWJdtzhNL8VWQQkOk9jBnPkus7Rmn+Kp7TwGmVSeT30axsHYzdjcTBrrYq7XaQAZTGaww+5q+VxLuOZlm+UWbipQX2Pd0LEqyqi7hrTlida9BzIoce66BVsjcFtQAmUTxcKoTPQ5aQldaUNWqUSMks0VWtlKzopEGVeTmxpRXpVggCl4WFt0mnhkgm+zh6+PtZKd3CskprbDhdj5NI9JBODWEYCWy7yszMy9uKHLlWnWiiE5Cr1y8g8J1VH9wAf1XQq7YyRX7wDKW5S/hui1pxko7BM3SPvgehqDSrCyTzw6t2PxLfd/Fdi/LiDRK5QTyng2ZlHqteIDq0n9jgKI2x6wSOhdB00qfO4hSXEIpC5vRj1G9dIX3qLJXzr2N2dBEfOUxz4iapY2eo37xM4IT7mhg9hpHvwikXSZ96lJVXv4bZ2UNs+ACVi28QWE1AED9wBGdliUj/EHoqQ2tVJ8Sr10gePYVbKeFVK/iNGs5KAXtxFun7BFaLwLaI9g1jzU2DEMT3H8ZZWcbs7sPs6MItF0kdf4jm+E3i+48i/YDW1O0dXVPYY2ArpWTRqvHLN17gcnkOO/DWqAOBlGSMKP/o9CcZiCfxAoeIGnqr2kEDVWgEMpykmWp003YD6aGI7SuX14rLfGHsZlt/WEzT+YUzj/EzJx9GV9VN0z9VKOQiUT42eoiuWJy/89znmantXnlLSsm1lWV+6/I7bdTiXCTK3zn7NJ86eITIFvRmIQSGqrEvneUXzpylO57gX557kaIVVr0arsOvnH+DM1297M/kdlW1vdO3aqoqf+3UI/zCmbNE76jubtoHldFMjr//2DMUmk2+Onl77fFvuA5fn5ngkwcOb3kMdyNhmPy9x59GEwrD6QwR9d7VZlVR6Ikn+Iljp5FIfum1l9qEa95enGe52aA/GU6a03o4MMjV7KUvXRSUe94b3yyULYvfuXKe+obKsyoEnzhwmL9z9inysfime1AIQcIwebx3gJ54gn/8UsDXpsZ3TSB5YWKC8VIJQ1U52tnJTLWK4/s82tfH1eVlao7DqZ4eJstlbhQKfK+uoysKb83NkYtGuTI3x2w1vPefGBzklelpSq0W33PkCIPpMFhQxJ1hQUFTQhV0y18kqnXfl61x958EoAllz0kuIWA4meFER/caTf79g6Pb9vAvNur832+/Rt11GEln+btnn+IDw/u3VOBWhSCm60R1jVwsypMDQ6Fv4572tB0tx2VupUo+GduU5NkNJmdXKJYbeH5ApbbZMsSXkrO9/Xxi/2Giq8cohGA0k+UT+49wtbi8lsBqeR6qEHzqwFGeGhheV3AGjuQ6ebJ/eC2wBZiolGl5HkJoxIyjeH4JSbDl+bkzDmXNCP/9o+/hew8e27KiLoQgaZg8OzRCJhLhH77wZa4W1wU4rhaX+OLYTX7u1CNtCYZcZ8gkuXp+ish3hKO+KajVJbX6+mRzubBa/S+tv3urNUm11j4hLRQDuEufqd6Q1Bs7S/AIoa5NAINg3btxJ/DcJp7TRNM3tPbckQIOt46iaPieTRCEgYciFALfxbVqBJ6z1qO/EVLC7/1Rg5Yl+eHvi3H4kE46pSADqDcDpmY85hc2B+CuF/Yr78bm6PzF9feKZUm+8rzFxLTHhcvtG3n7vMPv/H6Di5fctu3Pzvn83mebtFqSaq19nzwPvvRVi9vjHt//qRjvfSrC8JBKMqEQBFCvB9wa87l+w+XLf2kxO79+zRYXfRoNyYH9GucvOmv3gQC6u1U+/T1R/uW/rvEgkMwMoevx1csg1q6h1Sq1Lec6EjOiMLTfIN+lMX7DDo+jElCvrB97sxbQvOtcVMvrx1Yt+WQ6VAxDMLjfoKNbZ2bc2V1Qu1FrVILvNli49SKaHsX3LHzPBelRXTqH7yeQQYCz6oV8RzQKKQkCj+LMRcxYhiDwkL6H5zRZuPUSmh7D9ywC31sVippnuroEUuI5TZCS6vI4tcLEakAVzlM916JWmAiXuQ/UqE7yQDdiG7XqzFCC9GACp+HRXLHJ7kuS6o3RdSSLXXdZuLSC2/ToOpplZaxKJGPSWG7RWG7ReShDsidG19Esc+eL1BaaDD3Rw9u/dR0gnOOhhq4lKLg4aBjESBAjiU0LmxZpkSciY5giRl1WiBBjRS4hCeigl0VmkJsKblujULiKrscZ6H8PsVgniUTPGkX8jjXpHUXjlZVbzM6do7hyc3sF4snXMSJpAt8h8F18z2Zx7FU8t4XvWSyOhWrYQeDitCrUVsK+4FZtiYXbL6PpUVy7jue2WJpY1QaQPkvj5/CcJitzlzAiKRRVw7HC583s7Maan6Y1PRZew3gCNZag8caLCEWh49mPIlQNd6VAa+o2MvAx8134VpPW3BTR/uHVCqog0jeIGkuAqiKDAIQCUmIvzmLNToYHqSgErSaR3kHMzl4at6+hRKOYXb0Q+KixBGokilsq4DUbuJUSbiV8dqUX4NUqqNEwIeHVq/iNOtG+QYyOHpoTN9HTOYx8F36zEeo7Kbuble25Yvsn0+/w6vIYnxg4xRvFSXqiKXqjaV5dHuOZ7oN0RuKM1d8ipqVJanl0xaThlQHQlQhNr0zOHMDya+jCDKkXQqXpVYhpaWy/ganGsf0mmmKQ0jsIpOQvJm6x2FzvERDAE/2D/PDRk/cVP1KE4NGefn7q+EP889e+fl+Rpbth+z5/dusaUxuqvYoQfP/h4zsOCCOazqcOHGG8XOI/XXhjrep7s1Tkz25d4//58BO7tgISwJP9Q/y1U49sqTB8N/LRGD95/Ayvzc9Q3SCqc7NUpNhq0ZfYfFtI5FryQq4+8MfzXatTjp2P/qam8fHRw3xx7CZvLMyufb7cbDBbr64FtvPWbRpehQOJh5hsXObcyp/TG9nPezo+hSG+df11UkrOL8/zzlK7Ct1IJsdfO/lIaFVzj/WFEAynMvz8qUe5XFhaq9zvFF4Q0BkPB4TrhQLztRoD6TQL9TrnFxYYzeWwPY8DuRwRVWVfJoPlecQNAzcIaLkuD/f18fbcHBXLouE4HMrnycdiq/unkjD2AxDVepFIDJnDUPPoSmJX+/ogcEc86siqlc6d/vXt4AYBbuCQNSP83bNP8ZHRQ5sEpwIZsGCViag6M80iCS3CklVhIJYnpplYjktCi1Bxm6S0KFWvSZeZwVR33pMfNw0G8mkKtQZN2yUT35v/cmc+iaapXL29gL7FRMNQVM72DGyqiAshONvbT0I3WPHXA+KEYfLdIwc2nRNj1WLIUNW1QLhiW1Rsi47o4zj+PIHWQt2GinwHHxzez0dHDu1oLD7V2cNPn3iIf/zSc2s9wb6UfHH8Bp8+dJSeeHtbxMJsiUQyQjT6V1C95zvYMRyrgu+26Bl5AteuU1uZxPds0vlRzFiWdOcBKsu30M0Eyfw+ookukrl9a4FB+IaSa0GJ64ZeqLm+E1QLY9TLM3QMnEHVIxjRFMsz75DMDbP2HtsmmrFt+IM/bvLl51p0dapEo6GImm1LqtWAYmnzfKLVkvz7X7l/T+N2qNUl//bfbx0sfvZPW3z2Tzcnuy5edvnFf1DaYo0QQQA3bnn8s39d5Vd+rU4+pxCJiDWacaUasFIKNgXjd/xqb9z0ePMth0p1/Tylkh4PnXlwz6WhxzEiaeKJLoSi0WosE4nlqVWmadTW372TN2yatYBEWuHSGy2W5/dulDx92+GLv1cmmVG5/EaLpbldUB8NwcCBKNUVl2yXQa3kEYkreI6LUFyEInBaAZph0rvPoLRUZ+ZmizuxkQx87MZ6lV5KL7yfN8CzG3h2+3zh7mUA/Np6z6kQKpneo8Qz/SyOvQrbBGMboaejxPd3bltAcBoe1z43ie8E+E5AfanFxT8cw6m7tEo29cUmnu1jxDSchkeiO4qiKrgtj1bF5p3fvYXbCPvk3aZHeapGc8VCIMjRTUKkEQjyspcC85TkEl1iAFfaLDGDj4chTfrECA1ZpUYJgcCmRZ0qnfRhEsFiZz2cgfSYnTvHSukW6fQQiXgvppFAKCpB4OG6LVpWkVptlkZjCc+7tyd14DlY9Xa15Dt9zVKGP5uxLPmBU1i1ZexmqW25jT3QW/4saVsHwG800DP5MCAl9Hsm8NEzeYSqEtg20veRvhcG7WtjnKA5fgM7GiN79hmsxTncagW3vEL9xmVQFPxVdmWwQbeDIMCanyFx+AS+beGUlon270ONxim/+RJmd3/bsmo0htAN5J1ikKKs0/GDAGt+muTR0wSug1NcQs914K4sU7kQauwE1u58wPdWsQXeLk7zo6OP8eMjj/FLV77CgWQX3zN4mkfzw/zB5Fs0fRtJgIpG2VnAky5JPY+UAZrQ8aTDQusmApXZ1jU0YdAfO4wTtGj6VbzAoeXXcKVNhzFASu9gpdXk1bmptoA0phv84OETO1aXVYTgI6MH+cy1i9wu747uM1ev8tzkWNvEbiCZ5gcPn9iVEFW4z8f58sQtxlezGIGUfHH8Jt9/+DhDqcyu9iuuG/zA4RM7pnsCHOvo4kA2z1uL67Lqi43QsiUTNThfmuRgspfpZpFABsw0VxiI5eiJZnh7ZYKoanA03c/rxVtkjQRPdBzc8cQ/H43xWO9AW2Bbdx3KloWUEiEEc81bALT8Bm+WvsSJ1DPcqr/FkjXJQOzwjo/zQcPxfV6amaLmrGfVBfCx0UOM7rDaLoTgdFcPT/YP8cc3N/vd3QsdsRjuqgjVYDpNRzyO6/sc7OjA8X1WWi16k8m1Ku2tlRWCIGC6UiFpmmSjURKGQU8yGQp6SclCvU6x2SS2WrHdoH+OQCCEhqF+a6ifmqJQc23+w4VzYVA2fJD+xNa9PxvxqYNH+eC+/VvaWBXsKotWiYZn0/QsRhO92IHDjdosFaeBqRqk9RgpPYYX+Ew0FsnoiV0FtkIITgx1k45GSEZ35uG7FRRFUCjVSSejRM3N3x/TdQ5k81ved/lIjM5YvI0aPphM05/cfC2FEHRGY0RVbUOF16XputSVN3H8eQQmMf0wiK1fG2kzwkdGD5E0dlZR1RSFDwyN8rtXL7Ylim6XS1xaXqI7tu6LWyrWKS5WyXUmNqvAfAf/RSHwXWZvPk8kHrahuHYdIRSs5gqzN58PRXRWq1H10jT10gy+Z+O5TRbGXw0FoVyLhfGXAbAbJeZufx1Vi+B7Do41h+s0MSJJVuav4No1FqfewHOaBIHH4sQ5XHv7ymOlKqlUH3wP7HbQMRhQDqJjoBIylnzpowqNSf8aDXboM3kXgiCsrheKu0vwf+U5a1M/bbMl+c3ffnBiMMXl8L04sO8ZVpav02wsEUt0k80faFsuCGBx1mVxdqut7A4ygKU5j6W53V9bVRMMnIizNGOT7zFoVj06BkxKiy7JrEar7tOoeqwsOAgB6bzO8rRNq/GN1QuQBNiNEvM3X8Rpbp/s2IjYcB6zY/skdrNo0Syut1C5LY/afHPD7+G/nhXeJOWp9eCsvtiivhgukN+foutolrHn5wi8cFZdYJ6CbC8aFFmgKNsp1AtMtdVTyqwH+PNM7OAo74ak1SrQam1OFHwj4Hs2laWbtOqFsH/2XaJ+6wqp4w+Re/y9OCvL1K5eoHLpTZKHTgBQOf8agWPjlIsgA4JWE7daRjEjpI4/hBKJ0Zwex2/UqF09T+rYaTKPPo2zskTt6gW8Zh3lroKCtTRPbPgA1vwU0nGwlxeIDuwjdfIR7KV5fDu8zs2pMZJHTqHoBtWr54kO7CNx8BiKbpA68TC1y+9gLy8Q23cQe2mewLGxl+ZpTo2RfeRJ/FaT6pV3CO7jbLERe67YetInZ8QRCAxFo7p6Nx9Kd1Ow6xStFhmzi4SWZ8kaRxUqTa9KIF0C6dH0asS1NJbfIG/2r5b+oeXXiKlpskYvnu1Sd0prfPnpWpXbpfZgdCSd5XRXz672vS+R4nRXD2PllR3XGqWUvL04z+xdFOan+4cYTmd2FNBsxFAqw9MDw2uBLcBkpcxbi/MMJtO72t7BXB7b83l7cY6W65EwDKKahuX71B2blucR1bRQQCcXThaykSgDyVRbYGt5HhXbIqZ24gQ+Vyoz5M0krxZuEtUMlu1qKEYk4HJlmn2JTtJ6nGe6jmzqjbwXdEVhMJlGFWKtYh32O27MkEo0xWC2eR1TiXEk9QRFZ5aW/2CoTntF3XXaAnKATCTKk/1Du+rNjOkGTw8M87nb1zfZrtwLZwcGtv1bT6L9ZfRjp0+v/Xy4s7Ptb/2pFFeWlkhHIuiKsm2FzWp+Bt18BlXt2/E+3guO61Fr2Liej+P6DPVm77m8qap874Hja32q+cj9K5+5SJRPHTy2rWBVVDVp+Q4JLUJKj9L0bbojWQIZoAoFQ9HImymyRiKklMkAy3dI6jururYcl/MTcySjJjftIof7OjjQs7de8cXlKiuVJrl0bEuOtKlq9Ca2noRENG1Tsqs7HietG1hNG1VT0Y31cxTXDbQN94Hj+zi+hxdUiRtnaDgXsdxxTH1ry63+RIoTnV27GruykSjvG9zXFtjWHJtLhUXeN7hv7ZlShEDTFFR177Tu7+AbBzVuYGTjqFEDoYXSx77l4lZbuBVr2yrodvA9m0alfZytl6bbfnf8Co7VHtTZrRKIcH+UNCT6uxCaGlI8XQc9aiDLPk6r3GZ5svFn+z5WKHuCEOipCHo6ihLREWpI7wscD6/h4FZaBNbWFUIPl7lgHA2dHmWIYrCAIy06lD5Uoe6IMCVUBS1poiUiqBEdoYctWzKQBK6H33JX7Xec+16rrSQDPA9m7mf7swfYVpXegcew7QpmJE21fC87l91DqAp6NoaeiqAYGiDC89GwcUpNAntnQa7nBFw9V0UzFKQvmRtrMXG1iesEqOqqPZov0Q2FW+frBH6oynwv5OhmgBFUNJrUuc0VPNrFrPJ0088oKioN6oxxuV0NWEpa1Z311QIITSF9vB/1m9DuUbxdpXh79y2BG6FGDfRMFC1uhuMOID0fr7l6P9etb0vBYM9p7ogWvhXUuEmkK4liagSOj7NSx620KL/5ctty9sIs9sIsQlOIdKUw8xGkPUOkN4lTWFwTb1p59Wtt6/lejdLrL7Z91poa27QfgdWk8PUvra9Xr1J86csY2Rh6KkqkUyPS3Yt0Xeo3XsYtN5GuS3P8Bs3xG23bkr5H8cUvb9h4QO3qeWpXz+/lFO09sB2O57lWWeAjfccZjuf42uINnugcpWDVaXg2ihD0RMLsWiKR2bR+T/RgW0vCHfRFD6/+LtAUA10x0ZVwcnZ9ZbmtLxPgUC5PR3R3qqOqonCys5s/v3V9x7Yltu9zqbDYZouhCMET/YOrVha7g6GqPN470OYnafke55fm+cjIwR15ad7Zh+Md3fQkEqy0WkgZErFURaHlutQdBz+QOL5PdkNQoApByjDbbE9Cb1Q3tIKJd/B68TaPdRzA8h3mW2X6ozkano0b+PTFcpiKTs5MtFX4dgKx2tuoKyr+hvN5xw5HAB3mIOeKf47E52zuY6hCpe6V1+6FbxXm6lUWG+3Usu5YgtFMdldnIeyDzJGNRHdNR343kNIh8JcBh0M5lYO5bhQRRwbzeG6Aqg6AiBIE88igju/eRNcfJRAVAn8BRUkjlK5Vhcfdo1BqsLhSIwgCgoD7BrZeIHltYZo3F2fRFJWfOHqGfal7r7M/k+dQbusqJkBCi/BE/jDrI886zf4Ig22/A7y/+xTKLq5uEISsA8v16Eon6MvuvdothEBVBIrY+imL6hoJfeuKsKYoGBuCe0EYSDo1mxtvjbP/1DDZrtTaedJVtc3uy1/1CNbVLmr2awA4wTKGHNny+w5m8ySN3VWnNUXhZGcPpqq22TJdLy7T8ry1wHZgpAMzaiAExOJ7r4B/Bw8OQleJj3TQ+fQBUicGiHSn0JIRFE1B+gFe08Eu1KnfXKLw0k2ql2bXPEwD13+wE04BRjZO6ngfubMjxPflMfIJtISJoqthYGG7uFULe7FK9cocxXNjNMaWVxVed4/YUI6BH3wUfdV6ymvYTP7mK1gL65N1LRkhfbyP/JMHiI92YubjaAkToYX9a4Hl4VZbWItVKpdmKb5ym+ZEEblB+VsisWnioyNQ8KSzFrxobM8i0VJRYkM5Mif7SRzqJtKVQs/E0OImihEq8Eo/ILA9vIaNU2rQmilRfmeaysVZrKUqBN/aqKCweIlWYxndTFAu3qbR2NpicLfQszGyDw/T8Z79xIbzGLl4mHAQ4NsebqVJa7ZM6a0pVl65TWu+HAoY+3JN1XcjfA8Kcw6KBsuzAt+VwFb31c7vtTplprlNL8MkyaCw+Z1bo8I0t+65zJYQAjWmoycj6JkYscEcsX15YgM5kkd6wsTL2rLQ+d5DxId3boNnLdeY/I1X8Go7F8dUTI3BHz5LYnQ9CT//+YusvD7eNlYITSE2lKPjqYOkT62PO6oZvut828Or2zgrDVozK5TfmaZ8YQZ78d5BtBo3GPrRx4kNrM8vAtdn7s/OU7kws+Pj2IjEgS76v+9htA2JArtYZ+LXX8arbj43alRn+KefJNoTzhka4wUmf+cc0vVRDJXc46P0feI08dFOtLiBb7m05sosP3+Dxb+4jFvZQNkVEB/pZOD7HyZ9ahAjG7abudUWjfECi1++QvGV2/dN3kT7Mwz+yGNr45xbs5j+zOu0ZtaLcloyQub0IB1Ph+NcmOTUEYogcDzcqoW1UKF8fobCSzdpTq18Q8eWvdn9AB/oPcI7K9MESB7OD/PnMxf5+2/8AW4QcCTdTU80tWFiuXlKtt1fNv6e1PLEtQxi9WEdK5falIg1RWEolUHfpTiLIKz0aoqy48C25bmbqMtpM8JQKrMnsRkhBIOpNBkzynJrPbC5sVLA8twdB7aGonIk18HZ3nVOu9gwYZfhPyBom5wLITBX7YXkhnPqS0nTs7lZW+BkZoiIovNQboSTgb9qHRNWsEIRIYW+2L2DjO2gCHFPRuFg7DDaqr9Yb2Q/Esmx1FN0m8N7+r4HhYVGnbrbTokYTKa2DS62gyAMiJOG+U0NbIOggNX4j0CAEEmEksYw34/vXiQIlvCUPLrxBFbzN1DVfQT+FFLWcFtfBzSCoIgZ/QSqtn9P39+dTyKEYGKuSCpx/ySF5bvM1WsMp7L0xJPUdkBHOZLvuKe9kBBi7RkplOsUqk2ODHWFf9vw/wAr1QZLpTqHBrfvObob8YjBd506iKooqIp4V2Jnuq5SrVtoqrrleyCuG1vSrSEcBzZ6jQshSBsRVE0lloyi3CXIcHfwvCbcFpRRRRJNSZEyHwO2ttwaTKV3neQTQtCbSJAxo23aCdO16qpAX/hcxZNR4sm99Sl/Bw8eZleSvk+cpuuDRzHyCYS6+T5XowZGLk7yYBed7z3EyuvjTH/mNRrjBfyGHfaBPQBoCZP8Uwfo+fAJEge6workFmIjqqmhp6JE+zOkTw/Q87GTFF8dY+6P36YxWdz1REtLRck9NoKZDxkTgeOx+NWrWAtVhCpIHe9n4PseJnNmEDVmbrFPKqqpo6ejRAeyZM4M0vuREyz8xWXm/uSd9kkq4ONRkkv0KaMIBBYtarKdXip0ldhAltzjo+Qe3Ud8tAM1ZiBUZetxSFdRI6v70JshdbSPzvcdpjlTYunLV1j8ypVN+wGQGU4iA0mjYJEZSKBFNZauFNcopQ8K8WQPdqtMvTZ3/4V3AKGr5B4Zpv/7HiZ1tHc1mL1rHDQ09GSEaH+W7END9Hz4OHN/+g6LX7lK4HgElrvWMnU3QiedB3MOHGwclkmRW1P+3byMhYNFmvy2y9yN2HCe3o+fJDaYw+xMYeTjqKYWBrNbvK+EEGHgO5jb8b43JopM/+7rO14ewup5+ng/2UfW53j1sWVKb06uJXqMXJyej56k58PHMbuSW97Xd65fpCdF6mgvnc8eYfYP32Ti119uSxjdDUXXyJwaIHVsnZ3mWy4r58b2SPYHIxsj/8Qoemr93dWcXmH6d1/b0pBIaCrZM0MkDoTzkWh/hrk/O49bs+j5yAmGfvwJjFx87ZgVQ0NLRojv6yA2lGP8V1/ELTVBQPrUIAf+xrPER0P/9zvrqBEdszNJ8nAP0d40M3/45j2Te1oy0jbO+S2H4su3ac2UwnHuWB8DP/BoOM5FjU3jnGJoaIkIkd406VMD9Hz3MeY/d5H5L1zcVeJjN9hzxfaxjn08lBtEEwr9sTR/59iHOFcYR1dUnuo6QGqHtL17QQiBurqLUkoWGrW7PENVeuKJPU0cO6LxsBqwQ28k2/dYqLfTYFOGSS4S3fPENR+NkTSNtsB2oVGn6blk2Nn50xRl1V5o91Xj7dRNI6rOk52Hiaj66jUQbRRAjc3fFdo/edQdh5pjs9xsUrJa1N2QCu343iq1Mfzv2koB9x6DjKYYDMaObNgvyb74iV0f44OElJKVVmtN6OYO+pIp1F2qtgEkDXPXFa53DSkRSgpF7UOIGIE/g8QFFKS0CbxrKEoHqjqAGfs+fO8agb+Aa59DM04R+Iv43tieA1tVVShWGtSbNoGU204Q7kBXVA5kchRaTa6vLLM/ff+X68AWVP6FYpVrU0tkkzEGuzK8fXOGzkyCRMRkciHsQ+7KJphcKFFvOZwY6WFiYYXpxTJRU+fAQOdOc+EAmPqeh9Y2JOMmUVOn0bIJtggETFVrq7JuxN0fKwgimkbgBzSqrR2PW16wOu4JFVC2lY3uiMbQ9vAcZMyw73txAzOr6lg0XIfOHU7WvoNvHmL78oz87NNkH923ViXZDmJVIERLmnS9/zCxwRxjv/x8SL113n2f6p1qQsfTB8NK6A41DoSmYuTi9H7kBKmjvUz99qth9WKP1VsIg6ZoX4bKhVk6njrA8E+9h9hgdpPNyb32yexOMfQjjxHpSTP+qy/iFNaTPRJJUS5QkQUEgiBMO61vQ1XoevYwQz/2OJHuVEg33s3cRKzOuSI6if2dRPueJDbSwcSvvoiz0p58HXi0GzNlUJ6qkepL4DQcrIpNefLBtgqls/tY8a7juu8++atENHo+fILBHzobBkU7sDUUhkZ8pIPRn38vkZ400595Ha9pb6YaAlHidNLHLOP4eHTRT5QEs4zj4ZKnGwWVZWYRCFJkydCJtko1XmERm2/MRL9tP/sydH/oWFuw9e0KI5cARYAfPuvDP/UkHU8dQDX1+9oXhGMPKJpCY7L4wBJp30xoyShmZ5L4SAcDP/hoW1B7B3ee2a5nD9OaKTHz2beI9KQZ+dmnthUBE0Kgp6P0f+/D1McLrLy6mWq8HZSITqQnHF/yT4yy76efJDaUv69y8Z0xLtqfZfin3kN0IMPkb7yCXajfc729YG8VWyHQhboWTAkER9I9HE53A2Lbida7QSAlFbv9odcUQcbc28NpahpRTaOyw37kuuNsokFHNZ3EDlSIt0NCNzeJTlmeS8W26duhAK2yWoV5kFCEQlzbWcBleR7TtQpvLsxxcXmBm6Uic/UqTdfFCwI8GRAEMnwJS0kgJYFcqyXvGGJbE/JvHiRh/9/datrZSHRP97yqiB0L7TxICAwEJgITkDjWc6hqH5p+FM+5k2Vtvz6K2oduvg8jEkUoO6ckbYXObJxsKrojGxxDVXmkux8FwXKrSV8ied91Uqa5qfJYbdrUmzY3Z5bpzMQp1Vqk41FkRHJpbB5T14gYOueuTJKKR9FUhZmlMoeGulgovrs+oHcDIcKkUuD5W7a+aYpy73tPtP+sKgqBH9CstpA7rFBpSoZANteYM9shrhu7bkuAUADrbqVr1/fbBNq+g28PRHrTjPzcM+TOjqBo7feDlJLA8ggcb9UmQqCsVgSFGqpgJg52sf9vPMvM77+Jb727wDY6mGX/LzxL9uFhlLsUw6WUBLZHYK/uCwKhKagRDaGFAZ8QAlRBfKSD/X/j/WgJM6zK7bCv8m4IEW4r+8gQ+37mSaID2XUf+UAS2C6B47edG2W1unxnuTvBVNf7j+BWLSZ//SX8lrv6XIXL+KvBbEKkUVEpy8LqdwQEjo+Rja/2i7bjzt8D1w8rV1IiFAXFUFFWA4WN+6HFDLo/cAS/bjP2n76OdNeD6FbFwa65dBzK4js+jYkWevTBJPM2wraqZPIH0I0YMghw3cYmy5+dQGgK3R88xvCPP4GejW2a7Aeej99ykV4ASISqoJgaihGy2rSESf+nH0IGcvW/AHFXMUFBpYchiixi06KbQZJkKLFMnQrdDFJfrf11M8AA+2nRwMOll2HydHOTC9/44FZKAtfH3+o+F6CoShsVWUoJwdYU7O0QuB4PonJt5uMIRWB0p9j3s0/T8dSBtmddBhLp+Ug/9OkTqoLQ2qu4zkqD+q2lb8te2/tBS0aIj3SQOztCpDuFdH28lotEokWNtudcjRh0feAIpbcm6Xz2CMkjvUBYdfatsMVQja+zN4QQ6JkYvR85QfntqR2Pe0IIYkN5cmf3MfKzTxEdzK0xP+XqfdX+HOkoRnuSTY3odH/XcaSEif/8Im55d6rH9z1ve1npToAikavelWH2sOk5CARRTUfdYw/edvCCYJPIjoIgukPK7t1QhdiVrY7lefh3fb+urovuSOkDNrDzCq6pqZsqrV4gsXZYRYawKmNoe/MI3SskoWXKWLnEH16/xFcmbjNbr26qZP6XBillm3/xHcQ0fU8T+jvPyjcVQgERAWGA0IEIimIQ+LMQqICOqh3EdV7Fbv4hUloo6gCKFlZthZLCMN/3rnZhudTAcT36Ou8tkialpGrbPD8zzkf2HaLm2twuO5zouLdYnHbX2OMHAVOLJZq2i66qRAyNeMRgbK7Iw4cHGOnN43o+nh+QS8VJxkwGuzLMF6ssrlTRtc3e2N8sKEKQTcfIJKPEopuTINv13m4HAaiaQiId23FyyVC7aDiXAIXtZgeKEKEd0x4SPIaqbqJT+1LibPGsfQffOqhRnYHvf4TcI8NtQa2UEq9qUXpzktL5KayZMr7loOgaRkeCxMEusmeGiI92ougq8ZFOhn78cfT03itGeibG6M89Q+7Rfe2TcD/ALtQpvzNF9co8rbkyftNGKKFIUGw4T+bkAMmjvWsVXiEEZkeC4Z98D37LZfn5G/ekLN4LmTNDpI72Eu0Pg9rAC1Z7y6apXZvHmq/gt9bPTfJgN9lHh4kN51E2vMcVXaX7Q0cpvz1J7bVZesQ+lLuYUlHiFDcqyEqoXJyhdmORzEOD4Ueej1u1aE4UaUwUaM6UsJeqeDUL6UvUqI7ZnSJ1tI/sw0NhpXfD+RS6Svd3H6Pw0k0qFzfY810t0nOqk8VLBcykQbI3ztKV3blM7ARS+kSiGQwjgURSr87tKbBNHe9j8IcebQtqpZRIP6AxXqD46hj1m4s4pdALVktGiA1kSZ3oJ3NqED0TRY3o9H3yNG65ueU452AREGASIcBHQ6dJjTgpWtSJEmOBSUwiDHKAZeaZ4TYBPkmyHOVhOuhjlp1Xz/aCxlSRyd96NeyzvgtCVeh632GSh9vfseV3pim+tvP98qqrQmTvEno2hp6OMfgDj9Dx5P6wXz4I8Go29bFlGhMF7KUaftMGEQqkRbpSRAezxIfyaMkIzcki1sJeycTfWihG+PzFRzqxFmssfvkylQszyECSfXiIvk+eQUtF1qrT0b4sfZ88TeahIYQCjbFl5r9wifrNRRRTo+OpA3R/6Bjaqk6FUATJo71EetI0J4v32Zt1ZM4MkjzaS3QgZNC5NYvqlTkqF2ZoTBbD9oVArtKk82QeGiJ9IhQlW6NR6yrdHzhKa7bE7B+93ZY4e7fYc4rtXGGcJavGJwdPgZR8ffEWvzv+GqpQ+In9T/BEx8i76i27GwGyjYYMhA3we6C+QTgR242SbxjI3/X1bOhHkE2k+xZC7UeKBMjVDIR0QUmCbMAq/bN9/fZtSmRbH/H9IXYlbPNuIQEv8HlheoJ/9dqLXFspbLouCuF10RSVuB5WtU1Nw1RVDFXFUDSKVpMbK4W/Ukk0CVteG3WXwcUdCNhR1fJBQlE6MKOfXrVsUdD0UwhhEATLICJhNVfJE43/LFI2MSIfRCg5FG0fMlgENIQS2u14gY8vJYayO8pbLhVjcn4F1/PvSUX2goDzy/O8MDtOzbWpOjYfHj543+1v6mRTFB47OkS95WAaKrGIwcn9vcQjBrGIQU8uiZSgqQqdmThN26UjFeeDjxykZbskY+amftSt4Esfy2/gSXetP1UVGnHt/vZE26HetBmfLuIHAf09md1vYIsHzPclZswg2OHk3fImkAT4QY1A2ijiwVLYth4H2TzefwffUmQeHqbr/UfaqgRSSlqzZSZ+7SVWzo2tiUNtxPILN5jvTtH3idP0fvI0alTfVb/e3RCKoO9TZ8g9MdoWhAWOF/bx/t4b1G8ubUl1Lr58m/nPXyT36D4Gf+Qs8X0da+OPkU8w9KOP05orU7u2cyXZjYgPrbNZfMtl+es3mf3smzQmiltO3Apfv8HCX1xm8IfP0vXs4bZzq6ejdL3/CM7FMpqlsyLbhZM84WxKTjnlJktfu0Z8tIPm1Aorr41TemsSe6GKW7e27SNeeu4ayYNdDP/Ee8g8PLQWZAsh0FNRuj5wlMql2U3jSTQbobbQ4PZXp/HsB6+KXFy6Sql4E0XRCHyPINh9sktLmAx8/yNEejNtQW3g+Cx99SrTn3mN1lxlkxp06fUJFr50mfTJAfb99HtIHOwOxZaSWzPkXBwcWkQJBTVdbCxaxElSW9UlsFb/HiWBikoHYVVNRVujJz8A56J7wpqrMD93fsu/KYZKYqSzPbCVUL02z+wfvvUN3rPN0BIRej96gq4PHUPoKl7TYeX1cRa+cJH6zSXc6mbF9TsK4JGeNNlH92EvVPfMwvhWQwhB5uQATqXFxK+9xPLz11eroVC9MgcShn7scVBXg8WIRtcHj6FoCs2pFW786y9Tu76w9tzWby6hxky6P3hkrUXCyMSI7+vYVWAbWw1oJZLW9ApTv/saxVfGtuyZLb0xweKXr9D57GGGfvSxUJPhTr9vVKfv46fChNzVvY25W2HPPrZfnLtMXDP4hDzFQqvCr956ia5IEgH8+q2XOZzqJmc+uP6oMBC9e3Ip8d+VstbO19W2aFIP5MbvD0C6SPcG4IKSB/cyKCmQDog4Qg9gg1WGv0rT3QhFiF2LYX0zEciA56cm+J+//hXmG+39NKaqsj+T50x3L6c6uxlJZ8mYEUxNQ1fCqsyd//7s1jX+8UvP7crq5lsNAVsyEbwtkh47hfwmT96F0BHqZiqxqrRTfIXazWKzRtN3SWgODc8ha/ZRdSziukfTa1J1bFbsBoczXXTs4llfWqlRqjbRNZWB7sy2y2mKwrF8F3XX4VRHD6am0RndWrjoXhBCkIpHSMXXJyQDnevfu7EfNmrqZFdPhWloaz/vBE5gUW0tYgchbbflN0jrHYwkjm2/kuSeY5jteOwf7qBYauDuJaO5RTyuqoJaqbG5CXcbRPX9uH4Jx59FiK3ZIYGU+DK4b8/0VvBlsEVy7Juf9PkOtocaM+j92Em01PozJKXEKda5/X9/jZVzY9u/TgOJNV9h4tdfIvB8Bn/oLELfO8socbCbvo+fag9qvYDlr99k7FdeaOtL3QpepcXSc1dpzZU5/Pc+TGwot1a5jQ3n6P/0Q9z6P5/Dq+/cN3ENq7d+4PosfOESk7/1ypbiS3cgfUlzssj4r76Ing7FqDbSgVPH+hDdBrPjt3Bo3x9LNlDv1rsIJMWXbtGaKdG8UznZAaTrU70yz+3/8DyH/96HQ2XcDc9x6ngfejq6RhnsOdWJVbapLTZx6s43JKgFiMRy9PQ/iq7HcJw6i7NvYrV2VxnOPDRE5sxQew9gIFl+/jpjv/LCPQVs/KbDyrkxnJU6R/+njxMdzN5zfKtRIU4CHYMmDRpU6aCHBCl8PBwsYqtBbZZOkqyLb7Zo0uTB9xv+VUakO0X/9z+CGtXxqhbTv/86839+Ye3Z1CMqvhcQyxpYNQ+kDJPU0sOdKzLzu4uouoqqKyiawHMCVE0Q+BJVU/C9gETepF7Yw7P+TYIESm9OUnz19lpQCyC9gMWvXKH7Q8cwe1JrY5hqavi2x/znLrQFtQBezaL48i3y7xlFvyPeqQjiox0sP3995zslVhmMSzVu//ILrLw2fk/xPbfSYv5zF/AtlwN/8/1rFWMI21u6PnCUxljhgSUg9lyxnW2U+dTQaRQheGV5DFUIfvHYh2h6Dv/zO3/CslV/oIGtpiiYd1GHAyk39b3uFF4QrHlj7gRxzdgUcDq+h+V7pDABDaEOIHHAL4C0QBsBEUVID4kHSnuW2vK8TarMmqIQfxd9u99oTFUr/Js3Xt4U1B7K5vnrZ87y3sF9dETj9+05vZdq7bcrFLE19b3pbs6c7wSSranN3y54vTBNzbXojiZpuM4abXokmWOuWSVvxmh5Lu8UZnm278COt5tORJkvVOnK3VvAQwhBPhpjNJNjolbieK6bhut+8wW3dghTjZLUBrhjFySlRFfuva8S7nkPHNnfg2W7TMwU6cglYOdJ1e2/U0IiE0ffocCVofYSM47h+EsoIrLtnd7yvK00Ve4L2/M2jcWqonzzafrfwbZIHuomfaK/7XmVXsDCFy9RusuOYzsEjs/MH75J+mQ/6ZMDe2J0CV2l9+OnMLLxthutfmuRyd965b5B7frOQ+3qPBO/+iKH/8ePrtlxCEUhd3aEzJlBCi/e2vX+3dl2+fw0U595bceBpVOoM/cn75A+3o+WWB8zjGyM6EiW2vhmmxsPF38LbVW30tqzPUlzqsjCFy8RH+lAjaw/f2Y+gdmZXAtsfccn1Z/Ad8Ne3QYPtkfuDvKdR6iUxqlXZkimB8l1HmFu6uX7r7gKoat0f+gYarR9LGlOFUNl2h2qstZvLjH1u+c4+Lc+FAoXbYMaZQYYRcdhhUXqlOljmARpHGw8XDwcXBxuc5kShbu28O3OUhHsdB/THQcQQqG8fOP+C28DRVdRdBXfcpn+gzeY/exbawJvWkRh32N5Fq5V6TuRYeFqhWR3BCOi4do+ruUTSWhEM6FNnKopWHUPI67RWLEx4xqFsTq9x9Jc++r8ffbkWwfp+pTfnsLfgtptLVRoTBQwe9pZYfZyjZU3Jre8VI2JIn7dXg9sCYPLXe+XF7DwF5cpvTGxI0V56QUsf+066WN99H7s1Nr4LRSF/GMjLHz+Io3xu5+HvWHPKXFdUZAS6q7F1xdv8ljHCF2RJEnNDHtu5IPN4KlCIRuJtk2avCBgxdrbgOr4Pk1350FxTNfJRdopeA3XpbYqaCWUOEI/gqKfQom8HyXyQZTId6OYzyAi70eJfGhTpaxih8qfGxHXDVLfphN3N/D50vhNrhaX2j4/nOvgX7z/I3zfoeN0xRI7ElIK9hQKfmshhCBlmpsSHMVWc0+0SV9KKvbeMoWu5zO9WMJ6AMqi26EjEmcglqHuht7FMU2nP56mM5LA8T2anstIKk96lwJuqYSJroXqyPdDy3V5YWactxbnuFUucrU4geu8TeA/mAHwQUJBIaGlSWgZ4lqahJ7BVO99bhzf2zQG3EGjadNo2vh+gKoq1Op7EBXZiorsBSTSUcwN/S73QsV6GSldmvZl/GB71dOS1dqkQ7AT1LYQ5jNV7dt2HPyvEfknD6De1ePdmiuz+NVroXDLDuFVLRa+eOldecfmzu5rC2p9y2XhCxdpzZR3vb3ia+OU3phoY85oqQid7zu8KRjaKbyGzfznLuw8yF5F9eo8zQ3ekHBHgTSNqmhA6BKhYaBhkBZ50qJj1/sngG01CyWUL0xvUkFW4yb6Brutws0y9cUGRkzDiH8jE1ACZDhb2MuMIdqXIXm0t22cC1yf5Rdu0JzeXa9u8dVx6reW7smyatHAIIJBhAY1HGx8fNLk1oSjGtRoUqeHIaLEUFHR0YmRuKcv8bcD8r3HMcyd0Zh0I45u7lAF9R6QUrLyxgQLn7/YNm7IIGxL0AyFxoqNZijEcyYo0FyxQ5EsX+K2fKyqS2WhReAF+I6P2/QozTTxLJ/mioOifouVSe8Br25vGhfuQPpyS6uy5lQRp7j1+OM37U0JNyOzeyacvVyj8MKNtiry/RDYHvOfv4hbvev7O5JkTg/ueh+2w559bE/nBvmT6Xe4WplnvlXhrx96Bk0olNwmArEn+5n7oT+ZQhFirc/R8X3matU90d8KrSb2Liq2EU1jOJXhnaV1HnjZbrHUbDCayd31/VvtS/tnElhqNjYpPQ+m0jv2sP1mo+G4vDwztclL+KdOPMTxju4dKwNLKWltIca1ETV3hUD6pPSONcW1JXuKjN5132DhG4mOaJyYbrRdt+laBS8IMHd5y9cdh+oOfFm3XLdl86Vz1/nEU8foye+9h/NeeKxzCLjjZ8ra9RXAs70HQhVCBKPJ/K6qdI2WQ9Q06Mrd/6UnRCiwtdisc7Nc4OHOGIG/gKJ27f6AHiTu7gndIx19xWpR30b99+KNOQordUxTZ2G5QuKh0T18w2YoqmD29hKpfBJjCx/Hu2GoXSzX/wBNyaCI7V+A8/UaXhCENmq7QLHVpHpXgqczFv9OxfbbBGrcJHW0t+2el4Gkeml2T6Is1ctz2EvV3ffZKoL08X6MfDsTrDVbpvTW1KZeu51Auj6Lz10l98Qo6mp/6x0KcKQ3Q2NsedfbbEwWw37UXcJvOTSniqSOrPc3CiGIZdL06qMU7FmGlENr6uSmiDIfjAMQiQh6u1VWSgG5jMJK2SeXVanVA3wfVAVSKYVWS2IYgsF+jXNvWmyV2/eqFtZihWhfZn0/VIESXVdOrs03aC63UCMq3cf23i99P6wUrtPd9xD5ruN4XovF2d31eSYOdm2atLvVFiuvT+z6fvGqLcrnZ0ge7kVoW4+ZdwSkVFRaNPHxaNEgQwdjXAm/f7VaO8oxjvMYPt6a+OQtLlFlBRWNAUaJkiBFFpMohziFjcUyc5QpbLPM6bZlHiRy3UfpHX2KVH4flcI45aXrxNN9pDv2E/guxfnLOFaFfN9JIrEcupmgUZlD06Pke0+gR5K0asuUFq/ROXCa4sJVfM8m33uc6sokPs0tv9dv2Cw9d22zr7MTcPPrS0hfUp4N112ZboBcdWMS4SW+8+8dtP0uobrUQgbw7UqU9JrOtkEqhGwPKeXa8CwDib1YxW9tPa+QXtDWZiEAxdQQmrKrILV2fQFrcfeOEY3xZeq3l8k8NLjBj1clebgHJaITWHtj4W7EniOo7xk8zUS9wLXKAj86cpaDqW4A5psVBuJZcsaD9x88mMmjCgV/tRrsS8l4pUTL84jpu5sE3S6vbLJtuReims6RfCd/dvv6WnWu4bpcXynwWO8A6i4D6yAIuFUqUrPbb76juU5MTaPm2GvU1/uJXJVqTd4qzpCMmViOuxoIhg+wHwTIQJKMR2i0HA4Pd2FuYQWwE9Qcm+la+0SmKxbnke6+XR2/G/jM12v3DARu1d/CCxwezX107bOL5ec5lDzLUPzobnd9Twhk0C4QBvQlkqQMsy2wnalVKVmtXVPI5xs1qvbuq3D1lk251uLZh/eTTa6/tKWU1FsOpVoTAWt9pUIIHNejWGnieB5R0yCfCtcrVhuk41FMQ8N2PCqNFvlUHFVVsGyXYqWBogjy6Timrq03/b8LYbhK3aLetClVmvdVRo5qOk/3DWOoKgOJFPszKYQ3F4qyfYtq/ooQm47fkwH2LlXBpZTM12uUt7kHjoz2YBxR0TWVSq0VPrflXe7sFqdWBpJI3KAwVyLTmUK7T79jKvIEceMkijARwiTY5ryPV0pYvkd0F2NxICWT1fKmBM9IOkvkm6z2/h1sDfP/z95/B1mS3fed6Oekvd6X99Xe93RPd4/FYAZ2YAiCoDeSyF1JT15aJ+1qpdh4in1aSaHdp90nrUSJpEhCEA0IUrAEMQMMxtv2vru6y/u63uRNd94fWV1Vt8u0HWC4Md+Ijr73VtqTmSd/9vvNRQO23LVZr6ZD5crsfTFZNpdqNCYLLXI4dwNFV4Ny6NsqZsqXZ7AL969zWru+QHOu1dHWk2Hiuzvvy7Etn5+6v/5cyYYGrB+COTGBxKVGmTl/HICEyHDrAe/v0XjuIyHeerdJLKagabBzu4HrSlxXomkCXRNYTR/TVFhWX9oQvhuwzq6FEAJFUwklTIyYTm5nivRAAhSBqimMvfb+lHI2rSITN19GCCXIwMl7m2NvD8gANCYL92WQQ0DYIx0PtI1tMl9xqHVcpdHwcYtBi1IxMk7TK1FprtpOJZa4yLvESaFj4OPhGjVibTWcoqBZk9Sp4mBTZrWnWCJxsFc+32mZh4nS4g3SHbtZmDxFvbKAqofIdO4jP3sB3YzR3n+UxakzJDIDzNx8k/a+Iwih4PsejeoidrNCrusA5fwoiqITT/dh1ZaIxjspzl9ls2R1Y6ZE5dIMqe4wg8dzaKaKXXfxHZ9LL84y/GQb2YEYtbzN1R/Okh2M0TYcJxTXqBdsrrw0y46PdHDzrUWaVYdtT7Yze6lEeS5478oPOM2LbzlbMky7dbvFFJKeT3Optql5JH25LMe0DCEQSiDxdLeOrfQl1RsLeJZDKATPfypM05ZMTXksLHosLPgbBs0gaEkpX5xaYW4PDkEQ6c+gx02aPy7HVghBdzjJPzr4OVzpEdXMFYmNR7L97El2kTHvPbW9ETw/cC4URbA9nSVphlhorL7EruYXmatVGErdfdTQ8T3OLszi+Hf/UlaF4GBbJ+lQmKXGamTplckxvrRr3z33/dVdh9emxluMxLhhcLC9E9f3eXX2Jqaq8Uiuh/QdSj3LNQsNwfUrC2zrzTE+V6Baawb036ZOMham2rDp70yjP4CxWHVs7Nuy3DHDJBO+e4kjCEoPzy+s7xlaC9u3MJXV7QohUIRK0984qvcwUHPrNL0mVa+GJjRqbo2BaB+GWHVY2yMx+hLJFgd/vl7lSn6RnljirsfBl5LrhSUK91FKv1Co8p03LnFxdI6//ysfo689BUCh0uC3vvkWni/xPJ+d/W187ql9AHzz1QtcHpvH0FQ0TeEvPH8MRRH8xjfe4ovPHGT3QDvjcwX+8Pun+Ws/9SQCwX/+3nuUqhaO59PXkeJLHz1EPLL5fS4E6xi6fbmezTwWMQPStLsYqqbnMt+o8TM7DqAKgZQ1PCXBA8TkVrftuowuFTE1FVVR8Hwf2/NW2Kp9KalYTZLhEDHTIBOJoKmBbuztQYyG41JoWnTehc7uLXhScnFpftPgRiqx+txnU/cZKNzg5ZbIxDjw5C6UZaP0ThBCQ1PX9OBskukYLxeZrJRJh+6+osL2XN6ZnWq5R1Qh2J0NAnwf4scPIxNDu02ax7NcauP31/DtWw6NmVJQPncPJYBq1CTS3/qel55PbWThgUhH7HwVa6bU4mgrhkpsW/u9tBSuHE/15sJ9OfxSyg1ZpYUq8IWLh8OMP4q/rGNblvmV7G215nP6nM3UrIvvQcOSRMIu+aJHW06l0ZBUaj7Sh0RcQVUFm7b2S4nvbnD8AppVG7tmE0qZLFwu4Hs+7Xvev4xttm0PldIkViNPOJIlGu9ice783a2sCCJ9re1fAYt3Aa92f5VS1mwJt9bctExd0SS9x4qoGoz/iUT6IOMVSnYZt+ljhgTZdpXpcZcmDaI5G0tKCks+UVPw7MdjjN1QeOeVIOu6FXy8Oy7zMOF5TXzfxXUsfM/GCAWVYvXKHFqzSqp9J5oRxbHrNGqLNKpBUCia6CCRG8JulFA0A0XRKC6OkOs+iBFK0qgt4DoW6iYB0dqNBZyKRduuGNmBGE7TQ1EEqd4II28u0Cg5LIxU2P5UO6WZOqnuCN37kpz82jiHv9DH7JUykaRBz4E0Czcq9B5MM3n23iWjflxwa80t5cek67W8k6Xn37F3fJ2GvRB3TSYJQUlxc7YMvsRx4MZNl717dE4cM2hrU/g3/7bK+Qubz8mVa8u6wmt2aWRjaPEwzYUHJ1C7b8tBCEFMX2/kpo0IrLH56paN5/sYuoYALNvF1DUkEtvx0DUVQ1epNWw0VcHUNSzbxZc+IUPn5kweTVXo70jRE0+wM5NlYWrVsZ2qlnljeoLB5N1Hf6cqZc7Oz95TvkcsG1t7s228Mjm28vvp+RnOzM/yZE//Xe9fSsmFxXnem20tV9qWyrI/1xFQ7CsqNce+6xLPhmVzaEc3juezq799xVAUAjRVJRo2SMXCdyVbshkU1vsicgPHZStIKTkzP7OuT/d2RLUUU/WrlJ1FDCVM3auQt2fYFT9+7wd+l3Cly1h9Ett3SOpxPOmts+Ejus7xrl7emBpfuX8qts3LE6M83t1H5C6ztlXb5rXJ8ftihR7oTPP5p/YxMrWEv2b9uXyFmzN5/t7PP0MyFkZVBLqqUmk0OXV1iqcODXF0dxAlS0RDVOpNao2ghxPA9XyqDRvPl7x9YZSlUp2f/fgjVGoWX/mzk+wZ6ODEvoFNj0sVCuZtgZO662yob5yIhXDvIjro+j4jxSV2pLIYqkpIVBFI1s2K94G67XBzKU9I08jFotRsm1LDoi0WJV9vIKWkZtukmxGihk4mEl45z85oaxl1sdngZqnA7kzurueBgtXgpfGbdzUPPUzpNEVVCG0RoLhfLNbrvDUzwZ5s2zpd2o0gpWSiXOLt6YmW37PhCAdyHfckx/Yh3j+Y7XEUtfVaePXmuj7Me0FzoYL0/BZm4zseRyaKdpvUimc5NBfKD1S84dteUFJ9q8wJQAhCHQnUkL6hs7kZvIaNvXT/4yI3eh+sefZDRIiLNMqyQ1uQ8zjA9KzH9GyrM3rmQpDlmZhq/X16QSJUBWHqqMpyRZIQAWuwAC1irpRlrzs+L2i5KIyWiLZFMHSdwuj9ZT/vBqFwmlolaP8SikYofPdOtBY10ZOh1rnTlzQXqvi2h1B1VN0ACa7dQNEMhKLg2RaKoiKWCS492+LWDebVbZxyAzO3cRuNY8ONqzY795kgIJlW2HvI5OpFm2rF57Fnwhw8FuL179cZuWzzmZ8OtvP6D+rcuOIwfsNFWw72dPVpbN9jUCn5XDzVxLZ//Kwk0ncJx9rw3CaeawE+8XQfuhGjWcvjNCvoRpRYsptwrB2rtkgomkMuZ23T7cE5WLWlYHyyQ0xc+z5bPcCN6WIQKJJQmbewqg7VxSaxnEm8LcTA0SyNsoMZ1TBjOr4rmb1cZv5amVreRg+rjL67xO6PdRJJGRSnGjSKDz+j/X7Bs5wty+Zv/5P0ZbDO5ms8cLGb13SwS0GSyTQFH3naJJdVmJj0+OHLTcbGtw7s2YtV/KbbEiBSTA0jG72vKpnb8b6HxL/37lViYYMdvW1MzBeZXSqTjkcCo9GyURTBjt42rk4soCoKewbbOXl1io50jJ19bZy8MoEvIR2PkIqFeKp3gHdmp1Yyhw3X5WtXL/BM3xA98Tv3Gnq+z7dGrjBeLt7zuaTMEJ/fvpt3Z6dWjPWlRp0vXzjNjnSW9kj0jgaolJLFRp3/dPEMC/XVF6CmKHxmeCe5SISm59IVSSC4O9M9nYiwd7Cd5BqWs7V6bWu/Pwhihrmu/7fctFio1+iIxO7q3KerFb5y6ewdSb8GInuZrF/m2zO/TkiJUXOLdIe30xZ6eA3mt0MXOu2hHFkjjSJUfOmhK63nqysKj3f38bvhSEvm/oXRET49tIMT3X137DX2peTU3DRvTI/f13EqioKha+uCFL3tKfYOdfA733mXA8OdPHlomFQMIqbORw4P88qZG9yczvPUoSEyic0rKqSUXLg5y8R8ka9+/zS+lBi6escAhqmqpEOt212o15iqlOmOrTIgO66HoatEwncOAuiKiit9/uDqOSKazsf7knSEJAidB52dEyGTp7YN3taDI9EUtYWlt2RZaIqyIj+jKwo70q2ZgJrj8MPxmzzdO3BX1RuO5/Hi2Ahn5h+edtuGeAj+sOc3cP08qoihKpvPsbbv8a2RKzzbP8zwXQQaLc/lGyOXGS+3tjccaOtge/re+rY/xPsHI7O+WsCpWPgPIPHilBrrswZ3gBYPtTD1QmD0OeX7IFW7Dc2lKtKX3IqlBPqtIdSwcW+OreXi3mc28E5Q0ehSBrFo4MrVctQtoQjUsI6ZixPqSmLm4hjZKHoyjBYxUEM6wtAC9lkjYKBVTH1Tx+0Weo52kOqL06zalCerFMc2J5V7EFiNArmOfdSqOaKxThr1u+8bVcP6OsIz3/VwSg2EopIe2I8WiqFHEixdf5d41/ZAwqQ0jx5NoeomQlEpTVykWQ7269v3dn0bNUkipdDZozE35VLMexSWPMZGHOo1SbXiUyr4LNwWlFBU+NzPxmlawfr5BY/xGw9eovmgWJw+RzwzgO/alAtjLE6dJZEZxPddFiZPYds1CvNXiaf7qZdnaNSWcJpV0h27CMdyLM2cx3ObSOnRqMyjaSGa9eKm+5NSBnPFcvD9lj17a+6It4eItYW4+vIcbcOx4F2OxFsTNBdAfryGEDD0WI43f+fGB778eC1829vSsV0HKYMs7vsI6Xh49WAOchzJhYsOO7drxGOC/ft0ro+4VCqbH4PXsHHrdotjK1QFPfFw+HPed8fWcT2O7OwlbOp8/+Q1TF3D9Twatsvu/nbOXJ/i5kyebT05JuYLLJXqhE2dY3v6MTSVwa4M0ZBJMhZE3j4+sI0/unqR64XVMqgz87P8u9Nv898ef4qEYW5oUN3KLL46OcbvXjh9X5kyVVF4tn+Y73Rf4wfjN1Z+/8H4DfrOJvkrh46RC0c2NeiklOStBr959j1eGL3e8kran2vn+eGdaEJhptngUnEuYKWN3ZmGOxEJkYpvfEM8zExP3DAYSKa5Xlzt51hs1Hl1coxdmTZ0Zb3W7y1IKZmtVfnXp97i5YnRO7okMS3NM+0/z2JzkppbIq6laQv1o4v3jyk1pJp0q2v1+9aXxggh2Jdr57HuPr41sqr7NV0t829Pv01bJMpwKrOpc+tLybXCEr9+5p2WwMaDQkqIhQ1+7XMnuDGV58/euszvfPsd/uZPP00kpPPcozvZv62Lty+O8+t/8gb/zS8+SyoWAkTQhy0lVtPBXX6BGLrGib0DfOEj+1fGIxra2hGN6AaDyVRL9V7Ncfgv1y9xoK2DkBb06G7va7vrgIuuKnx2cDeKCLK3cb2BlHMrZBsPAlVRiJkbn1NojRROxNBRxGqvtaYoHGjrJKobLYzGL46N8ERPP88P79z0WZBS4vg+r06O8utn3qG6CSPyBwkl64d4fkDSl4k+jxCbG73nFub492fe4e89+uSmgb5bY/DC6Ai/f+k87horI6zpfH77buKbXJcP8aPHWs3BW/AazpblcXeC17Dv2bFVI8Y6/VvpevfkeG4Gt9pcxyyqhg0U495ad6Tr4b8PTPUCBYHEx2fen8Bla8dWaAqR3gzpRwdIHxkg3JtecdTvJUu+wYGg6gpaSGXqvTnyN8sPdB/cCfmFy6SyOwhHstSqcxSX7l6CSTEDh30tpCfxGjZCUdAjCZx6Bc9pYsYy2NU8jcIcyb49KJpBZfoaWjhGKNW54thK19+y7F0I0DSBqoGqgutK6nXJLXXDYt6nXvUpFTwcG0oFn0rZo1b1EQqoeqAzrmkCwxScerNBpeSzOHeHe0pZjs6+z0ndanGSanFVSqpWnqFWbu2vLsxdWrfe7OibLd81PUwokqG4cA3f2+IdKAMWa4B60WZprIbb9GiUHeaullkYqZLujTJ8Isfc1TLF6TpGWEPRAp6ZhZEK9ZKN5/jMX68Sy4UoTDw8u+tHAt+/5+t6r3PrvUL6coWhWlEgmRAoKuiGwLfkHf1w31k/TwpFoEYeznv/fXdsu3MJTF3D0DUe3d3P6MwSbek4k/NF3rsySXcuwc6+Nt69PEk0rNPTlgx6v5azIx2ZBKeuTtLTliSTiDCUyvBTO/byr957Y0X/0fF9fu/SOeqOw68dPMr2dLZFksWXkplahRdGR/j3Z95ltlYNDFVoYfi9G+TCEf76Iye4kl9guhpEKZuex++cP8VEucSv7DvMwfZOYreVpNYcm3MLc3z54hleHB3BWtPgkjBM/vojJ+iJBz2abaEouVCUumPfl4zM+4WIbvBYdx8vjd9YGTdPSn7nwmm6onE+ObRjY51X1+HdmSl+49x7vDEVlN/qioK3RRmzEIKwGqMvsnvlt6bXwKGJzp21QQPG5dZte9LHk/66PtCVfbKa5d7K4YrqBr+y7zBvTI2vZJ4l8OrkGP/zKy/wVw4d43hXT0sfpiQoPX1zeoLfOPsep+dnkATZv3sJskgpqTcdCpU6TdulUGmQTTSJhA2WijUm5otkEhH2DHbw4ntXcT2PpiO4eHOOZDTEnoEOXnjnKtV6k65MnLCpc+b6NCFD4/Xzo9QaAWnZY/sG+M/fO8nRPX3EwgaVWpPtfTnMLaYMXVU50tHNHxjnqawhA/rjqxfpiMb4ud0HaItEl9s5WisKHN+jYttEdaOlKsByXd6cneAzgzu5sDTPAmV2xMr4fuWhMiPfLuGw9vqrt5XVCiE40NbBnmwb765pJ1hs1Pnnb71CwWrw/PDO4FzXrOf6PmPlIt+5cZX/fOnsyvxhKOo6PeuHhocwfXh+FVPrp25fomFfJWzs33RZ1/f52pWLLDXq/KX9RzjU3rnuOZirVfnmyGV+8+xJ5uqt/TRP9PTzTN8Q6odlyB8YKBuUpUrHeyDjKSgtvLf1FVUJymXXbseXD8Wx2kh+SOhqYLXdA6SU9yR/dDfQMehVdqAoEBNJdqqHachq8Cz549RpzZaGOpN0ff4gbc/sItQeX0e2tdlx346N3oGRbJi9XxgmnDLpPtRGs+awdLXI9Rfur/roThCKSmHxCku+i6LqKOLuTdZbhDgtkBLf8ZC+j/R9jHiW6uwIvtsk2jGEoofwlsuSI219KIpGbWH13O50vyVSCgceDZHOKmzfbWA3Jf1DOna3ytSYy8Ksi1DgqY9HePm7dW5es3nsmTBWXZJf9Ni+20BVBTev2rz07Rr7jpiUiz7jN7cO3qSf2k3tyjT23L2zlP+oIRSNXPdBXKdBOT965xWW55n8eI38+KpTunA9uO/f/f3Nt3HlB0FFlB5SSXaGufHmAs36+yeR+H7gfhUX3ldIuTJ/uy7cHPWQUvD2Ow0alqRW2/qIpS8Dh30tlgnqHgbed8f2if1DK5/3D3Wyf6gTzwuYevs6UrSlguj/Tzy1mpnsWiNfMtSVYahrta9CUxR+Zvd+zi3O8d2b11YcI9v3+OrVC7w8OcquTBvDqfRKRmWiXOJGMc9EpYQnJQqCzwzvJG81eH3q3iZkIQRHOrv4Hx97hn/86gsUrKAMqul5/OnNa7w2Nc5wMs1wKkN7NIpAsFCvMVLMc6OYX8f+GdI0/ubRx3huYHgly+f6PqpQaHguTf+D8xBqisLHBob52tULXFparYOfqVb4n195gT++dpHjXb30xpMYqkq52WSkmOe92Smu5BdXslPpUJhf2XeY79y4yrXC3ROQjFRPEVKjSLeP8wtzlJoWFbtJ1bap2E0qjk2l2aTq2MxUKy1EV+5y8OPVyTFihkHMMInrwf8xwyBuGMR0k6Fkmkc6urZk/RVC8GhnN7964Aj/53tvrDimnpS8OT3B+cU5dqSz7EznyIbDOJ7PdLXMSDHPaLmItVzGvjfbztHObn73wuk7nrvv+Stlpd986RxXpxdRFMHXXznP9t4cX3h6P3XL5rtvXsZ2XeKREL/0yUeJRUwaTYfTV6cYnyugayqfPL6Lne8s/NQAAQAASURBVH1tGLrGl549yDdfu8gfvXSW7b05TL0XXVM5uquXRtPh269fxPN8+jvTDHVv3d8kgONdvRzp6OKHE6Mrv9ddh//z3Tf4xvXL7Mm20RmNoykKlutSti3yjQaFZqCB+o+eeJZjXb2r5y0lC40aZbvJbL1CxmigqL0IYfBQ6mwB1/O4PL7AbL6Mqioc3dlLIhLacp10KMxf3H+YC4tzLT3EU9Uy/+sbL/HlC6fZmcnRFYtjqColy2K0XORmscBcvYq/TM9/uKOL/bmOu7oHflwwtB7q9iVAwZcWcgON8kwozNHObl6dHKPhunxvdIQ3pyfZlkqzLZWlLRLFl5KpapnLSwuMl4vrAjr98SR/5+jjpMytx/5D/KixmZHyAI7tfTjF76txt9FUct9B5Yd7pB4uBTkXlHvSysths6YMWxGkDvUx/F8/TWxHx7ogACwbyY6HW23i1pr4TRffCRhmfdvFt4JMfHxPF6H29W0H9aUG7/3WRcKZEHbVRnqSUPL9q6Jq6zxIcWmERn0RM5QimR5kdvKd+9/g8qXRwnEQgsrMNeJd21m69jblicsomk6zmie7/VHsSgG7mscqryl/lnJdZn8tSgWfr/7H1p7jkSvFlu9/9NurgYjRaw6j11ad1t/9N6uO6dSYy4XTd1f2XL0wcUfCoA8KpO8yO/bWj2x/qqFw8Cd6QcDo20s/WjGFh1Ex+YHzapexfGq6DieOGRw9alCu+ETCgqlpj1On77WS5hZ3yoPjx0I7qaoKR3b13nnBTdAWifLfHX+KumPzyuRYS9Zvvl5jvl7jlcnRDddVhOC5/mH+p8ef4XfOn+at6Yl7ztqqIuiHBfhnb73MZGV1IqvYTc4szHJm4c69c9lwhL92+Di/sv8w2rLur+v7XCstMl0r4/jeptnFHxcGEin+9tHH+UevvMDimh7TqmPzw4nRFodmI+TCEf7W0cf5wvbdTFfL6xzbpeYUphrGky5Fu5Vgarx+iaHoAb5/8xr/xzuv31OWSxLI68zUtu4F+vjANv71Jz6/Lkt3OzRF5dcOHmWhXuP3L59r0USu2jan5mY4NbexBIIAdmZy/KMnPorj+3z1yvkNCZZWjl1Kxi5PBfpkDZsBX+H48b3UynXaerJ0DOQAiIZN/se/+HEgIEb6wcURwvMGQ7k023a0sX9vN8e3tfYo7x7oYPdAx4b7/eiR7Xz0yPYtx+F2ZMMR/sqhY4yWioyt6WN3pc+1wtKWgYywpq8bh4imsyud4z9ePEkmFOZEewKwgIeX0Vso1Th1bZL9w13omnpXOqyKEHxicAe/sm+e3zp3soVh3fF9rhfzLSX7t0MAu7Nt/MPHPkrFbvJ7l87eV3vEHfEQpg/HnUURETQ1Rcw8AmK946kIwS/uOUR/IsVXLp6l4TpU7Can52dbtL83Q1c0xj9+8jkOtHU81PaJD/Hg2DCbqd2WPdVU8CV6Vwfu/EKQAbzlACgiiM4LBZbnyfsph5WOty5bJhQFcRfM3neCamjrjFDprt/fjwM+PlVZROKRFDlKcgkfj7hIo0kDl8CATB3oZcff/tg6fWApJXa+RuXSDMUzE9RuLmIX6ri1Jl7DwbfdZWbVYHktZrLrv//0ho4tErSQytAzPcydX8JrevQe6+DcH157X85d00wUNWgJUhQdTbv7Hjzp++uvnyJQNAXfaSI9h2iuF7uax7VqSP+WHSdw6mUaxVmcWrF1fSGC+/keYPZmSD++CyWkUTkzRvXCJOmndhPqy+IW6xReu0xsfx+hngye5aBFTPIvXyS2txclbKAlIlTOjlE9P0FkZxeJR4YQwNIPLtCcKZB6Yiexvb0sfPsUzekCasQk/fRuzI4kei7O3B+/Q2SoHS0RRo2HqY/MUXrr2gfi3r4fCAQKKh4ucTWDgkrJ25xwyLN93vuDsXW/Z7RuGn6Vhv/+kZ+JrXS17nojD+dYHioUgVjOroZDgkhU8J0/DQIrqhpoZm8FoW4wb68pO39Q/LnVUxhOpvlfnvoY//bU23z7xtWW0sfNENMNPrttF3/n0cfpisbZlspgqhp19957dNRlsqfOaIx/d/od3pieaOm32wohTeNwexd/+dCjPN07iLHGkFaFYFsiQ9mxfhQtE/cMRQg+NrAN1/f53995jdFS4a6OURWCPdl2/l+PHOfjA9vQFYVD7V380ZWLLX1Ck40rJPUc040RrlffI6alV/6Wt2cYih54H87q/hDRdP7b40+Ri0T5ysUzzNWqdxwLQ1U50dXL3z76OEc6uhkp5kmHwjSqWzvc0USYwnyZ0mKFZsOmWqxRLdXJdKZWlslX67w1MoGhqTyzZ5hMNEzDdtBUhY5EnJlSBdfzef3aGOWGRXc6gZRQrDdIRUJs78iRvEOm8k5QhOB4dy//+Mln+T/eeY2LSwsPVE4vhKA7luDxrj52pHOoSgPpnwclycN4OmaWyozPF3E8HwGYmnrX7yFTVfmbR04Q0jT+86Wzd90zHVI1Hu/p428deZzDHZ1cyS+SDoWZf4g91yt4GKXIsg53oLJreh6KEPytI4+TC0f48oUzTFfLd9y9vtyv/HcefZynejZn3P4QPz5sRJajhvUV51RNJzG6u3Dm5lFCJkI30DvbEIpA2i6+ZaHGY4hwCOviVfB91JC2YUZxy+OoNwMnew2XlWKoaA+hL0uLh9bd3m7dfl/6Ze8XCipp0UZZBgGzEBEMYWLJGkYmSt/PHyPcm25Zx7dd5l+6wvQ3zlC7sRCczwPOCZFciOy2JJFMCLvqsHDl/ZNOqZSm6Ox5FMeuoRtRluYvtvw923uYcLwNIRQUVcf3HBRVo5qfoNq8uc5QFqoICMHsBgtX3kIIgZT+bdl5SXH8/IYZe6EqG5bmbwYlpJN9Zi+167PUrswEwRJfYk3lcYo1Uo/vJLytg1BPluZMnvjBASoXJons6CI83EH1wgTVi5NkPrKHxtgCTr5K9fw40Z3dJB8dZv4b71F6+zqR4Y6V/sRQfxY9E2P+O6fp/oUnac4WyT63H2tyifLpUbLP7ad2eQon/2CyKjoGLi6SH52DLBCktA4iSoIlZwpdhAgpERxp0/RrSCSmEkVKj6aso4sQtmxgiBCudNCFgSZMfFxCShRlOXXU8B9cYmYjKOa9z3Pr8EFzAgBFU1HNIODUsCTlsuSZj5g0GoFu9q//xta2jGIEJHVrIX1/S73ee8GPzLEtOXliWgJVaFTdMoZiYiibl7BM1m+S1DPE9Y3Jk4QQDCZS/E+PP8NH+gb5xvXLnF2YpdS0sFwXX0oUIQhpOknTZF+unZ/Yvodn+oaIGwZCCHZmcuzM5FbKg7tjiS1LUG+Hqigc7ezhn300w6uTY3xv9DrnFuYoWA0aroO7nIHRFJWwppEKhdiTbedjA8M83TtIRzS2IcmQqWr0RBPMN2qE1NZL1BmNMZzKrLyD44axTmLlbpENR9iWyuAtl0WaqkZ0Ey2xWwikiAKnfjCZ5mtXL/Da5Bjz9Rp1x1nJXClCwVRVooZBbyzBswPDPD+8k6FkGk1RkFKyL9vOwfYOKra9ci77kx9BEYKSs8DTbT/T0mN7pvADQJAyQwyn0ti+vzIOt4u/rP1++2dolSdc+7fOaPyuM0ZCCJJmiL9y6BjHOnv4+vXLvD0zyWIjGAvX9xFCYKgqcd1kOJXm08M7+NTgDjpjcRQh6IjG2J/rIKTpCKA9EsW87ZoLIch1Z8h0poISvmUiIykl6rJxKaWkbDXxpeTk6BRP7RxEKEHXsBCBDrQgcGLny1UO9nXx9o0JNEVhrlylP5diuD277hzvB7qi8kzfEP2JFN+8fpkXx24wU6tQW9ZBvlWGqykKhqoS1nRihsGOdJaOSCsDa8N1eGHsOjXHRhUKqqhzMNO2zIoMSTPEtlQG1/dXrnPcvPvSuNl8hblChXQszPh8EV1TaU/FCBlbPwcQjGvCDPHXHjnO8a5evjVyhXdmp1hq3HoWfHwpUYUgpGnEDZMd6RyfHtrBxwaGaV9+/jsiMfa3dTBWKgLBPWgoGz/TqeXzvVW00x1LbFpdoAhBVyy+Ml+oirKlxmxI1RhIpogtszrHdQNT1dCUNJ5f2rAE+RZsz6XuOiRNk189cJSjnT184/plXp8aX/88KCoxw2AgkeLjg9v5zPBO+hLJO7KJf4gfD5z8eu1wLR5eMfCFaSIiIYSuo0TCqIkYWiaNbDbxZQPhqIiQGfR6LjsLWiJ8z5kvp9jAs2xglXldDenoyQdn0jTbYi29qFJK3LKF/xCIqR4WJBKBQkykaMo6MZEkL4OqptQj/ST2dre8u6TnM/On5xn9j6/h3gtz9C3pn01Qnqpy7g+v4TRcPMvDqrx/BHilwk1su4ppJmg2yzRqrZm5WnGKZj1Psm0brl2nVpwiFMuhGWG8srOOWEzR1FVNZulvXm2+yR8UQ7unQIrQNZSQQWN0AbcYGPt6Nk7q8R1YE0sILTDwfdulOV8mXKrjLFYwOpNI26U5W6Q5WwIEWixM4ugQvu0iNAVFDeZpudzadwvOUhUtGSHz9G5ql6fxm06gHT22gL1YwXe9ByMQW0YbPeSZw2L9/PB+QaAQURJE1SRVLwioxNQ0ChqubOLjowsTBZWyt0RW7+aGdZoOY4iSu0hSy6GgBTRs0iOuZomqKUreAjUePrO3Hg89lLH+oEExVLR4cP9ZFnztT+qMjxskkwrnzjtMTm6dedUi5rrnSLo+Tunh3Evvm2NbdSuM1a5hKiHaQ928tvgiA5Ht9EWGOFl4nagWZ1/iCIvNWYrOEgPRHVheg/nmNG1mJ4v2PI5vU3SW6AkPoIj1ht4tx+L54Z083TvIeLnIjVKBpUYdx/MwVJWkKfCUN8mEbxI3pplqtLNT/wKqMNiba+M3nv/iSkZJV9QVo+5uoQhBNhzh89t389zAMLPVCjdLRRbqNWquvewwSmzOkggtMZxMsTvVRUyPb7g9iaRoN5ivVyk7TRqey62CIAH8N8ee5G8ceaxlDFL3YMivxa/se4Sf3rVKBHO3ToEQAlUI9ufa2ZHOMHfgCDeKeWaqgfMiZZCZTJkheuIJBpJpUmaohSn2FgHPbz7/UyvjHzdMNKEihGBH/Ci6MDGU1Qxif3QPmtD5wo52PjG4bdNA1lj1ByxZl5FIdCXKtsTzRLW7IxoyVLWFeAwCI2dytsg7Z0ZxHI8Du3vYu6MLgFrD5rV3rrOQr/KRbA9/4bnDTNbLTJXLvPDmZXYMtrNvoJOBRIqhZJpUKIQqVschYZj8s49+Ctf3KVUavHd2nDZjvbyGoiotWpK24/L2mVFGxhYZ7s/x5LFtzJerVKwmyXCIatNmdKFASNfpySQZmV9ivlRlZ2cOXVW5MrvAzs4cNxbybO/I4ku5KUNwpWbx9ulRHj04QHID9u1m0+HVd0bYu7OLrvYgEKUpCttTGf7Gkcf4hb0HuVEsMF0tU242gxJ7oRDWNJJmiFwkSnc0TioUWke6JmWwLdv3mKiW2J7wkX4dhImUks8M7+QjfYMr1+nSjTkOd/RseB6+73N5dB7fl+zfHly/w9u7GerKsFCssq0nx/hcAe8e+//Cms6jXV0MpuM0naNMlsvM1qpUnGag4a1qZENhBpIp+hIpEobZovOaCoX5l88+vxIIU5cd5o3wuW27ebZ/eOW7rqgkTJO643B6doYn+vrXjJ3kF/Yc5O8++sSK0xjZInC1K5Pj337yC2s0sAVJ06TWjON4C0hvAYm3Yd7W9X1sz0MsO/HHOnvYn+tgvl7leiHPbK1C3XFQlufsvkSSoWSaTCh8V6XfH+LHB2u+vE5zVosaGOko1kwJ2bBoXh/FK5dxl/JIz8fNF1s0WZ2FRdbqapm52D0bfHahhlOoE+5KrfymmDpmR3K53Pn+UhtKSCfUkbwtMiqx5sp4zQ+OY+vhsiinaRO9KIqgLqtUZRGhq6QO9bYwikopacyUmPzqe/fm1BKwkyqhzecJ6Qc90oNPdiNUwcyZRRbfp6ytqpoYZhxVM4lobQghVnRtAaxq4OjG0n00KvPUStP4vkuyfTturYlTqreSQSoCMxdH6GpAYHavxxPWg6DMXcJvOjiFGolDg9RvzOLVbJSQjhoN0ZwrEdt3654NyvOCxyMI/CohneiuHoxsHOm4SN/H7ExTfPsaasQMiHYUgZ6OocVC6OkYSqQQlJY7XkAmtVBZ3q586Ey5GjoZOvBwyTNHiAhREjSo4eERIeDPcXGoUSJOGgWVAgs43J8klo9H1Svi41HyFsho3ZTcBSpenpzei0BhwRknpMSIKHEUNAQCXRgIQBcGjrSpegVCSoyqG1Q/mEqUGpWNbcp7JJBbCyMXW8fMfc/4AMZ7FVPHSAd2qhDQ2aGSyynouuDEMYNaTTI5tfnzFepMrJQy34JnuQ+kAb4W74tjK6XE8upYvsVI9TK9kSHCSpj2UBdhNUpEjdFmdqIpGlWvwnxzFkMJkbcXGI7tIqVnmayPcrF8msPpE4g79NMpQpAwTfa3dbC/rbVf0HILfH/m/2aifh7qkDV3sz3xGVQMdEUlG95cz/NeoAhB3DCJZ0x2ZHItf5usvcbrc/+FhpfnajmMrtY4kP7lDRn+pISS3cTyXExVa8nciC0M3vtBQKJ0/2VcYjkjPpBIMZBI3fP6urr5+IfVBJZXpW7PrhjamjCIa2kMVd/SQL9aOcNs89uAJKxmOWQ8Sy603lm8Wziux3d+cAGr6XBgdw+hNSUU5y5N8tKb1/joYztoy8TZls6wp70d1/PZZsUZ7m+jZ0258O0QQqxk0QxPIReJrHOsN4KqKPR1pTl9cZKT58d56tg2DvV1sa09i6YoREydT+zfgQBiIZPHtvXj+T6JcIiP7dtG0/VIhE329LSjKQq+lGhbGJpCiE0ldmzH47X3RmjLxuhqTy6zT3sYio6hqnRG43RG1wdybN9ZzsJuPvGHNY2j7d28NHUTTShsT7Xh++cQno2itBPW44Q0jYVCjZGJBW7cXGBXVxvXbs5j6BrDvVlGJhexbY992zoxdY2RicUVx9bxfC6NzXFxbI6qZXN1YoETe/pXdH596VOwa8T1MIay+XT5bv46/2XyLf76js/wTP/QpsttBGXNPXAnRPTVe9/zfaqOTcmycHyft6cn2dPWhqGohHUd15d0x+JkwhGarovtezieh6cGTmjddQhrGmFNDyoxNnkeI/ouTK2bavMUUtoIsf5ZktBSci6EIKLrDCbTDCbT65a/H0gpmR9fJJ6OEY6FHrzE60PcFex8DafUaNGzVUM6kYEs5YvTeOUKK4b5Lb1Jb3OjRugq4e7UPTu2vuVQuT5PYk/3irEnFEF8ezuqqd237I+ZjRHqTrZkO33bozoy/4ErAyzJJWqyjEDBxUHio0cjhLpS6yqNyhensWaK97wPNaxvqF28FrldaeYvF3AaDt2H2983xzbXsY9IrANVNfA8G0XVWxzbW6gWJsn27CfVsROEoDh7BXxJfSJP6pHVYJ8QgkhvCi1m4hTuPTtk5mLoibu3waTtkv/hBeIHBohs76J2dYbmVJ7qxUlCXWlK796gOZ3HLdZwlipUz49jz5fxGjah3ixCAS0VIf/KJez5EsXXr2B2p7Gm8rjFOoqhEdvdjVOoYnQkMRcrAZu3EER395A8HmbpxfNUL0zg5Kv4tkv13ARe/eFoLdtY6BikyBEVSebkBG10I/GRSDRh4EqHKAlCIrz8nvBYZGP+kbuBIy1CShcptQMfD1fa+Pi40saRNhmtC4FC0ZvDUMJ0GsOoQkciUdHwuaWJ6+NKB0Uo+HhBYOz2vmMhWrRW7wVqWCfcnbrnypR1+IDNQRBwLIR70ghdJRby+cmfCHN9xCVfCOb9pr31Qcd2dqxz2JsLZdzqwyFAu2/HVkpJzbW5Wp5jplHCkz5pI8KORDs5M8Zic466W0UVKprQCWsxCvYiaT1LTItTdPKk9CwzjYmgGVwohNQIi805VKGhKwadoV4Kdp7OUC/qn992YOYb57G8AiBx/DpL1iUcv46pridnEEIQ100c3w8yVd7D6/GRUuL5EkURKEKslIRuVHrrLZdRalto067F2m35UuL7WztKd8JE/RLv5b+LKrSWwMbx7GfpCg9vseb9wbZdrt6cZ3quSCIW5sDubqIRk5n5EmcuTnLu8hQ7hztwXY9ELETDcjh7aZIXX7uC7/vYjkckbKCpCqVKg1PnJ6jULIw10TopJdVak8sjs+SLdcIhnYN7ekglIoxP57lwdQbT0FDWTIS1erD8YqFG2AyWT8bDqKrCQG+W/p4MY5NLCCEwdQ1zjf5qNrbqpBhaGNfzuTG2wNh0HkUIhvtyDPQG2drRiUXGpwp4vs9gX5Zt/W0oimBqtsj5K9OoqkBVV4/L83yu3phjYqZAIhZe0b8FWGwWGa1Ncyi1E0PRcKWHJ30MRQcktu+iCZVL5VFyZoo2M4UutA3vMx9J0gzzpe37uVpYxJcqqrRAxBDLgSHfl1y6OUs8EmhYX7oxx9hMHkURREI6xUqDq6PzdGTjhEy9ZXwF4PoSy3aZL1QZ6EjTmVl1wot2jd+68QI/0/8kA9HNs/7tZopH0sMk9IcjMH43uLS4wHuz08R0g0MdncxVq/zZyHXqjsPP7N3PaxNjNF2Xn9i1hz+7cZ2lRh3b83hucJiy3eTU7AymqvKzew+0SCzdDsu9QdOdRBEmygbEUWvRbLpUyg0kknQ6ivaQ6PtvYXEqz9X3bpDpTNG3u4d4emOt3A/x8NBcrGLNldHTqxrtiqmT2N3J3AsX7znzZaSjhHvT93zdfMejdHaSrk/vb+lzjO/qxGyLUx/fnKxtK8R3d2LmWgNvTqlB5crcfW3v/cYtsqhbUAwVLXZbpZWUNCby92UUR/qyGKmtA/7NskN2exLf9bHK9+gkre0DugM0PUJh8SpmOEW1PEUi1b/hctXCBI5VDkqQXQe7EbALly/N0P35wy1GdLg3Q6gzeV+ObXx31z312EJQGpx/6ULLb4WX12u9AtgLy0RGs5B+YheVcxM0bq6SaFbOjVM516rkUXjtyuoXRZD7xEHq12aoXp4i+9x+9HSUyplV8qTyqZubHquUm0g/bWDL+fjUKBMhjoaBQOAt35sSsGniL2uU6xjUZIUqRSwam+7/blD3K0w3ryGRuNJBLB/LvDOOL10MEcbHx5YWDb+KJgyWnCmiaoq6X6HhV4irGebsURxpAYKaVwZN4N2mUSxUgZG9v6SIkY4SHcw9+PvpA/h6E0IQ29mOFjVR/AaNhuSVV5sUisH1draIMaoRg8SerpbfpJTUx5ZwKw8n4HJf3qKUkqVmjX916UXeXhxdcWhc36c3muIv73iaR7LbyZmdaEJDFSoHkkex/SZCKAzHdlNzK0S1GEfST+BLj7ASlC3U/QqKb7AtuhdD1bFci3K1STws0DQ16H3xfDRVQUpwXBfzLvrhfpxQFZO1d6cqDMQmWSpFCLKhCKoimG9UMdStL5GUEtuv4Pg1dCWCoSRW+otvZVBufRdCMF4qkotEiJkmVxYWGEilCOs6npTIZUfWl5KJUonZapXjvb3Be2hZc3bttrzlnjlFCK4uLtKbSBI1dIqNBuVmk4FUamUddXm7cnl9Rdma77loz9Nm9nEg9UxLRi+8QTDgQeH5Pq++O8LLb11j20AbZy5Ocnlkll/+4nF8X+ItO21rA29SShzXby1zkgCBBrOqKnznBxfoak/Slg2Mpobl8HvfeJd8scZAb5bZBZdtA22kEhEMTaVas/j2969zeG/vSlZ4YanK6YuTxCImpyaWuDwyx6/97OP35TDcGFvgP371DQ7u7qG5zHTa152mabucuTRFo2HTdFxeePUyf/e/eo6u9iS6ptJoOrzwyiX27ugiGglKgC+PzPLbX32Tg3t6uDwyx9SazIDtO1ytjJO3yxxM7SDfLDFam2Fvcoi6azFr5RmIdlL3LMZqM8xZSxxK7UBl/Tk1XJeXp26SNEJMVcukjCZ74haa2o5YdrKEAENTKVYaSCAS1tE1le72JJbtMjlXREpwXY/ZpTLTCyVK1QaJaAhdUzm+u4/t3VlUVVnpRZVS4kmfyfoiF0rjfNY9FgSZBMtZZmVZX07i+j6D0XYGY+1oojWQ4Ul/pR9aAppQ8JH4MpD0UtbotfpS4kkPCSiIlpL1jXB2fpYjnd3szbVRtCwykQhf2LWHf3/yXRzPY29bO+9OTyGlpGLbHO3qpmQ1GS0WqTk2CcPk1Ow0Tdfd0rHVlCyRyD5UEUYIdUsW+VOnRllarBKLmRx9dIhY7OE6tslcgvxMkckrM0yPzPLUTx4nvEF5/Id4ePBqTcqXZojv6mzJlCb29xDuSt6zQxnf2d5STnzXkIGj0pgqEh1arYoKdSbIHB+iMVW4Zw1ZJaTT/uzuFoZOKSXlSzNYsx98TdBb2Gie2MhBuRMUQyN9bHC9o3wb5s4toGjt6GGN+fPLTPeqgtACdmklZOBVaghdR7ouQtOQjoOaiIEQePm7G9t6dQ7XtYjpUTp7HqVant5wuWiyk2zPQcSyvVQrTrM4fpLq9XnsYh1jTVBGT4bJPDpI5crsPZWvqxGD1OG+h8LCfTeo35zHu9cMli+pnBsn+eg2Mh/Zgz1fpnb1HrKjfiAH1WLXCDbMUtep4OLSxMLGoikbtNNLjTIOQd+1ioZE4tAkQYYEGZpsfA3vjFsREUlTrg9KuDLYpyVrLb/d+l14ZSJKgoiSoOwu0pQNViMsHjQFbsVqOXehKkQHciiGuiE7/FZIHuzF7Hz49uoHBdGBLNHhHPblCZJJhf/x7yeYnAzunT/+Lw1Gbmw8XrEd7UQHWh1+33IoX559aGR9950G/aPxk5wvTvP39n6c7fE2FKGw1Kzy1bGT/Ptrr/DPE1+iLbSa4YhqcaIEBr6UBs2SSSPi02hoRMMR8lWLSNgEGeXq2AJ7tnWiRw3m8nXOXxvl+IFBrKZDLGqSL9Zpz8aZWyqzkK/S15nGNDSiYQPb8YhHzXuKkvgyME6N96nXqydygrHK9ynZo0T1DgZiH0UXmxtjTc9FQXAk10P4Do6tJy3O5H+TqdqbDMU/wa7EX+C1sXH2trdxdWmJUsOiattkI2GO9fby+vg4H9u2jZrj8Htnz3Gst5djvT28PTlJw3Y43tfLmZlZ5ms1uhPx4OW4HLR4ceQGS/U6yVCI4729vDY+BhKO9/Xyh+fOc6Czk2eHhzgzO4tA0JNI8GfXrlO1bfa0t3FlYRHb8+hLJnlqcGDLa9Rm9nK+9DIz1gimsho9PpH9/EPP2FZrTV595zqf/MheHj8yxGK+yv/nX/8pzz2xi/6eDMl4iAtXZ3j00CAnDg+urPfUsW3ML5Yplht8+pm9K85mLGpy/PAg33/9cst+xqfzjIwt8Hd+LXAa1xoene1JThwe4p01kVWA3u40n35mH4v5Krqu8srb14PAzn04tpbt0rRd9u3sZudwB7quIoBI2OC5J3YxM1+iWK5z8twEC/kqXe1J2nNxThwe5K2Tq1Fe1/N54+RNDu7p4Zd+8jgz8yVuTiy27KszlKUn3MZkfY66Z2H5NjONRSpunROZfaTNBHMLS5wv3eBTnY9tWo6sCrFCxHawrRPXX0JRewGVW1a2oigc3tXDfKHKnqEOMskoPe0pADLJCMlYCCEE2VSUUEgnm4y29HU2mg7fffcKUkpMXedTx3ZSU+t8efQlLpUmmWws8k8v/iEhVcdQdH6+/2meat8LwIXSOL9+/c+wfYeMEedv7PwsvZGAhMuVPr978/t0h7OcK45S95r8dP+TnMrf4HTxJp/oPMTHOg6hKSpNz+HlhQu8NHeOklOnP9LGp7uOsC/Vjyo2NqTaIlEuLMxRc2w6ozFCmkZI01AVQd11uJZfYqxUZLJSRkCg6207uL7H1fwix7p776q/1XKuoylxhKKicIeMreXQ0ZEgm42h65vPXVL6WMtMlKrQsf36ck/91hnYeqXB7uPbyHSlmbo++9AE3T/E1si/OULnp/ahRVcdnnB3ivZndzP25TfvWjpEDet0fHLflj2cW8FeqLDw8lUiA9mVUnTF0Oj4xD4KJ8ep3dhc9mMjZB8bDpyVNfecW2uy+Oo1vPr7R4r0MCFdD7dx+7GKjeV67oDE/m5yT22/Y5l458E22vdkcJseruVSma2jd+ZQ4lG8UhUtnYDZRcwdA3jFCkosjF+uoSZjuPnSXTu2haVrQWtbI49hxLEaGwdRErlhKktj1EqB0+R7QcrImi5SvTJL5rFVm0HRVHJP72Dh5avUxzaXn7sdqYO9JPZ0/cgqRDbL6t4JzekC819/984LbtCXLj0fp2IFqds15xnuzaCYGv6ajGaeoKJhbb9skc2fvxoPIqsjiEU6aDQLeN7tWT2xXKq+dbavKetM2Vc3X8CX1CcLAZ/A8nslyEx2EOnPUr0+v/m6t8HIRun4+F7U+5znWvABLEUG0JMR2p/dzei1Wb78lRqmuXq/zM1v/D5Qwzpdzx9YFziz5iuUz01tuM794P4ytsB7S+P8wtAxPtm9d4WYZDieI2NG+Afv/TGLVpW20MYESXXL4fz1aXYOtDOzUMZ2XLLpGMVKg3rDplpv4i1HXh3HI5WIsJCvUrdsohGT+XyFar1JrWFTLNdxXI9awyYaNoiGDQ7u6rlrdmPbc5molphvVBlKZNAVFct1MFQVKQOmYF9KHOlhKCqW6xLWdGquHWRCnCbDieyWTnHW3MVz3f+MurtISE0R07sRmxirEJDlNH2PC4VZOiJxQtrmD0fDKzJdf5uyM47l5fGlZLFeo+6kmK/W8KXkRF8vp6ZnCGkauUgU2/XoTyXZmcvx9OAA0+UK52bn6I7HGS0Uqdo2Tw0McLOw+hKRgOU6nOjr5b2paSbLJaSUnJ+b59M7d6xsKxkK0ZdMciNfoGgFTvVjfX28MzWJ5bo83t/Hhbl5HM/D3CJLNGPdoD00wL7EUy3EYWljY83VB4Ftu5SrFl3tiaDnNRkY1+Xqg5XM3I58oUYiFia2bBze6QXpeT4/fPMqP3zzGvt2dtGwHHz//jWgdm/r4AufOMTX/vQ0Avji84fZt6ObiZkCv/tHb9KeS9CWieF6XrCfTeD7knyhxpED/cHEHzFbSKVCikHTtxmtz3AwuYOzxWtEVJOsmSJrJnkrf4HBaDdpI8HHO44xay3RG2lfLlVuRUTT+ekd+4MsP8v/VB8hWkvlwiGDga5V/cbejtTqNjpX+8jDbetZ1i3bpSMd52NHdmAsV4VoDnyy6xHazATfnn6Pn+57ku5IBgWF/uhqtmgo2sFf2/E8ry9e4sXZMzS9VQNTIpmoL/HG0hU+3nGI782e5l9e+hOOZLbRbib5w/HXOJgapD2U4qsTr/Od6ff4ZNdhskaC9/LX+ReX/5i/s/NzHM1s3/Be+Uj/IGOlIrbnkQlH+KndgbP9k7v2kDBNBpJJOqIxwprGx4a2kTRN2qJRfF9ysKOL2XqZn963F1WFimPhydX2g4pj0RlOBk61UMjX/xRNzZAOfwy2CMr1D+S4fm0W1/Pp2KK33JU2JXsaRWg0vQp1r0hCa6czvHfTdQCmrs3wwpdfpmOgjc/91U9ghh9c6uVD3BnlK7OUL0yTPja4Wo6sq3R+5gCVa3MsvTFyx3lJqAqdnzlA+ujgffdHS18y+2cXaPvITiKD2ZVjiQ5mGfxLTzDyf7+ENXMXTpOA5IFehn71yRbjU/qS4slxCu+t1738oMKt2TTnysj9rVm2xP4ejEwUO393hCzxXZ0M/drTmG0b221roUc0rn1vnOLoqrMiHQ8lHMKZXkDGIiixCMLQwHVx55YQajC3Svvue6HlcimrY9dw7M3Pw7HrqEYIoajL6wTj4Nses9+7SOpwH+qtuUIE2ab+XzzB9X/9/bsi1wr3pBj4lcdbCLr+PEMxdRLHt1N+dwT/tqBIY7KA33RXxksIQWxbG8l93RROjm+0ufcVQiiEQ+nlyqf1WcB4tItMaph88Qa1xjy6FkbTwkjfx3HrSBkwIOtaGEWoKMtcGbZTQ9NCqIqB7VSxnSrli9P4loOyptLIzMbo+dJRrv2rF/CtO9+7atSg/xdPkNjX/SMLgvw4IBRB29M7qI4scOObZwIt7K2W11U6PrmP3FM7Wn6Xns/SGyM0HmKFzH1nbHNmdBN5BkFcDxFSN3fGVEUQNnVmFsoUynUSsRCVmrVSmqqqCroWlOEllklCdFUlFQ/j+z6lagPT0GjaDr6UlKsWuXSMYrlOX2f6nmQjrpfyzNUrXCstMlYpUnOaxA2TpUadfZkOaq6DJhS2pbJMV8skDJOQpnNqYYr2cCDXMZTIbLkPIRRiehcxvWvL5W7hFsNo0/NW5HM2gkRSbI7QcFezZSFNI6IbvD0xSTIUImIEZDPZSISFWo2RfOD8dsZj5CIRXh8f52h3Nwc6O/B9ya62HMVGg1PT0wymV/ugBNAWja5sy3JcLNdjMJVCFYJcJMKb4xM8MdDPxfl5pssV9rS3ETMN3piYYE9bG0v1OhFdJx0J3/GBT+g5blTPcrXyTsCMvLz4buVxQur9E0FtBNPQSMXDzMyXGezNUijVkFISjz1oiWPrOaaTEYrlOpWqRTwaWsnYbjYWVtPh7dOjPHVsG594eg9vnxnl3bP3Z3BJCZqq8NSx7Zx4ZIgfvH6F3//6u/zDv/U8569METJ1fvmLx7Edlxdfu7zlthRFkElFmJ4rBr0RlkN1jdZlzkzx2a6nVr73hNta1t8dH2z5vj3Wt+m+hBBkQqtOrJSbL3u/MDSVKxPzXJ1YIBo2+MIT+8gloxxNb6Nk1zBVnb3JPrbFOtcdW0wPszfZx2R9saWseC06Q2l+pv8pbN/lz2ZO8cXexyg5df63i2OUnDqO7/GNqbf5y9s+yXMdBwF4LLeLf3L+9/ne7GkOpAYxN5hPTU1jZ3bVyU4sM5p3x4NMzZ7c+p7gMMF20uEwY9YsecemUapTdiwszyGhh0nqYaquRXsogSogbh5HCyfwZA1FmFuqFtbrTZpNF69Yx93iRacKnYzRD0JgeWUyYgBV3Dm67TQddh3bjlWz8P27yxJ+iAeHV7OZ/sYZ4rs6W+R1jEyU7X/zY+iJMAuvXMXbSIdQCMxcjM7n99P7paMoxoNl2ZtzZcb+05vs/G8+iRY2QAROc/bEMFosxMTvvUXp3NSmZFJ6OkLuye30/dwxQp2tga7GVIHJP3oPt/JwSEx+FPCbLuVLM+Se3rGiLSmEIDqQpe/njzP2O6/jVjfPZmkxk+zj2+j/heOE+5alBG/L2N0O6UsO/txOmmWbpWtFrr8wjju/hDsfZECb5aAawxm/rQx27H7LULeG7zlkuvcRz/QjfZ9aaZqFsfcAKLw3SuHkONnHt60GVBRB20d2IlTB2O++SX0iv2FZshLSSOzpZvAvPUFsZ8fmdosAszdL6rGd6G0J3GKNxW+fJDTQRmx/P37DpvjaZfS2BIqpUTl5k8iubrR4hNrVqWC9XAJrbIHSW1cJDbQT2dGFGgvhzJeonh8n9eTuQD4obFB6/TJqPEx0d0+QYRSC2rUZGtdnST6+E6M9iTW5ROn1K2Se248SNoJ9XZmiemGCzEf3k/7oPiLbuyi/O0L13KpdUbk6h11sEF4TNFQjBkP/1dO4tRepXp+7c8n/PfRR3xFCoAiN9uw+pudP0bBas+yaamLoMRRFQ1UMutqP0LAK1BuLRCI5PK+JbdfIZXYihLpCRGY7NeLRThbzV2jL7mZs6jWq1+ep3lggeaC3JUjU/sxOvLrNxO+/TXOZaXrdYeoq0aEcfT93jNwT2x5eyfoH2DdWoyaDf+FxjHSEmW+fozlf3nBsjEyUjk/to+9nHkUxW93O2vgScy9cui+W8s1wX46tAD7Tc4DfG32H3kiankgKgaDkNPjGxFkGooGjN10vAoEkRdZc1WyNhA0ePzS00nt2+2QhCZxfgGwqSiYZDV5ey3977sTOYN1bgTkpadouV8cX6Mwl7ilKEtI0bN+jLRxFFQrZUISIpqMKBVfKFR3Zqt0kbhh0RxNcLsyjCEEuHKXYbOD6PuZDrIjTFZV9mQ4mqkW0LTK7Unrk7avY/mokU1EUPrNr50ovKwQvuY5YDCEEf/nYoysaoh/fvm0lQ/P8zmAdVVH43J7dK+vfGklNUXisr29lWwDHentWehI/Ojy00kv7/M6dQT+hotAdj6/8futad8Q21u9di4SWZUf8CNzGxattwCT9oIhFTT5yYgcvvHKJG+MLzMyX2L+rm+6OjTWUt4KUkqnZIpeuzzIzX+Lk+fFAXmZXN/09GYb6cvz2V99kqC+H63o8dXw7/d0Zzl+Z5tL1GRbyVV595zo7hjoY7M0w0Jvl7TNj1Oo2l67PYCwTV1SqVrDOtVkW8hV++NY1dg61r8jtbHBkXLo+y2vvjJBJR5mYLtDblUZVFHq70rz27g2+/r2zlKsNGssSF1JKLl6b5fLILPNLFV5/7wa7tnWwa7iDx44M81t/8DpCiJUqi1t4P6OUm23b8y1sP4+ptqEIHdevI1CX+9u3RiIa4lOP7uLmbJ6eXJJUbOPAy/2clwCyZqBZHNfDxPUIUS2E5TsIBLbnkm9WWbBKfHP6HV6eD0hGXOkzUQ8CVg3P3tCxfVDsSgRldQGZl7LcjqGhCIHteShC4PoVlmpfJ24epeFcJRn+KIqS2nSbhXyNnTu7mJ4p0GjYJDaRxlCEiqFGliW5Qpsybt+ClBLbctjz2A5KCxVq5TraFqXOH+Lho3BqjLkXL9L9uUOrGrZCYLbF2P43nqXtmZ0UT01Qn1jCrdsouoqRjRHb1k7yQA/RwRyKpiB9Sf70GNGB7DrSprvF0uvXmRrK0fuloysZV6Eqy/v5DOWLM5TOT1GfyONWLYSiBGQuwzmS+3uIbW9HMVsJ6+x8jfGvvEXl8nrW3Q86CifHaEwUiG1fDWYJVaH7cwcJd6dY+OEVqjcWAmdfSoSmYqTCxHd1kTk+SGJP10p5uDVXpjqyQObY4KZESaOvTjPxVjBOvrvektViJlo8FOitaiqKoaFGdNSwgbqsYamnI4R7bmNMF4L00QGEKvDqDl7dxm3YeHUbz3ICKRvXX9G8vBW8KMxcol6aCZhumzXWegNezWbiD98lOpgl1B2wRwshQFNo+8guYts7KLw7SuXyLM2lKvgSLWYS7k2T2NtNYl83ejJ4J1izJay5Mol9PShrHRcByWPbqV+fRZ0toiUjKCGDxJFh8i+dx+xKk/7oPoqvXib76cNUz08QPzhI9cIE8UODmF0ZalemSD6xC2tiES0RJjzcwfxX38CzbBRDI7Kzm8XvnESNhUme2IlTrOEUqkR39lA9P054uAM9GSHUn6N6YYL0U3uwxheJ7Oiien4i+O3pvdSvTFN65xqhgRwLX38Ht9SaCW9MFymeHCP0/P4VbedbJbl7/uFnyb99k/LlGex8Den6KLqKGjHQEyH0VBQzG8WarzD1tZMPpWdS+h61xgKWvXEpc6NZoGEVqNSmEULBdS2K5VGadhnDiCGWs7RCqNhOFeEq2HaVkJnE9ZoUyqMkYj2oqoFTrDH//cvEtrWvtF0IIUBX6frswSBrfWqc6vU5nEID6fmoMZNwV5L47k6S+3owsjEQID1J4dQokf4soY4H6LX9AJYi35KAC3Um0eIh+n72GNnHhimenaR6dY7mUg08Hy0eIrqtjfQj/cR2dKAYamvbR9Vi6munAqK7h4gHKEUe40Jxmn/w3tfImMulm3aDitukM5TgYmk1Ujccy/GPD32OsLZa2nC3PYLBJLTmO6DcKvtdM68oqsL+7V33zMQ7EE/RFQkMz1tBSmXZ4fYJSFyC3GjQ76cIheMdfcsOofq+9Oa60sdyHdrDMfwt7mrHr7NoXWLtnX/LaV2H5UFce6yqECt0PdqaQd7I6bylXbt2W2vPeu22lLXjseZ3blt/K7SH+olqSSy/1tKL+rCztRAEAx47MkQ2HWNypsC2/jYO7O5BX75HTUPnEx/Zs6Gje3hfL03bQ1kz5rbj4Xo+n3l2H6qqULdsfF8SjRj84k8e49L1WYqlOtGISToZZCMblk08FuInP3kITVOxmg6aqvKZZ/dx9tIUjuvxc59/lGK5gaarWLZDw7LZt7ML3+/EshzsO0S8OtuS7Bhux2q6nHhkkL07utF1lT3bO/n5zx9ldrHC7u0dPPbIEN0dKaQEq2kTDun8xCcOousqluUgJeze3smv/dwTTM4U6elMcuzgwJayRg8DUvo4fgFfuuhKComL61fRlDi+tFms/4C2yMcx1CwNdwJDyS47uWU82URT4oBEEQa+tFFFQChSqjU4PzpLTzbJlYl52lMxurIPj/RBXy6lFwg0Ecwot54AiaThNVGEwmC0g7QRW1lvV6KHzlDqoTu1UkqKtQbZaLCvWwHGls968Nn2aviyhuWOYWjdqEp0y/fs0HAb167OEYmaJJN3llK7k0N7C77nc+YHF7h5fpxQNIQZ1lt0Uj/E+w/fcpn8o5OYbQmyjw+v9DcLIVDDBulHB0kd6sN3/ZWMn1BEoOOoiOVgtKRwcpzR33mdob/0xH07tr7tMfmH76LoGl2fPYAaMVYcFj0RJnNiiPTRAaTrreh3ClVBaErw/9p3kIRmvsr4f3qLhZev3nW/8AcJ1nSJ6W+dZejXnkKPr/bBK4ZG5vgQqcN9gZNYbyI9iRrS0aIGiqEhdHXluW8uVhn93TdozpUDtuhsbMP9+Y6P72w+Tp2fOUDnJ/ehhg0UUwucwOX7ASFWPm/Uy5t5dJD0I/3BPCSD7DDLOqzS8fBsF99yGPudN1h4OeiZjKV7aes/gm2VWZw8QzTZw9Lk6ZVtVi7NMP6Vtxn8tScxMtFV51ZApDdNuCuJ/+n9K9deKCK4V7RVQ9wpNxj7ylsgIb6zA7Q1ZckSmlN5Eo9uwynWqJ4dQwnrSNfHnimCJ4nu7cNeKCFdn9i+fpSwjjW+QHR3D0rUREtFqV+Zxqta6Nk4zYnFgCVZSpRMDGepSnMyj56LI5YztfZ8GbMzjT1fQs/EMNqTqNEQeipG7co0XrWBV7dpjC3gFqrg+6AI5HKAwLccpNt6HX3LYfa7F0js7yHSn1mt2hOCcFeK7s8fonPNWHHLRlcEQlEQqiD/zijT/+XUpvfHw4TrWgihkEvvolC6ieM2VkqWG408bdk9+L6D6zaWlxW4XhPXaxLVOujMHcR2qrhuAyQsvnKN5L4e2p7d1TLHCU0Q3dZGdCiH73jB+0eych/feo5guaXh9Dhjv/sG/b944sEc2w8gGtNF5r53kYFfeoxQVxJFV4kOtxEd3GBsNDV4lm6z+72mw/Q3z7Lw8pWHPufed8Z2X6qb9vDdvZQyRhRtWY/Vly6WV8BfvvFCagpNWU9IIqXElQ2a3mqURlfCGMrGGVmJiy0LNF0fgUJIS6GKzfohAmfV9ZvU3FkKzRGqzgyObKAIDVNJkDQGSBqDGGp6nd7sWqbitU6klD5Nv4zrb13GZCgxDHXjF0ZwniqO72F5Lv2xVMvffOnhSQvXtyg0r1Nojqz8zfHrVJ2to826EsVU796Y8KWH5RUo2WOU7fHla+eiKSGiWgdpczsxvQtN3Lm8+F4wb43x2uKfUHIWEAh8fBQUPtP9V+lQB+5jixJfejTcPAX7GmV7gqZfQaBgKDFiehd9g0Ps3r4dVWm9b3Rd5ZF9G5fADvcHZbZS+lheibI9gZcco+fgEp7fRFF0Imobluqi+70kYjEee2Ro3XZO3PbbrXHXwi5HjsRRhU5ITa/0ZqcSEZ57cveGx+RLh4ZbQC4Xjd56brLpKM8+vmvd8oaucXBPLwekxMfFcvOUnctcq0yi95To6rIRQkFTwoTVDAWvQFx0s3N7mr077p1Mw5cetlem5IxTssdouEv40kFVQkS1HCljmLjeg67EWrbtyTrTlT/B1DrQlSSebCCliyIMsuEn0JU04COlS7l5noSxHyEEi/WXMbV2wlofVfsqYb0fz6+RNA8D4LiBtFZ/R5qlcg3nDr0iDw7R8jm2rJH7TPt+DiQHWv4cOMEP/lx5vs9csUImFkVTFb76xnn+648fazFaVva55rOhddIe/2VUEbCZCgSe3Pgl5DgemUyMg4dMFhbK2LZLaE3/YqPWZPTSFNv292E3Hd787llsy+HJzxwmeZuDczujq6Iq7H96NzM35zj87D4uvnl1ha38Q/zo0JwrM/qbryJdj+zj21r6U4UQCEND2eC1K6XEdz2KJ8cZ+fUf0pgqYs2WN6zYulu41SbjX3kTu1Cj+/OHCHUmV0pNhRCBnqe+edBZSgm+pHZzkfHfe5ul10ceGivnjxrS81n4/mXMTJTuLxwOsqW3nm1FoIZ01NDm+rTSlzQm84z9pzdZfOU6WsykuVDZ1LG9E8xcnEh/9p57qYUQoG7s8N6OtSXx0VQ3pYURzEgKJIRi2ZZlpecz/9JlhCro+/njLfcKBEEPdZN9SimDbP5/fpv5Fy8RHW7DW9ODegu+7eIUa1RO3sCeLwX3nwLRfX0YuQT2TAHpeNQuT5L+6D6qZ0fx6k2siUWUkE7j5hzIgIUcWAnIrByHH2jDtkQWZet3a3IJETJojM4BImBVXr7PV0+WwJkVEBpqpzm+iFtuZRmuXJ1l/MtvMvirTxLqWqPxLLYeq/cDiqIRMpMoirZhj63rWUzPn1zJ1i7kL+H7wXNct5aYmnsXpFz2OWRwEtKnbsQIm2kW8hfxfHe1n7vUYOwrb6IYKpnHtqGuKZ29dX9udf6+61E8Nc7N33iV+vgSjeniA81zH8RSZC1iUnh3FN9yGPjlx5bJ/JQ7js0tOBWLmW+eZfKr727cvvKgx3c/Kwkh+FjXblzp4/jeelp5ASFV35DN0/KKvDb3TynbYwihcCT71xiMP7duOYnHSPk7XCh8ZeW33ugTPNr2t1BpnVCklJTsUV6d/Sc4fo2I1s4THf+ApLHeARJCDcqm7Qmul7/JRO1V6u4Crt9E4iJQUISGpkRIGYMMxz/FQOxZDCV+xxvTlRZnln6TydprW4ydwu7Uz7A39bObLmMqKgeyXfhSYigB4ULZmWDRukTVmabiTFJ2Jqk6M1jeagp/ovoK842zmx+gEOxKfpH96V/a8jwgGNOGt8RY9SXGqj+gZI/h+DV8GYjCC1Q0YWKqKboiR9mWeJ6cuXedU3i/mGxcJWf2Mhjdj8SnL7KHt5e+dR+lyEF/huUWGa1+nxuV71K2x3H8Bj7B5KcIDU2EiGrt9MWeZnvic8S0u3PYArmlMpO11xmtvEi+eQ3br+BJe3mcFFRhYKgJ2kL7GI5/iq7IUTQR2XL7Ta/EG/P/nOJy4CJj7uLpzn+MdgcdUYCKM8Ors//vZe1kGIx/nMOZX0MVm5fl+tKj4kwyWnmRydrrVNxpXL+BL10kXjCOqCjCQFNCRLQsWXMPPdETdEdOoCt3zs5JKWn6JSZrr3Gz8gKF5nVsv4a/MlYqqjAw1STt4YNsi3+KjvAjK4GvYJ6RRPR+avYNJD4JYw8V+wqubOBJC09aGEJDU+J4sobjB1JbCWM/ijCpi1Gq9mUyocdXjisdDxOPhPjWW5foysTJJVeNv7Bm4PguebuK6y9L8QixKVPxvUIAA5E22kIJXpo/x2C0nYhmLo9VIB4f0za+5jOFCpcm54mYOnt627kwMYfjeiTCJrt72zk3Nku9abO7p51yw+Lr71xid08bj+/sZ7Fc5ZWLNwmbOvv7OxmZXWK+VGOoPU0qGuLazBKVRpP9/Z20J+889wEsLJQ5VRylUrFYWKjw3Mf2tpQiL84U+MEfvUPv9k7e/t453vvBRULL2sPP/8pqT3bRbvDa3AjzVgVJwFofUjU+3bOXwX19XH77OrmeDPo96kl+iIeD+kSekX/3Q2qji3R8bC+hzkRLtmItpJRBZilfZ/HlK0z+8Smac0GwujFTRLp+4ADcJ9xqk6k/OUX12hydnz5A6pE+9GQYRVU2rQySMsj82fkai2+MMPvtc9TGlu5J+uWDCLfWZOKr79JcqtL9uUOE+zLrSv/WIsiIStxKk8Kpcab+5BSVyzNI18etQfX6PIldXR9Iw/p2OM0a4XgbRihBqnMXtrW+bNVvusx+7yLWXJnuLzxC8kAPWtTc1PmWUuI1HKrX5pj62kmW3roRlEAXajiFeovWr1AERmcKNWqSOLoN6UsWv3OSwsuXiO7qxrccKm8GygL1y9MYuQTV8+PgS6rnxpC+JLKtEydfpTE2jz1XCkidlm1rz7KpXRhHNl3cUo3qhXG8cgO3alG9OIGzVKF+bYbGzTl82w22Vaxhjc5TPT+OW67jNx2q5yfwLQe/6VB64wqhvixepbHOsZWuz8Kr13CqFr0/dZTE3i7UsBE8Ulv1Xi8/7/cqjbMVNC1MMt5HrT6PbVc3XGYtI7Lvr+2tl0EmdgO4Tp1CeRRng783JgrBHDeep/3Z3YTa45vOcbB2nqux8NIVpr95Fmu6CIA1U3rgee6DBjWkIRSFxVev01ys0vOFR0gf7Q8CahtVjLIc3Gy61MfzTH/9NAs/vLIpD8KD4r51bCdqeb41dZ6ZehHHby2YNVSVv7LjaXqj6XXrqsJEFQZVdwYQLDUvb+jYerLJXOPs8nIB5q1zOF4NVVvvPFWcKQr2CCAJqWlMdeNeQxWdkj3Gu4v/P+YaZ5GsjdAKJD6etPE8m7nGafLNa5TsMQ5k/iIhNcFWs/ytrF3VnWWzwniBgu1VNt0GBIEDXagrOrQA18vf4nLxD3Flc9NtO7KO424lOi7uuG9YLlW0b3Jq6d8xXX8HT96egRZIvJX9XSvPMNs4yb70LzEc/xS68uC6klL6JPQMMS1NvjlNzuwhoecoOvNkzZ673o4iVGyvypXiH3Oj8l1cuXYSCzL3vnSwpYNtVyjlx1i0LnGi7b8lYfSw9fWWVN0ZzuZ/i7HqSzj+7ayNwf3kSgvXtRirzjPXOM32xGfZk/pZwmp284kSn4a7sHL/h7XsSgb2TvClQ9WdXQl6NL3icjH9Zst7zDZOcnrpP7BkXVpx+NeeR3BELr50cb06lpcn37zGgnWerLn7jo5twCA+ydn8bzNe++EmY+Xhygau2+BmZZa5xil2J7/EruRPrVQ4eNKi4UyQNA/iyQZ1Z5SYsR3fbyClg+XOoitJXL+KQCGiD2CoOQrWu6RCj6ApCRy/jLFm7Ju2S7luEQ8b+FJiux63zmYg0k7KiPGfR3/IhdIYmlB5LLeLHfFuXN/jVOEGS80Kp4s3qTgNfjh/gZHqLD2R7Dqyqc3QHkryS4Mf5bduvMCCVaI3ksP2HeatEs91HORjnYc2HM9SvcFiucqNuTxhQ+OH52/wxRP7ePHcdeq2w1yxSk82wRtXxzgy3EPY0BlsTxMydGzXI5eI8trlUXwp+eGFGyTCIW7MLnF8Zx9vXh3ns0d3E70HuYL29gT9iRzRqEk+XyUWa3XImw0HzdBoVC0uvj3Cp37pSRRF8Pb3zrcs96dTF3l7YYyKY5ELRQMiPd/lUz17aevLkcjGaVr2/6MZJz/osBerTPz+Oyy9PkLmxBCJfYGmrZ4II3QV6fm4FQtrrkzl6hz5N29QvT7fkhEtnplk5ptnVvo4m0vV+zJ0pONRPD1B5docsW3tpI8OENveTqgjsXI8+BLPcnCKdRozJSpXZimeGqc+vnTfRrhTqLP4yg3UqIl0AifEKTW2JGq6HULTgwSSE/S+VkcWmPlWa3C6dHE6KO++C3g1m9lvn6N4aoLMiSGSB3oJd6cCZ9/UQILvuLjVJvZildr4EoV3RilfnG45bt92WXzlWsszZk0Xg6oN3QDpB8e8CcoXp7d0qh8Gamukekpz1xBCQVUNfNehMH1xw3Wk41N4b4zq9XmSB3pJHxskOpjDzEVXMrBe08XJ16iN5ymeGqNwchx7cdWhckoWs989T6Qv4JKRvk99skh47yAL33oPJaSTeXY/iq5ijc5jjbbKxLjlOovfPrny3bccKu+NsNYya07naa7h2fLrNuX3bgSfmw5OfvV47JkggG3PlwConLzRsq3yu6tVfeX3Vj9Xz41TPbc5y7F0PArvjFK9Pk/qUB/powNE+jIYmShqxFjpl/dtF7dm45Qb2ItVGlNFimcm7rn6QboeS2/fbNGPllJSujlOeXETLV4Bmi5w7XsPSnm+Q6F0Y9O/N+crjH/lLRZfuUb60aAPPdyVREuEUUOBXrNve7iVRtCXfm2OpTdvULux0DKnlC5MM/3NM6jL85xdqG86z/mOy8Kr1wKN5WVUrsxuWaprTReZ/dPzK1UOnu1uqcHt2x6F90Zxiqu+gjVbvqdyYKGpKCEN6fmUL0xTH1sisbebzPEhYtvaMHJxtIgBisBvOtjFOo3JIqWzE+TfGcWaLa8Ebd4P3HeP7X+49hpXy3Mcyw0SUvVWgh9FxVA2jk5oSoiUMcBELdhS0R5FSp/b5W9sr0rRbr3pGu4SVXeWkJZircMh8SnaN7nl8KXMoU0zW46scXLp3zLbOIVAENHaSRoDhNXMSmavYI9Qc+cAiePXuFr6OjG9i13JL64rS14LVej0RE6gKQa2V8WVDRy/geXlqTjTbOaQroUvJYtWjbrrULIbDMbSJIwQuhIhpne3LOv6FjV3bjmjBoaSIKLlNtosEJQ0hrStGZwDB2SKN+f/BfPWWW6VboTVDEljkIiWQxE6Ta9M2RmnbE8icak4U5xe+nVAsj3xubtiON0KKaODgj1LSm/nVOEFmn6DqcYVtseP3NN2fOlytfTHjNV+iC8dDCVOyhgiqnWgKia2V6XsjFG2J/Fx8HGZrr/NucJvc6Ltv0PbhHwoyGjneWfh/8tk7fU1Zb9Rkno/Ub0LXYksl4dPU7LHcGUDyytwqfgH2H6VR7J/hZCaeqBxenBIyvY4pxb/LYvNQDdPoBDVOkgaA4TUdNCnKi2aXpG6u0DVmcOTFhKfrLmLiNZ2hz1I6u487yz+X0zV3ljJAJtKgpQxRERrDyj3vQplZ5KyM4EvberuAucKv4uPx/7UL6IIjXToKOnQccRy32rC3Leyn17951Y+98R/auVzLhJkA22vQNObIx16tGW+abouC6Uanek4YVNvMca6wmn+7q6f4KW5c4zXFsgYcZTl5n5Xepwu3GSqsYQnfQ6mB7lZm2OivsCB1CDDsU72JvuI60Ggpzuc4XB6GF1RiWohjmd3kDQiKELh2fYDdIZSvLZwiTmriKkaPJLexv7UxmX3vpScujFNTzbBdL6M7Xpk4mF29bTx6uVRSjWLeNikPRljdL5AxNBJRkxyiSi6ppKMhtjd287p0WnK9SYR0+CJXQNEQwau59OVjrOtM7vhviHIWutrIrOqUDB0jXBIJxYzEYIVorNbiMZDlPNVXviDNxGKwrb9vVw7M76O3Xi8mueLA4eYqBUYimXZnezg3199japjcfmlC6iaglW3GdjbS/hDHdsfG6TrU7u5SO3mImrkDHoihBLSg4i9L/FsB7fSxK1aG776KpdmqFzaxGC9D3g1m9LZSUrnJlEjJnrcXD2e5VJor+HgVqwWPc77RXPJorLYiVhSWPjG1/CqFYRQlolqFISiIX0XRdHxfQfDiCOR2M0gm6hEImQ/8RmEqrL03W/h1aoU3hml8M7ovR2IItCTYdxqE+kEPcWNqQJTXysw8+1z6IlQkG1bNnyl5+M3XdxaM3BmNzIwJRTeG1sne6Rnc7T95M/QnJ4k/+KfIe2NnfiFl66w8NKVTQ9ZFTqa0LF9C0UEEj23gq+q0PClhxAKvvRW3q0K6kpbkhAKUvqoQkcVGrpvsDRxmtr0CJ50kPJW9Z2KL73lfXhEtBRNr4Zfdmi8sUDlrWn0ZAgZBs0w8fHxHRe/7uBVbNymvfyuWKX59Ro2k18NGJfVwL/B9wXRukv2qV0IJJV3ruFVGyiBWtoKf4u3fNupWrBFz3tf7fuHAqdQZ+GlKyy+cg0tESLZEWbvY3GKSx43L1l4todve3iWg+Y7dPaolK5YbNKxsil822Pqj967p3USGZ3HfqKNH3xlBqf5Pgyk41O/sUTtxgJqyEBPhFFCt3rGleBZshycqhWU1EqW79egbUciqV6do3Z1Hpa/B7j1fyt9tG+5jH/5za2PSQStOUGWWFK5MtviCG8JJahcmP76GVACfhnf8++ZoEooooVLx602yb99k/y7o+iJMFrMDLgVhEAuz7tOufFQ5t27wX3XcrnS4/N9B/mFoWObylxsBAWNhNGPKgw8aVN357D9yroMa9mZXM44CaJaOzV3DssrUnEmyZq7W6ohJH5Lr2na2I6yiWNVaN4AJKow2JZ4np2JL5Aw+tCWtRl96VB2Jjib/4+MVV9aziLVGSl/h97ok8Rvcy7XQlVMtic/w7bE80h8fGnjSpvp+lu8Nve/4ss7R6Md32OuHsTbik0LJxLMDruSX2Rb/NMtyy42L/Hm/L9YKTntjT7Bkexf3XL7urI1+ZLj1zid/w/MW2cAUITOYOxZdie/RNIYXsnMSTxq7jw3yn/KxeIfYPtlLK/I+fx/ImUM0RE+fMdz3QqD0f30hHdgqlGOZZ7nRu0MR9KfpMO8t/7ahpdntPoS4NMZfpQDmV8ma+5eKS33pUvNnWek/G0uFn9/OZMoGa/+kO2Jz9MeOrBh1NmXDucLX17j1Apy5h72pX+RjvDhwGEVAqTE8grMNk5xvvC75JvX8aTNSPlPiaht7M/88gMHAR4EUkrGqj8g37wGBNf7VkY5pnWiCnOFWMSTFpZXouJMMds4yWz9JMOJTyHY2rnwfZuzhd9ZcWoFGj3RE+xN/TwZcyfGci+tL13q7iLj1R9yofgV6u4Cjl/jUvEPyBjb6Ys9TSb8+Jb7clyPSq1JOrG+59tQ03REP7XB8Uk0RRA2NQxdbZlbFKFwIDXAgQ0czJBq8Je3f3LL4/np/idXPh/L7uBYNtBwi2gmf2PnZ1f+pikqB1KDHEgNbrm9WxBC0JtNMrZQIJuIko6G6c0GjJ89mSQHBzp5+/oEr10a5ei2XlLRML3ZJC+cucYnD+9koC2NADpTCbZ1ZvB8n1M3p9nd00ZvNklnavM+fAXBp4d3sD+3RlNaQFaEeOkHl+juSZPP1zj66BCda+RU2nozPPqxfVw7Pcanf/lJovEwvuez81Dr2IY1HdtziWkGV0pzDMQyWJ5DzbWJpaMkc3GcptNC2PYhfrzw6gFz7QcCy32KXu3uM6f3BVXBaGsHoSCWjbxItA1VNZBSEo5kqVZmiMY6sawCppnEsgqrjq1hEurrB0VBGAbcQW5WCYUQholXbs3GmG1xYtvbKZ2bxOhOYRdqGJko1mwZ33Jo3oX25t1C6DpmZxd+o4FQlPsmbDWVKCE1iupVMZXociWaQFdMYloay6sCgrpXpuouIVBI6u04voWpRtGEQdUrkNBy5O0pVKER1dLEtAyuH1x3Hx9NGDS8CqYSwfYbSCSaMAhrCQwRCsgpSz5e0QPhIqREASJqKljHtABJxc3T8FrLm3ftM3jmU2EUVfD2yw3OnbzBR7fN0TeoU4x5fG9G4bFnQvT061gNn3BE4Tt/XMN1JJ/6QhRNh/febHLyTYtbqo5CgfRAglDSYPFaCbv2kK6dgNz2JJFsCLvmsnClgGffm+cpPR+nUKdiNVB2uRzcZnDpu4s4a7KlqS6dj/1Ukt/+F82W398vqLog1WEsv+sf7v5Cepy2+E4UoTBXvkJMbyPm5bBKFRy3TjzciUDgeBa2qBPOJBFCYa50GV0NkY724/o2hdoYHYnd+NLF8Ro07DKu38Tx6sRDnSxWRu66Gg8B7Qfb6Xuqj9JYievfun7Xpx3vjZPalmLy1UmkJ8ntybH9s9sZfXGU2ffugwl+o2IMX+IU6y3Z4B8H7ps86leGH+NfXvwel0oztJlx1DVGhi5UfrL/MB3h9UxgQggSeh+GEqfhLdFwl2i4+RbHNuiZvYntVVCExlD8k1ws/h6+dMg3r9Mfe6alz9bxa1ScyeCERIiE0Y9gkzpvPAQqe1M/z4HMr6wroVSFQdrcxvG2v0vdW2S+ETh4QY/rxS0d27XnKFBRRBiNMKaSvGsCGENR2ZFs49TSFFWnibrMJmmqCUy1dTyr7mzLeepKmKjecfsm7xpS+kzUXmW8+sPgPFDYHv8sj+T+KqHbAg8CjbjezYHMr6AKk9P538CTFlV3hsvFr5Exd9zRid4KumKiL2dLh2IHGYodxPFt7n3ykkg8eiKP8Vj7/0DstvFRRHAe+9K/hOM3uFT8fSQ+tl9luv4mbaF96xw3KSXz1llGyt9amZDaQvt4vP3vkzKGWx0qIQhrWQbjHyOpD/D6/D9lqXkZT1pcLf0xnZEjdITXl5r+qOD4NZaaV1bKjzPmDg5lfnVdFlYIgSbCxJQwMb2TzvAR3HQDRegbOv5rMdM4yY3yd1cytf2xj3As97eJ6q06q4rQiOmd7E59CUOJ8c7i/4Xtl2l6JS4Wf5/28OF1xGee5zOXr1CtN2nPxLGaDqVqg3jUpFJvEgsb1Bo2mqqwWKyRiIbIplrvy2jIoCeXxHF9BN4HPoIOQcb06b1DPM0q6dj2rqBa4/kjAUHYF7Otz+xH929b+fzFE/sBeO5A8NtAW2vbSM9t666FEIL2SIz2SCuxTLVqkUhG0A2N3Xu6yd5GPKNpKh/9yUf56E8+CgTP0dFn967b/lPt23Clz/ZEG//q4ku8NHuNnmiKnkiK7GGVpekCA3v70P4f1LP0IVqhmhp63MRaqm055YdyUZxqE8/6YJA+eZ6D3aximDF8z0FVdVRVR/oBcY3vrToqbqnE7O9/OfhcLG69YSGIP/IoZncvC1//o5YyYOn6OPkaRipC5vgQpbOTKKZGffzhSmg8TDi+haGEAkJHr4QQKgkthyMtGsvtUpowYMXgl9h+A8uvYShhXGwMEciEqUJHV8I0/Vog9yMdNGHgS4+6X0JBRVdCOLKJSkDoJKXExcH2G+iKgS8dml4NU40SUZN40qbhVdCEgSJUbr8JYwnBJz4f4dUXG1y7ZOP74Hpw9YLN7JTHxz4bYXinTmePxuXzTY6cCHHxjM3OvTrbdxvkFz0qZZ/PfDHK9Us2xXxwntltST7zvz1OojvKO791mXd+4xKK32qmS+njrWsX2hqKpnDs1/ay69P9zF3K8/I/eZPSdA0zpATH7kp8T6Jqgo5enWrJZ27CRgjIdekoqiAaVxi/3qTZkExcb9LZuxqQN8OC3mGTaLw1MLwVjn82x8TlGvueTHHzXJVETmfuZoPtRxK09YWYvdngnW8vku4wOPBMGkUTOJbPm19foK0/xPHP5HBsn1Dk3t4DoZhK51CE0qJNYWbz4Fcy3EutuUS+NoammCTD3dxYeJ3e9CFCWpymU8HQIkh8YmaWkjWD59mkor24noUvXZLhLup2HiEUpgvn6MscodSYJRPpo+nVcbzG3Tu1gGqodB7tZPzlcfJX8/dkDjeWGrgNd0WDePHiIqmhFGbyzpKIf95w36XI352+wFg1j6lquL7f4rjdYvXdDDG9i5CapuEtYXkl6t4iSTm4YiB70qLQHMHHJaK20x46wE31z6i5c+SbV/B8G1VddWzr7vxK1jKkponpWxP/5EJ72J360kqWdiOE1AzDsU+waF3Elw6u36DYvIGMPQC72V3glq5k03OxPAfbe78ZWlfR9CtcL38LTwYPe8LoZ2/65zGVzanKFaEznPgUE7VXl7O8krnGKYrNm7SF9z/U47tRPYOphhmM3tt2I1qO/elfIqq1b7qMJkIMxp7lZuV7NLxAP3TRuhyw8InWidOTTa6Xv4XtB30uuhJlX+oXSBlDm94bAkHa3M7e9M/x5vy/xPGr1L0lrpe/SS6098eWtfWki+uv9h2bSvKuiKCCPvA7L+dJh6ulP8GVQQQvqnWwN/XzW5YvK0KjL/Y0E7XXGK+9BMCCdZGl5iW6I8dbli3XLX7w7nWatsMTh4ZQhODS6BwD3RnePDvKYHeGqfkivoT8sl7fF587SMhYHe9oyOBTx9azRUspWVis8OZbI1y6PEOt1iQeD7F/Xw/Hjw2TScfu+iX+5x3nzk/yR3/8Ls1N+qY+86kDPPnEDh45MkAiEcayHPzbyHjqVYu5iSX6d3Siapv33x3O9CKRuL7P/3Dg4yxZNTrDCZJGiNdfeB276TA9MsfTXzpBOPahc/vnHWpYJ9IVVNDUZ8pIT9LxeD/JnW3MvHKT6kQRz3KJdMTQIgbWYo1moUGkM87wTx8gf2GO0tVF6jNlFF0h0pVASkltqrxOyuT9htUInEnHqVGrzgFQKU8BUK1Mty4sfZyF1v7LzaCYJuHh7cuZ4dbnxik38Bo2QhEsvTGCXaivZ8K9A1TFQFdMbK++oljxfsKRFsXbFBzWZkQDh1LBXlaYkEhqXhGAvLM6jgUnKGWve0EWu+pu7MyX3YXND2bN6TquRdVd7d01lDC+9HBlazWCYQhUVTA96VKrBuPcN6jx6S/GOPlmUHqvG4KmJckv+pQKPqWCRzqn0t6lUsh72E3Ji9+u06ivXqdw2iTaHkELaaT6YphqiHZtCFOJIAjKr6t+gWn7+ubncxfYeSiMOyzo3WbSbPgUFz1qZY+dh8LkF1yy7RpnXq8xctHiL/73HZx/u0at4jM/5WBbrfeHqsHHfipFMqPh+5Jk5u7cCk0X9O+N0tYfwvMkmqYQiWnE0jrf/c0pnvulLoYPx6mXXXp3RfnWv5ukVnDwPMmJz7Zx6sUlVE3w1JfuLZnTtyfGr/6zXbz61Vm+/W827zF2vAZhI0nC68ByK/h+4KiqQsPxrUCh5BabshBEjQyub+N4FolQJ8XGNBEjCBi7vr28rKTpVPGlRzLczejiG3d93FpIY+hTQ3Qf6yacCaNHdGbfm2Xg2QESgwmsvMX4S+O0H24n0ZfAbbjoUZ3RF0Zx6g67v7Sb0niJm392c8W5XYvMrgzR9iiTr02SGkqR6E8w/sPNx+d2RIeyZE8MEWqPY81XmP7GOTInBlE0FTMXpXBqguqNRdo/soNwT4r6ZIGFV6+TOdKPNVehPpGn7ekdlC5Mkzk2iNAUjGSYhdeuU722xfO70Vjd09JrMN0o8YvDx/n5wUfXM4QK0MTmBoeuREgYfRTs60g8SvYoXeFHV/5u+/VlIiiIau2kzR1EtDZq7hwVZ5qGl18hk5FSUnPmaS5PbGEtR0TduudvIPYsYTW9pYMqhCBj7kQTJvYyE7DlFVZKKd8vSCnRFZXdqXbGKoUWaaH3ExK5LB+0OmH2RB67Y5AAIKxmaAvvY8E6hySQPJq3zt2XY1t2Fml4GzPfTTeu0R3efs/bbAsdIGPuvOP1jus9RLTsimPb9Ip40l7Hwl11ZphvnFv5nja20xF5ZF2f+Eb76AwfIW1sZ946TRAEOE3NmSNh9N7zeT0MqErA2HwLJXuUQvMGbaH9DxzAkUgq9uSy1nKAjvAh0ubmAYBbMJQYHeFDTNZexcfFkxaz9ZPrHNtbmtMDXRk6swmWijUaloPr+vS0J3n97E2eOjzMyORiUKbbnmypLgE2PZbJqQL/+7/6LhcuTuG63kqf1Ivfv8jRo4P8rb/+cTo30Da+FzTqNqVSnUQizNJilXgiRCweYmmxiud65NoTK72qvu9TLjUolxv4nsQM6WQyUQxTRwhoWg6zs0VyuTiRqLmqqScl+XwNq2HT0Zm8aw3xtVjKV3nn3ZvUGxuXmx4+2I+UcOXyDHv39nDjxjw9vWk612gbz44t8qdffo1f/Ydf2NIhPVeY5jtTF7HWZLc0ofAXt58gkYtz4bUr7Hx0GPXDjO2fewhVoee5bZjpCE7FwrMcmiWLSFeCSGecSEcca76KoggyB7rQwjqRzjhXfvtdjFSYaHcCa7GOtVjDytfpfmYYMxVC0VXqsxUmv3ftro5DS6YQuo6TXwq0PgE1GkONxfHqNbzKstOlKOjp/z97/x1m2Xmdd6K/nU9OdSrnrq7OGTmDJEACYBYpURQtW8kKtizL8lhzZ3zHYTx3bF17ZhzHsmUqkRQlUhQTCIJEzo3UCZ27q6srp5PTPjt+9499uqqrq6oTAFJ3zJfE83Sds8/O+9vfWutd75tBuC7iiqSzbIRQYjEkRcV3bLxadV2BJSWRRAlHluNT4Tg4xcLydledH11HCUfQO7owuntxyyX0zi6EG6xXeD5uqbBMA79cAEoOh1GiMSRZxnecDfcHApHFVKgX17coN+dwrmFZCCLo9YtEUCLRYBuWhVutrHscENCYlVgcWdMRnotXr+E3125HTbchqUrrnFyxn5EoajyBWynjm1fQHRUFJRpDNkJIsoRwXbymid9obNjIKocjKNHoyjmqVpfPLYDtr6+oW68KcosuD344woVzNvlFHyMkoWpgNQW6cenirjpjIODIGxbRmES56GM2fLzLgoz8WIWzP5gk1R/j1Pcu0nRMJsUpOrUhal4RVzi0XQdr8FrIzTuMjgbaOKGwTFuXhGP7WE2fp75eZPuBCKN7w4yfaWLWfV77YZVSzl33NOqGTP+IwTe/mEczJD75ixtrM1yO/KzFzntT5KaaxNMaru0jqxKFOYta0aU4bxFLqZhVl9xMk9KChWMJ9JCMHpbJz1goqoRZvXG2hiRL10xKlxrTeL6NpoZpOCXmSseJhrIsVcdw/UC8MOjdFrTFhvGFi2mXqZhzNKwChhZjvnyKhl3Cdur4wmOxeg7Pt7HcOkgyjnf97RJu02XqhSnifXEmnpmgOFZE+ILKTIVmqcnA/QNUR6ukhlJUp6t0Huhk6dgS2e1ZLvzwAjMHZ+jc3xk8G+sEts1Ck+GHh1k6vkTngU7q8/U1llMbnk9VJnvnMOWT89iFBpIc+NTGNmUxZ0rM/fAUnmmT2NZJuCfJ7BPH6X5kJ8nt3YS6kniWizQjE+lLU7+YI7m9i4Vnz1Afz9H5wBYak8Ub6s+9aSry/Z2jPDV7ChmJtBFBkeTlPKIiydzRPkxKX7+iI0s6KX2ECZ4DVvpeL430DXeRuhNkO2NqNxE1S1IfYql5HMsrU3WmSer9XFKdrTjTeK2MWkof3lDwB0CVIrSHdsIGVOXLockRFCkEBIGWK6yWEMH7GNgCZbvJWCVP1bauWvl+T7crfIrWeSw/eIFLyHSE9yBfxy0iSTIJLeibdkVAwSjZF27Ku+tg/rvMmWPo6ygrl+wFum8wsJVRW6q916ZFy5KOLq9QXT3hLN9XlyCEoOxMLge/AB3hPddNuw4pabKh7a3AFuruEmX74o8tsNWkMNnQdqbqL+MLm7q7wJu5f8/O1OfpityCsYFv9HVBQNG+sKzOLCGTDe24KlPiEiRJJq71oMphbD+gphWsc2uE5kpVE0WWWCrWuDhXIKSr9HakMC2HTb1t+L5gqDtDeyrGxbkCiWgI9Tp81nxf8M1vH+LosalVdmZCBCrKb7x5gSd/8A5/6+fveVcJgPNn5/nql19lZHMnb70+RndvmtvuHOGFZ09RKtb59E/fxsOP7AYkXn7hDN9//AiVsonn+aiKzJ79g3z2Z+8g0xajUjH5v37vCe65byuf/fwdy9toNGz+5A9ewHFc/t7vPHJTge31IpEI8+qr55Blic2jqzPpmq6ihdRr+s++sHCOhBbig91bkFvnVkYipUcY2TcEAjoGsj9SL8Wf4MZwSUBpI1V533eCSocQeKaL0qlQnq/RLDTwTJfC8XkkSWLu5XGE66MnQ/iOhxTVifYl0eIGpTOL1KbKLLw+SXW8gJ4K0XnXAPXpMpIik97Zed2BbfKe+wkPj7DwF1/ByS0iKSrJu+4leec91E+8w+I3vwaAmkjR+dNfwBwfo/TaS8GPhcDo7Se2Zz9Gby+yZuCbDcwL5ym99hJObnW1IXnnPcR27kFSNWRdw15cYP4vvrymd1bSdFJ3309ky1bUVAY1kUSJJ+j+wi8sx0tercbSN7+GNTu98jtVI7JtO4n9t6F3diGpKp7ZoDlxkcqbr2HNzqwJ9CQkGk4J26tfX8VWkohu20lszz709k4kVcOrVaifPE7p4Cv4jfqqZY3efhK330W4fxA5HMZ3HOy5WSqH3sA8fxbhtiatkkz2o59Ey7Qx/2d/gpNbXLWe2K49ZB56hPyTj1M99ObyV2o6Q+K2O4mMjKLGk6DIrYRBnvrJ45TfeC1Qarrs3Ea37yC+71b0js7gHDUaNC9eoPzma9jzc1dVdbIswRN/VWfnXoNUWmFhzmP2nMurz5mEwhLf+Ysa8zMuuQWPpUUX1xYU8h5z0y5L8x57bjFIpmRKRW9VHqCRb/LCvzmMrMo4DXfZ4s7yG2S1YI5Q9zZWvL1eFBddOh6MMnHWIhSR6ejVOPFmg4FRA92QCUdk7KaPEGBb/vK/V+FS7C4Evg9GWEbTJa53WC4t2qS7DM68XmHrHQkaFZ/pM3X2P9TGllsTdA6Fef3xpSAQ81cuh+cJigsWO+5O4bmCcOz9mY/7wqVsrrADXJo0a+u7ilhuDdMuU7OC+7Vu56nbK5V/xwuSMHUrR8xoJ2a0MV85zY221rmWi+/4OKaD7/hE2iP039tPZaqCrMuoYRXP8qjN1UgWktQX6kS7o4HugO1ddXONXIPGUoPu27uJtEeYenHquvdLeAJzrkLbHUO4VYv8G+OBYrblUr+YX1YV1zMxmgsVrMUqzYUKenolwYcUBMgAXtOhMVPCt13a79t8Xb7Wl+OmqchnK4sU7QbPzZ9BleVVVGRdUdma7Nw4sEUlqQ8gSzq+sKk4E3jCQZWMltXMBWy/hoxKyhhClhTajK2cJ6B/lu1JeiJ3tBTvHMr2+PK624wtG/bXAoSUJGF1Y5uVVZDkVn9F67iFx5oU4nsMCUgbYbYks/hCEFF/NBRVXziUnQku3fmqHEJCpuFeH1XqUv/kpb+arWqnehXv1PUQVmI80PGztBv9a747VnrhunuVL0GRQ8S13uu63pIE0qqkhb+sOH0JAp+aM3NZwCuR0oevKwEQLK2Q0HqXxdOEcCnaY/Rz77V//D5AkmT6o/cFVHLzGAKfXPMEry3+Hh2h3fTH7qMzvJ+o2rEsJHW9CNTKLyz3kCiSjiJpNK5GC7sMnrBXBbGWV8YVFtplgXEyFmZTXxaEoL8zRVsyyrahlYBq/7ZgMhAytDW9tZfgej6u5xHSNSzHRZElalWLo8cm13p0X/qN63PoyAQ/89nbiESM5XX4QrSCsUDM4pLwlqYqayrFl7Y9PrbI6NYufubn7uIP/+tz1KpNPvmZW3n5xTO88uIZ7r53C7F4iHg8zK23jzAy2omuKxw9PMET3zlM/2Abj35sH+lMlB27+3jx+VN8+LE9JFs+i7PTBU6dnOHjnzpAOHJ1n2khBE3PxRM+YUVbd5+vhsGhYNxqb48Tiax+9tMdCTRd4/tfepnhHb2oWvDMpLJxhravVCG2J7t4cf48J4pzGC3GiiLJ9EfTHHr6Hdr7Mrj2+tWDn+B9QksI71oIhTNk27cTiXa02oXWHy9mpw9SLl1E+ILFN6eoz1XovmcIWZWZfyX4XFJlZEXG83yyB3oJd8ZYPDhJaltHa38ABLImL3uRunWH3JE5mrn6DdmNuMUC6p79aOl0ENhqGkb/AEgSencvciiM3zRREwnUVBq3VlkOlJRYjMxDH8EtlageeguA8Mgo8VtuQ9J1co9/C99aqUxWD71F8+I4ajpN+r4PBKJQ63kA+x7NmSncahktnSF553245SLl119FtOR1hePglksrP1IUYnv3k/nQR3BLRapH3sa3bfRslujW7egdneS++02suZnV2xI+mhIGBE332paAelcPWls79sI8lTcPImka0W07Sd3/QXzXpfTyC1xSRAoNDJH92KdQY3Hqp0/iFPMo0RiR0a20f/RT5J9+kto7R4JKrxSIZCmh8Lr+spKqoYQjSOrK+1bSddL3f5DYrj00xs5RP3kcIQRqPIHR24cSi6++dxWF+P5bST/4Idxigerht/AdB729g+iOXegdnSx995vYC1dX7C7mfV5+dnVF97XnV1eg52eDc5BfXJ0gP/jixhVxt+nBFfOOipdHlTRkSaHkLVx1v64HzYZPveozP2kTSyoYIYmJM01GdoZ49OfSKKrEwacq+J6gVl4dfA9uMbjlgRi9wwZ3Phzn0Is1TrxV5wOfSlIve9Qq16dTUVq0efvJPBMnazi2T6PiMnfBRDNk2gdCHH2uyMw5k1ha5cwbZfxWldFzBAe/vcS2O5OYNZeD313Cc9/9y0DRJGJpLTjmooPwIRxTUHWZWtFBC8mEYiqyBHbTx6y5y8rP+dp4kKgDFFUiHA9+57mCZs3DsVZOoBqvUxInaTpBsKdqEtFWxbpedkEE64hnNOpld9Vvr0QoHUKP61QmK3Ts7giUmIVYnrdcUmHWohrhTBg9rhPOhGnkGuhxHSNpoOgKekLHrtgsHFlg58/tpHC2gFlYn62wLkRg+2QXGhQPTWLOV5Y/v7zq25wrk713hPjWTiK9KXKvXkBSFaKDbSAE4e6AAadGdJLbuxB+YKEm3Bsr8N10xfaXNt99lWqiRErfuCoT0D57MOQEppfDdPNYXglV7kTgUbLGcUUTVTJI6YG4SUrfhCJpeMKmZI/hCQtZiuAJm7IdSNIrkkFSH+Jq3qOqHL6u3sAfFyRJItesczg3Q0ILsTPTRexHENsGirQrAYfrN3l98f/YUF36SriiiXuZ363n2/jCBW4ssN2euJu4msZQ1l6j/sjWq1bj14MsqWtEt94NhPBouCvVWkXSCSnp6zaxl6TAcmk5sEUssxN+XEhofezP/G2OFL7IUvN44OvrV5luvMq8eYiY1k1X+BZ6oneQNXZgKIlVCZ+NsfrYXGFxJP/feKfw5evaL0/Yq3yXPZyWsvjK2JKKh7lj140pZa/aQyGYL1Q4P5Pnjh0DHDk/S282gWQLqtWr0/HKZZN63SYSMZjNlxmfK9CwHCKGRjSkYzkeuqbQtBz2jHSTjK4/JsqyxB13bWZgKMt3vvk2Q5vaufWOTRQKdZ576gTNpkMsHmLvgQF27unDsT08zycU0nj5hTNMT+YRQqAoMvc9sI3nnz7JyePT3HnPKEIIDr89garK7DswdM3EhI/gQjXHQrPCnnQv2VDsqstfiTOn5xgfX6JUrKOqCh0dK89evWJSKdaYubDAxNk55NbEdcu+wVWB7Vg1txxc2613jCoFL2vXDl78svqTau2PErEtO/GtJtbiHF7TXJduGgql2bL90yRTg4F9y+VlliuQWwp8RmVNoW1vN5HOOEIInHoQANh1DyMTpfehzSy+PoVTsdC3ttO2twfPcpf7R2tTZbruHkKL6pTO5ckdmSW9owO3ZlM+n6M+U1l3+1fCmp9DUlTUVGCHp8TjqPEkjbNnCA0NoyYS2E0TLduO8D2c3NKKPU00hjk+Ru573w4oy5JE/eRxOj77s4RHRlEzGey5lcqPk1vEyS2iJJIkbr0jsCNaD56HeS6wzDF6+0nccgduuUT18NuBb+460LPtpO55ALdYYPGvvoZTyIEQSLpO8o57SH/gIeIHbsX+wcJKlZTgPSmEh+c7QS/nNRL4aiJB6eUXKL38QkAJliTMsXN0fv5vEdu5m8rbr+PX68jhMMm77kNLZ8h9/7vUjh4OqL6yQv3UCdo/8RlS9z6ANTO9ujp7A1CiMUJDw9hLi+R/8D3cYqvPVlFQItHgOC+7X/WOLlJ33YuTW2Lp238Z0M9b5yh1932k7/8Q8X0HyD/95Koq748TSTWLIQdCRWm1i0VnYt3lZFVCDanIapD4cS0vCJQv8aBbsJo+3/piHsv0kRU4/LJEverz1NeKxNMqjiMwmxKKpvHUt+oIRUFWBb4rWJp1eOE7ZSSJYLmGzxvP1Dh7xMRxBJ4LriOQZFANFUWXA0skT+Ba3rIas9XwOfJscK3OvrnynJ59s7Lq70rOoZJbTaEvzNu8+q0b67u8GhRN4q5PdXLPT3dx+Ac5XvizWVxHcO/PdDNyIMHTfzzNrY91MLAjhmbIFGabvP6dRY49X8C1/NZcFxJZjbs+1cm2u9PE0hpWw+PCkQqvf3uR2XN1kOCx3+xB0WS+8k/P4buCkQMJPvM/bmL6VJ2v/6sxzKpHz2iUv/EvRvmL/88YFw6vnAvf9Vk8tohdCZ7/ylSF3IlABGr2jVnKE2WssoWZM1k8ukh9vo7bcIn3xYn3xXFqDtldWebemKNtaxuSIqFGVDJbMsy/NU9tpoZne+RO5fCdG/C11RSM9jhaMkzbXZvwLZeZ7xxrUZNX2BvV84uoMYPEti5Kx2aoji3RXKqSuXUQoz3O4kvncCpN3IaNGg3m+gvPnLlhr/Gb77FtlKm560/8ZGTCyS60DbxsIRCRCalpTC+3LCAVUTuw/dqyJ62uxIlrvcHyWgdhJUvNnaVkXcDxG2hyhKZXwGw1+4eVDFG146qTN1lSrztY+3EhphlE1eCiGorSyr5cusnk90W8SuC3rG5W/m54Nz9wBC/GG8+iZY3eDb/rCY/eYL02oL/eaNX4agjO00pvjyypKJJ2Q5VkVQpdprQslkWoflyQJJnO8D7u7vifGKs+wcXqM1SdOQQurmhSsscp2RcZrz5FW2gbw/GH6Y3cRUhJXfVeFIhlGvGlT0zvXSh1Cv+GFASvB5bjcuT8LEfHZlksVTEtl03dGSzLvsxzbsMdWl7G9wWRkE40pKMqMqqikIiGqJkWzWtUFw1DIxzW0VQFXVdJpaIoioymKcvZVyFgZqrIS8+fYvzCEvVaE8tymZspsmtPwG6QJIlNmzvYNNLBS8+f5sCtw5imzdFDF9m+s4/O7mv3A8tIdEcS1FzrhmzcLsEXgmbTIZ+voVxRccl2p/jF//mTa4YFVV/9nkhqYUaT7ezL9KG23iESYBea9Ix00qiaaIb2198A8v9BcKsVIkObiY5swykVMGcmsPNLqwKsbOcukqlBCrmzLMwfwbYqGz5DzUbwzvZdj8LxeWqTJTzLpZmro2SSKNtGmXhpBi9XwLU88sfnqc9XwRfMvjSOU7GQNJWZF8YxUgaeLVAHelg6V0U5NoesyTRvoOLgVcp4ZgMtkwFFQc92ICkKjfNnCQ9vQs20YS8uoLd3IhwbJ7+S3BSOQ+Wt11f6cIXAyS9hzc4Q27UHNZ5cFdi+nwgNbkJLZygceRu3WkHSVhga5vgYqbvvI9Q/iByJ4FVWJsyaEiaip1AVI+gVdK+eEHDLJapHD630uQqBNTuNW8yjRKIo4Sh+vY6W7SA0OIQ1O0P9xDsr/au+R3PyIo0zJ0nccTfhTSM3HdgK18U3m6jJFKH+QRqmGVTIPW/lmlyG8PAIajJF+a3XcavV1efowhjJu+4nNDCEEo7gXUE9VUMKA3d0EkoZVOcbzB5awrtKACBrMr37s8S7o1gVm4mD87imt2p9/bd1Es6snaMsnS6ydLYEAnQpTNldwsWhTV2nx1aCVH+MkQ/00XdrO9H2MJ7tkx8rM/bsNDOHlvC9yyp5PtRKlwcLweeWJQhrIYY/0E3v/nbi3QFV1MxbzL2TZ/zFGXLnyzSmVweavifIzbvL+xLrDDN4dzf9t7aT7IujhhSaZYulMyUuvDDL3LHcDdsNvV+QFYnbPtrBo78+wDsvFDj47QUs00fRJCJJlc23JEl26JQXbY4+kycUVdj3UBuf/ofD1EsuZ14vAUF195O/PczO+9OceKnIqVeKJNp1dt2fYXBXnL/4384zd75BreSy+4EM4ZhCveQysDNOutMIlKdTGmbVo2MoRDyj0aisZp34js/swcvo0abLhScvrFqmPN4SUpsL5pVVWq1cZ1bPvWZfn2X29ZV1KbpCcjiJWTApni/e0DlUozrh3hQz3z6KGjXo+vB2JFWmeGi1+JRwfQpvTcBbK4kZO19n/gcnl/+WNAXf9cm9Po61eG32yLr7czM/EsAXz73M8dLKSfEvy673R9P8i32fJKZtHFBocpSE1k/ROoft14JqoRHQDStOcDLiWh8hJcighpUMMa2LmjtLw81RdxcIq23UnIXlvtCwmiWsZq+679L7FBi+l5AIzmd3JInamlzaTiBWpGt7uO7y4A1BLFMpLu2F1lLiuxlcj7Lu1WB6NVzfIaamaPp1Zs1zxNW2dSnKV4OEhHRd1cUbwcpkLVj/jZ0jSQqMq9db348LkiST0PvYm/klhmMPM1F7nsn6i5Tt8RbtWmD5ZWYbr7NoHqUzvJ/dmb9JRyjo/9zomRKr+rUkNDl8Td/bjaDJseUEQuCr6wfCdRI3TFG/BF1V2TvSQyoWZlNPG2FdJRkLUxR1ohGDHBsnHRKJMNFWVnGwM81gZ3qZegxBoGnZLsWaScTYOJkmy9Iq2p0sS5cdT0uaf6nKv/3XTyBJEo99fB89/Rmaps0f/N/PrlqXYWh84OGd/OkXX2RqMk+12mR+rsTHPn0A4yr7cAme8JlrVHB8D0/c+MRjx45ewiGNaMwgmVw9BsiKTChsMDeRQ1Ykugez+P7aPnxNVjhVmudCNbcsTCj7EvsuRikdnifbl6G4UGbn3VtQ9R+NuN5/72jOTmLnF4mObCO+fQ/h/mGcYp7K8UPY+SAgSSQHsJplLpx/ErORu8YaWxBgl5rYpVaSXJEJ7xhGSSeoHT2H2pElNJzAzZfxAWd2CWN4ENl2UDszCNfDOn0RY9sAaiaJ+c45GvM3Phny6nXcYgGtLYtsGOgdnfjNJtbsNF69jtHThzl2Dq2tDbdcxmvUl8dwr15bqRJeOizfR9g2SNIq2uz7CUlV0ds7kHSN5O13Edu92kZOUlTkSBTZcZBVbRXZ1XKrVJsKkqTgimt7p7rFIl5t9dgoXC+ojsorvr5apg3ZMHDyOfzmFYkG38deXEBCCvyAb3IM92pVKm++RuZDH6b945+mOT1F/dRxzAvncfJ5uGwckzStdY50UnfeQ3zfgVXrklQVJRzGj0bXvW6SBNseG2T0oX7yY2Ue/4evUJra+B0R6whz/+/sI7slxfiLs0wcXK0EbcQ1bvul7XTtaQuOXrq0HYnXfv84ufNlhCeoegU6tAFAIu/OXLkZuna1cd9v76VrTxuyIgX0TwGdOzKMPNjLka+eC8bZS1ONdU61JEsM39vNHb+2k+xoCkmRVpS1t0gM3t3F9o8N8tYfneb0ExO41vpVtO49bdz9d3fTvSeLosnB+7AlodN3awdbHx3k2F+c4/BXz2HX3juP5RuBEALfC4LaAx/J8onfGuTYc3m++x8mqJdWB5ORpErxDYsv/5NzNMoukgRTp2p84Z+PsvWuFGffLCEEbL8nzS2PZvn+f57k2S/N4lg+sgyn78vw+X+6mft/tpu//FcXmD5V485PdpBs17FMn+6RCOPHqrT1hmjrDZGfadIzGqWSdygtvM9e3Jch3hen60AXk89NYldvzJPcrVqUjkzR8cBo0F7y3Fm8DYQmrwlfUL+wdENiUVfipqnIv7n9AzTclR33hWDOLPHdqWNsTXbRHbl6dUCWVDLGKBO1ZwGfij2FiAZCUJZXASSS2sAyjVSRQ6T0Tcybh7H9KhV7kqyxg7o7v1xpTOnDKO9hde7HBVWWMT2XC9UC3dEEhqIGtSG/wfsXBEko0krmMqxkuLPjHxFVu25qbZocQV1HAOp6MVY9TN2rcEv6YV7Pf5eZxjkUSeWR7l8hpW9s2/P+Q0KVQ8t/+cJbpqFcLzzfviyJsHp97wUE/hUB5fVDllRSxjBJfYjR5MdZah5novY8C+bhFgVb4IomM43XKNkXubvz/7VK0fxKKJdRxw05zi3Z3yRjbLmpfVNlA00OqLELzRJfm3qZ3clBdiUHaTMSy0JDNwJZluhMx4iFdXwhyFcaxCMGqWSErVu6mJjMr/s7RZG57ZZhIuHgmbk8OLv834au0pWJr/n9jWJ8bJHzZ+f5Z//yp9l3YBBJkpifK+Gu03uy78AgX/+qzltvXKBcatDekWDrtutT0lQkmY5wjKLdwJBv7PVQLjewLJf2jgTTUwVSqQhtbSvH7toe3/ni8xx86hh9mzr55X/yaU6+eYF6ucEHPrOidv2pgT18YmD3mv5m9RaFJwrPsO22Ec6+fWHD/uef4L1HdPN2osOjuPUahdeexy7mCHX1ERvdQaEV2Mqyim3Xsa3ro/+uC8/HGp/Br5t45RrGaD/Nk+OEdgyDL/ByJdRMAq9SxxqbRutpR+vrxCtV8Ws30BN2BXyriVPIY/QNoERj6F3dOMUCTj6Hk18i1NuPEo2hJtM0py4ibBvJCMY24TiraL0/NsgysmEEFNRKeU21EQIatFer4V+hjuz4TcrW/JrlN4JvWWvo6OtV52VNQ5JkfHv9CbpvWwghkHUDZJlrzm/WG+KFoHr0EPbiPPF9txLZso3sRz+FVylTPXqI0msv4ddbbDRZDrYlRHCO6muDUmdpEbdSWVdB2jE9xl+cZejebhK9UXoPtF81sO3dnyXZF8OzPMaem1lVrQWwqg6HvnSG9FCcUFIn2Rtj8O4utPDqsdcWJk2/hiwpWJcx6yCojt7z93bTsy+LY7qcf3mO8Rdnsao2qcE4Wz8ywIGf34rbdLkiX7p6Xw+088Dv7ifeFSE/VuH8M9MsnS0hfEHbSJKtjwyQHU1yz9/bg2t5nHlyco1qbnoozgf/51vJjiYxCxZjz88w/dYidt0h0RNl5AN99B5o57Zf3gGSxFt/chpvgwD5/YTwwXV89j8cVF6PPpvnO//2ImZt7b54juD17yzSKLf62gVMn65j1lwSWQ1VkxG+YPeDGRpll8NP5Zf7Yn0fxg6VmXinypbbUyQ7dJammiiKRKrToF52yfQYnHq1hGbI9G2Ncu6tMr1boiyMN7AaP7pzU7pQonShdFO/FZ5P7tUL5F69cO2FL4NkGBjdvXi1asCCEQI5HKV0zsH3bz4heHOBrSQxHFtbGd2V6qE7nOLfn3qWXLNGXzS98TpQSOubkFHxcSk7EwjhUbIu4PpNFEknE9qy3MsnIZEN7UAuf7tFj7yIK5pUndllemI2tP1mDuevHTxf4Phe4AfseaC5+H4JWXrvekWvhCyphNSV6+XjEVU7aQvdXBDyblH3KoTkCAV7nsXmJB/v/U3eKjxB3p79sQa2sqQQVlbufU9Y2F71hhSgLb/c6hUNcPn63gt4vr1GzflGIUkSETXLYOxB+qP3UrYnmag9x4Xqk1SdWUBQd+c4lPt9Ptjzr9b1pZWQCCsr0v8Cn7CaeU/uqZQe40B6hFdzp3hy7m36Ilnuym5nS7yHuBq+IVZGvtLg0LkZXN9noVDl0du30d+R4qc/cxvnxxYZv7i0ivWqaQr33DXKxx7b+yNjf6ha4PuaX6rSbDo0TZtnfnCc+bm1CpmZthh337uF5585iSxLfOChnctCUtdCUHEOWk22Jm/MH/DQ2xeB4PzMzpbo7Vs9/s9N5Lh4eoaf/jsP89ZzAfUoFNZ557VzfOAzK8tNN0p8aewNJmsFkMD1fVJ6mH+w84Pse3An5w+Ps+OuLeihqwth/QTvHfxmg8LrL+JWSsufmdMXAxGlFhr1JTJtW1DVMJ538+OPsB28uonftHHzFcK7NuHM5RGeT2jnJoTv45Vr+I0mXrkWBMCbepE0FWf+OivFazYqsBfmCY+MorVl0TJZ6qeOI2yb5tQk8QO3oWXbUeJx7MVFhOuuBLZ/XRIsvo9vWQjPo3zwZWrHjvy49ygIXH0f2Vg/eSsbgXCWb1uB2JQsB5HDesOqJAVB6bob8rFmprFmZ1Bffp7Q0CYSt95B+v4PoiaSLH33r4JA1feDfXJdSq++SP3EO+uv7yqYPrRE8WKVju1phu7p5tzTU9j1tYkNPaoyeHc3WkQlf77M1FtrqdZu0+P8syuK1m0jSTp2pNcEtmm1G0cEXqhZrZ8Z++zyd9seHaR7bxbP8Tny1XO8+UencBqt/XlpjvNPT/PwP72N/ts7N3xfhVI6d/zqThLdUabeXOC5f3WI4sWVxMj4i7OMPTvNI//7nXRsT7P/b2xh7lie8vRKUC+rMrf/8g6yo0ka+SbP/94hxp6fwb9M2On0ExPc8/f2sPszI+z72VEWTha4+PLVRbreL2zal+DBL/Tgu4Jn/2Rm3aAWwGn6FOZWJ2Z8P+glli/ZBikS7QNhaiWXauGKpJHlk5tusvWOFOGESnnRol52ae8P0ai4RFMaU6dqtPWG6N0SJZZSaesN8do3F7gJ0tRVEc6Gsav2jySZIKlq0PJQrW7cNiRAy2YJbx6l9PwzywnC8PAmlESC2uG3b2rb7ylHRpICS4aKY1JxTOAqga0kEdW6MZQUppejak/jiAZlZwIfh5CcJqOPrvpNSh9GU6JYXomKPYnllak5AS1DkXRS+vB7eTg/FvhCUHMtfCEoWSaqLAMqspxGvMtg5WqQJY2EtkLztb0qdXeBjLi6/+v7hZAcIWfPULDn6A6PEFfTAX3kR2AefzVIKMS1XmQ0fAJ/47Izdd3+xkL41JxZXGG11ieT0oc2WFq+7HeB7P/1oOEurgqc3y1kSSWlD5PMDNIfvZe3cv+ReTMYcArWWRbMowzFPriGki0hkzJWnknHb1Bz5tZY9twMQorGPdnt3Nm2lflmkdfzZ/ni2A9RJJm7stv4QOceukNX96q+BEWRmStU6ErHGelpC5JJwMimDv7JP/4Ez79wmlOn56g3LNoyMW6/bRP33DVKIvHeVtqvhtEtXdx5zyh/+kcv8oMnjoEEXV1Jdu1ZaxMlSRL3PLCVp548hqopHLhteFmo6VrwhaDqNBmIpgkrN6ZFcNvtm4hGDFzPo9Gw16giO7ZDJB4m05UKqNcCnHWUax+feoeEFmIo3sZgNIMiyxwvzhJTDU6eOk85XyU/W6R7UydG+CfB7Y8CkqqvUvYFEI6NvbRS5VtaOEZb+za6em5hZvo1XOfmKqjuUgl3qQRA88QYzZMsD33WuYlVw6A7HzAqnKnWflz2nSwH1ULPC9TVZVlD12M4buBr6rrNVT+wF+ZAkggNDCEbemCLg8CamyEVvp9Q30DQP1u4yeD53UC06qGSfEUby2WLuC724jwIQWhoE7Xjxzb0lP1RwVlawjcb6O0dyJHoahsgWcbo6gbAXli5fsJ1QFGRtNXjj6Rp6B3XSLYJgVsuUTt6iMb5s/T8wt8mvGkzaiqNs7SIcBzsxYXgOg9uon7qxA2fo9qiyeTBBdq3pOja00Z6KMHCibXaEanBOD37sghPMPn6AtX5xjpru04I0Wp7Wq1OHkrqDN3bjaLJLJ0ucuLbF1aC2haq8w2O/Pk5One1YVxSIr3iFuq7pYPu3W1YVYcjXz23Kqi9hOJElZPfGSc7miQzlKDvlvZVgW12c5Khe4LrefqJCS68OLsqqIWgQv3WH5+m//ZOUgMxtj02yOzhpXUTAyE9SW/HrVQbcywWTnG1+U97ehuV2gyWc31tCKouM7wnzsV3qowcSPDwL/XxjX99Aaux9l7wPLGsyHxNXG2eJgWnvVZ0KMxadG6K4PtgNTzmxhp0DdfZ+1CWntEo4bjKzNn6+uu5WUjQua+L3Iml5f7b9wuSqhIeGSU8PELtxDs4uWAcUGJxlHgcr1oNfLVtC3tuFjW+UrTzatVgPHgXLRw312MrBAW7jn2FYpzjezw3fwbb9wgr155wRNV2wmoG08u1gtRZas5s67uuNVWgsNpGTO0KAltnmqZXouYEA2JYCfpr/7r3z14LAkHFbiKAhB7Casn6S0j4/mqK15V9he8mcywTUMNVKYwrTAQeC+ZheqN3ofCjF9sajO5krnkBIXzuSj+0XJVPaO9NdbNUaZCIh2+YvipJEkl9kLCape4Gmcal5ju4wkK/Dn9j269SsM5ySQzMUJKkjE1rt4O8SgHaE83ALPwafrlCCHLW6fdcZEmSJCQUMsYoO9Kfo2CdxfarCDyK1hiDsQfX6ceWyOijaHIUx68j8FlqHmdT/BF05fp8f68G23eZbxY5VBzjdGWa/kiW3akh8laF/zb2A/7W8IcYjF67up+JR3j4li1EQzqe7xMPG8vHPNDfxhc+fxeeF/j4SZKEpslIknxNg/frweBQll/6tQfJZuOomsLP/NydZNpiSLLE7r39ZNpixBNhQiGN3/ithzl1coZ6zSKdibJ5tIuF+RL+OibqmbYYmbY4/YNt9PRcX4B/CWFVpz0cbyXVrh+xWIhz5+Y5e2ae/oE2hoezhEIrY0e2O4Xnerz83UMsTRd5+fFDHHv1HPd8bP+q9TQ8h3s6NjFZL9ITTnJrdoCZeokFs0IlV8WqWyxO5RA/5kn7f08I9w9hLc2DdRWbEtekVDhP78A9JFKDVCvTOHbtCu2GAMXC2A314a77742WubTP4TYU1cBqFonFeqhWZ1DVEJIsEw5lKJcncN2V4NsplxBWk/DgML7jLgewbrGIcF1CQ8P4lhWo6P6I4TVNhG2jptNo6cyKFc0VgY45Poa9tEBsx26aFy/QOHs6oA1LMrKho8TigUVQ6cbEYW4Wdj5H4/xZYrv3Et97gMrbrwe9x4pCZNNmIlt3YOcWMcfHWr8Q2IuLRDZvJTyyBXtpMaB9q1rw2dDad6UcjqAmEriVStDHGwzUyK2JsfA8xGVz1cbYWRL524nt2oM1eZHG+TPBOZJlZL11jmx7tY3SZRCe4OKrc2z/+BCRtMHQ3V0snCysvgclGLyzi0hbiGbFZvylOcT1BkfroOzlSKkdKGgUvHkUVDxcou1h0oPxwPP5eIF6bv3nM3euTHW+jrE5te73g3d1oRgypakqi6c2vjcWTxfxbB8topIZSSCrMr4b2DR17W4jlNKx6y6TBxc2FIeqztWZPZoj1R+ja1eGWEeEwvja9oWmXaFUnSAabl+lXbEeGs08rn/9hR/fFxx6Msf3/tME93++m4d+sY/FySbPf2UG177x6yQ8QW6qyeZbk8sCUJeg6jLpLoNq3sGsefgezJyt0zMaQZZhadLErLgsXDSJJFR6RqN4rli/v1YKLH6MhIFTd2jkGii6QjgbQZIlzFwD3/XR4zrNYnAvhLMRzFyDSDZC6UIRs/W5FtFQwypaVMOpO5h5E0mRiLRHUSMqwhPU52s0Z8uM/afnkI2V+a1nOlhLGycRJEVFy7ShpjNomQxetYJsGMQP3IZXq6Kl05QOvoJXfveezOvhpsWj/sPp5zhTXlj1qe15NDybj/TsvGaPLVwSkBqgYJ3FEQ0q9vSyPUhSH1xj02IoSeJaH3nrNJZXomyPY/nBiQlUkzM3czh/raBIMoOxNBXbou7Yyz6OQrgoSieXp9pkSV9V+XJE/YYosZdDkiQyxlYS+gAFK7AYmK6/ykjiMdL65h95wiCptfPBzi8AoLX6pu9t/wzaDdr9bIQj70xx2/4hDF1FUW5MUCym9dAe2km9Fkwu8s3TFJpn6Qzvu7pKsBDkrbPkmqeXP2szthLX1vY/ypKGIa88Q6ZXoOHlMa6iRCyEwPIrzJuH3vPA9hIkSSamdqHJ0WXFY09Y6/ZXBUmAITL6ZhaaRwGYNw+Tt07TFT7wru6pol3j65MvM2PmGYx28NGeWxmJdRNVQ3jC44/Hn+FiffG6AlvH9TgztcTkYpGwrvHoHduIhFZ6Z1VVQVXfawGyAJm2GHfft3X571tuX5m49fZl6O1bGdOSqQh33r2axZJIru1jF0IwPrZIqVTnpz9/B6Hw9SemZEmi5zrG7o2Qz9WwLIfpqQI9PanV+5qJ8bFfuJ+XvnsIWZE4ffgitz20i1seXN1CkjWiVJwmWSPGSwtjOL7HrFlGlmS6htspzJcY2N4XKCP/BD8SuNUyiR37sHLz4AuccgGntLpKNTzyETLZLSiKTqZtlHRmZN2gFuDMyW9cf2B7FciaAQj8dexvXK+JougYRgrDSNBoLKFpEXzbbSWmVidufNPELZcJb9qMOX4er9WX6VbKuNUKoYEhmpMTq6uONwglkQxUiQ0DNZFEicaQZJn4gVtxy2V828aem1mlugzg1WqYY+eI33Ib7Z/4KZrTk8FETPiUX391OVB1CnmKzz1F20c+SvZjn6Y5NYFXqSApMkosgZpOU37tZSpvvHbTx3AjELZF+bWX0TJtpB98iNDgMG6xgBKNEmoFqaWXnscptO4lIaifOEZs915S9z6I0dmFW62gxBIYnV3YuSVC4dVtFXp7B+2f+ixuuYxTzOM3LWRdw+juRWvLUr5iAu3klig+/zSZhx8j+/FP05yaxKtWkBQFJZ5ATaUovfQ81UNvbnhc+fNlFk4U2PRAD/13dHLsG2OYhZVAJJwy6L+9E0WTWTxVJHe29K7OY1LNokoaFTdHWulEVlUWnHGi2RBGXMf3BeWp2oaCTlbVpr7UJLu59cFlr2vVUMgMB3PtUFLn9r+9Y8OgNJw2kNVgvhROGShaENjKskR2SxJJkmiWLCpzGz8jQkCu1bsbShgk+2MUL9ZJxfqJRTpw3CZLxdOBZaR/OfNMIhbpJBXrQwifpdJZbKdGW3KEaLiDhfxxfN8hFR8kbKTxfBtVNsiXz9O0rwigBDQqDo2Kywt/Nkv7QJgP/a1eivNNDv8wf/0V2hY8V3DipQJ7H2pj530ZXvn6XGB5JEH/9hiDu+JcOFymvBSMU1Ona+x+MIMeVjjxUgHL9FiaDJJsw3vjNCrO8rKXI9IRZcuntmIWTOyyxcVnxom0R+m5owc9bmDmTebemGHTRzdz7ptnUEIqWz65laP/7TDR7hgjj23mzDdOUzxXoOvWbnru6qM8XiLWHePEl98hMZCgfXcHakhFT4Y49sXDNAsmSy+eXbMvV4NvNTEnxpHDYeonjiNch+jOPRjd3TQnHdR0G1oq89crsJWAu9tH2BxfPWnUJJneSJo96V5C10Fjk5DJGFu4WHsax29QsM5h+VVk1JYQ1GqqnyyppI0RJmvP44omS+Y7OL4JBBPo/ycIR/lC0HAdNFnB9j3c1sRAiAZCrKZ26XIc9bJzVLEnsf0Kupy4qaAhomYZjn+IkjWGj0vVmeFE8c/Y3/ZrRNWN+zMuIVCqtRD471oVWZIk9Cuuv+WbOMIidlkv8M3CcTxeePUsmVSE/XsGMW5AXVWVDDYlPsJM4zUcv47pFThb/iYJvY+wsj5rQCAwvTxny9+i2bK80eQIQ/EPoa7jq6zKIRJ6P7TeD02vxEz9ICl9eANVYYHAY6L6LEXr3HUfiyccPGGjSeHrogcL4VN1ZldZFIXV7Ibq2ZocZVPiUZasU/jCpuEucbL4VSJqGwlt4JrbDOjnwT7qyoqnqgRsinXxSPctdIZS6LK6fN5lSeXOtm3E1VDgfSo8FEleZV/jt54rWZIp1kyml0pEQzq6ptBo2mTiN3L/rkhNen4DSVKRpXdPkRXCwxMmihS5rmtjNmymp/KUSw3+8s9fZ9NIJ7v29C+flyDjbQEq0nWwC24GA4NZcrkqmbboGlVkgMFtPfQMd2A17UAlOWKgKKuP7UPdW3GFT1IPc7o8z/emj7M73UNfNMVJd45ke5ylqRxbDgyjvE8Jh59gNfxmEzUaJ9TZE9BFPXdNYJtbOkmtdn39cvXae+PdHRvaiu861MZPrfnOalZw7DogqNcX8H0X267i+x5mI7cm6PatJtb8LHp3D/bsLLLjB6Z1jo01NYmaSmNNTyKcFm3SF4EysCSvyx7wmyZepbJicQOEevvIPPSR4HluMSKE7xPff1ugaCOgdvB1CvnnV61L2BalV15AuC7hTSPEdu5BOA5Wiz69slGf+plTeLUa8X23YPQNYHT2BGNJpYJ5/hzNqdUWHACyqiPrBp7dXLW/V0J4Hm6lEqhCr1NB8+o1JEVB+CsBlr0wz9J3/4rEgdsJbxoh1NuHb9s0J8apHj1Ec/zCKuXi5vQkue99i8SB24P9lyTcYoHyG6/iVsq0ffixoOrbglsu0jh/llBvP5GRLcH2PRe3VKTw9JNUj7yN8C6juvo+tZPHcatV4nsPYPT2Y3T3IFr2QI1zZ7BmVvpe10OzYjPx6hwDd3aSHU3RsS3NxKsrtPz2LSmyW1J4ls/Ea/OY5XenbqtJBr4IPGwlSabulQnJMUIJHUmW8F0fq+ZsyGjwbB+7sf51VcMqekxDkiRiHRH2fHbzustdCUVXWH4tSRKRTDBfcy0Pu371VqhGoYkQoOgyoYROLNJBNr2FxcJJPM/ZICEmEMLDtEokot1kU6PMLh2mUp+jLbkZTYvgeCapWD+O2yCd3EylPksy1k+zsHEAZVY9nvhPE2S6DR77jUEqSw7n376xgEsIOPFykXeeL/DwL/aS7NBZuNAg3qax/8PtNOseL31tHqcZHNfiRZNwXEUPyyxcMBE+VAsO5UWb0duSnH2jTHODnl9ZlXFqNrlTOYQngmtftVGjGunRDFMvTWKVLDLbsugxncpUGd/1WXpnke7begK1awIrqvp8jXPfOsPOn99NpDNKtCtGs2Rh5kskBhJY7+a+9cWqcQ4ETqFA49xpGufP4BYKV/nxuyuk3bR41Id7dryrDbfWRNoYQULB9U0WzCP4wkaVI8HnVwQIEhIZYxRFNnB9i8XmcVzfXA6Q/zrQkJd9wvABf3livopNJTw8P6AHScgtSrHUonsGVRNdUWgLRZbtLpCUNarIhhInqQ9ScaYAKNkXGav+gM2Jj6KxEqgIIQKlXDwklGVBrishoTAce5iZ+uvMm28j8LlYexZPWGxJfpo2Y0vgwSopgLSsvusLB9MrUrIvsGAeJqZ2syP9s+/q/K2Hi/XjRJQ4m+PvPrDds6OPQqlOKhlZM7G+FiRJpiu8n8Hog5yvPgEIJusvoSkxtqd+hrjagyxpy/QZH4eaM8eJ4leZrr+KwEdCpjt8G33Ru9e9b2VUsqGd6HK8VRkVnCn/FSl9kK7ILa3rILeurYflVZmqv8Sx4h/jCYdgYLh21rFkXeB0+Ru0h3bRHtpBRO1ElQxkSV1z/3jComCd41Tp6zitwFaTY2SN7RsGtpIkMRB7gOn6y8vHPtt4gzeW/i3bkp+hPbwbVQq37kkJ8PGFjy8cLL9CyRpnsXkUCZkD2V9fXm9Si3J/xy6ank3Ds2h4wQCsSQoxLcyu5ECw78CMuURMDWP7Dpqs4vk+dc8kqcXIGil0VaG/I0Wx0qBS25hquR6EENTsk8T0rUiSSq7xFGFtiISx99o/vgYcv8hi7XG64j+NKl2bul3I1/jTP3yJxYUyXd0pPv/zd5NMRhDCAWEFY4j9FpLciVAHAA2EGfTtoYKwCRqBdMAF4YEUviG7rL6+NF1dCWRZXvNclZaqzE/m2LJ/iHgoOJ7cXIn8XImtB4aWlxuIZfCEj+25fH7Trbi+R0qPoMsKpcUyi5N52rrSqyySfoL3F9Uz7yCpK8kj4a2ddC3OH7mpdUuKskzzD1Ye+ENLkoSk6gjfW/bLldRgXEVW8O0msqoT3LMSsqrhu85lAZeP7/uAhK6H0fQonmfjefX13zO+T+nlF6i8/QayI2hPb2ch/w6+71J4/ilKB1/GN83lIMlvmiz+1V8ALKvrSshIsoLvO5Ree5nKoTdX2eI0xs5jf+kPNzwXISNNe3SE9aZ8Tj5H/qknkMORwIrGD+YYRl8Kr1ZZCbi9wCPWmptBDoeRLrG+HAfh2oSGsrgVA7/e0nlQVNp23YWkaFQnT2MubRzUOYU8c1/+Q4TjrFU69jyWHv8WkizjrvKPFThLixSefhI5srLvnmki1lNL9n3qJ97BvDAWqDy3xKX8homkyMx96Q/xzZUkv1suU/jhE8ihcLBuWW6JRNmBz+5619rzaF68gDUzFZzPlj2RcGz8ZvPaKtcCpt9aojJbJz0YZ9MDPUweXED4AkmRGLq3m1BcozxTZ+qNhXdtZmH6VWJyBq2VMA3LMZpuFVlrjbG+QLgbs7SEL1b3u142dMqqhNwKdsozNSZfXwjoxdfA4ski3qXlJFDUS4kacU3a9aX1S7KErEqE9RRNq0y5tvG9J8sqiWgPqhJGVcLLz7DjNvAuq+z6vku1sUDISFEzFwkbGSRZQgvLy/kT1xEtWyoJVZeplV2+8+8v8vl/MspHfm2A0v92nvJikHy1W0rWWlgJ/NRND+ELGmUHq+EtX9pG2eWb/8c4H/hCDzvvTXPLI1lcWzB9psYrX59n/MjKM1HJ2eRnm+iGzPx40HvtWD4TJ6oM7Ixx8dj6NF8z1+Dct8+Q3dXBlk9v5dgXj7Dp0RFqs1WK54qE2yIILwhiBz80hBrWOPOXa5N+ENCnmwUTz/bwbA9ZkSiNlRj52CiIPDOvTK26jq3HajmPpqoQCknU6wIhgsfs0jIAXqOGpGnE9+4PkkXTUxhd3YQ3bUbYNrVyGa29IxDsy3YQGd2KeeE8WkcXRv9AMI4UCjQnL24sPrUBbrrHtmSb6IpCRNFvOqCUJImY2kVISWF6eQrWGXxcomoXCW1g3d/EtV5CSoqqP0PJHg+qg1KYlL629+JHiYabI988jePXcUUTx2/g+iaOX6fsTCJaljACn5nGQRxhoslhNCmC2rLGUSWDhN5HSB5ARqLh2svjjywl8KXVF1eTo/RG72a28VbQgyksjub/sEWL3YMmx4I6nmhieVUsr0Rv5E46I/vWPYZACbeDA22/xiuL/5KyPY4vHCZqL7BgHiOtj5A2RggpKSRkXNHE9Aqt3ug5TK+A4zfYlvypmz6PU43ThJUYjrCYMy+sytuM14+zK3nvTa/7cpw8O0suX6OzI0k8FiIWvbFqvyqF2Z35m1ScKRab7+AJi3Plx1kyj9MTuZ2UsQlVCuOJJiX7AjP1g5Tsiwg8QCJjbGF35udX0Y0vhyRJdIR20xHew3T9FQDq7jyvLf5/6Y3eRXtoB7ocxxMONXeeRfMIS+YJHFGnzdhO0yst9wBfDY5oMFl7kfHqU4SVDAl9kLQ+TEzrRVdigWq5cGl6BfLWWRbMI9TdS9UWif7oPbSFtl11DAgpSfa1/QqmVyTfPIWPy2zjDfLNM6SMYTL6KCE1g4yKK5pYXolqq9/e9ArYfo3+6OrrbvsuT8y+xav5U9ScJrqs0vRt7s3u4OeHP3hZldLH9JoU7Qplp0ZEMag4deJahIgSZJjT8TD37hqmVDMp1U2yyevr/xVCULEOMVP5U7KRh4kbe3H9CjXrBI5XIKJtRpYMPNEgog1Rs05iqD3Y3iK+sHC8AnFjH+BTsY4FXsLGXkCmah3F9WvYXg7Pb1CzT+H6ZWL6NkBCCJeQ2o/lBeJ5IbWPjs4Ev/FbD+O6HslkpEVT9hD26+AvgJQCv4RwL4J7HEm/H2EfBFEBpQfc84CMpO0E4SHcc0jGvaBe/9ga9CCv/1pZnCnw9nMnGdndj6IESZmFqTwHf3BsVWBbcyyenz/HofwUpmfTE0nxoe4tbEt2ke5KYdaalPNVfM/nx9D+/98lQl29REd3BNRfCWpnT2BO3pi1w0aI9m1GeB56ph3fsvDtJp5lYmQ60eJJfNehcvYoXrNB2y0P4tYryKpG8eRbwQokiXDnAKH2HspnD68RudL1GFu2f5pIrINC7izj53+A521gP2M2ApETRadgjeG3Ko/CtPBMK6AwIwWtFwL8ag245PcpEQlniUe7yBXP4DYa+I36snCVEB7CtnAKNrIcJPJ834WWyacsq/iGgqJfpZ3FcfCclWqSkowQv3UzzYlFPMddZ9nVlTM5ohO/ZTNuuYFdtwAJLZZCT2ZZfPtpXDOgCEmyArIcJDCEjyQrQRXN8/DK5VUV2WVIEn6tFgQMSCs8lkvr8r2WBZHUWlxqzZIl1pN/vXQtVh2T6yM3imiKhKOC64KigKZ5eHYVpxb8jQS+G0y+L020ZQUUOTjbthVsWlccJKeCXRP4fjAxN3TwZbCv0bJZmasz/eYimeEEfbd2EOsMU51rEGsP03drB5IiMXNoaZXA0s2i5C7SkCp4uKiSji6FqPsV3GYMCIJpRd84ASkp0nLgCawKtD3bx3MCtkBpqsbL/+4Ydu3a/aqrdJKEwGpVaWVVvuq+QNDfCUGA6zY9bKdOItZL2EgjhI/t1BAEAnCypCBLKoqik4j2Mps7QjLai9p6fyutZRRZayVhgx0TIvhPAoyoyujdbYSTGrnxGm89V6FuSvRuTzCwL4VV95g/W+GFbyyR6QuT3RQDpUGxJHj+GzlQFPZ9tIfCdIPxNwuUFm3+6HfPYDc9XGvl3i3OWXzn310k8RUdPSzjOoJawaFZX/28VJZs/vh/PIMkQ346GItcW/Dcl2Z564klyovrn/9oR5TOA91Bb3PrmrlNl0hHlEhHFN/2EAKqU5XgOmgytdkqiqHQsbeTxECSzoaDU3fwW9XeS9dB+AIlpCB8gWO66HFjuYc6GpUYGlbILfm0ZWXyOZ/OTplkUmYp5yN8ME2BqsGFseBYvUqV0isvBEyQRh1h25RefWm5zz/wtRbUT5+kcfoUvuvguwHTovrWG8E6LPOGg1p4Fz22f3T+FeJaiF8avQflXZSNw2qWsNqG6eXxCQbmpD6wpr/2EkJKirjWR9WZaQUJEFHbiajvrWXKjSLXPMVri7+H5ZWu2d+Yt06Tt05f8amEjMpo8mNsS/4q49UCUVXHu0SZlGPIcpTVPbYKA9H7mG+8xUTteQQ+tl9hrPoEY9XvI0sqCIGPBwgkZKJq54aBLQQvm2xoJ3d1/C5v5f4j+eYpBD5Nr8CcWWDO3Ljv5PJjuVnUvTISEhONE0w3zpDWV1QQa+57J3hh2x61uoVeurl+KUmSiOt93NH+O7yZ+/csmEcRuBTt8xTt80HmXlKCycxl94OETDa0gwNtv0Gbca2AMMWu9BeoOjOU7YsAmF6e85XHOV/5HjJKqxK/sv60vpk7On6H44UvXVdge2nrnrCouXPU3DlmGwdb3ymtqrC//Kxdfhxd4QPszfzSKjr8Rkjro9zZ/g85lP8vzDfexsfF8sssmEdYMI9cx36uPk95q8Kx8kUe7b6FI8VxPty1n9fzZ0jrsTW/6wt3cKmC7bdeeAARNYRpOTgtL9hoSGdioUiu3KCv/fr6TBU5hiQpGGo3ihzFEyauV0KVEyzUvkXc2I3tLRLRhsg1niIb/TCL9ScIKV1E9M2AT67xDAKPsNqPEB4F80UcbwlZMnD9KgIXISyEcJirfp1s5MOUmgfpjn+OfONF4sZ2Qmofmq7S07uazSB8C/wlJO0Awn4D8JD02xD2m+BNgrAQ7gSSFAe5DRAIbwHwQNQQ3gLSDQS2y9ttneNL9/fU+XnGT8ywOFPk5JsXULXgBXrijbHVEy7gyZmTvDh/nns6N5HSw5wtL/JfzrzC/7Tnw/Rv6WFoRz+JthjqDbQP/ATvDrEtu3BrFXzFRLguygb2LQCqGkLTY1et9FtWGc8NAlDfsQllu1FjSUTYxbctnHoFLZEmf/glYgObiQ1to3z2KHoiTfn0IexqMaDMCkG4ow8j3UHp1JtrglqAcCRDMj2EpkWoG1dQd9eBIuv0dBxA12JcnH4Rz7fp77oDWVZRFYNKfZZc4TTJxCDpxBAIwXz+HVy3SW/nLUQj7YSMFIv5Ezhug87sbnQthmVXmVs6QkhP0JndhSxrlCoTFMoXSCeHySQ3IYSP0mrjkiMGocEOJE3BmlzCLdWRIzrh4U4kVcEcX20fo3UkQZJwFsvonUn0rjT2Qgl7roikKYSGO1GiIaTLnhs1Eiez7TbC2V7S226jdO4IwnNJbdmPooexiguUzh8lObIXp17Gs0winQMUz7y1hrJspDpIb70lqGhLEoVTb+A7Nukt+1HDMexqCTM3gxZNghBosSTm0gxKKEJ1Yv2q0pUYGVV59GMhVA3eet3mjYM2j340zKbNKpWKzxPfMekbUEkmZZ7+QZPHPhHm7GkHz4MHP2Tg+1CtCL73HZNNm1Ue/KCBJMEPnmgyds7lgQ8Z7Nip0WwKfvBEk8mLG7swuE2Pi6/Os/WRQVJ9Mbp3t1Gda9C5I0NqII5VdZh4dQ7H3Hgd1wsfj6YI5iqOsDAJKnqNQhPfFaghhXDaQJLXzRGgGgp6bP0soNNwaJYCnYxoNoQWUrhRK2rhQ3k6YELoUY1w2riqCnSiJ4okg9P0qOebVOoFdD1Gd3YvtltnPvcO8Ugn6cQQiqzTkdnOUvEspeok2eRmHLdBrTGPqhh0te1GVQyyqVEkJBrNAo5rUjeXcFwT0yoTy+poIYW2/gilWZPxI2VqeZtUb6BRMXOiTOeWGNH2MLkpC0mWSfWEqZUckp0hkKA832TsYEs4zoPFifVV311HrLEHuhK+D7mptWNVrehQK25M4zYLJkvHFpA1hcnnzcC3+PFzRDujuA0H1/JwGw6SLGGVmuSOLyE8gZAEjcUGp756HCHAqdssHplfZj2N//ACnuUx+okt5E8t4ZoOgx8cwipbVKcrpDMyfb0KkbCEqkkU8j49PQqyAr29GuWKz9Kiz8zM5fe6CNSPWak++6a5im3hNxr4jdX3iVet4FVv8Aa8Ajc9MzhZnuODXdvWTDhvFLocI671tZRiASRS+siG6q+6HCepDTDLG1xKF0W1LkLKu6envhsIPDxhvwvRnoCy6gkHVZaJqDqGoqLJgX+lpg6t+6uQkuHW7N9DVxJMVJ/FWlZOFutYvkjXRSuUJImO8B4e6PoXnKt8l4vVZ1uJhI3pORIKEbWd9tBOBmMPXtcRr4ftiTsBKDmLDLXvpi+y4nl6uPgM75Z7fwm37BskMRairydN5CYtQyQkMqEt3Nv5v3Cm/E3Gq09Rc+cJ+l39K/pEJKJqB4OxD7A1+VPEtd5rMh0kSaYjtId7Ov4xRwt/xLx5CE9cGgzFciIIQJMidEduY2/bL5PWR0joQ0j1V9YEpFcionbSG7mDefMwppfn8lSuwENcYa8koxLXehmKP8SW5CevO6EkSRKZ0Fbu7fx/M1Z9kguVH1J2Ll7VlkhCJqy0kQltYXPio6u+c4RHQg0zEuvmXHWO3kgbH1T38K2Zg2u2G9c2rsB+9ZXDFGsmaos2u1Co8bMf3HfdxxRSe9HkNmL6ThQ5hCKFiYW3E9f3UHNO4YuVl9clgS1Z0kmG7iSqB+I6EW0TucYPUeUYsmRguhNkwx9AVVI03Vk8v07DGcf1K5jOBGFtkKL5InX7DAKb8NUCTymMpAwEQa3SF+yFcxiUNpDCgIWkDiIpHa1rLZDwEN4syCkkuW3jdV8F5XKDUEhfVkVemMzz9vMnmTg9SzlfRZZlkCDTkeQTv/zgqt9eqOb4zNA+7u8MROvu79zMvznxDLlmjV0Da4XWfoL3H8L3sPOL6NlO3FoFJRpfs4wkKXR276O793Z0I75hywvAuTPfJbd4HACnViKxeRdOtYykqmjxFFZxably6zZqaPFA2ds1Gzi18jI1GVlGT6RxqqUNVbITyUGU63BpuATPt1nIvcNg733LY3QknCVXPE2jWaC34wClyiTxSCe2U6dQHqPZLOELl4X8CVLOIFOzr+ELl462HUTD7RTL43Rmd1OpzWBaRUqVScKhDJnkJurmEm3JzcwtHUbXYnRmdwGgRENobXGUeJjI1l7yj79J8u7tqIkI9lIZJWrgNSxAEBrqILq9j/Krp9G702Q+tAdzbJ62x24l//23CQ20Exntxl4sY/SsCNK5jQqFU28gqxpLR15AuA6ZnXfi1MoUp96kfe/9hNKd1KbP0XFLwITJnzi4bh+urOlosSRzr3yX5OZ9RDr6kSQZPZGlPjdOavNePKuBHk+DrKAY4eC+qlxfwjoUgkc/FuLIIZtDbwX9pMObVIY3q3zpj+rcebfOgx8KsbTok84E43m2XWZmSsJ1oadX4ff/Q41qRWDbgi1bVUxT8NzTFjNTLt09Ch96OMSrL1uMbtF4+JEQX/z9qye+54/nyZ0v0XugnZEP9nH+2RmG7utGCynMHSsxe/T9VdCu55rUcyap/jjZ0SRaRMOurb024ZRBomd93QjfFcwdy9N/eyexjggd29PUFm/Mqkv4gvl38viuIJw2aNucZPF0cV0KtmLIdO8K6MH1nElpsoovXBYLJ1nk5PJyxeoExerEqt8uFI6vWd/04lvr7lOjGZz7urlIR3sM1ZDJTzVwLJ/+4WhwjU5V6NmeoH9PkvG3ilQXLVI9YcrzJtG0jgTkLtax6h7+BiyPHyU8y6M8WSG+Z5C2+/YitfpXC88dpzEbPEdaTKPnjl6MVJjzjwd6K77rU75Y2nC9zZYishpSkVUZPW7gez6eFcwx5+c8XFdQrQQXtNkUHDrkIERghyQEWBZY1k1UV1MRJEnCKb539kY3Hdh2hRPYl9FobhaSJLG/7VfZkvxk8DcSCa1/4z5QSWZ7+nP0x+5bniiGlcyGVSNNiXF7+z9YFrvR5OgaUaqNEFM7ua/rn+G1/GPDSgZlA1GYjtBePtj9r/DxEEKwNF/B9326eq8dcDcbNlMTeXoHMmSTvfhCpWSZ2L7LSKItEMDxJvC8RQz9llXBaeAH3Mnt2d9mNPEx5huHKdjnaLpFPBGowoWUNDGth5S+ic7wvus6dgmJmNbFvswvsyXxCfLWaZaaJ6k4U1heBfBRpTBhNUNc6yNtbCapDRLVOlGkd88P3Ja4Y809MBLbt0oAaCPsTP0cm+IfRgCKpK1La5+cynPb/iFOnZ2nLRMjEtZRpBAHsr/OTu/zAGhSeEOq8OWIap3sa/vbjCQeY6n5DkvNE9ScOVy/iSqHiGndtId20h7aFXjg3oBwjyQFFd4Huv9Xcs2TLJhHAzVwr4KPh6EkSesjdIUP0BbahiYHGcityU/TE7kNgU9Ebd/wvo1rPdzT+Y+pOjOU7IuU7AvUnFmaXgnXNxEIVDmEISdI6P1kjK20GVuIqO037EUrIRFW29iZ+jyb4o9QsM6Qa56kbE/Q9IoIfFQphKGkSGh9pIxNpPQhYmoPirx6/2NqCE1Wl2mBfzn5CkISKz3p14nbtvYz0JFCb9Fnz0wtkYhcPy096C0W+KKJLHRAXhGOEiBJGp5fx/FKOF6+RY2SkZefEYmovoWQ2sds9SvochZFMnD8gPnhC5uKdRgJhfboo5jOBLJkENW3kzefJaHvQZXXZ7dAcP+g34Kk37L+99qKIvHlo/jNjOhHjkxQLplIMszNlnjwA9vp6QnGv1s/uJPO/jaOvXqWh37mTrSWdYAkScvBQ9Vp4vo+3ZEkF2t5tiQ60GWVWTNgcWRDsQ23/RO8v6ieOoZnNtAz7USGRikfW8vcSaYGGRl9DCF86vVFDCOBqoWp1xaQZZVwJIsQPtOTL1MtTy3/zmuayFoIpzqBGolBJE5zaYZo/wiprfvRU1nq02PrC8oIQfn8O/iWSWr7rRSPvRrQ11qQJIVEavCG+sTXg+dZmM0ijmu22Ag+c0vHyKQ20dd5G/O541RqUwTKWmI5wa2p0ZZGgWA+d4ymVaI7uxdB4KMrSTKyFCSvbSewRvK8FqUzrKNlYqipKEoigqSpWLMFQgPtuOU6XsUEVUZNRGl77BZy33odazpP8t7thEe6QJbRMjG0dJTQUAeVt8ewJpYwelcnqy5RNi/Z5Ch6GLucw7UauLYZUAkLgT+urIdw6htXU6zSEm6zjmc1kGQFNRQloIX6FM8dxlycItI5iNes45k1jHQH9dnro7SrqkQ4IjE95dGoB3O/RFKmVvUplXwWF326uhWWWCnKh8MtqjOC2WmPQt7nEjv7h080ueteg5/+fJhnn7KolH1CYQkh4Pgxh6nJa/TZAs2yzYXnZ+nZl6VrZ4buvW107w7mbOMvzWIWbkyz4UZRW2iweLJIsjdG994sHdvSTL+1upKPBAN3dRHr2FgQcez5GXb91CYibSF2fXoTi6eL1BY2Dm4lWUJcYTM3fzxP7lyJju1ptn90kMmDC9SX1q6j79YOuna3IQSMvzi7Sk36/cLiWI3FsSAGSPeFOf9qjonDJcIJjYlDRc68uAQEQexfd8iGSmL/MMWXTuNWg/PrXsY8FJ6gNldj8dgiVun6z63wBKf/8hTJwSRIMP/mLGa+tX4X5udWj7+Li++N80ZizwCyppB75sR7sj54F6rInxk4wJ+Nv8GZygJD0SyqLK+aDCnS9VuoJPUBkvr6PbXrIa71rGuRsh4USSMb2n7tBdeBKofpDF+fCExYTRNuqfValsNf/vmTmKbN7/6vDwXViavg7MVZ/uhfvMU/+uf7SLUPYLoOo6ksGSNCJnTJzkOCqwSMiqzTZmynzdjWCvhXlFobdYtGzaY9k7zhGaskyUS1DiJqBxlxGw3PItt1KVvf6pVpiV8F/39vKqrr2frE1euzc0oZw6QYBqBaManWXDLZFRukyekCz7x4mvPji+i6yshQ4JcsSwptxpYN13s1yJJCQusnofWzKf5I69OVpM/l4kqW5VBv2DSbDrbt4rqXRE5AliUURUbTFAxdIxTWCIc0NDVCV/gWusIH1lzfy8XHLiGmdRLTrmFm34Ii6yT1IZL6EIM8cJl1z8o2Lm3p8u0IIbAsl3rdomkFx+J5Pr4fnGtZllBVGV1XCYU0ImEDXQ/ozRE1Q1i5i97InWuO5/JtbXRPpfQYn+2/h5Qe5dHuW/j+7FuAxKf77rquY76EkZ7Vk7wtfTfW0iBLIWLGDmarX6Et8jC6kqHp6FQbDRS5g6i2haJ5grna13C8OJaroSvtl6km+1Sab1O1j6PIYULaAKqSIlf/AZKkYzkZ0uERKtaLFBovEFL7kJCI6qMUzOeI6lens7uuR71uUa/bWLaD2+qpUVUZQ1eJRg2i0VDL8uqGDn0NVFVh8+ZONF0hGjUwjNWvl86BNu7N7EczNOR1hJ/+6NxBzleWsHyXebPCiwtjGLJKwaoTUXTOHBpj1lQBQSQeZvSWTT9RRf4Rwc4FffWlQweRVGVZkOhytLUH755zp79NPnea/sH7SaQGOX3i63iuRSI1wMjoo0iSjG2v9B36jkX+6Mu4tQqSqqLoBm69QuHIy+jpDpq5WZr5eSQkiidex3dX+s/q0+cRvo9r1nFqlTUFIiOUJBrtuCEdEFUJEY10oGsxopFOqvVZROt/lyBJCpFwGte1sN0GISNBpQaua2EYCVKJIar1Oar1OcKhoG8QEai6alqEplVCVUMgyXi+g+00aM/sQJaV5epy6v4dmGdnqZ+eJv2B3QA0Ly7iLJVJ3ruDxN3bqL55Dt92aJyZJrpnEGuugG/amBcWyH33TSRZwq2aRLb0oiYiOLEQ8tUYSkLQzM8R7dmEEoqihqLY5TyJoR3Y1SJebpbkpl0Uz1yhNHzZ7y9HY2kaLZYCP0j4e3YTEHiOhduoYWS6cJsbU1YvR7MpuHDe5ZGPhjl+zKGQ95i86PLABwwe/kiI4RGVd444VKo+t96h8YEPGWzdrnHwFXvNrikKbNqsYlmChXmfnl6F82ddpiY9FBlsW2A1r119Ep5g8o0Fagsm8a4IWz8yQLIvRn3RDESYriaiJIEe1VANpdUPKZHojS63ZoRTBqmBGJ4V9MD6ro/TcFdZ+ni2z+nvTwTV1vYwd/zqjkAB92wJz/HRIyr9t3Ww/+e2ICkbe8HmzpU58e1xDvyNrQze1cUD/+gAR//8HMWLFZymF4gvtejOnTsyRDvCHP7K2VXVYbNocfgrZ/ngP76F3v3t3P13d3P4K2coz9SX96Vrdxv3/tYe9JjG0pkSZ56cDPp7fwQIRyQSKZlIxEWzPUZ36LiuoHyhSCgs0TTfpcLXdUKSIJ6UiSdlQmEJRZHwfbAtQb3qUy55XEWYPFBjbzSD5ILd0u65LMngmi75kxtbqYUiEsmUTDgqo2nBuOi6gkbNp1KyWXpnccPfXhOKjJ6JIusavuUgKTJWrooa0dHa4gjHxZovIzwfNRVBS0VQoyF82wUJtHQ0GKeKddzy9Y0L6+GmK7YXajlmGiX+0VvfYFMsi66oy9NPXVb59a330x/9/39f2ZuBpio88qkD+L5/XS9UIQSe5y8PvK7vM10rU7GbxDWDiKqhKn2oSi9soD4Ll/rZVocBQggOHRznxJFJfu13PnJdFc911gwI3njlPOdPz/Erv/XwNYP19wM3KlImhODFp09QyNX4wq88sDxx7+1O8amP7qOnM4WqKWiKTKPWXFYxluQgWGzUmkRigWVM6xRgNR2S6ei6iqyX9u9KOx6zabO0VOL82CLnzi8wM1ukWKhTqZo0TBvbcnG9YHC/FNSGQhrRiEEyESadjtLdnWJ4MMvgYJZMOkIsFrphNeerYeXcbpyacF2PSsVkcanChfElLowvMj9foVCsUa02aZg2ju3hte57VZHRDZVIWCfROo6e7hSbRzoY2dRBR3uccFi/oXvS9T3qbhMBhBSdpueQ1CJ8diAQlwrJGyd/PM9nfqGMbV87E38tSJJENhsnFjXoiH6cUqNKuQ6pSB/VpsMr5y7y0I5P4vlhTk4+wJ0jfSyaFY4VPHb0PIxEnFytjuf5JCN3IIndhPUQrqfg+ylk8TkUZC4uLOA5GXrSf5N0JLD9cf0qNfsUMX0HurLWp9dxPObmSxw/McPJUzPMzBTJF+rU61Zw7BLoWhDUtrXF6O1Js3NHDzu399LVlURfp3dVVeRrJsV27OjFshyKhTqdnUlisdUeu826xaEXTuO5q+ntnf1t7L5rlI/376bubiBaIgTSxQZHnjvK9jtHOXdonKFd/T8JbN9nSIq6pidVTaQIdfdSPXFk1eehcBtNs0ixMIbvu3i+E1QjIVAJLowxO/U6/UP3k186uWL5IwRWbkUP4NLT6VRLONXS8ucCVi13aZlLsPJrNQUikSxG6MZ8mWVZQ5EN8sWzaGoEWVJZyB1ftgpayJ/AdZu4bhMtFKFcnaJSDdRcG808i7kTKIqOhES1PovvO4RDGRzPxPc9ZhfeJhbtxnFNSpWL2E6duaXDxJc/C+x4zPPzhLf0YDRsnKVAMCq6o4/wSDeSIlM/PonwfOz5IuWDZ4jtGiS6c4D6iSn07gxtH9mPW2tSeukE1cMXSN63A6OvDa9qIi57Br1mjdL5I8uCULWZ83iWiRqJUTj5Ok69glMvU5sdQ3geocz6CVO7UqBy8SQIQWN+AhDYtRK+a2Mk2vDMOsJzKZ45hO9a+I6NUyvh29dX1XRdePLxJjv3aCSTMmZDsLjg8/WvNhgZVXn1JYuTJwKKsqpAPCHzxd+vMT3l4ftgNiwuiXn7PlQqPu0dMmdPOxw97FCrCr721SYP/nw/KUPh1H8ev679Kk1WmTm8xPaPDrHlIwMouszssTzFi1fvE4xkDO75zT2khxNoIQXFUIL+1EyQ1N/+sSGG7+3GaXpB76TpcvqJCY5/c3WFe+qNRU4+fpE9nx2h90AHj/zvd5I7V8Y1XcKZEO1bkpSn6+TOlRi+r1UQumIs912fw392lkhbiK0fHmDkwV56D2SpTNexqg6SImEkNGIdEYyYxuLpIse+dn7NMZ1/dpq2TQn2fm6UbR8dpGd/luLFKm7TJZwyyI6mCCV1ytN1XvvPxyleXF/9972Cbkhs2qpx5wMRtu3R6e7TSGZkQqEgaW6ZglLBY2bC5eibTd540WTqonP1wHIDbNqq8blfSi5bIB0/ZPH9b1S51DURCkuM7tS57+EI23YbdHSrxBMyqi7huYJG3aew5DF5weHNl0zefKVJYWltK5lo2ei0f/RAEPwJQf75k5gXNrZQ03QYGtW5/b4wu/YbdPerpDIKoXAg4GY1fUp5n9kphxOHLF5/0WRizMG+QWqxGgvR87m78Exn+bWx8P0j6Kko4aF29PY41WOT1M/N0/2Z27FzNaKbO6memCbUmyFz/zbcioneFmf+22/hlm4uuL1p8aiq02Q00Ym/ShotgC6ryD9m6x1PuNTdGlE1jnIdNCTfF9RrTRo1K2iAD2nE4yFUTVkOeFzHo1ZtYjWD5uxYLEQkZqyqYFXKJvVak0QyTCi8vmK05/lUKyZN08YIaa0s2spyuqIQ1w1qjo3PpUrj2mPwfZ9atYlZtxEIDEMjlgijtjJ+zaZDuVjnnUMXyS1WmZsuIskSuq7S1h5fPi7H9qhVTWzLRZYlovEQkaix/H3TvLSeCaoVc931QPDA1etN6jUrULyOhwhHgnPguh6VUoNwxKBWbRIOa4TCOqViHUWRSaajy1Wc5WtRD9YTT4RWnctKqQESGCGNatnEdT3CEYN4IowsB/tsNmxKxTrHD0+gaSpz0wUkWcIwNDLZGBISM/MliqUG20Y6uHByFtf2yHTEabYeynqliaLK2JaLEdZIZqJUSya7bh1Cka9+TwkhqFRMjr4zxSuvnefEyRkKhTq27eDdoPk3BIGFpqvE4yEGB9rYMtrF7l19jGxqJ5WMoL5PE3zX9SmW6pw/v8DRY1OcPjvH1FSBRsPGdlx8/8aORZEldEMlnY6yfWs3d96xmQP7BkmnI9eVuJhvFvnyxefwhE/Tc/CET1jRCXyCbXYlB/nC0IPr/rZet/jX/+f3uTixcTbzeqGqCr/9mw9z7z1bkFCZLlgcn1mgN53k9uE+EqEQoFFr2hybzLO5owvblZkuFFmqNBjtyjKRK6IqMp2JGPPlGnv7u5gslCg1muRrDWIhA8f1GFsscmbO51MHdqCpCra/CPhkwg8gt7y7g14Xj4nJPD946jivv3mBxcUKluVsICpoUSjWmZoucPTYJM88d5LOjgS337qJD35wOyPDHWjayj0VCuvrVlkvhyxLHDs6xZkzc2iqwkce3U17+wpN2jJtJs4Ez5lAUC+bTJ6d56HP3cnuu0YZjgfVc0/4XKjmeCs3Sc2xGIpluK19kOT+bmaPz1ArNdBC2nJ/0U/wPkFWSN9xP7K+mj2jhCM4xbW9g/IlsbxWX77nWiiqgXxZsqlanUFRDcLhtvfMy3bNfsiBgqqihmhr344sr0xzZEUn3Kq0Xg01cwHLqiwfS7U+u3IMrX/XGgvUGguAhG7E0eSAKl9v5nCcFWpgrbFA3VxC1+Ok2kaIRNrRtEhgC+Q5JOwqZqNArbGIbdfwW9YllTfPUT8+gfD84D/HxTwxiz/ZDFSYTQvVNyj+4Ches0nl9TOgKAjLofCDQ8ghHeH5+KaNV2lgL5YDBowvoUphQuGVwoOVm18uaQrPpbEQ9DbqepxQOI1fqSFsG993aSxMYhhJUu2bCEfbAZ9GfYlScZxmK7lgV4L7Q1EMwn6EuMiiRntx+vqolCep1nL4no3bWD+wkSQFw0i0kioCx27geRb1uuCN12xkWSUUztDe2YOQMly8aCCEoKOzTqO+yPFjC1h2dZWSUrGw8m8hYHzMY3xsdeAwM+nw+Jdz9N3ZSy7nI6syobQRCO60lIIVXcG1vVbPd1BBPffUFJ07M8iKTCPfZOyZaezG1ROosiITzYaX/V8hEKSqzK6ezKuGgmooiJiGkVxbbXdMl7f/5DRu02XrI4NE20MM39uNEAK77jJ3LM8b/+0kkYxBqj9GbcFcbf3TglmweOU/HCM/Vl4WxGrflkZWA3q2b3s4pkdhvMKF52dwzLXH5zY93vqT09SWTHZ8YphUf4xkb1AI8J3Aa3f85TkOf/kMM4eX1tCZ3yvIMgxu1vjk5+Pc9+Eobe0Kqra2OBJPQLZTZWSbzp0PhvnE5+M889063/9GjfkZ94YEedu7VB77bGzZOqm7T+X579dxHZ/eQZWf+vkEH3gsSqZdQVXXvkuTaYXuPo3tew0e+EiU44ctvvpfyxw6aK4KtIXjsfi9Q+jtCWRdxSnWcPIbKG9L0Dug8qkvJHjgIxHau1Q0fb3zIJPtgJFtQRLgY5+L8/z36zz+tSozEzdwHiTwLZfK0QmMziSypqAlIviuh3A9ZEMjPNSOW2kiXJ+lJ48iHt4Fnk9sRy/h/jYaY4uEejPo2fiPNrCVgJ8dvq0V1K6P0DpUpR8lynaBpxf+ike6P0dCu3qfq+f5HHvrIk9++xBLCxU8zycaD/Hwx/Zy/0M7URSJpunwxDff5sibF6iWA955d2+az/7Ne9g02okkSXiuz2vPn+bFp0+wtFhh194B/v4//viqbbmOxxuvnuPJbx2iUjbJtMXYtKVz1aTR8lyarosnfGbrZUYSAdV71Xpcj7cPjvH040fJLVXwfUEsFuKxn7qFux7YBggOvniGF354nDMnZvA8n3/zz7+FhMTQSAd/53cfRVUV6jWL7379DU4cmaRWDaqWPf0ZPvcL99I/lEUIwavPn+LFp09y5vg0ApbXMzzawd/93ceCY/d83jl0kR9+9wjzMyUkCfqH2/mpn7uT/qEsucUKf/gfn2FgKMvRty/S3Ztm174BnvvBcSQJfuN/eJS+wTZ8X3D0rXGeevwoC7NFJElicKSDT3/+DvoGs0iSxOPfeItivkYqE+XEkUnqtSapTIxPf/4O9t46jPAFz//wOK89f5rTJ2bQNIWpiRwSElt29PCr/+AjnBmbR5ZlXMdjsCeNLMtku2K0dyeXr28yHQ2qj0hBUBzSCEeMq6pqXqLnHj02yXefOMqxY1NUb9AbdT24no9r2pimzeJihUOHL/L490IMDLRx6y1D3HPXKJuG22/aemu9Y5iYzPH6mxd4861xJifz1OrWDQeyV8LzBabpYJolZmdLHHzjAjt39PLpTx7glv2DqKqy6hjEcuJMAjzSeozHem6j4Vo8vXCEkVgXW+I9uMLnrcJ54lp4o00HnrM1i3L5xoQx1oOqythOMCmyPY+xxQK265Gv1rFcl4Zt03RculNxulNxBtpSnJ5bYnt3B5Vmk6VKjbCmkYyEKJtNak2LXK1B3XJwPJ+YobOjp53xpSLbezo4dHEG2/PQVIWQ1kdI61t1XJWKyTPPneI7jx9marpwQ9dJiCAJNjGZZ3qmwME3xnjskT08+pHdJBLhIEkVNa6LpREKa4xs7mBxobLmZdjWneLzv/3o8uee63Lwh+9QKazuazpRnOPLY2+QMaKEVY1n589yojTPr269hzs/fgv52SKaof1EFfl9hiRLSJJM5Z23V32uJpJoybVsLNuuEgqnUbUwnmdjW1VUNUQ40kazGQibyLIaWHgo751PkyTJhCNZItF2QuEM4XAb4UiGUDgTBEeXJY1T6U3s3vcLq2jF68F1mpw+/hfUanMkkxLd3QqyDDMzHuXy6t8qqsHWHZ8hGgsqmfnFk4yd+/5ygGqEUnR07aW9YxfhSFtgS9Ky+0EIfOHiew6WXSW/dIrJ8efwPBs8H++Kd0c83Mvo5k8ht+ZXVrPM6RNfxxTBRJFWq4FwPDxn9TjnN4JgPhRKs23nzxAKr8yLzpz4S4qF1RU4WdHZvPVjJFKDIARnT32TQv4c8UQfQyMPkUytiHJ5nk2lPMX4+SepVgILMsNI0j90P+2du9G0aEth38Ox6ywuHGPq4ovY9vqBbSTawc49P4esaAjhM3XxBWanXwckotEOunpvpS27Hd2IIctaS+9BBJZCnk2jkWdp4R0W549suI2N4Dbd5dYgI6nTf08fkY4IhXNF8AWJgSSVyTLCF0y+PA0CJl6bZ/FUcZnZZZasdYWTLkc91+SH/+wN5HWCnI1g19cPlhv5Jm/+4SnGnpuhc0eGSMbAc3wKF6vMH8vRKFoomsz88QLC8zFL6zNjzILF0T8/x9izM2S3JEn2xdAjGr7n0yzblKdrFC9WaRSaePb6FGKr6vDON8a4+Mo8nTvSJHqiKLqMVXUoXKiweKZIc4PtvxfQdLjzwQi/8JspNu/Q1w0ir4QkSRghiaHNOn/jN1R2HjD4k/9Y4vjbFhto0l0T7V0qybRMe5fCr/9uhtvuCy9Tf68GWZaIxCRuuzdE76DK7/9ekRd/UGfZWlmWiO3oJb5rAOF6+JZL7odHcQqrg1tZgT23hvi1/yHNjn0GAfnmWoKlEroB/cMan/vlJNv3Gvzhvy1x7O3mumrb68F3PITj4jedgLmXDJPY3U/xtfNIsowSNYLx91L7O61HRUBztkjp7QuUD43TnL15F5SbC2wlidB7+GIC8IWHKxw0ycBpiTVpko4jbBRJRUbC9i084aPJGqoUGLV7wsMTLjIKjrCQkdHlEB4eda8aWJUIgeMHHnSavDbjVas2+cZXXiWZjvIrf/9hEHDxwiJt2fhyDCNJEE+E+MBHdtM70Ea5WOdP/8tzfPsvXuc3f/ej6IaKosrc+6Ed7No/wB//389SWYcjPjm+xJ//4UuMbO3iZ3/hXqrVJn/1ldewmispGUNRaQ9HqTs2tufhCh/1CgpyudTgG19+jb6BNn7qC3fie4KLY4uk22KtfZbYf/smBofb+fIfvIDv+/zKb30YuVVpvURjlaQggHv4Y/vo6k2TW6zwpf/6PN/9yzf5jX/4KJIkccudmxka6eRPf/9ZVF3lF//Oh4L1GOrygzJxYZEv/8ELjGzp4pFPHcBqOnzna2/wJ7//LP/wn3wKz/WZvLBEW3ucRz55gC/91+eo1yw+8zfu4k9//zkOvT5G70Ab4+cW+MofvMDWnb089ukDmA2b73ztDf70vzzP7/wvn1iu+L70zEnuvH8rP/O37sVzPf7qzw7y53/0Mlt29BKO6Nx5/1ZGt3Xzxf/wNO2dCT73i/chSxJGSEWSoK87vUy5jCfCpPb0Y4SDeyqa2Dg4Cs7Z+oODEIJiqcHj3zvCd793hNxGWbT3AJ4nKFdM3jk+zZmz83ieYHi4/V13OPu+4Nz5eZ784TscfP0CS7kqnvf+9cDU6xZvvHmBC+OL/OxP38Gjj+whHNIuO8cOwh1DktvxvXGi+m3sSQ0x3cgRVQ0e7b6VlB4ItCS1CN+fffuq23s/oEgy2ViUqKHTnYpTqJsgSeRqdbpScbZ2t3NmPkdHPIosSSQiBmFNY7JQwrQd9g/0cHJ2kaVqnY5ElHMLeVzP58Jikb5MkmQ4xObOtmXl5sshhGB+vsyf/cVBnn3uFA3z3U0YPE8wNV3gj7/0MhOTeX7h5++hoyNBOKyja9dmBezc0UvTclhYqBCPrxbpk5CQLzsGWdGIJyNcOD69arkXFs5zZ/swj/XvRJMVFps1/t3xZ3nnwkXamwaWaXP6jfO0dadRbtB/+ie4fgjXpXToNTxzdeLBrZZxK6U1y1fKU7S17yAa7cJqlmk0lvB9h97+u/E8B9+z6eq5BRA4zs33T10JTY+xeevHiCf6AwrwVfQ9FEVDUa5NTXaUBpKsIsvwUz8VxrYFjgv1hqBcvtL6TELXY4RCKQAisY5WoCURi/cwNPIQmczm9YN5SUJBR1F0VC1C0yyC5BOLS9iWwPOCxNOyF6usYYQSywGlED6S1KKxxg3MXHBejZSB16Kvrt2kjG7El/f30nrXLIeEdtlxRePdNBo5hjd/mHRmZJV4oKqGSGc2I40+xunjX8PzLAaGH6Sr59Zl+6Jg2ypGKElv3534nsPE+HPLCYDLIcsKRiiJougIIYjGugIf09QgwyMfJp7oXUe8UEJSZGRFI6FFiMW7SaYGuHD+B5iNG2fpSBLEumKBWqyhooVVIu0RhC9IjaRZemdpOXj1bP+mlIQb+fdOXMpteiyeKgYB9jrwbH9dMacr4buCymydyuzNCSnFo900zDzl6dp1efhKyMSinSiKQbkysZx00tQImhalYS6t+Y2hx/E8B9dbff5UDe7/SJRf/0dpuvtX5qdCgOcKzIZPuehTr/ogQSwuk0wrhCMSsnIpwJW5/b4wqbTCf/qXBQ4fbN6MlSqxhMyeW0Pc9cEId9wfRlEvMSShUfcp5T2aTYGmBz2vsYSMEVrRMAmKTBq//NspFmZcThwJElOyrhLd0s3i9w7hlhtk7ttGeKh9VWAry3DgzhB//5+2MTyqXXYeBK4LzYZPpeRTr/nBfZ6QSaQCarIsXwpwJQ7cFSKWyPB//dM8xw9dhxCVEPiWg3B9fMdFUmV8y8VrOkRGOtDSUeylKtZ8OXBfeXQvekeS+tl56mfnMDqTJHYP4DVtrMXyjZ/0Fm6OiiwElu+iSQrKFVl8Xwhc30OVlRuiI+ftRQ4XX+G+9kc5mH8Gx7e4v/2jvJJ7kl3J22m4Nd4uvYTrO6T1dm7PPEhKy7LUnOVQ6WXSepYZc5yIEudDHZ9a2Veg6CzxWu4pRuO72RLfs94B4fkCVVVIt8Vo70iwfU9QEbl0QxghjYc+ug/fC4R+hIBbjk5x9K1xXNdbDvJi8RCarhCJGtSvyLYKITh26CKO4/Lpz9/JwHB7UG0pNfiDf/vD5eUMRWVXpusaFyGgIquaQiYbp609zo69/av2OZWOousq4YiO7wt6+tKrJpYAkajBI588sHxc/UNZjh+e5NzpWYQQyLJMKhNF01XCESPwyuxPr6reCCF4/aWzeJ7Pxz57K+2dwcTBajr8x997gpnJPJGogaYr7Nw7wO79Azz1+BGGRzs4cMcmXnr6JIvzZYQQvPbCGZDgsc/cSrY9EKkyGza//38+yexUgZGt3QDE4iE+9bnbGRwJegzL5QZ/8p+fo1SsE4kaZNpiQXUrpBGNh+jpy1xGdfbZtb0XXwjmF8pomrKqr/Bmqp5CCAqFOn/ylVf44VPHsax338d5vYiENfbu7rvq81Ys1JGk4J64GoQQHD02xXceP/Kuq7M3glyuxh/96ct4ns8nP74fw2hR9IWD7y/gW8+iGA8sL69KClXH5Hh5gpFYF47v8nZhbM149KOAqsjct3Vo1Web2lcqWvdtWf3dJQy0pZb/ff/WQOzMcl2qpk3dtulJxdnd14kiy7TF1ipaCiGYnSvx3/7wRV565ex7moCwLJcfPn2cet3iN37tA2haMKZxlWRNpWJiWQ61qsXcbJF0OkL4MqGa/EKZp792ELdV6XZtl4kzc9z1yOox2fZc4noIXVYCoSxVR5MVmpbN+SNztPdlMGvNDYVQfoL3DlcGtQDC9/HttQmUcmmcWnW2VU2UsJollhZP0j94H/FkH8L30PUYxeIFatVre2xfLyRJQlUjrQBKtOjQl74LAsyViZ1/GQtkYwT9pgIpKKrywx9a1Go+6xz2GmhaFFnRCEcybN76MZKpQUBqqQ/7IPyAg3JJE6MViAvhUy5eYM9eiZ/+2QTPPNVkcd7HcQWnT17Fak+CcDZCx/5uxr8f2Ht07OumNlOheK5w7R2+TsTi3SiKTjI1hPA9XM9EatG+L6mbJ1NDZDt34jpNOrr2IssKnmfjeTaKYiDLwTxJVjQ6uveRWzpFtTJ11e1KkkQ40ka6bQvDIw8RiQaVcd/3EK1eboQIaO9S0BMuSRKKopHt2Ims6Jw79a1l1sDVoBgKmS0ZEr1xkkMpItnwMuW4kTOJdccoT1Ro25KhvvTeJWfWQyiukuwKszhWXVUtkxWJjs0xFsdq61KKbwTyZS1uLZf36/iVhHxZocVfthSUkCWFTHIE22kEgQ0yfovOL0kyEhK+cAMWnKS0bBEFvu/SltpMpTqNEC6SpBAyUsQinZhm7grhNhnf95fXu/I57L0txK/8g9VBre8LZiddXvxhnddfNJmfdpd7R43Q/4+9/46z67zPe9Hvqrv36X0wg95BgAQB9q5GSVaxJde428lJ7Ovr5BM7yTmxc1Idp1zHjuMi68hVhaqsEjsJkui9DaZget29rfqeP9ZgCqZgBgQV+X70UBTAvdd+V1/rfX7leSQaWzQOPRLggSdD1DYoyLInfLlph84v/WaC//hb0/ReXn/TbSQq8xO/EqO+SUVWwLIE1y6avPp8iVPvVMmmPQsdWZGIRGW27fHx+MdD7NjrR9NvkFto69L42I9F6O8xPTVwIcAR6DURJFlCiQZwRxZf211bdH7lnyUXkVrHEVzvtXjzpTIn36kwMTp7HCTw+WTauzTueyzIvY8ESdbIcwKgm7br/PI/TfA7vz7F5Njq9pF2ocrUC2dwKibSwJRXgm46lPsmUCMBnLKBazo4xSrqsZPkyjozWQPXsHBKBhPfOoEWDyJMG/d9BOlvu8f23597gU+172NnonnRd+OVHF/sfYef6TpEY3Dtog2apJO1pslZGWbMCSzXIG9lmDEnsVyT16a+zf7kgzT62zmReYOj6Vd5pO4TWMKgp3COwzVP8WjdJ3Fx5xR1JSRy1gynskeo9zWzIbS8OnI4GuDjP3o3X/vSEf7NP/0yu/d38MDj2+ne0jirFiph2y6Xzw1z9K2rjA6ncRyX0aE0uk9d8wRLuIKpiTzxRIho3JuoSpJES1sKTV9fj2QsEeTpz97NN//2Pf7NP/syew50cv+j2+na3DAXcVkLLMvh/KnrHD9yjYmxLLbtMjI4QyQWWPN+ObO/Geyb4j/8y2fmyHO1bFLMVygWqgRDPlRNIRjSkWQZf1AnMpsZ1XQFx3axLYfhwWkGeif597/91blxKiWTQq5CsTgfMaqtj85mp739DIX9ILxtuRUGh9MMDM1QrVqMT+b55Ef2LiuYsx5UqxZf/upRXnzpHKa5dkP25U7Teufrmzc30tQY58qlUWLxILFYkImJHK4raGyMMzGR48qlUZqaE17fda5Me3sN2WyZUskgFguSqgnPPcj27+vgq6kwU1PrF3a4eX/Wsy+lksHffvk9mhrjHLq3G4kqdvUFcGfALSLsQdA8j8caX5QH6nbw/Nhxqo6JEJD0hfmJjodX3ThNu1HqLNa9fd8P+FSVBzZ3YAkL07WwhYXC0qzkjeqAL37pbd58+8q6+rYXnqPV9t91BW+/04OuK/zoZ+4hfIvsqGFY9FwdRwiYninOKTDfgKLKROKhOfEoVVPYfd9mtu7vXLTcnmQL3x46R9YoE9UDXMyOgSSxZ3MXWkcXvqDOhl0d+G7Tf/qHWDtkn98L/y+AFkvgr28id2ax5U+lPMOl83+HbZUBb7I6OvQOCJdkzWZkSSGT7mXo+htY5p2rZrGtCkPX30DTlgZ/6hv3Eo3NOy4UC+NMjJ/CdVafqLquTbWaRQivpO8XfylEtSp4/rkqF1chmQCKohMK1dPSdmiO1BpGnnzuOvncENVKBte1UBU//mCScKSJcLgRRfWRyw7wyU/7OHHMJBSSCYYEdfXKqsRWj/mou7+G2p0N6FGPZIaaImT7br+UbzkkEl3E4h1UytMMD75FsTCK7ovS2v4A8cSG2feHQmPTAVzXRlF0ZqYuMTpyFKOaIxRuoLPrCQJBL+jn98WIJToo5Ie5VaAhEmlmQ/cTBIK1COGQzw0xPXmeQn54rl9a18PEk93U1e/EH0jOkm2ZZGojLe3303/tBa/EexUIR5AbyFMaL1HNGhSG84TqQzimQyVTJduXxarYTJ6dpJK5s1Y+kgyJliC5sQqOJYg1Btj2SAMzgyVsY/5ZKikSdd0RZq6X3hex9RNks7Yfv+TdN/32BSbd1YMMACm5kU51OwoKtrC4bB+nJPLUJbfi06P4fXF0LUhNvBtF0cmXxlAVH0F/DbKsMDlzEVX1E4+0YTsG49NnPSLsOh7J0mLUp3agKNoi9fTZvScaaqYmsYmJmQsUy+Nz39Q2KPzEL8dp7VyYqRWcfLfKH/27ND0XzTnxsIUY6rc5caTCq8+X+OV/mmTHXh+y4s2Ftu728ZO/Guc//dY0peI6hZQ0ibYNXsWBURW88EyRv/yjHGPDS+/lcaDnosm7r5X5+f9Pgic/GUaZ7dWVZYkD9wdo79a5dMbANWwyR66QfGAbclCn3DtB+dr8cYjGZT73izE27ZjXpbFtwZsvlfnCf8/Qf9VaprzaE616740Kh14r80u/mZw7jrIssXO/n0/+RJQ/+c+ZVUuzJSGws6UbzmHAbMWJYXn2ZMzPOQrjJcrZwlyJtSSBna/gFivs2KkxZEDmNh9htzmbFwwUZygtI8AgIXEuM0LWLK+L2IbUCD7Zz3hlEE3SURWVseoQqqRhuFUs12RLZA+arLM9ehffnfgaFceLJke0OBsjO4hpi/t+TLfKy5PfoDnQwYHkQ6grKKYqisw9921i8/ZmLp0d4tUXzvMf/sUz/NjP3s9jH9mNLMOJd67x53/wPfYf6ubjP3oPobCf7z17mvOnB9d+2Bac6EXPcWlBsfkaoaoK9z+yje2727hwZpDXXjzPv/vtr/LTv/wwDzy+Y7U20DkIIXjr5Yv8zZ+/yeGHt/CJHzuIP6DxwjdP0dczfusBbkLnxnp+5PP34g8sPs5dmxso5CpeSb00Z+SyIvnu2tTIJz53D37/4nE2dM+rMaqaulSZeI2HsKE+Rqls0lAXZWBoZpFIzu1ACMHbR3p4fg2kNhYL0NQYp7UlSVNTgmQiRDCooyhev2+pbJBOlxgbzzE+kWNmpshMurhiBtjnU7nnwAb6r02haQo9V8bp2ljP1Stj7N3XwfhYlquXx3BdQTZT4uypQXx+jWK+yshIhtbWJKnUvD+oJEm0taU4dLCbb3771Kr7Eg77qK2JUFcbpbk5QW1NhFgsgM+ngRCUyiZTU3l6+6cYGJhmYjJ3SwKWyZb58teOsbG7nvr6GFrwU3PHWLjzWR5VVniwdgd3JbrIWWUUSSahh/ErK5OdUMjHb/76U2RzZXL5CvnZf3P56tzfS2UDw7AxTJtspkS+8MH6EC6HvJ3nvZnjqLJKa6CFjZGuJcuYlsPXnjnOa29cvuUx1TSFpsY4G7vr6eysJZUMo+sKhmGTTpcYHJ6hv3+akZE0pfLiiZ/rCl5/8wrgBW9WQ21tlHgsiKarVKvWkvsqURvlqR8/xMy4J2KTaoh7asc3PQfub+hGlxVeGb9K3qqyNdbAj3XeRVTz89ozR7j0Xg/17bV89Jce/yG5/QAhKSq1D394CbFVfH6qEyNLlhfCXUJYLavE9f5XGBk6giTJWHZ1TtAnFJRIJWVGxhwOHfBzrd9ibGJtQcFgQOLh+/y88EoFxzEp5c9RV6MwMLT4ORmONi8ittXKDGMjx3Dstd/X333J4OBBnXTGZWDg1tunqgHaNzxMLNaB61hMTpxjePBtyqWJZb14JUnG54vhDyQolyZxbA2fXyIckYhGJUZHbpElqdjk+rL4434yV2YQrmDk7SGKw6ur8q4Xui+CYeTpvfrsfD9uYQzLLLNj90/MqU+Hwl61WXrmKj2Xv4VheCWFpeI4qupn45aPe/MAWSESaUJRdBxn9TJHTQ+h6SFs22B48C2GB9+eDaDMowRk0r1MT56ne9NHZ/2LPXJb37iHzEwPM9OXAAldC816Eruoqg979npwbZfiSBlVDWCa3vjZ/vmSSHtWEMoqzfZPh1RqOkJIisR0f5FqwSZc4yPRHKCUNsmOVQinfATjGmbFwRdSmR4o4ZguNR0htIDCzGAJs+TQtD3G/k+3cfmVccZ7vKCy6pNp2hrDKNlMDxQRLtR1hZnuL+FY3nM/1uBH8yv4oxrZ0QrFaQM9qFC7IYweUDBKNuNXC0tIsCwphKU4oVkfdF1aW1uHho+olESVNExRRUFFVXQioUb6h1+no+UBwsF6LMdgOttDXXIbSNKcbVY4WIeYDXzFwi1MZ64sSKJIxMLNFMpjuI5FOHSzArcgVxxC1yNz5fjgPaIe/WiY3XcvFnO9ct7kP/7zaUaurx6Mchw4c9Tg9/7FNL/1n2rZPEsKFUXi8KNB3nksyIvfuL3SbMeB736rxP/8jxkKudUTLxOjDn/6+xm6t+ps2j5/PlK1Cjv2+bh0xrtPKgNTjAy8DoqMrClIqgyGRyUOPhjg8KPBRbo9x96s8F//rxmmJ1d/lpiG4PUXy6iaxK//nyniKe8drijw1I+EefHrRQauLZ0HKAo89oSP+nqFYtHley8ZPPKYj7o6hXffNZkYd3jsCR9+v8Tzz1YJh2U+9BE/X/qLMpWK4KkP+0jVyBw/5qmT/+wvBOm9ZvPMVyuMDK+/Em1dxPaG0bi74E9HuIu+H6vkqDr2uss5VVkjqiUYKF8lpXtiTP2lS0S0OJq8vLrwDWiSjiIt3RXDNaj3tzBtjJM2J6nzNy/za+ZuqkQyzL0PbuHAoY388e+/yPeePcMDj21H96lcPDtEOOLnUz9xiFRNBMdxqZTNdWV8JEmivjHO8XeukU174kcAI4MzWOu0ILlhQZOqjXD/o9u4575N/OF/ep6Xvn2a+x71/PC8dXrE3TJNHFewUMzXdVzOnbxOfWOMT37+XmLxIIZhUSktE7CQvBIY23ZwHbForqOoMm2ddVzvm6K1o4bWjpr5bZzV/SmsQbBH1RQ6NtQxPnKF9s5amttSS8ZZD+a22XJwXXfumPh9Gsl4iOvDM/h9KtoqisKFTInsdIHmrnoc2+HyiX5aNzYQr4nMLZPJlvn2c2corEKC6uuiPPn4Dg4f2khLc4LACorZNyCEwLIc0ukS4xM5rlwd5+TpAfoHppmZKc6VCTc3J7hrXwejg57q841rub4+RktrkuHhNMxeAyDhCkE0FqChMc7MdJH2ztol5cmKIvPk4zt49fXL5PPz501VFerrImza1Mi+Pe1s7K6jvi5GdFaNeiU4jsvUVIHjJ/v5znNn6Lk2sWqZ85UrYxx59xpPf3QLwnwdcAGB61xHD/8jb0zhUrAqhFU/QdXPeCXDSHmG1lAturz8Y01VZDZsWGqPs/CYO45L1bAxqhZf/9ZJ/upv3llx+Q8KlmsTVINsCHUQVpeWjgsheO9oL8+9cAbLWvlFJcsSWzY38vGP7WXf3g6SC5THbx6vWDLo65vkey9f5I23ry4677bt8vKrl9a07f39U7S11zA2lvUIdHL+XFimzfNfeou3nj1FS1c9P/svPsHlE/2Ui1UeePquueV0WeH+hm7ub+hesp2WYbH5QDfVYnVO4OWH+OBQHRsmf/7kos/UWJxA09p954E54nADigIPHvbz0OEAX/lmkfY2lb27dMYnHY6dNHjwsJ9szqXvuo2ieMFg2xZs7tZpa1G5cNnkwD4fTQ0qZy+ZxCIyTz4c4G+eKXL89J0TppFlePwJHydOmHR0qOzYqXL0vdUDPJoeJJHsxnFMhgbfZmjgtVUzhUK4VKuZuVLZZ79l89nPB2lsUjh13OT40dX3xzEcJk9NkemZwbjDWcSbkUn3kstdX/RZqThGLnudugavpcCrcKsyPnpijtTeQC7bj2WV0HUvmOoPJJEV9ZbEFrzS44mxUwz2v7ZsX64HQSE/zLWrz7J91+fnBLI0LUh9016y2X5cxyIUrMMVNqZZwOeL4Tgmuh7BtsroegTHtUjfQnRKViV2faQJX0illDYpp01Un8J9P72B6YEiidYgfe/N0LorjuZXiDcFyI5VGDqTRbiChk0RKnmL7ntrOPaVQfSAQiihe9Y/s84WjVui5MYqJNtC9L47Te870/hCKgc+3cZ3/t0FKjmLez7XgaxIZEfLbHukniNf6mfLwx4hrOuKkBuvMNHzwdrquMLBdR2i4RZUxYdllfH7E0SCDd65kiQsu4KiaEiSSiRYRybfTzBQgyTJ+H1RfHoEvx7DsiuEAjVeifkaJ311jQqPfiyEzz8/MS0XBX/x37O3JLUL0XvZ4m/+V47f+N0U0bg3LwwEJZ7+fIQjr1Qo5Nf/zum/avK3f5K7Jam9gckxhxe/XmTjtvk5oqZLdG7SCcR0KgUL2achzVY0BjfUI/s1ckevEUvIPPnJMOHI/HHIzjh84b9nb0lqb0C4cOSVMoceDvLEJ0JzbQa1DQr3PR7kem9uCe+RZWhsVDj6nsnlSzbJlNcv7A/Anj0ak5Myg9cd3n7T40xCuDz0sEDToGp4+zc54TI95TI+5nDmlMXzz1UZH7u9d/y6iG3Vsfiza2/Tk5/kWmGKP7zyGn/bP1+O5AiXkUqWBn+MOn9klZGWQkIiodfRUzjHpsguJOBc7ih3Jx8mqdehSTpXC2dpDLRxqXCKBn8rfiVIzlpqO3ADYTXC4ZoP0Vs8z+tTz/JUw48S0ZZmkSdGs7z8/FmaW5MkayLksmWuXR2ns7sORZGRZYma+iiZmRLH3u6ho6uOC6cHuXJxdJGXqGFYpKcKFIsGhXyFStlkoHdyzhbH59fYc6CTV184x9/8+Zs89tHdlIoG33v2zLpLkYcHZ3jjpQu0dtQQT4ZIzxTpvzbB1l2tiwiT1xOb5LvfOc2rL5yjoSmGoips29WKrMjUNsQ4f/o6x9+5RmNzgrMnBujtGff66RZAnx3ntZfO89pL56htiKHOjiNJEocf3sLpY3386X/7Lvc/to1w1M/MZIFctsynfuLeNe/XfY9u48yJAf70v3+X+x7ZSijsZ3oyT6FQ5Uc+f9DLBq4RPr9GY0uSk+/18cb3LpCqiaD7NLbubOH46QHaW1P4/fqq2W3XdXn3xbN072plcjiDUTHp2tGyaJnLl0e51ruydcXG7nr+j199jK0LSttvBUnyRL4aGmLU10fZtbOVTzy9l5HRLBcvjfDu0T56rk1wz4ENNDbEScZDDA3OsO9AJ4lEiErFRJIlGpviWJaDZTk0NMTo2lhPJl0kGguwe18b4bB/2XV3d9Vx1752Xn/jColEiO3bmjl8sJtt25qoq4uiKgqStLaSd0WRaWiI8eGndrNndxt/+dfv8Mprl1YkZablcOTdazz0QBvRYAxJacGLbMzfaxmzyNeG3uYzrfcxUc3yhf7vYbk2H226m0cbdt9ym1Y65qqqEFYVwiEf0cjSY/P9QFAJIiPTW+ynPdRKVIsu+j6dLvHMN06QXSVYpGkKTz6+g8//6EHq62OrnitJkoiE/eza2cqWzY0cPNjFF774Fr196zNqn5zM88YbV4hGB9F1lYcfWdz6MTE0w9XT1/nYP3iQs0euAqDqKtfODi0itqth32O7yE0XKGaKaD9URf5AIRyb3Lnj3Fx7ZucylCpLrz1F9aNpQYxqbs4m52b4/HEkJKrVLFeuWUTCMmcumHS2a7zyZoV7D/g5sM/HqXMmm7s0NnVp5AousgTVqqC5USGTdRgasZme0Xj7aJXN3RrnLpqcPKtw8uwHo7bqOrOJ5jUGsoUQpKevMDJ05JblrzdjbNThK39bRtclXHdJwnxZqH6Vjie60EI6siYjyRJXv3qRyh3sAxVCUMgN4jqLiYLrOhQKI3PEFsA0CnPqyAthmWUsc57YaprnE7wWmEae8dHjq5DaeRQLI0yMn6at46G551401kYoVEshP4qmBpAVjWo1i66FcWQT0ywSj7ZSKk+zlhMtXEF+okrbngSZ4TKljEnTthjFGYOT3xxm4+FamrfFcGxB/5tTbHmojt53p0k0BWne4T2T9ZBKOOVD1WXGLuXJjla49s40lZxF/aYIk9eKnP72CN2HaonV+3EdwciFHDufmj8Gjuly7fgMY5fzHP7pDfjCGnpQpThlkBkpexli64PtuXFdm7GpU/j9CUYnT1Mx0kTMMrKqM5W+gqJoCMfGRsIyilTKU6hagKmpCziOgYREOteHIqvkiyO4ro1AYJqFZft+JUle1Eez8y4/bRvm54ZCCC6cMjj5zvodEI6/XeHiaYN7HgzMkbrNO3xs3qlz/O31BY5sS/Dmd8sMDay9R1cIuHDKoFoRBILz7+z6ziCNT7Uy/GofdU/fhTSbkNESYTJveYHnTdt9bN7pWzCW4MQ7Fa6cX4Pw0wKUi4Kjb1a4//EgwfC8mNU9DwT42hfzVMpLz0nVEBSLAteF1laFQEBidNTF54N8XtDcorBps8rIsIM/IJFMyTQ2K5R6bC5dsNi6TePQYZ2vfaWCZUFXl0ouZy27rlthXTMDTVY4XNdNRPNzITtKVAuQ8i8oYwR2JJp5uGEzCX1pv8utUOdrIqCEqNHrEUBQCdPgbyGkRHiw9qOcyL7Judwxolqcu5MPeyXLkk5MS841s7uul01WJZW4VoNP9rE7foiSXeBi/jgHkg8j36Smp/tUKmWTF755as5bdufedj78ybvQdK8n7/BDW0lPFfjes2dQVYVN25r4iV94kDdfvjgnpDQ+kuFvv/AW6ekChXwFIeCPfu95YvEgn/vZB+jcWE9zW4qf+dVHeP4bJ/nbP3+T+sY4H/rEPt565RI+/zpIm0+jUKjw7DPHMaoW/oDO3rs38NFP71+UlVEUmYee3EkuU+KFb55EliR2H+hk684WZFnm0Q/volio8PwzJ9B9Klt2tvD5n3uAo2/1LJoIK6rMox/aRSFf5bmvn0SWJfYc2MC2XZ5gVWNLkl/4tSd45fmzfPc7pzGqFrFEkLvu7UZRZFRNob4pjj+gISteoMDrsZVIpMJz3rvNbSl+8def4OXnzvLSt2+ME+LAoe65IEIiGaJaMRcJWAWCOk0tyUXlj6qm8NTH91GtWHznq8dRFJn993azdWcLAhgey5BKhGhpSix7I2SnC5hVi637N/DyV94jXhPhkU/fje5f/AA9c25oxTLNcMjHz/7M/Wzf1owsS9iOS9UyCfr0FcWeDMtGAH7N2yrv4ertT31jjPa2FA8/uJWR0YzntazKaBE/W7fPVyTcCExomkrXghLueCJEU7MXxY4sUH8uVU3ypSrhgA9NVShVDO5/cDONjQk2bWlgQ2ct9akI+bJBtlglGQ0usaC6FWRZorkpwc/+zP2Yls3rb1xZMXM7MDDN6JhBfOs9CDcDIoc8218LULKrlG0DF8E7M5c5mNpMZ7iBVyfO3jax/cGBV57ruA62u5ggCCF48+2rXL6ysviOLEs89cRO/sFP30c8tjZ/YJhVhPRpHLy7i0Q8xH/+ry/Q179UkXIlpFJhnnhiJ6GwzxNtuyk4ZpRNQtEAjR21nH/vGgg8f851ZF5nxjI4lkO5UPmB64/+/0ssc24kTUeLJ5cIS9XWbqO57TDXrn6HXKZ/2eFa2+8nHG7k0oUvUyjmiUVktmzUmU475AuCmbTD9WGb3dt1TzTpksWBfT40DS5esVBkrzwwEpYZHbcplgT5gkuxJAgFJbZv0Tl38c6RW9eFV14xuPuATi7ncunS2rI/tl1hYuzUbfUSP/0jATZsUClXvAv8rdcNTp1YfWJsV20mT44h6wpqUKNhfzOK784GfoRwqFZzLCV9AqOaXfRJtZpdUioMzAlJ3YAsK2uyfhJCUCiMUl6jurEQLjNTl2hqOYg2awGn62HC0RbyuWGyhUHP31iSqFQzWHYZ267iOAayrGHZS7dd9vtRohHsXB5hGAgB10+mSQ+X2fF4A5IskRuvoAcV9ICCL6xiVhwUXcZ1XBxb4NqeIFm1YDN2OcfQmSxIUEyb6AEFSfbKj2+0WRklzyvedcVc8lJa8P/g6YpYlVnBNCFwbZf0YInGrTGun0x76/g+oGrmqJq52a2TUA1BuTJNRIrgug42YAsL2ZGRbZtqdQq/FEIXPrSKS9mdwCcFEK5Drrh8r6+i+KiJb8KnR8gVvMoBWYE99/gJBOaPiW3B0TfL6+6LBchlXE6+U2XfoQD6bLWzP+D1ua6X2OZzLqfereKsU0s0m3bIZ10CwQVzXMUmf+QSdtHFGEmTfvMSiNmMrU9DlmHnfh+R2EJhV3j39cU+uGtF/1WTYt4lGJ4fr7FVpbZBZbBv8YC2A0ffNUnPeO+Lq1dtAkEJx4HJCYfxMQejqlHfoDA+7pBIyJw+ZaJpoKrg90tMjDv09Ng4Drz2qsHGjSp+H1RuIza3riefKivsSbSwM97ExewYH2newYGaeeEPSfKsL9RV5PZvhusKyqaFT1OIyfV8quUX8Cveg+gTjT+HYcgUMGgNbMTn1CBJgrAviGlCxqqQ9DdwT/SjlMqgBR0Gp7PkKwabm1M8lPoU1YqC6le5O/4ERaNKvmwQC/oXbV8iFeYnfvEhTMPCdQWyLOH3a2j6fBN6sibM537uAaoV74T6/RqKKrP7ro65ntLm1hS//BtPLTGdliQIzmbGFEVm574ONm5twjJtVE3FH9DYd7BrkYLorVBbF+VnfuURTMPGFTe2WZ8j4vPrlqhvjPEzv/qoR76EQPfNK6XVNcT46V9+hGrVQsLzoZRlmbsOdi0iyJIk0dCc4B/8w0c9a6LZcW5Alj1/3M/83D4c4wASGsgWrlZEVRVq6qL86m9+GH/A6yf9mV95ZNazFD75uYNe2bDsRcc6u+v5qV9+GKPqnQ9VlfH7ddTZCNVHP30Ax3EXZZW37mjhn//fnyK0IMsmSRIt7Sl+4Z887m2zJOGbfdkfOrCBqmFRNewVM7an37zM2HXvRRpJBDFNm2Mvn+eRT91DfFax2bZdhoYzKxK0rq46du9qRZYlyobJaKZA78QMhze3Y1g2fk0joGtky15kMRrwM5Yt4FNV6uNhChUDy3GIB/3kKwZT+RIbG2qQVJlkQ4SQT6dsWFRMC11ViAT8a+qvXgghBJOZAmd7x5Blie7mGi5dn6CrqYb7mhOc6R1l9EKJQzs6GJrM0jc6w8N7u2mti69vRXjnpLYmwqc/eYCrPROM3KTmdwOFYpXevim2bUniVJ9HOGNISiOy+lOAF2Szhcul/BAj5Rme2LCXimNirCGa/4OOslNBRqY91MqMkWYDHXPfeX61F1dV3d6+tZkf/7GD6yK1C6EoMls2N/KzP3M//+H3nlu1xP7m31WrFj094/h8Knft71xUEZCoj2GZNideuUBmMs+J1y5y+s0r7L5v05q3redEH76AjmXa2Kb9w6ztBwlJQk/VYeUz6IkaFL8XrFYjUWR/gOrY4slnJNaGpodXFWaqlGeob9xLMFjD1HSWv3mmiGXB5R6BY8PklINlC3p6Lc+WwhD0D3rjJRMKm7u0uSn9c9+tYFmC8Ukby4K//loRe+26fWvZfQBGhh2+M1GltlamoVGmULj1SirlafK3UPtdaZ2tbSpf+osymbQ3SbTWkG1zbZfiaAFkz1Ir3plAD9/Z/nPHMbGt5TNgjm0gFvTLm0Z+iWotMKtYvfBzGUlaS7WaoFycWFdvdLk8jVHNoqr+2eCwQihUjyyri7xtF5ZL2/bKGb7A1i0kPvJhZp75OpWLl1BUic79qbke2+xYhaneIq27EtzzYx2A4PJrk7TsimObLpW8iW24GCWbCy+NsemBOuKNAdJDZYrTBpbhMnO9xL5PtNLz1hRmxaaStxACrIqDUbKJ1PrY9EAdkVofuz/SzPmXxqjmLWzTRbiCSs5CuBCIafgjKrVdYRxbcP1kes3VBncCAoEtLCQkFElFRccVLj5JoypKKGg42LNJKA1N8iFRwhLGApXlpXAck5lsDwIxV74ejcl0dGsszFdVK+6cPc66t13AlfMGpYKLnpq/Nrft8aHpEpa59gM5PWEzvI5s7Q0YVTGn3HwDqirAsHDLDtMvn0fMti+WeyeQNIVgWKZrs46y4HaqlAR9V24v0JeediiVFgc2Y3GFVJ2yhNgKF/p6589bqSg48tbi9Z44Pv+bbMbm6pX5Ocyxo4vHGx5yGB66/Yf5umcFkiShIPORlp20h5IE1PfnZ1sxLV6/0MfujkauT2W4Z2PbXEZ1eLLK6f5RtrfVE/bpHO8dRpIk2msT9E3MoKsKd21oYTxb4OrYNIc2t9MzNs1oOk9NJEjfRJqiYRLUNeIhP/2TaTrrkuzuaAIhONUzwkS6wAN7ugj59SViRTfvt8+nYTouLx27Qm08xAO7uwgvyHqpmkIsfutMtSxLHilbQMwit/BOXbI9soQ/oONfAxn2vLm0ZTPCkiSRrxq8evIaXc0p7trsZWDD2tLtkSSP8Au1xLRxFV0KoYoupipeGURcb+e68SpBJUVr6AB5awrTLSJEM1mrj7KcJiqaMYwCVbL4iVPL5iVlz5IkMTKT4+1zA1izM5WOhiSP3LUR8LKzN0PT1UWT3KHJLG+e6WPf5ha2tNUtOk5T0wUyuTKVqsXg8Az1tVF0bemtcM8TuzAqJqZhEQj5AUGlaBCMzk/WDcNaYuu0EM1NCfw+DdtxeeNSPxXDomxanOwbYSxTwK+rbG+t5/zgBM3JKNta6rk0PElDPEIs6OPFM1cJ+3Xu29LBaCZP7/gMbTVx3rl6naplE9Q1SoaJ7bhYrssn9m9btWd4OTiuy/WJDKbtkCtV6WhI0lwTY3d3E8evDJEvV2lIRsmXqkykCxQrBqXq7b00wDu/GzbUcuhgN1/52rFllzEMm5HRLI7rIin1IAVBzB/npB6hKZDk+dETHKrZQr0/wdlsP7W+6LLjrQRzVg9gPcG4Ow1XCE6kr7Ej3k5A0QmrIVRJYbQyRluwddGyFy+Pca135RLhQEDjM586QF1d9H3tjyxLHLirkwfu28xzL5xds0L61FSe5pYEiURoLoh0A/GaCE/82L28/o3jlPMV3n3xLNvv7uLAoztWGG0pOna0EooFsU0b9X2Kvv0Qt4KEnqzBqZSJ7TqAXcx7YjuBEHZ5qZCKzx/DtisY1ZX9ByuV9JxnqxBQuCmj4sxO5vKF+c9vLGNUJL727RKyDIWChLD9ICzM2QlepaSgSBoyBi7vv/+6sVGmWoXHHveh+yTq62TOnrHouXrrCVexOD6n1rseCAHFgstjT/ro73VwXejvtxkdXn2desRH18c2oYW9vjzhCsoTd9ZH3XVtXHf5SfLNoli2VYFlhLIEYvGzZI3tLJ5K9fokUm2rTLWanROzkiQJfyCBrGhrKme+GZKmoYRDSKr3XHMsQd+xGUYu5nAsl3LWRLhw7KuD+CMqVtXBKNpkRyvYpktmuIxluExeK2BVHdLDZTS/glm2sU0XBJz42hD+iEa16JHVU1PDOKbL9VNpZEXCsQVX35zk2pEphAuVnMWpb49gGw6uLTjxzBBaUCHVFuL8C2OoPpkdTzYycj67SFn5+4G867UJVpwiEhIC4dn94MwRWFtYuLiU3NwsoV35WpCQick1FJ0sDvPXYSQmU9uoLrqOMjMOM2vsKV0OY8M2pYJLInVDq0aitl4lkZJvaXmzEOPDNpXS+iMKrsuSZMmcxqwio9dEMEZn7wdFRriCUESiqW3xcSgWXBRFIlW7/ndlNC5j3xRU8wc8a6IfdNx2uPu+uu71avmsiEKlSq5UIV+ZfxEIIaiJhkiEA0zmiuQ1lWypSn08jOU4tKRiKLLMaCbPeLZA2TApVAw66hIEdI1Y0E++UmVzUx2XhifRFJmWZJy9nV65pmHZfPPN85zvG2NTay1dzTVr29Zylb/57kl2bGjggd1L1UrvNAzL5tTVYbZ1NBANfTA9f5OZIl968RgfOrhtjtiuBCEEllvCcAqMlk+jSBoVO0tDcCeaHESVfIS1OhTZhyLpFKxxanxlJquXSfo6mKicx3RLJHwdzFR7SOqdqMuo8ZUNi8GJDBPpAqevjXBwW8ccsV0LBsczfOG59/DrKlvabhIMkmBkLEMiFlq1nDEQ8pGeyNF7bojDH9mDEHDy9cts2t1GY0ct4Akj2av4h97IeluOQ7FqsqW5lvODE1yfzuK6gnDAx3i2SH08zI62BnRVIR7yU7UsFFmmozbB9akMFcMiFQ5y2ZmiZJgUqwZbm+u5MOSpV+/uaOJE3zCm7ayb2EqSRDwcwHZcWuvipKJBYrPX2qaWWiqGty01sRCTmSLRkJ9UdHU/3FvBp6vs3d3G8y+cpbiMWBlAOl3ENFUC/nsQbgmYJ7Z+RedHWu7lica9xNQgqiSzOdpCV7hxXdsxXs0yUc2R1MO0BlPoyu09Eh3hYrk2jnBRJBmfrOEiqDomMhJ+RUeAZ00E+BUNGYmqa2G7Dm9PXaYr3IhP1tBkja3RLVScCoY7f2xcV3DknZ5V1Ym3b2vmrn3td4Sk67rKU0/s5Mg7PWSya6sHCoV8XLk8RiIRIhIJoC0IGEkSbNrbTvuWJiqlKoqqEI4GUNZ4vUqSxI7DWwDWTLR/iPcB4VK8egGAUt9lSv094LqokRi+huWFGLnh1brSkMJloa/scpCQPP/LBZkbTfJRo7Yxnu3DxcEvh+gI7KDgZBg1egBBWE3Q5NvEuNlHxnr/PrnptOdXXyq5HHnbprlFXtXqYiHMah7h3p6X+dCgQ1uHStdGCVdAJuMwOrz6b6ySyeAr/WhBzXvOpCt3XEhKCNezZFkDHNe6o/eo6zpY5vpVaW8ukdb1sFeCfIdgFG2M4uLzbFUcrMr8cTJK3veO5V08N76p5CwqucXPcrPiYC787ezYC0lpYXLx+/LGuADVoo0kS9imS/2mCHpQZbr//fvd3g5Wzbxi3/TnjX1YeTtlZFJKI6aoYot5YhsKy0Rji8lWNu3eFqG8gUpZkE07tHTMJ4PCEZloXFkXsc3MOLeuuJh3H1wTlIBO/NBmJr95DFxBqLsBgSBQHCGeXPwuTdYo/J//rXbdpdDglXjX1is3fSbhD9ze3EKSJWo3J8iPeVZaHyRu6w6/YdlyJxDQNWqjYfom0zQnY4vKKKum93AM+XS2NNdSMS2Cuk5zMobteNEdx3XJlio0JaLURkP4dY1rYzPkylU665P0jE3RURcnelOJpqYoHN7ZSUdDgtp4eMl2/aBgZCrH//zmEX77Jx//wIjteiAQZMxBDKcACBRJxxIVStYUPl8EvxKj4mRxhUXFyVCypzDcArKkULbTKJKGT4kQVusoWVOIFSLr2zsa2NRSx9hMjt/4H9+6o/tQm4qwubuBcsVk44Y6fKuUM9qmTS5dxDJthIDcTAFrgaWPqiroq2SORkezmKaDT1dpr4kzMJmhJRWjLhamd3yG2miIDfVJ3u0Z5HjvMNtb65nKlZAkyJWrlA2LgK6hKjI94zNUTItCxaAl5ePq2ARdDSkEEAn4aKuJLxIzWysUWWZP9/xE1REuN+7waMjP/bs2zH3XmFpfRnQl3LAViseDKxLbQqGKZebR5QsovoM4xpvIqhdMEkKgyArFaoWcWaI9VI8uq2gLytpuiE6s9rRSJJmsWcZyHS+THF5ZNXk1jFbSfHv4GEHVjyxJfLhxH0Plac5mvT6gxxp2Y7gmR6au4AiX3YkOGvwJnh87iSrJzMyWxlWcClPGNAOl69jCQZNUmgIeWc/lyly8NLriNqiqzMMPbiUYvLVtgzurNO64Loosr6hq3bWhls2bG3n3vd41HYf6+hiFQpXmlsSSMQuZEr3nh9lxsJtk3cpWcO7s9bfQtsEWLhIuyuxnhj2MrrYg3X5s9odYB0q9V0BWkBQFp1qmcn3p9WAaBcLhBnz+GJa1PAkJBmtwXWtRNlNGxnPAm7UBUhKElBhT5hDu7MTXFQ4z1ujcZLnqlpi2Rggpsbl5Yc6eJqrWovL+qshuoDrLC195xaBShslJB1Vd28zHtqu3Texef8XgrgOCWFyi95pNz5Vbz0olWSK5pYba3V6vZ34gS99zPTjV2yPXy+IWQYvFi97h7KBw1y3CBWDd1OfrlSWv8I5UvDYuIYSXMlvp/N0w6ZRl708vvbb8srPLSZLkvY2WW/aG7LcQ3t9vLONZWqw8vqIsekbeMGmt5C3e+9vrRGp8OI4gN1bBXYfP+QcBCYmwHKfk5pGQCMpRCm4avxQiJMcQwiXvzmBjEZSiBOUIFbdISeSQUYjKKVRJR1nmeR+KyKja4vuyUnYx11EyfDMcW1C8SQHZH5AWiTmtBeWSWNWOTwtpJLfUUBgpUJkqIW5xnmS/Rmx7N9Fd7R6fEaDXRpl59TyRmIymL94+TZdobrszz8MbUDVP82W9jzdJkWg73MTAmyM/mMT2ZtzqAb4wOnvzspIEj+xcmvm8UXLcVhOf++yJ3ZsWfX8DW1vqFo39sf2eGmcLMba31C+7fkmCxw+s3tvlLbq2s7fSMVht31c6ldv0AAEAAElEQVRa/sZyAugdmWZ8puBZLC05dusPL7zffZKQaAjsoKK3oEg6IbUGRfIhcJEkmabgXipODgmFiNaIX4nhkyO0he7FcAsElARCOKiyn9bQPSiSvqg3Z+G+6ZpCYBWRpdW281Y4dXYQWZaIRQMIUbvicjXNCSolg7/7by8CEIz6STXOT8r9fo1YbOXy82u9E1y+MsaunS0c6F6cDd/UOF8l8OG9W+b+/vSBbQjhYjrj7O8uoSkpZKnKga4Uezs1ZEkQCLzHxqYthH0pZMkrs669KYt6uxOr01NjhDWdTXFv+z6oEt1YNEA8FmR4hT5bwzCwjPM4vISwr3klybOwhcOzI8d4dfIsCT3Mr2/+BP2lCa6XJvlEy0EALNfEck18coCqWyasLiXl00YBy7VJ+VI0B5JLvl8rTMem4ph8tv0wr4yf41J+mPdmrrI52sxYJcPbU5fIWiXCqh+fovPG5EU2hOup9UW5t2YzfVc9VW2/4iOhx5ElmYDiJzcrxiGEYGQ0w+hYdsVtqK2JsHN7y4rfL8T4dJ7pbIkrAxPs3tTMpvblCX0goLN3TxsnTsy3BayGgYEpMpkShmERDvsXCUhNjWQ48txptuzrWLU39o3xa2xLNFLr8wKOJdvkW0On6A5eZkM4DkDVHqQx+nOwRkXVH+L9IdDSQXjzDiTZsw0r9V2h1Ht50TL57AD1jXuord9FpTyzxMLF54tR17Ab0yhQKU8DEjVaM3GtASFcxoxrODi0+bcRVKIElRjjxjUsYdDi34oq6fSXT89leb4fkGV49FEf3/m2QUOjQjIhc/r0rctYxXoklG/CRz7up6ZWYWLM4SNPB/jei1VOn1x9nf5kgMTGFNe+cRnHsOn80EaibTEyV1d2jVgvxGz44X8HvBLm9ZPlm0uOJWlpT6+kaQS2bSW0YztKIo5brlC52kP5zFmcwmKbHCEEst9P5OA9BLZtRfb5MEdGKBw9jjW2uEpAra0luHUzvo5O1FgUYduY4xOUTpzAGPT6ryWfj/hjj3iCVJZFaM9uzMFB8m++TeiufQS3bqU6eJ38G2/hFr3SciUSIbB5E/6NG1FTSRACe3qa0tlzVHqugW0vmw3+3wkZhUZ1A9etS0hINKobqJgFmtVuKm4RWzKRJYUAfprULnLuNM3aRkasHoJylJicoiwKBOWl73CfX1qiK2JbvC8y77os6aVVVGnNga0bcGyxKgG0qzaV6TL1+7zg9cTJMcrjK7cQCMuh0j9JZUM9xYvD4ArskoExmsZ/UF+Tgvr3G5IikeyM4Y/70PzeveeLaCS74gDM9GbBhUDST264gKzKxNsiZPrzS/SK1oo7Mis4cWWYb711ns89to/+8TRvnO6lXDXZ2dXE0/dtpy4enpscl6sWX3j+KPFwgKcPb+elY1d498IAluWwub2eTz+0m7qEN6FxhWB0KseLR69wrm8UIWDnhkaevGcLzbWxOcIjhKBctXjt9DWOnBtgJl/Cr2t0NCQ4vKuTPd3Nc+WZ6XyZ//x3rzGV8S6emniY3/zcQySXKa2smhavnrzGm2d6KRsW2zrquWtz67LiPLlilTfO9PLuhevkS1Wa62I8eWALu7ub5rJoZ3tH+eprZ/nRR/Ywni7w2qlrpPNlmmtjfPTQNnZsaESRJAzL5uUTPRy9NMi53lEyhTK/8xcvEZwVa2pIRfmNH3uIeHh9fblCCEpVkxfeu8w75wdwhWDfphY6GpLc3NsghGBwIst3j1/hQv84Qgi2ttfzxIHNtDcm8SmeeNJbZ/p46fgVfurJA7za741bqpp0NCT5yL3b2NLeMXfunUqAY5dHOHppkIGxNI4raKyJ8sjebg5sbVt3Ce2N7Uzny7zw3mWOXx5CliUO7ewkEvStmqmrVC2vX9gbZcXlQpEAH/+5h5gcTiOAuuYEvgX9uoois7G7nrff6cG2l75484Uqf/aFN/iNX3+KttbkmkmiwCJbfRNNrqFonkGVkwS1jRTMU0R9d2O7udnI88rjjZULfL3vAq4QhDWdH9mwg/5CmtdG+lAlmc907yJjlHlvYoiKbdMZTdAWifNnl44RUDUO1LXwme6dKHesPmMxZEUmukpvue2ApO5Di2xBVhaXGE8ZeS4Vhvh8+4O8MXXBM35X/VwreBlNVzgMlfsZrw6S0uupuhX2xA8uux6folG2DXT5/fVs1vljRNQAAUX3hKwcm5gWoimQpN4f5yuDR2gOJGkIJNib2MCl/DBRLUhUCxJSPQKoSApBJcC0MU3WzFLju+HlDL19k6uWIXd21FJXv7aMetWwOXNlhKa6GPlVesTBE6PyBzSsNYjmJJNhLl0apa4uusRKKhjxowc0LNNmtSfXVLXIn145ws9tuhcB/EXPu1iuyf01G4j6vQCQasWR+GGP7fcL4Y3bKF69gJXPAuBWl4rspGd6KORHaG69l0AgwdTkeYyq95wKhupoaLqLSLSZwYHXqVYyyMhE1RoqToGMNUbVLeHiMG72EVVquF49P5fFHTOu0eHf5UWkv0/cSpZh716Nxx/3EwrJpFIyx459MHZCNyBJ0N6h8id/WCSXE9x7n05bu3pLYutaLlbZQtEVQCAcFy2sE6wPYWSrOMaCe1davYrlBxMSy0681vK7JZi/gCRVJf7kE0TuvQdzZARrbBwlGiX+2CMENm8i/cw3sDPzgVdJkojef9gjqWMTCJ9BaO8eAps3Mfmlv8IaG7+xIKHdu4gc2I81NYUxMooSDBDau5vg9q1MfuGLmCOjSLKMVldHYNs2rIkJcGyiDz2ImkohB4O4lkn08GGcbI7CEc9TXW9tJf7kE9iZNNbYOJKm4u/uIrB9G+lvfIvSyVO3cZzWjjt15Xi9tXkicoKcO40jbOJKHVE5hYyETwqgS37CcpwZZ4yCmyYkxZeM84F1pSyzo+td1a2WVwMaiU0pyhNFzLxBYmNydWLruFQGphj/6jvYN7UHSctUXVmmIJ9z5tvdF5Y93/x3Vvluwd+r1fUdhcbdtXQ+2Ez6Wo7Uxjg93x3EH/cRaQgRTPmp3Zxg4K1Rtn6sk7NfvkqoNkjXI62890dn17WehbgjxDZbrHDs8iATGS+z2NVUg6bIfPmVU5y5NsL/+Q+epCYWmrWwcOkdmcZ2XAbG0vQMT9FWF8d1BT3DU/PZSiG4NDDBf/irlylXLfZtbsF1XZ595yJvnevnn/34I2xpq0OSJCzb4U+/8w7ffvsi+zY1s6m1llyxyokrwziuy47OxjnSFArofPjgVibSBb719gUu9o9jLuOnadkOX3z+GF959TSb2+roaExycWCCI+cHyBQWv9SncyX+y5df50zPCDu7GmlvSHB5cJLXTj3Lr33mAZ68ZwuyJM1u0xCTGU+AZ3NbPa11cd67eJ13zg/wuz//YfZsbPIqUmSJ9voE6VyJiUyRvRubqYl75DsWCqDfBgmsmjZ/+PW3ee6di9y1uZXGVJS3z/Xz8okeSpXFL+xL1yf43b94Cct22N3tWdW8evIar5/u5Td+7CH2bWpBkiRm8iXevXCdiXSBqmmzubWOoE/ntVPXOHJ+gN/7h0+zocmbnI/N5PmTb7+Lrip0NqWQZYnTV0f43rGr/MufeZyH9228ZXb2ZmQKFX7/717j3QvX2b+llVQsxLNHLiKEwLRXjuw3NcQpVwyUG+VEK6BcrPLKV97j2rkhZFlG1RV+7J88RbJ+Pmu7b287z3zjBOnM8uV35y4M87v/9lv82Gfv4Z4DGwiHfWsiuN694C0nSzpVexDLnkLxB9GU1C0n9lXbZrxc4Je238P3hq5xenqUrYk6Hmzq5OXhXs6nxwmpOhPlIj+/7QBBVUNTFO5r7KArluKe+tX7rd8vJLw+zpXgVcuqyErTku9s18Eva9T6Ysizx8hc0NMmAFmSUCSvZ7UxsHRfxitZhkszVFyLpB5+32/shZPFgKKzKdpEziyhSQq6rLAr3s5kNUdqVuCqLVjLuzNeaXJmQf9YzsoxWhmjNdiKX/HPHgvB5SvjK65bUWQ2bqxftax+IZrrYty3dwOpeGhFRe8bqEmFqa+L3lId+fr1aYrFKhs3NhAI6HMWXjcQSXjvgD/9na/TtaNlLmvb2F7D3gfnPW+fbtvF16+f4fcvvELVsdiVaOZHO+8ipOpYzgSmM46uNiNJd7bE6odYCiUYRlIUXMdG1vT5ksllpmymWaD36rNs2Pghamq3UVu/a1YBV0KSZBzHYGzkGMODb3nquMCIcZUarYXWwDZGqz0UnJnZscWy/pXfT7gu9PXbHD1qcvqURbUqGBm5g7LLy0AIGLru8PmfCjEx7tC1UeW7L9y6V9a1XXxxPxt/ZCvCFagBFV8iAAJ6v32FXN9CcqZw5+jJ9weSJK3Z73YhFGWx0KQrnEWZX/+mjUTvO0T+zbfJfu97CMMEWSa0ayfJT3yc6P33kf7Os3OlwJKm4VYNpv/2y9jpNEgSwZ07qPnsp4nedx8zX/3a3D1SePddiidO4OTyc6XFob17qP3cjxLYtBFzdD7DK6kK2Rdfwi1XqP+VX8TX0cH4//xjhGVR9w9+Gr25CUnTEJZF9do1xv/4TzzCPVt+7Nuwgbqf/DzBbVson7+AMD+4AIw0+896IQANz6JTm20XmHFGyLvTNKndOMLCFhYFN8116wJIMrYwichJdMmPJvnQpKXCodXK0qyopkso6jqbVxdAlkH3Ld5H2xZLxJTeL4QrmDw9gZGpoEd9FIbzt/yNpEgE2mooVcZwDYtgVz12ycA0qksq1q/3WvyHfz5NubQ06SL5dNREFLdS9Wz3DBNJ18FxkMNBkMDJFJAjISRdxS2WkSSZyesmUiiIBMjhIG6hBJKEHAkhDAMnV0RNxRG2g5PJk9wQY+zMNNffGiHe4SXEtKBGMOUnWBtAViSqOYP8aImGXbWE6wKMnZq87Wwt3CFiC14mFuC3f/JxWuriOK7Lc+9c5Pf/7nVePXmNTz20a64/Crzs5Ufu3cbv/cOnSYQDuLNZ18hs6VqxYvBXL53AMG1+9xc+xMaWWhCCkz0j/JsvvsQzr5/l1z/7IEG/TrZY4ci5Ae7d0c5v/9TjqIqCEIJixcB1Bf4Fkz2fpnJ4ZydCCM73j3PyyvKqDH2jM3zzrfMc3tXJP/70A8TDAUpVkz9/9j0uX5+YW84VguffucSpq8P86icP89j+TaiKQjpf4nf+4iW++MIx9m1qoT7pndCKYZHOl/mtn3qMHZ2NSJLEsUuD/Nb/epY3z/ayvbMev67yxIEt2I7nTXZhYIKPHtrGxlavZNbrP1vf+RFCcKF/nBfevcTT9+3gl56+F5+ukSmU+W9feYMrg/P7VDUt/uw77+G4Lv/65z7Eptn19o+l+fd/+TJ//uxRuppr5jLG+VIV23H5lz/9BB2NCVxX8PKJHv79X77M2+f654htW32Cf/1zT5GKhgj4NEBwbXia3/zDb/HS0Ss8uKcLWVk7YRdC8M6FAd69eJ3PP76PH3/8LlRVYTJT4Hf+4iWsZTKoN3DP/s65Z95K/YXglU/atkv7lia6drQwcGkU+6ZASEd7Dfv2tvPyq5dWLP/t7Zvkv/y3F9m1q5XHH93Onl1txOPBVdctS94xivsfQFVilM1rxAMPospRYv5D2M5ynoKLkfQFSfgCJP0BZqplvtl/kZpACNt1sVxvctkcjhL3BZAlCedO90bdCrc5v0rqYXyyxgvjJxmvZnh98hynMn3cV7sd8DKfTYF2avQGrwR5mfXU+WM0BOI4wkWTFe9Q3ub21Pvj3F+3FVVWuCvZhU/R2JPo5Gp+FFs4+BWd+2q3crUwStGuElJ9tIVqUWUFw7H4yc4HCav+uW3PWXlEeYjWQDNJPYFtO4yOZlZcv6rKdLavTQAPIFesYDkOb53qY9uGBuKRlXOo4Yif2prIqmrM4AUphkcyNDbEmJkpks9XFlmYVcsG/qAPWZHJTObnjnVw1qJrpJSlMmsVszPRxFA5Q39hmr2pViYqBZpDMXKV72I5UyhyHF+4GUVav1/6D7FGyDLRHXtRo3Fk3Ud051045RJCuJT7r3p9tzehkB/m0vm/I57oJBJtQdfDCCGoVjPkMgPkcgNzdkAyCkElhuFW8AsLvxym4MxguSYBPUJcrafozAASISWBLgcIKwkK9gya7COoRPHLYQJKlIpTICCH8cthJGR8TgjDXb/Y0M3IpAUvvmBQLLrU1Svfl1K/b32jwr67NBIpmWe/WeHKGnpszbzBmf95fNnHl3uTuKGiaLMl5X9/IEkyqrp+jRFNW1yJZ1vVebshRSG4fTuuYVA8ccIjtQCuS+XqVYzhIQKbN6G8+SZOJjs3RvnCxfksrhBUe3owx8bxdbR7WdaSd925xZuuPyEwh4ZxiiWUaBQWvPvtTAanWMKtVnHyBYRWxU5nkHUdt1RG9vtBkcECYZrY04v9fO2pSayZNHIwhKSpHyixVW4jwODgkHUmaFQ3YGNSFgVkFOrUNvxSCBuLkshjCZOgHKFV24olDMadfmacURrVToJyBENUlohSFfMuhiEILHgVBEPSEmK6HqiaRCS2eC5aLQsqyxDE9wNfzEekNUbWcUntqGPkjeu3/I2kqUR2tlHq8QLdWiqClopQyF3HWUYkbGzYIjN903ZLEoE93aiBBAQlrJFJXMtAS6Swp7Po8RYkoDrWj6+tHfP6KPZYCf/2DszgGL62BFLAjzBMZJ+OpKm4hokSC2NeH0Pf4CW+SkdOYRsO/oiOHtLmLMi2fmwDva8OIfdItB9qQriC8bPTbP34BhRNoeelwfd1XO8YsZVlif2bW2mtj6PIMspsSehfvXSCo5eu8/R921H0+YdpJODj6cM75jK5wCLLlcGJLOf7x3h4bzebW+vmCMC2jno2ttRyumeEbLFC0K/j01WiIT/9Y2muDE7S3VJL0KeRiCyd9Cz2eF15f873jVExTB7a000q6vlBRoM+7t+1gefeuTi3XKFc5Z0LA7TVJ7h3ewd+3YtE1cTCPLC7i//y5dfpG52ZK6+WJIm7t7YtyiJvaq2lPhFhZCqH7brokuppDoh5AivLkpddvE04rsuZayO4QvDY/k0E/Z4tQE0sxOGdnRw5PzC37NBklrO9o3z8vh1saq2d284NTSke3tfNnz/7Hr0j03MKyrIk8dDebjobk17ZteKdp3gkwNDk/GTcp6mzZc/z6GquoTEVZTpX8jJH60hEV02bs9dGCfp0HtrbjX+2VLsxFeXQjo5FAYibsdZjqekqsZowqqowfG2CYq6MZS6eaPj9Gh/58G4uXBxhbHxlq4tyxeS9o72cOzfExo0NHDrYzYH9nTQ2xJdYo0ioRH370ZRaFNm7jqP+u+bXKbeCeuuM6kAhw9HJIfrzGe5taONCeoLtyXrOzowtqC5ZcE8gkfAFuJqdpiEYpi0c/99mg7MaQqqfT7Tcy2uTZwmpfi7nR7i3Zgv31W6bW6Zil5g0xugMbUJGQbmpt0qWJOoCMa4Xp6hdpv92PQhrfsKaN/FqCs5f43elFusH7Iy3L/rv7bGl59Cv+GkONGG6FvLsNucLVXL5lT0WfbpKQ8PKgkw3o1A2OHV5mEjQz3S2SEfTyv3FAb9GInFrFezGxjhtrUnS6RJCCLSbRNVS9XF+9B8/ueR3N0qo/q7/JD35G/es91nRNvjjy2/iU1R+bfsjJNRmVDmO5WT4+5Z1+nsH1yV78l2WZXOryGyaRp7J8TNMTZyfE+oRwr3Jv9QTi3KEjS4HyFrjZG0vcFJyslRrpomUwhRnPMFBTdJJWyP45CAlKYsu+bGFSdFJ45eDGG7Z+87JIBD4pAAG75/YKgo88qiP4WGHgwd1XnvV4OQtyoLfL5JJmW07NU4cNSmVBHV1MmOjK0+o56oIbXdN+SlNC6HIf7+qHWRJQfdF1vkrCX8gvugT0yzgzl67kiSh1dXiFEs4+Zt6aU0Le2oaf0cnSjA4R2yF4+Dk84vqX4VlY2cyBGpSyMHAHLGVNA2tvg69pQU1Hkf2+VDCIeSAf4F3y+wYhjmXfcVxcV0DXNerW3BdkKVZyxxAllFTKXxtrWipFLLfjxwIoKVSmOPjrPW5uLQiYm2/80kBJNY7FxVMOyOknfG5Xm0XlzG7Hwl59r+8/R+xryHjldQ72JhU6bfOz23zzcS2VHTJzjjEE/Pvm0RKIRiSmVlFmXk1BMMy8cTifSzmXfK5O0tsrZJFsDZEuClCrn/lwPUizGb/gxvqMKfyBNprKF4eoVQQ5LIuqQVyGdG4TDgiL0ts5YDPy4pPZ7BGJggd3os9PoOwbWSfjj2ZxjUM3HIVs2949p7I4Otqo3q1H19nC06hhBwKIBwH8/oo/i0bkMNBJFXFnkojLJux01Ns+UgnWz/ehV2xcQyHyctpWvbXY1cdihNlhCvIjxYRjqBSqFJ5n4rud4zY6qpCbTw8RxgkSSIRDhCPBBlPF7BsZ470AdTGw9TEgitOmsdm8hTKBleHpvgfz7w197krBMNTWYoVg0LZE6cIB3x8/vG7+J/ffJt/9acvsLu7icO7Otm3qYVUNLRqVmwlDE3lCPh06hLz/cE3iGAoMC+Iki8ZjKcLKLLEF58/NkcCBXB9PI1lO8zkS3OPEE2RaaqNoS5Qr1VVBU1VMG3nA+sfclzByFSOaChAKhpatE/1ychcVlsIwUyuTK5YZUNTzSKVXUWWaK71Js+DE5k5YuvTVZpqYouOs6YqqIq8qMzbdQUz+RI9w1MMT+YolKtUTZvxdIFUdHXrneVgWrO/jYUWKUZLkred6irZXyHEXE+sqq7sYVrTGMcf2owkwZm3rlLTlKCmKbFoGUmS2La1iR/5xH6+9Fdvk1+lZFMIKJVNTp8Z5OKlUb797Gn27mnj4D1dbN7YQDQaRFE8M3m/1r7iOGtFyh8ka1S5q66ZnakG/KpKXy7Nw81dtIZj6LJKTPfNvdIk4J76Vo6MDzJSzNMajq/4uvOEGF1M08IwbSzToVK1KJUNjKpF1bAwTQfLcrAse/bP+X8rVZO+vqnb2i9JkmgKJPl4y0HKtoGEhE/RFm2rIilMVIfJWWka/C20BjcsGWe0nKbimJRuw3Pyg4K3Lz6qTpVJY5L2UCvFYpVyZeUofDjsX5Ma8g3UJSO0NSRoa0jcMnAhSTKJhHddrqbwCLBjZyvpdBHXEYuEo8AjsKuJRv38pkNYYvmJiARENT9C7EJCxRUG8jI2YT/EHYbtIJjPsArcNZcIC+EsIbOLvkeQt6coKNPUb0uysa2JzECBwniZlh8JUJqqUnhDx7FcojtsrEqV9Pk07XtrkWSJSibH6OnpuZK1jD1Oxl65XP92EY9LRCIqx46aRCIffDDlQx/14/dLtLap6LpDLC4zNuq9UwSL1XolSUFap32NP5BAUf9+3TuSrOIPJJEkec0iUroewuebD/YJIahWZnBuCEpJEpKigHA98rgAQgiE43hZ0oXPx2VEPAUe4fXUj735khwIEHv4QYK7duKWylgzM7iVCu5K7VHiprvqxjpuvtVUlfBd+4g+cD84NtbkFE65jHDsdTebCrH4XlbR5vxmV4KMQkiK3mYpslgi/OaR1GUCXje5ZawmGJfPuIyP2LR3aXPvsnhSoa5JYaj/9oJQLe0qocj83FcIwdSkTTZ9Z1sRzLzB0OsDqAEV11rbde2aNtmj10gc2oykyhjjWSq9k0iay+h1iw2b5quk4imF+maVof6bjp/rUr3Qi9ZSj1uq4GTzGNcGsafSuIWyV9GhKLi5Imb/MMJ2QJIQto1rmtiTGRCg1iQwrg2CELiFEkbfEE4mj1uugO3gGia54QqnvnQJWZVwLBfbcMiNFNFDGq7l4jreZ3pYwzYcho6Ov28edMeIrSRJSwikPJu5dRyBc1O9tKrIq2bNTMvGcV3ShTJXhxdPfusSEbqba+fImCLL3L97Ay11MV450cM7F65z/CtvsLGlhp966gB7N7asm9xaloMiS4sIKHgkSFkwluO42LaDIQS9o9PIN+3TvTs6SC7IHMuyhE9Tv/9ZMAGm7aDKEopykyS4qizqbbUdB1cIdG2xbJAkSWiKt6yxgLAqsoyuKqvukxCCk1eH+Yvnj3qCWTUxYmE/mqqs6gO76i4Jb1uXu5Z0VV01I3/u4ghTMwVCQZ29u9pX7E0sFSpMj2bo3tnKg5/wMqbL7aeuqTz1xA5M0+ZrXz++Yr/tQpimzdBwmuGRNK+9fpnOzlr239XJvj3ttLUmCQZ9txWUuQFFlmgNx3iqbRMB1Qsq7Uo1siu1WIipmflspSRJJP1BPtqxhZshhMCyHIolg/HxHINDMwyPZJiYyDE1XSCbLVOpmNi2i+O6uK7Adb2JwEp/3q7wgyNcTmV6OTrTQ8Ux5l7GbcFaPtt2PwABJcyG8BYqTpm4llp2nBpfFFVWSPl+8Cy/FFlBno2MVyoWhrHyyz0c9i/J+q8KIcgVq8zkynO9+ytBkiASDiDLMo6z8os9nS5RKlXJ5yuMjmbZq7dTv6AX/VaI6l5wKmtW0GWFgKLN6TLMGF5wMF89RiL4KAoRfpix/WAhIdPk30TVKVB28qT0FqpukRlzZEWbtluOKSmEI00Y1SzmrMWVrMrUbIwhHIFZsjDyJuW0weTlDJWMQfdjrWQG8oTrAjTtqaH1QB1n/u4aGx9vJT2Qp5JeJSh1MwmS5HVNyh0H3nzDxO+XmJz8YPtrwbvXQmGJq5dtQmGJWFxelDB3HQtXOHOFTYqio2lrL8dXFJ1ItGWJMvAPOiRJIhxuQNNCc9fNrRAM1eHzz1ccua5NqTgx5y8sXBcnl0NvaUEO+HGq8wFpSVFQIlHccnlRWa+kKCiBxW0bkiyjRCIIw8A1vWvR391F5OBByhcukP3eKzjFIjgOal0twW3buBm3ErG8Aa22htgjD+EWi0x/5RnsbBYcGzkcRm9eqkWxGmxsHOaJX0iKzWZPV77Og1KYiLR2EcxbQUYhptSQd2ZuW+28VHTpuWiy/1CA2WkOul9i111+Try9/syfLMPmnT5C4cVzyounDKw7WOGt+FV8UR/BhhBaSEfRFYZfv3UpMgIqfRM4+Qqu7eAUq7imTckQ9FwyOfhwcE69WdPgrnsDnHi7umSu5eQKOLn5e8m43D//95757XBLXqWYpGvIwYC3nONgj09jjy8uib+xrHGpb9HnZmlxgEE4YpHlTzDlp+uRVoyCyXRP9tbH4Ba4Y8TWdlyKFWORdUvVtKgYFqGAvrzi7Sr3RiTkJ+DTeHz/Zj790O6lP5UlQv75yISqyGxsqaWzMcXT9+3gyPl+/uqlE/z5s+/xOz+fJLWM6vFqiIV9mLZDqWou3ifDXmR74ddVQkEfLbUxfu0zDy7aphsI+LXbnoLdqambJEEs5Kdi2lQNe9E+lavmInIZCfrw6yrpfAlXiLneaCEE+XIVy3FJRdfX25YvVfnLl44zkS7wa599kO2dDfh1FSGgZ3ga5zbIraLIhAM+MoUsprX4oXijv3olDA6n2ba5kWBAXxK8WIhCpsTg1TE6tzWjzqrmLmdPBB65+OTH91FfF+XLXztGb9/kmvZLCK/U9MzZIc5fGOHb3znF9m3NHLq3m107W0kmQqi3IRbWGIzyiQ3b8Snv7zZ3HJdcvsLVq+OcOTvI+dmS62KxuirZ+iCRNgp8Z+QYW6MtNAXb5+6T2IKeqopTYrRyHUVScYTDZm3nknEmqzlmjCK6rNLgj9+x7TOdMpaoElLXbyEkSzIhJURICZHyeb+vVE1Mc+VjHfBrS0p/V8NUpkgmX6FStbBsh6ba1QloMKivKcgyPp5DUWTPauE2gxbfHDxDRzjFA/XdAFRdm7/sO8qn2vcSoEC69DyaWkvEdwDpDnmW/hBLISERVKKAIKBEsYWJXw6jSBq2uL0KB1UL0LXxQ4wMv8PUxDnAU/QdOTFF7ZY4bQcbOPO3PRh5E9twcG2BrEhYFRvHdJE171ltli0Qq+sjALPep/PN85oWQF5nhlPTYUOXwvj4B09shYCTxy2e+rCfaEzi+oDDV/5mXv3Usso4tjFHZlXVRyjSQCbTu5TEL4NAsJZYvPMHsr3kVgiF64lEm5mZvnzLZSVZpaZuxyLxKNMoUMiPzC/kulSu9hDYugV/Zyel3Jk5kSi1JoWvtQVzdAw7t0DQR5LwdbRTPHUaMUuEtVQKvb4ea3ISZ7avVk2lQJao9vZhz8zM/Vavq0MOrs/NYiHUaAwlGKJy4RLW+Hx1ghqPo8bjmOMrt1/dDBebksgTw9NmSMi1hKQoBbF8SayCSpPSjV9a+1w6KEWwsTHF8m00MgoptZmyW8ARtzeXEAJOHKnw0c9GSKS8d6CqwoH7AjzzpTy5zPrmlskahX0H/bPiUx6qFcHxt1duBbpdaCGNYF0Yu2wtq2q8LGSJyO4OUg9tY/q75xCui50rUx2a4cwxg49nXJK183OBw48GeeZLeabe5/NLmBbVC9fe1xgrwSiYDLw16j33K+9/TnnHiK1lO1wbmaZiWAR8OiAYmswyni7w+P5NaKuQh+XQ0ZCkJhri8uAEqioTmu0Jnc/yzJMLIQSuEMiSl2FtTEV5+vAOrg1P8+aZPkoVc93EdmNLHVXDomd4mt3dzaiKhCsE18fT5BbYY8QjQTY213B5cJJS1aSpJrrIi/bGdt3Oi0RCQlUVLNtZlCG9HaiKTHdLLd948zy9o9O0N3jltDdUqsuzwgmSJNFUE6O5NsaJK8N86OA2wrMCMBXD4lzvKNGgb04Qaq0olA2GJ3NsbK1lV1cTkaDP8+aczjGTK63bugi8oEJnY5ITV4YZnMxQn4wgSRK243JlcHJV301Vkzl9bohkMkQsFsQvL3+OwvEgg1fGePGvjxCJB9F0lV2HNxFewbs2ENB5+KEtdHfX8Z3nzvDKa5fIZEprzkw6jsvkVIHJ1y/z7nu9dHTU8vCDmzl0cCMNDV6591qvJV1R0JXbf4kKIZiZKfLOe728/OpF+vqmKNzCGub7hYpjEtUCfKhpP9EVMha2sJElhYgaw3CXn4hHtSA9hXG6pfr3FUWyXIO0cR3LrZL0tVKy04CELoco2xmCaoyKU0BComhNEdZqcYRN2U7jUyIk9dZ5rQFZpz20uPfWtt1VgyS6T1219P5mJGJBQJArVqhPtt1yeZ/v1lUmyWSISKQdVZWpVix8/tsjnZOVApui8/7jiiRhODZ5q0J95F5sJ42mJG+jz+uHWA8EgopTQJN8+JQQZSc31/t2u5BlFd0XWUQuZUUi0REhEPeR7vdIxMSlNE17ajGLFsPHJ2neV4tddRg9PU3r3XV0HG5kqidLObM6wa5Ws7OBSO+/A4EU/kByzVk/RYG779aJRiV6exViMYmxsQ/W8uf4UZNKWRCLS0xPuWTS8/e9YeQwjAL+gPf+liSZmtptTE+cp1pdvUdPVQM0tdw999u/b1C1AI3Nd5PPD2OZK1uigEQs3k5t3Y5Fc8Rctp9KeYGvrxCUL1wgtHcP8ccfQ9I0rMkplFCQ8D13I/l0iu8eRRjz15hwHPwbOok9+ADVa71IukbknruRgwGKx0/AbKnxDTIb2LoFa2YGYVnoDQ2ED97DEunadcDO53ErZfxdG/Bv3IhbKqGmkoTvPoCkru956+KSdsZpkNs9D1kpQqe6gz77LCVRmKuCkmatd1qUblqUbq9ceYXg/kIEpSht+hYMUSHrTJJzplEljYic9NoQnPlzIQF+KYQiqZTcHAEpQkiOUhUlSm7ulu0PV8+bXD5rcPChANLsfHvTDp17HwrwwtfX3msvSXDwoQCbd/rmnhlCCHoumFy9cGfve6dqk7+eozCcRwiP5K4Fsq4S2tJE4eIwcsD7jRL0UR2a4ep5g4tnDA4/On8c2rs1PvyZCH/9x9k7mnFeDr7WGszxLMJaHzl1TJfC2PvXRLiBOyoedfTiIN948zx3b2ujalj8Py8cx3UFD+/rXrdHaUMywkcPb+fPnn2P//HMWzxxYDNBv07ZsBgYmyEa8vPgni5URWFoMsubZ/rY3FZHclboaXgyw4X+cVrq4oRmiZkQXkm0adkYlo1heuXO2VKVUMCHrilzJbU7NzTS1VzDM6+fpTYWorMpxUS6wDfePOf1ws7Cr6t87L7tnPt/xvj/fe1NPv3gLuqTEWzHZTJbZGw6zycf2ElwmUzuWo5pS20MIQQvvHeJgK55ZdAStNYlVs003gxJkrlrcwtNNVG++PwxwgEftfEw/WMzfPf41UUZ25pYiI/ft5M/f/Y9/vq7J3hwbzeKJHHkwgCvn+7jqXu20Fa/vpdj0K+TigXpHZnmfN8Y7Q0J0vkyX3v9LNliZRGxFUJgOS6mZZMrVXBcF8OyyRTK+DQVXVNQZBlVUTi4vYPn373MXzx3DFVRiIcDXBwY58isT+9KSMRDdHfWUa1aXO0dZ9umRjRt6e3gD+jsOrwZy/BKKVRt9ZJr8Erw29tq+MWfe4iHHtjCN799iveO9ZFfRfxnOVSqFpcuj3K1Z4xnnz/LU0/s5LFHtpFKhT/wiLttOxw93s/f/N17XLk6hvU+Ayt3GjE9iCarnMr0sTkyn03XZJWYFsQRDkElRK2vkYpTpiO0cdlx6gMxtsdaKDvm+1JFLtkzDJXP4AqbqF6P6VYo2WniejPXS8dJ+TownBJZcwSBQDP6EAgiai2T1WvEtHrUVXpGHcddtQJBkeW1R3zxhNxa6xNUTWtNQmqKIq9Jib2vbxLTtLk+MM1DD20lFl+/anFA1Rkt53BcF1mSKFhV0kYZn6xRMt7DdKbxq22o/hoU6fYDNz/E6hC4TBr9XrbWNPHJQSxhYIvbF0+SZWVJxtSxXPpeH1302dTlLFOXs3P/nRnwiKgeUqlkTS58o5+1oJgfxXUt5Nnng+6L0NR6kEpl5hbkyIMQUCgINm9R2X+XxrFjH6xwFMDnfzJIPCFjGt79Lstw6oS3Xsc2yGZ6icbmA2HRWCutHQ9wve+VFQm7zxejpf0+6hr2zB2Lv2+QJJlkahOdXU9wvf9ljOpyQo0eqd3Q/dQisSnLKjExfhrHWRwIcfIFZr72dRIfepLEh56cE0qzZ2bIfPtZypcXZ4edbI7sK68S2rOb8D13I+sabqVK7uVXKZ87P7dctecaxaPHCO3di7+7C2GaOMUi+TffhkPL+6mvBdbkJLnX3iD28IPU/dSPe+I+lSrF4ydwCgXURHxd4027Y+TEDAnJs86sl1uJaJ6vbIUiEhJ+QkTlJEEpikAw7g5QIzehsXqftouDhIQjbGxheu89fKiSRkAKE5TDTNpDgCAox4grtUzaQ/ilIC36JnLOFE1qF+PWAHl3ZtV15TIuL369yPa9PqJx7/r2ByR+4lfiXL1o0ndlbfft5h06n/kHUULh+ZedURU897UC+eydFY6SNZlATQhJBjWo4Yv5mTg+eusfCsAVKAEfJEGNBCheGAIgn3V5/msFdu2fPw6qKvHZn4kyMWLz8reLWLfxCFNUT5BrZtJZPkkjSQS6Gqj9+N3k3uuhOjCBsF3sfAktEcEuVJB1FadURYkE8DUkMMYzWJMri62+H9wxYuvXNe7btYE3Tvfyd6+compY+H0av/rJw+zubl73RFxTFT5+3w5kWeJrr53le8evzn0X8ut87rF93JiFWrbDyyeu8sUXjqEpCpLkZUo7GpL8/McOLlJH/ovnj/L6qV5M25n1XrX4rT9+loBPJRUL8U8/9wgtdXFSsSD/+DP38wdfe4t//1cv49c1wkEfj+/fRKm6+MrYu7GF/+/nHuZLLxzn337pe3OESlVkDmxtu01jcS97etfmVj52eDvfPXqVV070oKsqG1tr+Vc/88QiwaRbjwUtdXF+7bMP8gdfe4t/8SfPEfDpxMMBHtu/kYphLVhW4pMP7MS0bL799gW++dZ5JCQ0TeFDB7fyU0/uX3egIh4J8GOP7uN/fesI/9cXXiQ8W55+cHs7Tx/eztneeU+3mXyZ//y3rzE4kaFqWIzO5JnKlvjl3/squiqzf0sbv/j0vQR8Gts7G/ilj9/LF547yj/7o+8Q9GvUxEJ84v6d/O3LKxuVDw7NMD1dmOv9bmtOkogvQ2yDPpo6a0lP5HBdF1VVFglqrQZNU9i+rZlNGxu41jvBd1++wLtH+5iYyN3SO3QhHEdwfXCGP/nz13n51Yt8+kcOcN+hjQSDvtu9tFaEEIJS2eQrXzvKV585Trl8+yE+XVfQNNUTElNl1Nk/FdULSsiyxMho5rbWYTg2o5U0JzO9xLXQHLHtDjfyS90fImvOMFzpI6LG6Qh2r2hRkDPLGK5F4/vMYnhRbJdafze6HMR2Dcp2Flc4xLRGBorH2JX4KDlrHE3WSeotFK0ZEnoLJTuDu0BkRyCwXQdb2KiSgiZrc33JK65/dTvmJRidymOYNhuaawgFbx10U+S19SZOTRXI58qEwj7KFfO2iO3DDZv4g8uvc2JmkIjmo7+YZmO0lrZQgny1jCtKWM4UH5jS3g8BeNd0va8TXQkihMuE0U/JyQIQT3TR3HYvE2OnmZ70JvStHQ8SCtWvOqaq+tH09VVPLYRVcbjw9b5bLziLUnGcQn6YeKJrNoMhU1e/E58vysTYKUqlCYTreN/JKpoamM0oa0yMn8a2yrz1pkGlLEinXa5e/eCJrevC0KDDxLgnJjk1OT+hFsJlauIc9Y178c+2TsiySmPz3YQjTUxNnKNQGMGxTSQJND1MLN5BqmYLwVAdkiR7WUtJJvD3KHNr2waOY6DrERqb9xONtzE9cZ5cdgDL8gLGui9CMrWRmrod+HzRBb21DuMjx8llBpYd25qYYOqv/oZIcw34/FRLJnYmO6dufAOVS5f52L48rw/2M372HGoygaSqOPmCZ/8j5gMRQcUg+/wLFN49ihwKep6e2SxOoYA5POKJTTkOrmGQee4FYFYZWQjS3/7O3DqFaZJ59jlPnMc0wXUpvPMu1atXkCNRcF3sfB4nl6PrY9vJnzZwK2sPoJtUuGqdZJt2D2EpjiTJhKQoIXmpS4AjbAadK4w6fQS1KLFbiPdVRYmKW6TgZii4XjWBKukEpQg+OYiD35tX4qNN28KgdZmimyGlNBGTa5CElynW1xi8PPJqmbteCPDhz4RnBTglOjbq/PP/UMv/+Ldpzp+qYq9w+yoq7L3Hz6/8syQbNusLrh3BsTcrvPZcefkfvg8EakI0HWqhmq6ihbQ1+7a6hkXm7SvUPLGLYKKO/Onrc9Y/QsDRNyp895slPvHjkbly6nhK4Z/8qyQbNml858tFRq5brCKXAXiWSXVNKpu26zzwZAgE/Otfm1w16yuHfJ6atyuI7NuAOZElevdGyldGkYM65niWyJ5OytfGiN69kZkXT2EMTa884G3ijhFbEOzY0MAvPn0vgxMZLNuhIRWluSa2aMIV9Gn84tP34jgu4cDqN0bAp/HZh/fw8N6NjExlqVo2fl2jLh6mPhmeE3Ha0JTiP/7q04xN5ylVvaMeDfloqYsTCfgWkeoH93SxtX35l6+uKiRme0clSWJPdzP/6Vefntuf+mSExlSUwzs7F/X2qIrMvTvaaGsVTExXsY0QiiyRiARpqYvhm80E7tjQyO/8/IeoT0Wo2jbajeig5PATH99PwTa4mp8mZQUJaBoBRUPWJT730X08cXALU/kiU0aJe9ralu3lvRUk4NCODja21DI0mcERDpFYmcZ4HXdtbiW8QFXVr6v85FP7efzAZsZm8ggEdfEwzbWxRRmeg9s7qE+FqKuzqdg5AmoUkEhGg/z2Tz1OZHZMWZJ4cE8XW9rrGJn2iF0qGqSt3svcPrq/gKZ644YDPj778G7KxvJPoWQkOEesVUXmqXu2sndTCyNTOa/0oiFByK+zvbOe+uTyNi51tVHGJ73tCPi1JaJfNzA1muHFvzlCeiJHqj5GIVemvi2FP7R2VUlNU9iyuZFNGxv4kU/s59jxPt548wrX+iYpFtfeq+a6gmu9k/yX//4ix0/08xOfv5fWltT7Epi6GflClS988U2eff7MnGr0apBliUQ8SCoVprkpQXNzgob6GIlEiGDQs+LSNBVNkz2Cqylzf5qmze/+229x5uzQurczoYf5tc1PL8nK67M2Fj4lQMacYaDUw3h1mMZAG52hTYuWtV2HaaNATAthue8vI120Z1BlP2ljgJCaIKQm0ZUQ4NIY2EpYqyWs1rA5+iAFa5KAGieuN6PLQTrC+1Hl+eupYBU4mj6BjExrsIWNkS5kWUaWV1Yldl2xLkNzn6bQPzpDsWKwe1PzrYNka7zEduxooVCoEAn7CYW9MS3DppBducxI92mEFxDgrfEG/vnOJzibGaVgVXmgvpvdyRZ8ikrUd5C88S4hfccPVZE/YEh4Kq/9pTO4Nwm7BEO1JBLdVMozc8Q2kewmnujEcVYmf57I5O33RXu2EGsvWbPtCsODRwiF6tH08Cy5VYgnNhBPbMB1bYTwMkuSrM6p2lYqM6Snr+A4Ze45qNPUpHDXfo18weXsmQ9QV0CCREKmXHbwzfpw3iyRUCyMMXT9TTZ0P4WiqICELCtEY21EY20I4eK69rLHulpJ09vzPIlkN82tt585/H7DNPIMDrxBW8cDBII1hEL1hDbUAwLHsZAAWdG48aCaL0F2mZ68wNDgW7ju4uuyJinT3KgynXbI5mw+dW+RdCbPkeNVpADkbQldl5Bng4ZN9Qbt+gQB3aU+YpAMTTEybiNLkGhX8fkk+q5bbNqg8dDhAK++XeFq3zTm9OJnszW5wA/cdbEmFvfFLuydRQism/pmZQXa9oQZemdkkSjPxLt9GEVr3aXOOTHNGesNWpVNpORGfFIABRUJGRcXG5OiyDFsX2XK9XqU065n22MLc1XRJwGos2NJSDRr3QxbV9HdAAnF86VxcZhyhkgo9ZTcLA4WBTfNgHneay1bY4VIqSD4y/+ZpalNZe9B/2zbFmzdrfNv/rCOI6+WefvlMsMDFtWKdz58fomWdo0Hnghy6NEg0bjMwvL1nosmf/ZfsxTydzZbC1CZLtH3bA/CFWhBbV0VV9XBaYb/9BUAJF1FUuS5MG+5JPirP85S36xy6JHA3PwwEpP53C/GePgjIS6cNLhw2mDkukUh7yLLEoGgRCQq09Ci0tqh0bpBo7lNJZFSkGQ4d8LAu7+WmWcIQfX6JNZMgeL5QZx8GbMpgb+tBjtfRkt5fuZaTYTq9Umyr51HVhUCnfU/2MTWm196hCYZDS5SPL3Rc+q6AkWRVySWN+PGBVaXCM/5wK60XE0sRE3sVuqeEhtbatnYUrvm9d/Yn4XY3Fa3ZNmqk+dM8c9oiG/lntTn516QC+GN1cZAPsOF9AQbokks1+FqdppEfZAmJUbRMjFdh7FcAVmSaAhGGKkUCERVNJ9Kp5LyyOU6e5Zv7A/MH8+iNc33xv4As3KIXR2fXBQAkCQJZdY2p3kVYZn6ZIRgpML3xv49ZeUhtsc/hiR5Gfx9m1oWLSvLEo2pKI2p6JIx6pMRynYWWcj4tAh7b/rtavskSSw77u7u5hV/d/ieboQrmJopoKkKkfDyk+RKyaB5Qx0tXfW0bqyn7/ww5UKVVMOaNm/RdiqKRHNTnKaP7eXRh7dxtWecd4/2ceLkAKNjGUxzbeTKMGxeee0S4xM5funnH2Lb1uY1iKh4pd2B2YCI47gIIRaJUlWrFs984wTPv3julqQ2FguwY1szB+/pZmN3PY0NMQIBfa4HWJKWV49eiFLJWDcpTxsF3p6+hLuCUEqtL8ah2q0ElRD7k/djOgZRLbFI9fsGBOBXNBRJos7//nxsk3orMjKyrJHQW9HkxddTSvH6WINqnKAaX/SdJi8mlaZrEVACbAh1EFK9Z5qiSLN2O8uv37FXL1W+GQ01UT758C4My15T9YXjrM3mZXIix5Ur47S1pejcUIvfrzHcO8Ff//5zAJTyFYQQBCMBHNuhUjQ4+OROPvlLj86NIUsSraEELaEEAuGRjtnvSuYFEC6GPUJA24i0HuPrH2JdEAhUSacrtA9H2EwYfXMZ26nJ81QqacqlyUW/yWb6GLr+JmKFQJHPH6dr04c/6E1fhPTMVQb6vkdbx0OLVHIBFEWDZQTIblxxwoVvfbOKJMG+fRrh8Afc1y2gWHJpa/f6eQHGx262RBGMjRxDVXw0tx5C00Nz/XTgKU/fXG4shEuxMMZA3/dIz/Tg80XX1Cf5gwJZ0SjkBum5/E06u57wlJ1lGZBQl7EuEkLgOiaTE2fp7/3ukrJznw6f/EgYVYWjJw3KZYsNHRqaZhMOSjx8X4A33qnS2qQSCkl0d2oMDNo01qu0NqscOuD3ytSLgkLRJZVUMAyXhjqvYrC9VSUZl0m2BDEdKE5XCcZ0ylmTQFzHLNnoIZVq3qKa94hb7dYktduS6CENI29y9fkB/HEfHQ+0oAdVxs9NM3l+ms6HW9n+6U2kNiUYPjrO6IkJWu5uoHFvHT3PD5AtWah+hY4HWoi2hMkO5Ln+1ggt9zQSqg3gi+qzn43izr7ny6LAVfsUPukSAcKoko6MjIuDISqURQF7gYLyNfv03D3irqKQnnenqVGbUSSNKXuIrDNJndqGg0VFFHBxqbhFpu1RInKCpNLIpD1EWM7Rpm/BEiYT9sCahaVGrtv84b9L84//ZYqdd/mQZzO38ZTChz4V5vGnwxTzDqWSJ24YCsuEozKqxqI5i+sKeq9Y/OG/S3Pt0gfTmOpaLppPpeneFhS/SrY3TTW9SrZdkpB9KrJv8TMo0FmHEtTJn5xvz5gYdfiD/3sGIZLcO6uSPDdXblFpaFZ5+CMhLwYiZnuwvP95gRyZNc3hFkF4z03Zp+EoMtZUgdjBzRTPD+JvSeFaDna6iK8lhezXUCIBrA+A1MIdzdh6sCwHy3aQJYl8oUIo6GMmUyTg00lnijQ2xFE1Bddx0TQFWZbJFypYlkNtTeS2CNsPAnQ5xK7EJwkqCW6V3oj7/DjCxa+q+FBoCceI6D50WcFyvWMnSxKKJONTVOoCIRRJJqr71+whuBb4lQh7kp8hqq2TpS0ZJ8re5GeJaSsTyVtBCMHZzDPE9RY2Rx9/X9tzK4yNZ5mcKVKpmAyNZnjy4W0rZmwTtVFauuqRFYl3nj+D7teI3MIeZTXcmIBEowHu2tfBrp2tTH98H6fPDvH2kR4uXR4lm6ss8cq7Ga4ruHBxlP/1Z6/zT/7R42zorF3yELIsG9N0CAR0TMtm4PoMoZAP07SpVC1qkiEaG+Jz450+M8h3nju9qvqu369x4K5OPvqR3Wzb0kQwqC+aVH3QsITDpJHFdh2u5IdRZYWOUD2269BTHOX+2u0A5K0ME8YoYTVKhBhiGQKkyQo7421IrPMBvgwCaoyAunZrm1XHUvxIwPXyII3+RqJaBF1TUVVlxeBH1bDWlGEHyBUr5ApVBsbSFEpVahNhalcJHIIXTFmLfWQ6U8KybEZG0jS3eKWODe01/PhvfJhCtsyLf32E/Y9so7W7AdOwOP7KReI1kUVjTFQKPDd8ntGy13/jCJeQ6uPHu/YjuWmivnuQ5eAPSe0HDIHLYOUCMgqKpC2yBrHMIpmZq0t+Uy5Nk033rehf6w8kcb7PntHCtRkbPUG5NE19015i8Q40LYSiaHO2N0K4COHgOBaObVDID+M4Xjnvhz7sp75eJhCQeOXlpdsucKlWM4sUeG379hVUX3i2SvdGlUBAYmrKZWhw6bF0HZOh629SKIxQ37CHaKwNVQvetE8Ojm1gGHlmpi8zOX6aUmkKhEupNEmxOIYia2i+MIovgOoLY5tlND2IrGi4joXjGtiupyxt2WVP2TcYx3VsbKPEjeyN45iUy1NzZMcyyyyf2QGjmqVc8iwcTaOA696atMiSgqxoZNK9VKtfpr5xLzW12/D5YyiKPrvPAte1sa0qpdI4k2NnmJ66uOy5sGw4ccZg51ad9laVE2cMrvVbnL1gMDBkI8ueVUowKBEOyaSSCn/0hTzbNuvU16okEwrvHKuSzbu0Nqm8c7yK4wjaW1WOnTLo6bM4etIg1umjcVOEzHCJxm1xpnoL1HZFyAyV0MMa+bEyo+czCBfCjSFqNiU589eX2PbJjcTbo5Qmy2QHcoRqg3Tc38xMT4bRE5O0Hmzkynf6KE2WQcD4mSnqd9bgT/jgOtRtTxFvj9Lz4gCbP7qB8kyF2q1JrIrN8NFxup9oZ/JSmtLEfImtwKUqylQp37LLQ8z+cytknMk5kSgHmzG7HwVllgwLhCIx7FxDTobIlNMIw8aVbEadPmRJ9a5hbI9lyRLcwmVCCLhy3uQ//6sZfub/iHPokQD+gDxH0nQfJGtVkqvktoyqy+n3qnzxD7KcO2nctiXhWqCFNFxHkO+ZIVQXJs3KRE+NBmj80cNo04uPgZ6KkH2vZ8nyQ/02v/+vZvjcL9o8+YnwXDb6BsGdn/Leeu7juoJKabGH9s0Qjkv52hjJx3dTONWHOZHFKVapDkyihP04xSqly8P4mlPUfOIehGlTvrqGnuLbwB0ntkPDaa5emyARD6JpCk2NcS5eGqW9NcXIWJaxiRy6pqIoEq4raKiPMTScRlUV4vHguoit67gYVQt/UF/3xLTq5JGQUSQNwy0ihMCnhFAl/3zURrhUnRyaHEBCnl3ORpUD+OQQN8zCK04OW5gk9FZ0ObRoWxxhYThFNDmA6RTRlCARTUNTQJIq+OUI7ZH47NICwzWx3Qp1QQWfHECRdGoDoTmis9p+3rwuXQkhoWC4BRRJxyeHZ7PnLmUniyMsUr6Ouc8XomJnUSQdSZIxnaLX+C8H0eXgojKfspPBETYpXyc+ObLs9rnCwXAK2ML0lJ5lP7ocRJYUTyjKLVN2MoyWz6JKPgr2BJ6ibGDRmEK4GG4Ry60iSyq+WeuJ+fPlUHFy+OUILs7cdutyEG3BdgcCOsVSlZpkmHyhumrWMJIIUtecYKRvkk17O2jf1Eg0efvEdiEkSULXVZqaEjQ0xLnv0EauXpvg7SM9HD3ex8REflUlXCEEFy+N8uWvHuUf/cpjRCKLM3/DoxnGJnLs2dmG6wpKJYNsrozjeL3CqcT8fhQKFZ574Szp9MplfqGQj49/bC8/8vG7SCZDd4bMrvOlUeuL8ZMdDzNZzVFxTD7Zci/1fi+zdzbbz8XcIOAJjQyX+zHcCnW+Zur9TbQGNyway3RtyrY3afMrOn7lB8M6RsZ7AWXMLAndI4eBgFfWvVI/cqViYa1RidDzjnbQVJlUPLSih/NClMvmilnyhWhvryE9U6SmNkJ8trw4EPLRsbWZvgvDhGMB7n58J8GwHyEE1bLJqdcv8fCn5sd4fvgC14tpCpZBYzCKKwSjlRyapCDJKQrGCXS1EU2p+yG5/YCgSjqucPHJQRRJJaBEMN0qprsyYauUZ2YzuCvf1K5rr4nI3GkI1yab6aWQH8LnjxMM1aLrERTFB5LnD2vbVUyz4HnsGkVs28vUTk+5CAGmIfD7JbZsUenttedEWBzb4MrFZ5AXeMPa9u2rx7e3Kxy4R6daFXRthMlxh0x66XKua5GevkIuMzC7TzXz+4TAcQyqlSyl0gSmWZzzbwXIZfo5e/LPkSWFtp0fAk2hrmM/04OnCSdb8EdqsY0S6eIAJeEJUhmlGYLJFrSAp2o9PXgKo+RtWD43xJnj/4sbk2THMRDLPC+EcOi58i3kWc0DIdy1BQHmyqoFlfI01/teYXzkOKFwPT5/HEXREUJgWyXKlRkqpWksawVyDSiyV4rs90tosxZSI2M2h+8OUCoLrg/ZPHJ/gIBf5uxFg74Bix/9hJfhvdZvEYvKBIMyI2M2maxLsegiSVCuCPJ5F12TePyhAG+fqTJ2ycGqOAg3Q268glVxsAyHqCRRmKzOBQyFI5i5liV3vUAlXUULqtTvrCHREcWxXLSQhqzImCULx3QwciZ21Qt62FUHx5wdSIJQfZD8SJH/l73/DrPjSs970d+quHPqnBs5E5lgzsPhkJODRmGUjm1ZluTw2L4+x4/ta9k+fs6R5Me2rnwcNJKVZ6RJnOHMMMxwmBNIgiBAIqdG597dO8eK6/5RjQY2OqABgiP53nn5EMDeu/baVatWVa13fe/3fqXRCpXJKtGOCK7lkTtdoHixgtv0UI0fx71TtkiVJT7upQivomAMdiFtNyCtArSBDpDg15uoqRjuXBFd15G2jRKP4oxOX9NxV0o4d9LmP/3rHEffjvKxz8UYXKsTCi+/AC+lpNmQjI84/Oh7NX74RI2ZCfdDJbUAVsnCd3xSazPkjmVX3FZoKk6+ytzTrQuK4aGOZdOQslMev/87BQ6/3uSjn42xfbdJMqOiaStzCSklnhvUCM5OuRx6rclLP6hfMv1e7ksUnjuKGjHxmw6+7TLztVfxmzb2dAHpS6TtMvfkIdSQHmyzTLrhB8VNIbZDXWk+f/9O1s2XgLFsB8ty8KWkXGmSycQQiqC7M0GtYVOrWpimRr1hc3E0RyIRbolQSSmxGja6oaGoysK/HdudJ7Imuq4yOTLLu6+c5q7HdhFLRlAUQa3SQAhBJBZCWYEkv5v/Or700JUIk42juL5FR2gDu9KfI2H0AGD7VV6f/TI94R3YfpXR2ttYXo3eyHZubf8ldBHClTbvF59gsn6Uultga+pRdmU+v/A7ZXuKN+b+iHZzLWO1d+gKbyJlDHCm/AIhNcYdnX+XhN6NL11Ga29zuvwjKs4MitDoDm9le+oTxPTOVZGIkj3Bwbk/mf+tQ3SHt5HQuzhbeYmIlub2jr9DXO/ElRZH8t9gpnmShltgZ+bzbEs91tLWW7k/I6QmkNJnunEcRzZI6QPszHyWdnP9fO6DxeH815htnqbuFtnT9tNsSX60pR3PtzlZfpYL1VdpeiUEKnG9i53pz9AV3oKPx/vFJxirHWK2eYaaO8fF2huAYF38HnamgxmvJ10uVF/lTPl5am4OXZj0RnaxNfUxIloGgaDplXhh+j+xNfkxss1TTDbex5M262J3c0v6M6giIC6pZIRtm3ppWg77dw8RWiFfuZSr8sxXXyMcDSbio6em+NjP37UoyvRBoSjzUdzdQ2zf2sfDD23n+RdP8NIrp8hmK8tGcD3P5/WD57jtwDruu2dzyzhRFGXezVYQDmls3dyzsGLn+T6GcWlyITl9Zob3j40vu3+apvDwQ9v44udvJZG4eU603nXIZyGQqRpCny9FYqMrGqoQ+DKYUmXnnTLjWpJdqdsou0UyRgemsjiHtOI0ODh3Fl1R6Q6n2H6F0+hfJ6pejYbbQBEKFSeYVEYiBqEVyudUqk2aq6wpHAkZ9Hel6O1MYtnuqsoElSuNZfN7r4TvS+67fyuRiLFokTIcMynMVnjrR8cY2NBFo2rx9o+OkWhrjRZnmxU+0ruZ0VqBwWiaHZk+/sepVyjYDTqNNnxsNCXFT8yjPjxoQsfHp8tcQ9OvEVJiuP7KE68L536A9L0lCc0leJ4VyJjrSzA1AslpvH0NqmbiuU2EolLOnseMpoikepGeS2n2HIpQiaT60PQQvmdTnj2/qkiw59nUa9lFEurlIATsuEXDsqCtTaHRkJw75zIy4ra4i7rOzTGXEQL2HTD56p/Vmc363H2fydbtOiMXlk9T8TyLem2Gem31NUyl9HDsarBwbVeZG3uXzjW3Eoq1oYcSeI5FKNZOo5LFLlSRvo8eihNvG6JRncVxrEXt2atwmQZwnRuLZl95b5bSo9ksXLPE0bL74AUR2+OnbYqlYLy+/HqT46dsyhWfi2Mu75+0cV1JtRaUi0omFGxbUqr4nDnvEI8JqlXJeydsHDe4F50bcag3JH/+jQq6JijkPPz5UnPl6eC4a3MWWkilNFnHrrXesy9Jgy8xqvZNacrjVeyaQ3pNoAiSvkT6kByKI0ckdtXGiBnoEY1QwkALaVSn6vTf2k1mXZJ4X4yRF8aJ9UTxXcml++ZSTzpF0UjE+ylXJhblJN9sCFPHGOjCK1bwmzZSU1ETUZRYBK9URetI4eZKGH0dWBen0DszuFNzqy4lk5/z+NaflnntuTp7bw+zbY/JwBqdTLtKKCJAQqMuKcx5jF5wOHa4ybsHm0yNu8uaTK2EqTGXr3y51OIp9O7BJtey7xAikP5e+cVGzed7f1Ul1Xb5GTo7Ixn//hjWTOv149UsxAqL04265KUf1nn3zSbrNhvcsi/E2k063X0aqYyKGQoiuJYladYlhZzH7LTL+EWX0+9bXDjtkJv1FlzaV4J0PNxScC9UFDCxaUiJf4XhrrQcdNWlaX94z++bQmw3DHSwYSCI7TuOS0f7fD1R10PXVPp6U/ieRNfnI3Suj/T9YPXJdolGTCzbWcj38z2fgz98n57hDtZs6eWpv3iNffdv5dALx2nWbdIdCfY9sJW3njvOu6+cwvN87npsF7MTBY68dgakZPfdm9hwy+CyCdkNr8TF6kE2Jh5iX9vPUXfzvJv/Ooelx12dv4aq6EjpU3FmKNrj9IZvYUf60/MP7SD3CIKV7e2pTzIYvZVXsv8Vy2u9uXu4ZJunyJjDbEjcx6HcV+mP7mZ76uMcyn2FyfoREsluZpqneHPujxmI7mNb6jHqbp73Ck9gezXu7PzVFnOZ5eBJl5nGCTrMdayL38M7+b9iKHor21KPcSj3l0w13ieuP4AmTHZmPk/ZnuSlmd/D9hZH6RpukXOVV9gQv5e9bT9Lwyvxbv5rHC18m3u6/j66CKEJk92Zn6JkT/DizO9he4sf7gVnnHdyX2Fb6uP0RnbMlzwZQ1eCaI6CwobEA3SHt/H89H9kQ+J+NsTvB8BUA/IopWSq/h5vzv0pGxMPsDP8WUrOFO8XvoMvHfa2/RyaYuBLj5I9wdHit+kN72BP5os4foOQmmhZTQd45+gouXyVro4Ee3YOEVvCDMpzfQqzZRKZGA994QBSwo++fpBqsX7Tie0lCCEIhXQ2b+ph7Zp27rhtPV/7xpu8dejCslLTarXJcy+c4LZb1xEOXybpzaaDPU92VFUhEll6DHme5Oj745RKy0841gx38MmP714UFf4g8H2JdYMrdhkjTkqP8ofnfsBApB3LdzhXneIj3bsBUIRCXE8yY02Qs3ySeprQVTV928w4Q9EOyk4dfRnX5A8D0q+ACCOW+c2IGmY4OsxkY5Lw/D4n4mGiKxiW1arWdZWTyuaDUmTnJ+a4ZUMvW9Ysn47g+5JCobaieuASpqeK2LZLJhMlkQi35HB39mW499P7eP2pd3nx8bdRVEHf2k4e+Nz+ljYSeoi655A0wrybnyBlRCjZDWzfpemcw5cWDWkT1jeAuH4TvZ/g2mj6NUAw1TxLw69iKhGUa9QNXg2581yL0QvP4y8z21M1k7aBnTSrc2h6MPbtehGEgu/aRFK9CEWjWZ2je/3tzJx7nXj7GnzfozSzWBoNgADDVPA9ietc32RKiMCL5/vfa7Jlq4bnwWuvfvCcO90QKJrAbvotEn8podmQDK/R0A2Prm6FsYsfbqk1z7XwPRffc1FUHVUP4VpVPNfG99wFMyrVs6kWxkH6OFZ1Xor8vxY0Pcib9jzIFXy4ghdbtmRy+nJfT8209nu9EbxWYzGc7h5K8QQIgV+p4E1NBo7HtkSEQhRqfuAOq6iIS/dA6QfOTwJ8TcNtNFHCYfxmE6SkMlXDKgckOHemSCPX5OLLE/Ts6USogrE3JvEsD8/2OPfsKN23tOO7PsWRMv0HuhGKIL02SaNgkT2ew0wYDNzew8x7c8ydLmDEDepzdXzHZ/Z4Hru6eBwrik4ms4l6Yw7bXuHZrKqE1qxBb2tb8mO/adE4dQq/ufwzSVo29XdOIV13gdQ5U3MIVQFfYp1VUUwDe3QaL1eiUa3jN68vjcHzgrzbiYsVnvl2lVhcwQwLtHm3YNcNIrXVsr8q4rYSRs87/PffKqDpAmeVpM1MmiiGSnmkRGpdmup4Gd/1qVUlX/n95UvhaKkIsa0D1M9OIV0fr3aNfpFBKaDDbzR5/x1Bz9q1xJMhzFDg3YEA35W4biDFLhdrzFw8gbcUwxdiWUlyKCSwrMBfqbtX5b6HQjz+V3UaDdny9Y9/JsxT32lQrX445Pamz+YCB9SVm10q3nNlNEJRFTJdSc4eHSWeilArN8hNFwH4xC/fy5N/9gqz43l2370Jq2HzyV++B4C/+r0f0L+2k0bN4u3njzO8uRdjhShHWEuxI/1J4noXvvQCA6j8N6m6sySNXiCQyoTVFDszn19k+gKB5DGipQnI7tITT00YDER2E9O7OFn6IV2hzQzFbuVc5SUqzkwQMSv9iJCa5Jb0ZxYipQ2vxNH841ScGdLm4Ip9uvBbislAdC8hNcmp8g/pDm9lKHorZysvUnWyC/sc1TJI6aEqy08MI1qK3W0/RVRrw5eSkj3OSPWNQFKthObbacOXHppYup+l9PDxMdU4aWMQQ4kyGN2/sDglhEJc70LM53FF1AwpozVy5kuPk6VnSBn97Eh9Gk0x6AxtomxPcbH2BltTjxJXAkMyH4+k3suuzBcWmfJcCdf1qFQtTHP5ydgbzxxl9PQUF45PUMiWkb6kOFfhjkd3LvudlXDJwXcpI6PFkOiGys5bBujrTfP7f/gCP3r+xJKRWynh1KlppmdKrBm+nDwSjZpsSHRh6CtH5Op1i3Pns8vW/RVCcPuBdfT1pm9qRLPesGk0bozYRjSTnx26lyPFC1ysZ0mqUX5u6H62JgcWtqm6ZXLWDJqiU/MqtJmtpnWW55A2otQ9C/UD5glLv4b0i0iaCExA4PvTKEobiDC+N44QYRS1F6fxXRRtHaqxByEWj1FDMWj6TTrMDjJmIEWORAwymRicWzrS5LgeY+N5dmxfnema6/mcuDDDUE+a+jXOQbPprChRvxLhiMGpk1NEIgb7968lFr889lRN5fZHbmHnnRuoV5qomko8FUW9anze070e1/dpD8V4I3uB/3T8OdbHO+iPpJBeP6Xma8S1vQih/S9lgPO/HiS6YpKeVzDl7ZuTD3UtKbJr1ajmxzAjKVTNRDMi6GYMI5rGCMXxPYdmdY56aZrSzJn5z5dPD0l1GHzhnw1z8ViV5/5iCvc6IgW+DyeOu/zclwKJ6ve+e+MS4yvx4M/3sulAgq/91ghT51on/997osEnPh3mjrsNzp11OfT2h2NeA8H8Zub8QUCSn3gf33NolGcWFhKkvCTHlAih4ns2RjgJSPwV3K//puKuByOUCh6HD95Ynrc5NEz6Iw9j9vejhIJ7t29Z2JOT5J95GntygtCaIZxcHiUcBs9DmEYQZfQ9hBnCzedRIxF808RcM0z9/WPIpkVlxMUwQmTS6ym8X6NaDSLq1mQETQtTr+VQRBRD9ykcdykcywbu14Q498NRzv1wdGE/Q6EMk6+XGXlxHNNMYKhJJt+cJRbtJhHtYvKNLLZtYZoJVNXENJPYduWKOsiCkJlCKBqNxuK8T6FpJA7cRmzX7iX7ycnlmJ6aWpHYKkLiV4P5l1DmuZIEZZ50eg2JbNoI6aMgkQ2XK1TMgdmREHju6q5nqymxmh/uIlE8rXHPp9I8/edzq1pE822fcFuESGcURVNo29bB7JGVlRdCV8nct43IcEdQNkoIvJpF9b3RFb93CZoZp3P4Y5iR1JKfx4BQcoK5iZEFYqu2ZdDbMzgzsxiDfdgjY3jl1prZhhEQ1ud/2KRQ8NF1yLQp6AbYDnjzt31VhVeetxbIrrJgVBXcby+Zegdy6WBcrCiBXuoYr2/zHw+EEAys7+LYm+d4/+BZ1m7rx7ZcookI4ahBKGLQqNstJVekBKtu096bIpGOkupILJowXY2Y1oGhBA9ERagk9V4c2aTpVbjSBqbNXEtIXdlcZSWowkBXwigoQd6oGgNEYMghXXzpkrdHyFsjPDn+rxDzK+NNr0zdK2D7q5c5acJAU8IoQkVXIot+63qQ0vsxlaB8jyIEhhrDx8dn9TeHtDHI1uQjHC08zpny86yJ3cGa2O0BmV3lhNT1LfL2RarOHE+M/e8LEpq6l8eTLo7fOtnoCm9ZiKgvhz23DJKIh+nvTRMJL73t0OYeOvpS7L1/y8J7qqoSS15/bU6AkVoW23fYnLg2+ai6TY6Xx9idWkN7e4y//cv3MHJxjrPLEJtiqc7oWL6F2Nq2y1S+SvoauevNpsPMzPKrg9GoyebNvejXuJ6uF7lclVr9xiYYAkFMD7Mp0ce6WA9dV7mdAoTm87hzVpa+0PCiNiSQt6toQsVdjTPSCpB+Add+Hd8dQdHWoqiDSG8cx3sNRdsIOPjeHCL0AFLW5yONS5+TklNmvD6BoRhU3SodZjuKIhgeauPNt5au4em6HufOZ1dN9Lra4hzYPkQqHr7mea1UG2Rny9dsE6C3J0W9bhOPhzCXWFQUQhBNRIjOO81XS3XOvT3Ozjsvl2LamgqIlJSSf7rjIcp2k4wZIazqlH2F9uhn8WWNun2MiLEdsYSr7U/wwaGg0m4MMGePBWU/5M0hWJoWxvOdlpzPK3Fp8e6SpFkzIiQ61jF99lUSHWtR9XlC4TmrEqOHYirrdsVxmj6qJlYkth2DQduzo835fYBXX7V5800bz7vuSirLIt1t0Ls+ghlefO1NT3r8t/9PlUg0KDdTrdycqIZuKvSuDzN1voHduHwgTjO4tl07WLyyrlFXvFltJTpCwMCWKLkJi1rpx58/fT1IppVVE6GrocbjtD32GObwmlZn7UiE0Lp1tH38E2S/8ue4+QJeuYKeSeM7DtJxEbqOX7VQ4jpCVVEiEdDUYIDN704yMUhnx3ayc8fo69jG6NgrRMJBaSPbrpBKDlOvB6Zb4XAbUnpYVplGI79IBh4OZ4hFuxgbf5Wuzl1UKhPEY71Eo500rRKp1DDj46+TTAySSW9gLn8KVblULkkSjXSQTAwxmzt+Q311zb7UBA9+sZ3DL5YoZh3u/GQbp9+pYoQE+x5MIxR4+9kio6cb7HsoxfCWMFbD58XHczSqHh/9Uif1qkcsqfHCN+YoZP9mLLLUKx4Hf1Ba9RhrFhuce+LkQsTaX4UBpNBUtKhJ8a1zwWtVQV1mDrsUpO/j2DU0PYSiGvPu4itDSybQ+3pR43GUSBi/vd5CbDUNHn4szOd+JsLa9Rqvv2wxPu7R16/yi38nhhDw1BMNzp1x+fhnwmy7xeD3/kOZcknyyMfD9A+qRCKCiXGPJ75VZ806jfseCtHXrzIz5fOnf1ilXFr9dfs3ktgCxFMRkm0xTrx9gZ/+hx8FCU/+xau88r13Kc5VuO3hHUBQPuKdl06yec8w229bx+xEAVVVSbbFr1lK5OpcoEvddvW3VKEt8e7qETgFiiteXT2Qgl/uCm9lW/LRBWMFCCKaKWN1UZjL7c/b/i/89o1BFUbLt2+kJU0x2dv2c6yP38do7W3OVl7kdPk57ur8VXoi26+rrb7oLjYlHmo5JlXoxPXW8ktBLu3Ke3tuZJZ9u4ZapJJXo3/d6spSrRZVt8HbubOcKk+wL7Oe05VJKk6d/W0bmW7kuVDLsjM1TN6uMlLL4kmfnalhhBB0dSV59JFb+L3/+uySKhDfl0xOtuYbBSWGlGUjsZdg2y6V6vKRiFjUoKvzg5XDuRpSSkbHctcln70Sru/x9NQhfjB9mIwR5x9t+hQjtRnG63N8vO9WACJalAOZ+/Ckh7GElD+k6oRVg6lGlsHo0pKq1UIoKaRfRChpkGV8bwRkHSlrCKEj1AF8aYHQEEpmRXfBsBoY2E03Z+jPBMoRRRFs2dy7rAooqHE8Q7XaJB6/dg50rWFx/Pw0xUqDvVsHFpU0uxLZbIWZ7OqI7YkTkySTESYnC7S1xejqWtkpupAtc+j54y3E9kw5S1IP0xGOk9BDJOaJjJSSmvU+utqGLy0EKiF9LYq4OW7UP8FlmEqEqJpCFTohJYYjm1jXkCKvBpoeYdOWzzA9+Q65uROLPvd9D6uex3MaOELBdx2sepFacZL2oT24doNmdRbPtQKJMhKnWV3xdj872uT3fu0EtZKLVV9+4qgZgsd+pZ/SnM3jvzvaksLt/BjnzZ/9qTAv/sjiE58J09ev8q2vNTh65IPvwMDmCD/7L9fyB//sDNMXbty1+WrEMzq/9H+u5+u/M8KJ15dfIL1ZSLcrPPrZGLG4Qqngo+nw4g/q7Nof4tnv1ejq1diyw+Dpb9c4cE+YPQdC1Os+P/hODU0T3Hp3mG27TGYmPb7/zeqqJajm0BBG/9I+DEIIzP5+jO4e6sePAdA4uVga78wEC9PuXOAUbF+8XMNd4lMqjzE7+z7hUBpDj5HJbEDXwthGDE0LUyqPEo8FC3+KomGaSQrFC4t+p1IZJ5NeTzTaRSiUZGr6EP19tzM3d5xaPcvgwD2EQikkUK5OMDcXEFhNC6PrYfr6bmN84nVq15G3fT3wXEm16LF5b4yzR+t0D5q892qZj/xsF2NnGiiK4KGf6eCP/u0o42cbVIsuu+5Nsv6WKMcPVhjaHOE7vz9FdtTCal7/atOGnRFufShJOKZw+t06bz1b4qM/144ZUqhXPaIJlZGTDQ49X2bX3XG2HYhhNyTPfSPH9KjNHR9LEUmotHXrNGs+z34tRyiq8LEvtaPpgj/77Uk8N6hBvfOuBDtuDwJjh1+q8N5rFe54NMX6WyIoCrzyvSIT55vc/9kMmqGQ6dSZHrV49q9yS0qapeNiz1VI374xMHmqWWS//daqj91qFDj15p+jaSEUVUfTw2hmlL6N9xGJLy5lCgQkVoCSCI5DXlV30HXh2aea7L3V4A//W5V8zmdwOJhbf/dbdTZu0bn1DpMzp1ye+GaDHbsMdD1YROkbUKlUJN/9VoOf/aUoPb0qd98X4s3XbNraFeKJ61/c+xtLbBVV4cBHdrDhlkHaulNUbZv1D23CLzS57TN7qJqSpBli52M7mJjIES9VOPDoTl4/eIqSY7Mhee3JXcXN0vTKmGoMX3rzuZ9hQurNncRfC4rQaTPXkLNG6AxvIqJmfqy//2FhwckZhZQxQMoYYDh2G89N/QcuVF+jJ7KNKwuqCxQ86RDMKC4/PDTFJGMO03BL9EZ2oIsPbl5UKjc4dOQi6WSENcMdq6rl+UEhgC3Jfjzpc7oyybHSRbpCKaYaBcpOnaZnc7Y6heN77M2s473ixZbvb9ncSyikLynflVJSvSrPwjS0BfOolWA77oo1UDVNJRy+uVGxZtPhyNExHOfGpEGzVomjxRG+MHgXr82eQCKJqCYny+MLxBZAU3S0FSJ6ZaeBAOqu9cFkrSKKFvoIQkRgnsBKbxbVvAshkghhIpQ0QkmjmXcj/RzLmR+ZSoi10WHajTY6zMsR+KHBNlLJCIXi0gqOkZE5RsfybNt67bJbsYjJ3q0DTM+VsVcw45BScvT9MRqN1UXrhBCcOjVFtdqk2XC4+55N5MbyfOU/PYm6xDVWKzdIX7Vo8u3Ro9zaPkRHeHEeu6n1YnszSOmjKjGWi3r/BB8MCiq6MCk7QQkXQ4RRROUD+3Wpqk4k1oWmL50m4jkNsucPLnq/VlhsbNesBNGrUnZxqYuWNl3JxOlrq54SbQYDW6KUXv7wpL/XghDQ16/R2+8iBPzoB02G1qg3hdiu2Rknkrj5U77utWEyvdf2ALlZME2Frl6Nk0dtEmkFMyToH9LpGdDQNEE0rtDdr9HZo3L/xyL80e8VadQljZpE1QRzWY9nHq/yhV9K0N2nMnp+dVFmo6sbsYLRnlBVjK6uBWJ73ZDg+1eMPQG2XaVcHiNfOLtQhaO9bfN8qSaDcKQNx1ls2uW6FtXqFL09+6nX53DdBr7vYBhxbLuKomgLZmtXS8p93yWXO00quYZ6bRZ7ifZvBk4eqvDgFzuIJjUmR5pYdY9Uu87k+SbVkscbTxVItunc8+k2LhyrI32JbgT3+0rRZXbCDkrQ3ABmJ21+9I0cZljh87/WxdmjdQY2hHjz2RJ3PZbile8V2bg7Sr3ise+BJN/5gyyDG0I89osd/Mn/PUn/epNQROUHX53DtiTNuket7PH8t/J84Te65+cRkuEtYQ48nOQHX52jNOdiz+efnj/W4NQ7NTbujnLg4SRP/7nDpj1R3n2lwhvPFPniP+jm2JtVRk8tDjhI1yf3/DHqF7JosRDNsRx2rgKaEtyffRmsfmtq4JJ29fd9b5HqAqCjf9eKxNa+cBGh6XilMs78wsyV8P3g2PwrqgJNTnjMZn06u3x6+y6VIWv9XrMpuXjBpVj0aTYkiiI4cczh458OMzXp8ewzzetWytz0u5zn+0zNlckkIkRWcJu9FoQQZDoTZDqDcg9PnTzDUFuSoXVdvDsxhTmnUbEs6r5DJS3JT43TU4szEffwpWRPRLvmJLXuFjhS+CZrYrdTc/OcLD/DUPRWovoKRa6uguM3qLsFam4ORzZpeEUK1hiaYhDRVhcFEkKwOflRXpj+z7w++wcMR29HU0wqzgwg2Zp8dMHR92bA9uo0vAJVdxbXt6h7hfl9NolqmZaI8bXaqXsFqk4WV1rUvXxLOwKV6cYxJhtH6QhtQBMhctZ5mn6ZuN4aDTWUKHG9i5Hq6ySNXnQlTFhNkTGHEChsSz7GCzP/idezX2Ygug9FqJTsSUw1xobEA6jXOZTXDXcwm6virsIQ52YhopqoQsXxXXRFw/YD5/CuUJILtWlMVafdTNDwbI6VxjBVvSU6bRgqhq4tm5d6pdzYtl3yxRq27V7zOlAVZcX4tu/LVddIXQ2klFwcy3Hk6OpyQpaC43uEVJ3eUAZVBMftSf+659094RRCQFT7YKZYQghUbbj1TbWndRsCoibUblCXN2sqOyUmG1Mk9ARnq+fYm96NEIKe7hRDQ+0Uikv3W7Vm8errZ9iyufeaapWm5XLywgyKIti5cXkiXKtZvHP44qrP/67dQ2zaHBy3EIJo1OR8vkqyLc6tH9m+aJxlJwqMnp5qeS9jRPDk/NPxqrGbjjwC+PjSRkoLVdyc0ls/QSsafoWmXSNj9JKzxwkpMTSh80Er0AqhoSjBvVrVBXd8upOetWGe/oMJyrnL97VMj8Gjv9LPqTfLHPpBsAi05yNt9K6L8NLXZ9iwL8GGvQl0QzB9ocG7zxfIjjRaJk1b70xxx6cvP8tPvlHijSdmF+W+DW6Nsu3OFMPbY/SsC6MZgva+oGa8lHD4hzne+eFlF2choK3XZPvdafo3RRCKYPxUjSPP58lPtZJioUDfhgi7HsjQ3heimLV554e5ZQUbUgaTwU98Jsx3H29ghgT12tIbp7sMtt+dYmBLDDOi0Kh4TJ2rc/JgiZmRYEJsRhR2PZBhcGuMHfekSXUG+caNakDmqnmH7/+PcSr54LVmCHrXR9iwJ0H3ujBGSKGadzj1VpmTb5Sw56Njmi7YdCDJhj0JNuxLEE1qPPor/dz52WBibNU8nv/qNOOnLi8oKCr0b4xyy31p2vtMmnWfM2+XOfFGiXr5+iTM1bJPbs7Dsn0URUNVLy+F61qgcIknFKpln5lJb6G/bUsyM+mSz/nUqv581Gh1EPq152DiysTA64TrNRFO8Cyz7Rqe55CdfY/Oju309x6g3siTy5/CsorU63NB3WRFLGPEJimVR+nu3sPU1CGk9JmdO05H+zYSiQFqtWkazQJmKIVUrijHIyWNRoFc/hTxeB/p9Fpmsu/xYTjQF7IOlYLLlv1xvva7E1gNn7NHAzl8teBQLXkYIYEZVmjWPIzQFYuYV0i4rxeKAu09Bht2RghHFeJpDcMUNOs+0yMWsxMOM2M2G3ZG6Bky6RkyufsTaSIxhVhKDdIZXMmF4w2mR1uvd8eSLaV3eoZMZsdtLhxrXM4d1QV9a026h0zaenQiURVFFdQrHicP1ZgdtykXXEKR1kVbYWioiShepY6ajNKcKqJGw3gNB6O3HWFo+DULr1pHMQ307jT2+CzC1MGXKLEw7mwx+DtfWZL0Lge9uxM1ncbLF/AqlcCV6yp4fmB8t++AwbGjTlBaNPDaXYBpQv+gRjqtsGadRrPhBKfyKgM9RYHxMY83XrUo5q9/7nlDxFZKyaETY2TzVfq7UqiKQjZfYagnTSIa4tRIln1bBzg7NsfIZI6QobNlbRfHz89QqjTYu7WfnvbVy8eklDQcm/5UkrCu4fo+fbEIc7UaIU0jlggI9FytTtNxGUgl0VdRD7cjtAFTjXM4/3Vc36I/sme+LEzQLUKoRPUOTDWxrKQ32zzNkfw3sfwKpWaJpvM+RXuCuN7BgfZfptr0CGsdqEJHESpRvX2+Lq4goqUJqUE/tJvruKvz73Gq/CxHC9/Cly5hLc2a2B0IsbqoxCVZrio0FDSiWkfwW0IQUTOE5l2GZ5onOJL/FrZfx5cO4/XDzDXPkjT62N/+C0S1DBEtE5DpKyaWhhIjrncuEN/pxjGOFL6F4zfwpc9o7S2yjZOkjAH2t/88YTWFqhjMNs8wUj2IlB6mGmdz4mHWx++lJSorTHZlvsDRwuO8PffnaEqIzcmHA2IrBF3hLdzV+WucKj3L4fzXkPhEtTY2xO9fODeKUEnoXRjKaqSYNoVSHSnlsjXA4Iqo800wqBmKBg99SRBnWhfrxpUeIUXn0d59SCkxFA2JxPE9VKFgKJcv0XrdptlcmtQKIYjHLpMzXVfZuD5YPLhWNFo3tIXSP0vBtl2qK0iVrxfNpsOPnjtOdrZy7Y2XQcqIoikqL80eY84u81buNO8UzrM9OXRd7YzUZqk6TbQlct3+2iAEda+BK12qbo02I8NwdAjT1Ni3Z5gjR8eWNBHzfckrr57hsY/tpLdncc5xy7ZS0ph3pLbs5SeVx09McubM9Kp3PRo1F7k3t3Unuf9z+9l267pF+zQ9Okej1jq2tqS6eXL8GHPNGm1mUC9ZRbCrrZ+kEVzbijCBD8eZ/CcAEMS1DJ3GMAJBWI1TcfNcsleIxftIJK8nRSaAYcTRtOAcqqpg3a44G/cneP6r03AFsY0kNPZ+tI1G1ePwszkkgoHNUQ58ooOOwRD9m6IUZizMsMrOBzLsuCfNX/y78y1GTPWSS27Coq3XZNcDGeyGz5tPzsFVxDbTY5LpMVFUgaIIfA8c2wc5X8/xqjJXa26J8Zl/NESm12RurAkCtt2ZYvdDbXzl/zzP9PnGpS5k474EP/XPholldKbON8j0mmw+kFwxPeS7327w2ssKExMeqZSCu0S+XrJD5+f/zTp610eYG29iNXx61oTZcU+aaErnyd8fBxnk1XavCROOqVxKpXNtH3defus6soWDpbsMfuqfDZPsMCjO2jgNnzU74tzxmU6e+vIEz/7ZFL4bRD47B0PEMzpi3vzFc+RCu44tWyarigp7H27jk78xiOdKcpMW3Ws0dj+U4cjzBb77/4xRya8+Kr2wz/N/W02Jpgtu2W+ydmNQs3R2xsMMCQ7cE6Za9hm/6CClxF9F2bKl4NdWNtCTUuJWKy2kVjFU5PyioEQumB8thVLpIoahoGqQnT2KlD5S+oyNv4aiqPME1iU79wbNhgsICsVzLM3wBKpqUK/PUm8EyoZ6fZbx8dcQQsHzbaT0KV4lY/a8JpNTbwU1kvOnEUJdpv0PDunDzKhFpktnbtLGsSUvfivHhl1RYimNuSmb2QmbN39QJJpQeePpAvkpG6vp88ZThYVFlutFNKHy4BcyHHmlwrlsECkNduhSxPHy8ZbyLtlxmyOvVPBciWP7OFbgZL7UdalqAqEIFBVwoJRz2bQnSrpLp14OFlg6+gzu/mSa7/7PWXrXmGzZG/y+53J5bC7R5XpHCiUWRigKkd3rcWYKCE1B2i5KxMSrNVFMA2FoaO0JlLCJIQRGfwf1o+dRoyHUaA96T4ba26fwSqt3NZe+j5qIg+fi5gvA4lQGz4VvfLXOxi0a4YhgNuvx4nNNLCuIyJbLEsMUDK3ReO1li45OhdGY4K3XLUpFH8eWvPR8k0rZZ2hNMIfYs88g/qDgT75cW3aBbyncILGF0xdnMQ0N1/O5OJVnw0AHZ0ZnuXX7EJbj0rRcJmeLJGNhxrNFUrNhRqfyhEM6xjVck6+GIgR3rhni3FyODR3tbO/pYrJUZm9/38LimEQSNQxGC0VMTSO8itU1XQmxI/UpdqQ+TeAAGW5xNjaVKHd3/voVSfWL0RXazL3d/xApJZPlMjHDIBEKoQiFkJrghbMX+cjGXydpdCAQ3Nn5d1EwmKk02Zb8KcKaOX+MKj3h7bSH1uP6DSQSVeiB6ZS49qTb9X2kzHBP1z8mqgWGT3d1/j10JYQqDPa1f2mhne7wNjLdQ4uuHUWoCzLs/e2/gACUK4bI2vidDEb3LZTh6YnsoM1cs2I77eZ67u/+J/PGIxIFDUONLIoKCyHoCW+jzVyDKy0ECvoVBFURKv2RPXSFNuNIC5CowpgnsQqnS1lOlWa4t/ufEdWuPeEdnyywfXMfJ05PYdnussSukC1TztcY3tKL9CUXT02S7kySbLt+MzFNaT2PKirmvEw2TOtnutK6P1JK3j82sSwJUVVBb09q4bUQgmrVola36O5KrkhuTUMjnY4yOVVc8vNKtcn4RIHNm3o+MMH3PJ+Db53n+RdPrqp8zHKIa2E+3nsrz06/iy8lr+dOsS05yH2d15e3vT05gI+Ptopr7MeFmBqlN9RD1asxGBkgpQeLX0IIDty6lsefeIdcbml52PhEgSefPsov/fxdy5pCOa7H+HSBRDREJGwwk6/Q35Vq2UZKSa1u88T336VS/WBxur51XfQtM5Fv70nxkS/e3vJetlHBk5Ij+Qm0+dm4rqisTbQvENuf4MOGxJMOjgwWHWpugYp7WX6WaVvP0NoHV6xZuxQEAkW9cSVXpsekZ22YP/vNc0xfaKDpgnu+0MXDv9zHLfemW4jtyLEqYydrdK8Ns37P8ulF771U4PhrRYa2xti4P8GxV4t897+OgS+RBITtEmJpjY/97X7ibTp/+e8vcP5osDi3aX+Cn/t/r+PhX+rlq//+Ao7lE01oPPClHmIZnb/6v0Y49WYJRYU9H2njM/9oCMdauu9qVUmtGqwg5OaW3mZ4e4zNtyX5xu+M8NZTc3iuRDcV2vtClPPOwsS4VnR56ssTKJrgp//5GrbHVL7/38eZGQn6SUqwr9iP0pzDU38wQWnWpjhj4/uSTI/J3/qtjdz+qU7efHKO4oyN1fB55ZszKKrgtk92snFvgue+MsWpg6WFdh37crs96yJ84tcHmJto8rXfGqE0a2OEVO79Yhf3frGbqXN1Xvjq9KoCnZWyx9uvNclOueiGYGbSY2rCpVb1GV6nc/6UQ7ViUSr4fPPPK2zZYRCNCyZGHU4ctWnUfTxX8s7rTfJzq49aWRMT+JaFGl58D5JS4tfr2OOtkvnEYIJmrrFQTsV3fTRTpVloXcyLJQSKAokUeI5GqegRCgvqVUE07lOrukSiAsuC4XVw7pRECInvg7VozVkQj/fS0baFubnjLS7knt8aYZRy8fFfql97iVh/GBAKdPSZDG0O8/4blYXc92rR5fALrXnaxw8uXgA/8daNy6NtSzIzarN2W5jOfoO5SSeoV1zycB1JveLhOj61ssfZo3VS7Tq774njeXD2aJ2Lp5o0qn4rsRawdmuYfQ8mSWQ0Hv6Zdg69UObc+3WGN4d57Bc7aNZ8Tr5TZex0k3Le5ZY7YwghyM04+J6kVna5dKpqZW+RyZ1bqqGpCtLzsMdncfMVpO2AIlATUfyGjVAVpOPizpYQpo50PayRabxSFaEI/KaN37Twr9O0052do+l6oCrIFXTB58+6nD97eby9924wlmamfWamg+8994PWAZud8Vu2jycEvf0q33u8QSwmuPuBECtkACyJGyK2nu8jkeiaSjSkEzJ0xrJFwiGDat0im68yOl3A0DXaUlFK1Qae7+P5PrGIed0mREIINna0s7GjfeG9De1Ly3wHUtdjJBKQI1NdWs4mhEJYC9pzfZ+TM1kmymWG02kGU0neGp/A8Tx29fYgpWSsUGJ7d4qIGuXU3ByT5YtMV+qYSnIhCmwqCc7O5fjW+8fZ0tnBvWvXMFKdI1utIYF1bRmqls9gKsWp2TmkrJGvN1AVQVcsRtmyaDgOEd3glp4uTC1ot+7aPDV+igd7NxLRFOqug0IYTyp40gNCSBn0vK6EViyFAyxEd6+EroRbyOZq2hEITDXGajJwhFAw1RiKH+JsdYKE7tIXDl3xucBQo+gyQtNzcXwP1/eIaCodoRjfHT3GAz2bUIRO1bXxpU9EM/Ckj+P7SCmJ6gZI6O9Jc/zUJOlUBHMZUus6HmNnppkcmSPZHsNzfY68doY992xeILbnzmcxDY2OjgSGoX4opUeklExPl3j2ueUdClOpKH196YXXjuMxMjqHaep0daycMx4OG/T2pDh2fGLJzy3L5d0jo9xx+3qiy9TCXQ08z+foe2P8+VdeX5aYrRZVt8FobZad6TXc07mNhB4hbcQJKdcn2Y8tk+v314mG16DklDAUg7rbYF0stfDZ4EAbe3YN8exzx5cp/SR58umjbNncw20H1qMtoVwpVhpcmMzTaDqoqmDXpv5FbbiuzzM/fI+3315sTHK9uFIi36xZnHt/jKmLc4QiBut2DNI10Oop8EjfVh7s3dTyXhA11LHcSTQliSIiPynz8yGj7pWZtUapecVFjshCqLhuk+z0EVx39WoOw4jS1bPnhvdJ+pJXH89y/t3Lk93Dz+a594vddA4FMuKFCaEM8muDCMvyjMlzJJ4jsZte8B3Hx6p7S0ZNBjZHWbcnzktfm+H4a8UF99Mjzxe463NVNt+WpK3XZPpCg86hEGt2xDl5sMTRF/ML+/XWU3Psf7SdruEbX6Tx/WCpPYiYCpo1l3rZozTbGvWUEuymj1CCvrj02mosPTm1Gz7HXim2vFcv1zn1Zom9D7cRS2sUZ4Kx4FhBfRZ3nsA61tLtKipsvSNFW2+Ir//25fJG9bLHG9+bZf+j7Wy7K8XB781SL1+baNYqksMHF4+5XNbj+JHWcXrhtMOF05f7pJC7/Pm7b13f5N6anKB+4jixW3aCevlZL6VEOg6VQ29jT7WmVSiqgmqo6DED6UtiPTH0mMHo8yP4TtBXpinYsNlgetJFUUCPCIbXmyTTChfOOGzabnLiqEU0pnDmpE0orBCNKWzaZjB6wWH84tWL3ZJ6PceE9Sa2U0UzVbq2ZyhcKFPPf9BkgpsDRRUMbAwzeb7J6UMfTg7vcrAaPk9/ZY5YUsVuBhH8Zt3ne388S6Pq84Ov5mjWfX74lzlqFY8ffT1HIq0hBFRKHtKHl54otDofS5getXnx8TwvPp5HSijnXZp1n2e+Okc8pSEUqBY9mnWfr/3eNKGwQr0aKEOadY/v/tEs9YqH78NTfz63yOjOrzawq8G14+ZazRzd2WubttnzZPbq714LSjiECIVQImHURByhqtiVD++c1aqSH3y/wbYdOp4fmE/9WMyjag0LTVVwXI9cuc6BHUPUmzaJaDBJ/MiBTYRMjZChoWkqHekYFybmCIcMCuUGxUqDTPJ/rdwoy3U5NDFJ3DQwVJWm6zJTqTJSKICE24cHmSxXaI9ECGkaz507z31r19B0XK58QgogZpqEdI3hTJqQrvHm2ATpcIht3Z3k6nVOzc7RHo3y+sUxtIVcOcHFYonxYomHNqzj/ZkZUuHQAsGP6SYZM4Lr+9Qcm1dmzlOwGnRH4ri+T8N1SJoh7u/ZcNP6ZLZZZKqZI6KG6AlnmGjM4UufvnAHWatAw7MYjHQx2cjh+A79kQ5s3yXbLNAZShNSDS7WZkjqUTpDac5VJzAVnaFoNw2vSd1t0BdenO/sS8l3Lr6HJ31c6fNw32baQ1HM+Yhow7V5bvI0040yOzN9zFk1ZhtVHN/jgd4NuDMeiXiI4cF1hEMGmra01LtarHPo+eNMjswyfXEuyK3qSZG5wun1+RdO8NrBc+zfO8y+PWtYv66TWDyEtgrTptXA9yUz2RJ/9KevcGFkdtntNqzvovMKAisEaJqCba9sDAVBDel1azt5/sUTy+ZSHnzrPHfdsYEDt65FWYU9/JWQUuI4Hm8fGuGP/vRlzl9YumTRdbUJzNllsuUiDc9GFQoJPcKWxAC3t2/+wO3/dcLDRwhBWAvjXlUSxTA0PvbRHRw6PLJsbdlisc6X//AldE1jz+4hNK11LGaSET56++U+utIZXEqJZTm88NIpvvLVN1aUKV8vbMvhqb94lRNvnyeaCOPaLq89eYTP/dpHWHdF/V1D1cAPFhNbIMByx6n5RzHUbkL6GlSR+AnB/ZAgAUMJk9Q7sfwaZWeOpl8NJJVAs1Fg7OJL2NbqUwrC4TYyH+D6dG3JxeOtkyq7GURPdEPM55Z/ONJJCPJldVMh1WFw+6dan01mRCWa0Ei060xfaNDWawY5wOfrLdGXetkjN2HROXjjxPbCexWOvFDg3i92s253gqMv5Dn5RonpkcZ11eldCkZIIdNr0tZrEo6paIZCe5+JUAJl0PVC0xX6N0XwPcnQthjJjssR+3BcQ1EF6S4TM6IuEFvHqTE9+Q7K/DPd8yys6xhn1wURlFCRSxkZKmI+CuYhm00KzzyNX60R2rABLZEAKXEKeervvUf54BvIKwpuCkWAADUU1NtWDZX6XB2tareUdXE9SaUSlKJSREB0Z7Me9brEl5Cf86iUffJz/oK827YlobCgVFz6ee15TTwvIP+eK4i2h7AqDlbVoW19EiEEpYkqqYE4qqEwd6ZEJGMS6wzTKFjkzpW4mcFaIdQF4y3pe3iOx6EfFQGBZoSJZ9oxwikUVUf6HnazTKOSxbHrfJAdUVQdM5ImFMmgGeGgPrPn4DQrlPI5XKu6EJWuFILzXy21/u1Yktx064JRveLNt29gRlKYkQy6EUYKBc9zsBtlPG8OIerYTX/R9ysFb+H3LqFaBKEaKFoQsb28GBf0UTjWgRFOzveRi92szPdR7YZyulcNIVCTCdRkPMghv875n1BUdDNOKNqGYcZQVA3f93HtKs1aDqtRbin95vtw+G2Hw2/fuGHeDRHbRDTEvXvX47o+mWSEsKkvkFopJWZHMICVecdKTROsG2gnk4yiKgqZZBhPeoEsSSj4MogAi0v//RgmKh3mBmy/tiqZL4Cpady9Zoj3pmZ4c2ycwfnIcGcsRt11CKkaMcPAl+B4Hr7vM5RKLpJECyGImwapUIiuWBRTVTE1lfXtbQyn05yencP2PKqWRc226YrHSJgmpqYyVa4Gkt14nPP5As35m6iUEonElxIfyVyzRsN1GK8VaTMjXKwVcHyPlNmz6LiuRNBOK+quTVjTUZY4L2er4/hSMlqbxpUup8qj7E5vpORUOVMZp81McLR4lrH6LBvjAxwunMGVHp1mmveK5+kOZThbHWdbYg2W55C3ylyoTdEVyhBRQ9S95VcXS06Dh3o3cbqU5XwlR3vo8kJJ2WlSdSwc3+dUKYuuqOxu66fqWIxU8zTOW4yO59i+uY94zGT7lr4lpcipjjiP/dI95KaLrNnSB0KgGxrqFUTYdjxGRma5cGGWp55+j8HBDLtuGWTHjgEGBzK0t8VanIlXM7allEgpqVQsjrw3yuPffof3jo0tS1AjEYN77txI+IpaZqqqEImYWJYTPGBXgKIIdmzvJ5OJkV2mrEsuV+WP/+wVQiGdHdv7V+W2fOk4stkKT/3gKN9/8gi5ZcjY9SKmhXmwayeTjTxnK5OcLI/zXm2EhmfdELG9Mvop5/9YKiJ69Xd8X17tb/SB718JLU5fuJeG12Q4tjhneOuWPu6+cyPfe/LIsnLu0bEc//n3fsDnP7uP++/dQioVmS+CLlAVBdW8PIblQi6hz8REgSefOcpTz7xHpXLz8qoBsmN5zr8/xi/+H5+ke7ANx3Z54fG3ee2pd1uI7Zlylj85e5CxWgFFCGzfo82M8r/v+AgdRieOl6PunKLhnCMTeeQnBlIfGiQ5e5y03k2b0U9C66DszpG1RpDSx3XqLTLH1cCX7qq/s9R15Nr+fKSwdT/nv3Bd+3IjCMVUNF1hx71pNu5frITJTVr485EcIxQkny5VYshqeB9oMlrNu/z5vznHrgcy7HuknUd/pZ/7f66HQ8/keO7Ppyhmb8zZuXMwxMP/Wy8b9iZw7cDt1XclHQOhGy4cKBQIx1SMsMJdn+9a6J8FSCjN2S3rEc1GgTMnv32Dv3h90BNhuh7awsQTRxaR29jadtJ7hhj72tsAuPk8uSe/h5ZIoIRCQYS/XserlFvOp9BVhKqQP7nYPXYRDINzpx3kMrm/Z463TvAPvd4kFBaceM+iUro26ZOexK4FAZb0UJxUf6A+i3WGSQ/FyZ0r0bklTXoojqorFEcrzJ29uWWb2vp20LfhXgBmx99l8syLKKpBpmcbXUP7iCS70fQwQtGQ0sdzGjSrObJj7zA3fmShxvJqoSg6ifY1dA7tI54eRDOjqKoOQkH6Lp5rYdUL5KdOMDv2Ds3aKs7Tle1rBqmODXQM7CaW6l/Uvus0adby5CffY27iKFa9cM02OwZ207PuTiSSubHDTJ59GUUzaOvZQefQPiKJwE0+6CMPz2nSqObIjr5FbvwornPzSnhdCb/ewJmYwhmfBE1dtecPQiGa6KZjcA+pzg0YoSSqZiIUFSl9fNfCtqqUZ8+RHT1EtTC+pDT+RnBDxFZRFLrbFt/UpZSM1MZ5q3AUkNzTcYCmZ3EofxQfyR3tewmpYX44+yJ1r8nm+Hq2JNbxytzbZJtz9IW7ubVtJ4a48Ryc1WJ7+hPXtb3jeRybzpKt1djY3k53PM7R6RkMVaU7Fud4NsuFfIF8o0F7NMKmjg6++f5xumJR9KsE4iFNYyCV5MmTZ/jE1k10xWJEjIAAd8djSCl57vwF+pIJOqIRIroetCFhrFTk2bPniBsGw+nUQpvZRoXxWhFdURmMpbB9j4FYiuF4Btv3CKkavZHFMu1g8u4AKmXHZqSax/N9bN8LIr2ew9p4G8OxDOpVEweJpOFZePOLEikjTk+4jaJTxUdieQ6KUHCki+XbKEJBSInl20gkbWaStFXkeHkEy3eYs0tYvoPlO2SbBeqeRcOzCKuL5a+253E0P0nBqjMQS3OhkmO6UeFcZQ7bc2l4DmkzjJQSRQhiuknTc5Ae3HvHBt54S2WwP41p6i1SyavR1p0iN13kxe8cwnM9dFPntodvIZFZPJmuVJscOz7JseOThB4/RHt7jL6+NBs3dLNuTQft7XFisRDhsI5p6gtRXV9KHMel2XSoVi2y2TLHT07y7pFRLozMLuuCDMFcbvfOQQ7curZlXieEIJWIcHE8t6pc1uGhNvbsHuLpZ95bdpvTZ2b4rf/wJB975BbuumMDfb1pQqHF0l/P8ymXG0xMFnn70AVefPkUo2O5RcQ8FjPZurmXd4+OYtvXd0Obbub57RPfxFB0tiQG+Ej3brrDKTLGYgn9JdJm2y6O42E7HrbtYtsejuNiOx6O7dJoOtTrFrWaTb1ucejwxSV+OYDvS156+RTZ2QrRiEE0YhKJGIRCemDGpavoeuBirc+7Weu6imFoiyKoV6PiVvGkz5bEpiU/N02Nz356LydPTXHq9PLGTtMzJf7HH7zA8y+c4O67NrF9Wx9tbTEiEQNNVfA8SbPpUK40mJgs8PahEQ4dHmF6qtRibiMEbN7UQ3a28oEk5FbDxgwbpDsTqJqKoip09mcWuSI/M3GCNfE22s0oa+LtmKrGwdkRopqB6xeI6OsJ6WtouiMI/ubkRv//GgSC7tA6fOkx1jiG5TfpDq1FFRrTU+8wm30f17m+xQ/fc2jUZnHnS41cGmZXXw1GSEEzFl8jcuGPvx7Uyx5W3eOpL4/z7nP5RZ9LCeW5eVO2euDsHYotHqNmWP3ARLxacHnlm1nefjpH/6YId362k/t+uhsjrPCN3x5Z5P58LRhhhY/9nX52PpDmyf8+ztEXC9TKLq7t86m/P8itj7Vfu5ElIP2g3yp5hz/5F2eZHV88ZjxHBuT2rwFuzWLu1bMLJk9XQg0bmB1XPVM8D7ewMlFJbO1BDenkD66cyqGYGp0PbCb3+jns3OrJW7MhmRpf3TNTD6skegL37upMHUVTQBE4dZdarkl5qk6iOwJSYlUcChc/eFmvRftgxoil+wP1llVjZuRNBjY/SNfwATTNbLkWhFBRzBi6GSOa6iPRtoaLx57Cqi++3pb7rb4N99I5fCu6sbg+u1B1FFVfaL+tdzsj73+fYnZx3eGlYIRTDGx+kPb+nahaaNGzXKg6hqpjhOLE0v1kerczduIHFGfPrrCYJdBDV/RRs8LMxbcZ3PowXUP7Awfslj7SFvooluqd76OnsRvFVR3D9UJNJlDTKZRIGGdiCr+xMokWikbn4F76Nt5HKNq2uI+EimJE0IwI4VgH6e4tTJ59mekLb+B7H/w+cFPL/TS8Jm8XjrInvZ3+cDea0Kh7dXakNnO8fIbTlfP0h3uouDXuat9Pm5HmYn2Cc9WL7Elv543cYfojPQxHV3ZblNICbxL8EggNlC6E0t5y4qVfAm8M1MFgG28c/BqIMKj9IKKLOltKH/w58GdAeqBkQO1BCJ2wrvOJra2RoL97YH/L6+3dl0vYrJTrq6sqD65ft/C6Y+1lkpQIhfi53TuX/J7reZyam+PzO7YRNy+TPSEEPZEkv7rlzoX3tqQulxPZnGotrXMlfH+OWuX3CEU+BWzF9jzqro2uqLjSJ6Rq2L6Hj1w0hdSEiqnqbEuuIWPE6QqlUYVKm5FgT3ojDdciZcSYbMzRaabpCbfjSo+cVWJTfAhFCPojnWw31hJRQ8S0MLqiEdPCDES78FeQoJiqRmc4xi2ZXgaiKcbrJT49fAthVWd9op2IZqAqCmkjjATiuklHKIonJQkzzAP3bF5V1HFmLMdbPzrGjts3zEdrVQzz2pdN03IYnygwPlHg4JvnAQiZOtGYGRBbIyDUimCe2HoBsa1Z1GrWNeXDlzA02M7P/vTtJBKLb+DlSoNm01nV/CkcNnjskVt4991RpmeWX62dyZb54z99he989x16e9L09aZIJiOETB3X9ShXmmRny8zOVsjOlqnXl75JRSIGP/X5W7nz9g38q9/81rLGVcshpcf4dP/tXKxlyVkVXpk7TlcoxZbEALekhhe2m5gs8Ad/9BK5XHWB2DrzxDYguZffW22fwzyxfeU0L73S+jBUFIE+T2p1/TLB1XUNwwj+HY+H+cJn97F719IOzgIYrY/S8Bp0mG10hRZfvwP9GX7hS3fyu//lh8tG2SHItT52YpJjJyaJhA1SqQiRiIGqKniej2W5lCsNKpXmsse/eVMPf//XHuIv/vINXn1t5ZqhK6G9N43VdHjiD19g8541VIo1Xn/6CLd/tPV+Z/su+1NDjNbypIwwt3eu4WRphulGmS59CsfLYnkTJMzbUK6R4/8T3DgkkoqbI6zGSegdFJ0s083z+Lhg3djkw3EanDr+LTzPRqgSu+FhRlTC8dany5pb4ujm9UnePih8L8hB1U1l3h158fVw8VgV1/Fp7zMpzdpLRI8vIzvawGr4DGyOYoQV7Pn802hKo3MoxGoDH9dCs+Zx9p0KMxebtPWaDG+PEUlqCwQbgvm07wXqkuX6NZrUGNgSYfJMnYPfn1twKVZ1Qcfg8hFbzw2UXsYyzvKO7XPhaIX9H2snntE58cb1RwPViEH3R7chVIHZmaB6aprs86cwO+O03bEOfInZHmP21bNUT2fJ3DpMaucAvuUy9cwxmpNFElt6yNy2BtXUKB+fYu6VsxhtUXo/uQtFVzj/B68gXYkaMej6yBbCPUmkJxcUT6ld/WQOrEV6PnMvn6E+XqD7I1tRDBWjLUZjssj0k++TvKWP/s/tAQTJ7b3MvniG6tnF6Tdq1KT3sR103r+J+MZOahdyTD9zDLMjTnrPIEJT0BMhZn54ArMrgWpqzL1yluhwG6ldA9Qu5khs7kaNmthzVbR4iOyPTpK5dRihKUE/nZkh//pZpo7m8Gyf8lQNp+4GJDfbQI9oOHUHt+mS6I+hmdC1NUN5qr6QA3wzIYQgFMswvP1ROgf3IoRKs16gWcthNysoioIZyRCJd6HqJoqq0d5/Cwi4cOQ7ONbKC6u6GWNo+2N0DOxGUdR5Il2lWZ3DahSRvo8eihGKthGKpBGKSjTVy/q9X+Dsoa9fk9wa4STrdn2GdNdmhKIE7dv1oP16Ad930c0Y4di8tFpRiWeGWLf781w4+gT5qeNca9Ug6KM2hrc/RufQXgSCZj1Ps5rDtqooiooZzRCJd6JqJoqq09G/G4ALR7973dHta0GJRlDiUUIb1uI3m1hnzl1j/xV6191F/+YH0PQguOQ5Fo3aHFY9j+s00fRwcA5ibSiKjhlJMbDlI6iayfjp51ukyTeCm0psXenhSY+MkSSkmkgpeXn2TSJaGF9KXN9jKNpP3Wvy6tzbDEX6iGoRfOnj+i63t+0mY6RW/A3pjuDXvoy0XwfZIEhi6EYJ/ywi/EnEfLRXOkfxy7+JEvkZpHMK6Rya395H6HtR4v8Uqa65bADg15DNJ/Drfwn+LCAD8ht6BCXySwj1xlYrbyYUReHjWzYR1m5eTVvPvYBtvYQZup+EGWJv+wAQTK4ly3lBB9gYH0BXNKLz5RvMBbdLQXcoMIRxfY+7O3bSYaZR5vs6qV9B5K/499pY78K/10RXkE0L6ArH2Zzsom1egrw23sba+GVDsa3p5euEQmte4bWQao/Tv66LUNRECIG+RJRyNWhaDk3rxvMGrkZ/f4Zf+Vv3smlj95LkVdNUwqvcVyEEmzb28IXP7ecP/ueLNJYpK3QJhUKdQqG+rOHUSohGDD732f187tN7UVSFgYHMdRNbXVFZF+smroW5UJvhXGWKl7PHmKznWohtrWZx9OgY+cLNvdkvB9+XWJaLZbmwTNXPSNjg/ns34fllQKIqrYtgITVMb6gXT3rLPgKFENy6bw2/+KU7+cM/fmnZfNsrUW/Y1BvXR0gGB9v41b9zPxvWd82XELpxBWUiE+WLf/+jPPeNgzzxh88TTUS489Fd7H+w1cm6O5ygYNfpDid5ZuI4c1aVC5U5DEXDkxV82cB2Z5Dmj68G9f8/QkGhwxik6GSRePjSC0jtB4LEcebHqg9jp2rc/qlO7vuZHp79k0nspk//pgh3f77rA0eNNEOgGQrRRJDHqZvBv4VwcecNo65EvexRmLHZuD/Bxn0J5iaaqKqgVnKpFoPjHj9Z450f5tn3SDv1iseR5/NYdR/dFHSvjaBqgje/P4vvQXa0yfHXiuz5SBv3fbGbd5/Po6iCA4+1070msmC6dCPY9UAaM6oyfqqOVfdQFMHQtijtfSFG3q/SrF0VzZMwO9bECKnse6QNuxlIjBGC/JSF50rspk+14NI1HGJ4e5Sxk3WMsMLuhzIMb1++CkBxxqZR8bj10XayFxs4lo+iCIqzNnYjyAt976UC+x9t51P/YBBFE4yeqCE9STiu0rcxyuxok5MHlye8QlNIbutl7tWz5N8cYehLt1E5kwVFkNk/zOhX32LutXO4NYvYug7a71zP2NfeJjLcRv9ndnP+D16m7fa1WLkqxXdG8WwX6Uus2SozPzzO0M/fthAYSe3sJ9ydZPJ7R2m7fR3R4TbM9hg9j+5g7OuH0BMhej62g7FvHCKxvZfiO2PMvvIuw79wB6X3Jii9P0l8YzdOpUH2+VP41tLXjFe3mXv1LJHBDBOPH6Y5XcZrOmhRg7YDazj3+y/jVps45SaJLT2o4eBZrsZMwv1p3KoFCBRNQagKQhHE1neQ2NpL/s0L5F4/z/Av3E7lTJbZU5eltsWxy+TQaQT7Vp6sMXZwBj2sUplpfCik9hICUpnBc22mzr/E7OghmvX8gtuuqpskO9YztO0RwrFOhFDIdG+lWhhj6uwryzo1K4pGz7o76ejfGZRH8hxyE+8xefZl6pUZfC84ViEEZiRN+8BuetfdhW5GMUJJhrZ9jGYtt6wsWVE0BjY/RLprM4igfnAxe5rJMy9RLYzjzatQFtrv30XP2jvQQ3HMSJqhbR/Dqhepla49ZwpHOwhHO3DdJlPnXmF29DBWvbBw7KoeItW5gaGtjxCKtSMUhbbeHVTzY0xdeP0D5SUvgqoidB3r7IWAEFwjxzbdvYW+TfejaiGk9KnkLjJx5kXKuQu49uVIr25GSXVtpH/jA4TnSXrPujuoV2bITRz9QLt8U4ltSDVJ6gmOFE/QG+qkO9xBwS7TFepgppnDR1J2qpiKTl+4m5nmHLe37yWqRYjrMVShEFpCdnoJ0s/jV34H6Z5AhL+I0LeDrCObT+FX/wOKCEPo0ctROFnBr/0JwtiPEv/nIKJI+3Vk/U/wax0oiX9O4BbsIpvfw6/+F4R5FyL0jwADab+CbHwDH1Civ45Ytj6qRMomvpdDygYBKQ6hKGmEiLVEBYO8wzq+nwPZBGGgKB2Iq1w+pbTw3HGECKNqPYBAEYK1mQy+X8Z1ZlCUNhQ1M99mCd/LoWoDSOni+7MgLRAhVKV9ft8vufj5SFnG90tY1vP4fgHPG8d1Ty38vqoOtOyT79fwvBkUpRMhIki/QEwExlmel0BRMgihIf06njeJUKIoSjeaotIVuux66vtVfG8KoSRRlY4bkmMpCB4d2Ip6s5a8V4AZ1hk5McnE+SzhqIkZNnjk5+5sMZD6cUNRBJs39fBLv3AXu3cOLiul9n25Yr3Eq6FpCg8/tI1CocY3vvUWzWUeyB8E6VSEz39uP598bBfhsIHvS7Zv61+Iaq8WRbvGt8Zex1R1+sNtPNi9k04zRYe5sgP03xRIaVFvvoiqtBMJtZa78aRLzs5TcSu40qV7iYgtBAsXD96/BYA//fNXmVkhcnsjGB5q4zf+3kNs29qHogj6+9IYhjZP2m8Mfes6+dl/8iie6yMUgaari8zIHunbiit9oprBeK3A0fwkD/VuZiCaxvN2U7ZeJ2JsnK9l+xN8WJCALz0kPo5vIVl9uoCi6Gh6CEUEdbl9z8F1G4smpe+9WGD97gQ770uz+UASuxG4jh5+Nof60RtfTG7vM/nkbwyQaDeIJjUS7Qbb7kyR6TGxGh6jx2s8/QcTLQSwmLV56evTfPSX+/hbv7WBesVF+vCDP5rktW8HETer4fPUl8fxXcntn+zg7s934bkSVRf4ruS178zOPzMlVt3n2T+dJNGu88jf7uOeL3bjOj7Zi03efHKWHfekl9n7a0BAe3+Ih3+5LyBndQ+hCIywwsyFBs/+6eRCdPhKvPtcno37k9z9hS72PdKOa/vkJi3++F+cpZxzqJdcXvnmDJ/8jUG+9JvrKM8Fap9i1uZHfzbFg19aerH54vEqb3x3ln2PtLF2Zwy74VMtunz9t0cYeT8gUYVpm6/93yN88jcG+Nw/HkL6QXRc1QS1ssv3/tv4km1fCbduUzmTpTFZxM5V0dMRnFIDa7ZK9WwWb14dFOpOEO5N0nnfJtSIgZ4M5KJzr52j/Y51dD64hfybF7CygeTWt124Qq1idsapTxRpjBepnskS7k5itEUJ96Vpv3M9iq6iJ0KoIQ2vZlN6f4LmdBmnVEcN6fiWi2c5eE0Xr7bCQqKUeHUb3/FwqzbeFSlHjckitfNLm0UKcdnvpDFVxGtEaM6UCXUlELqK17CpnJ6hMVnEmqtipKPUR1bOIZU+5C/c3OfHchBCwZcek+deYfLMiwuE8BI8p0l+8hi+57B+zxcwQ4mFqGR+8tiyxDOWGaJjcG+Qg+p7zI0f4cJ738W16y3bSSlp1nJMnnkRfI+BLQ+jqBrRZC/tA7uZOPX8krmeiY51tPfvXJizFmdOcuHodxftz6X2J868iGNVGNr2KLoZJRzvoHfD3Zw7/E18b+XAgVAUfN9j8sxLTJ59eZE813Ma5Cbew/ccNuz9KXQjGvTR4B7y08dXldO7WvjlCq6iENm9A2EYuPkifnXphXTNiNK34V40PeBKlfwo5498m1ppctG2jlVlduwwntNk7a7PYoaTaEaU7jUHKM2eXXTergc3ldjqQuP2tj2cqV4gbxfpDndyb+dtjNUn2Z7cSFKPowhB2aliKDp3tu+jzUxzR9seJptZUnoCsUKMUFqvI+2DKNG/g4j+IkKYSAlC34ZX/If49T9FNe8EkZr/ggvaEErsH4AayP6Evh3PPoh03gG/AmoI/Bn8xtdBW4MS+8cIpROEQOo78N0RZPNpCD0GypbF+yQ9HOcwjdrXcJzD+H4RkCgijmHeTizxfyBE4opt36VR+wqOfRgp6wgRQjN2Eo3+b2j69vmC2OC5YxQLfw9d30Uy/dstv2lbr1Ap/XuisV8lEvt5QGI1f0it8v8QT/4rmo0f4DiHkH4FISIY5h1EYr+CpgV9IP0C1cp/xnGO4Lnn8f0S1fJ/RIjLxD2Z/l10Y9/Ca9c5Srn0b4nFfx2Q1GtfwXMvIPHQ9e3Ek7+Jpg3h+3OUiv8MRcmQTP/HhWMPjl9iNb9PtfJ7RGO/RiTyM6scWa0QQqD/mOqOptoTPPZL9zB5Icum3cP4nk8seVn229ebIpOOki/Ur2k2dDOQSUe55+6NfOrjexgYyKyYH9yeiZKIh1ZdN1oIQTRq8sUv3EoorPPNxw9RuEmRTkURrF3TwRe/cIA7b19PKKQjRFC7b/OmHgxDw74OB96MGedvr3sYTajoSlB6YaV7x988CIQIgVC5WhthKCbrY2spOWWKTnHFVkxT56EHtpJORfjKX73BiZNTH6g+MATOy7fs6OeXf+FuNm/qXiCe/X0ZQiH9hont7ESBi6cm2X3vFsx5o7OpkVkmL8yy9/6tC9u1h2K4vkfVtXiwdxMf7dtCygijCoWiNY5CCMfLI/F+kmP7oUJS98pE1RSokpzt4sqVJ2SqFqKtbROZ9k2EI21o86v2jlOjWpkiO32EamVygeCWZh2+8TsjvP30HG19ITzHZ/x0nekLDcZP1yllbbx5SfDRFwrkJi0KM60T4WrB5Xv/bYzSrLOQV2o1PM4ergQGTsDB77WShMKMjXdVTqXnSl75ZpbR4zV610XQdEG94nL2cKsbb2Ha5vHfvcjB78/Ssy6CGQlkxtnRJhOnai1lQCbPNfizf32OtTvjJDsMKnmHs++UCcU0Rt6rkpu6gfIrEl59PMv46TptvSZmWMFzJYVpm9GTNUrLGEdlR5v8xb89x5pb4iTbdVxHMjfepF65ZEIJh3+UJ3uxycCWKLqpUJq1OX+kMp87bJOfWtx2o+Lx7d+9yHsvFmjrM5G+pDBjkx29nEsrJYyeqPFH/+Isw9titPWZAaktuUyfbzB94Ro5e4BqapgdMdxKEy0eWiCN0m014nJKDZozZQrvjCI9H9928R2PxkSRiSeOkNzWS9eDW6iN5PDqQe3PwP1YIB1wKxbh3hRa3MRsjyEMFbdmYWXLFI+MBQTUl9iFBtKTyCvvt5cUgK6PGtJRQlrgqLyMMdSlOYMaNVBKKv6814TvthIr33YxO2KoUZNQdxIlNP9Mv2RyeMXxK6aO2RnHLtTREyG82t+MEj9XolmdJXvx7UWk9jIkpdmz5CeP0b3mNoSiEI51kGhfuySxFUogWTbDgeNzo1Zg8uzLK5Ij33PIjh2mvX8X0VQvQlHI9Gwle/Et7EarekAIlc6hfQs5tVajxOTZV1Y0nZK+y9zEUeJtw3QO7gUE6a7NRJO9VPLL+3dcQqOSJTv69go5p5Ji9jT5qeN0Du0LypPGO0m0DTN7E4ktBDm2fr2J4kuUyPLpP8mOdcTSAwghcJ0m0xdep1aaWnZ7pKSYPUtx5hSdQ/sRQhBLDxBL9VHM3nja000ltkIIUkaC/ZnLOVNJPc5ApHWl79a2XS2v18QGWRMbvGb70jkIIoQwbkUIk2ByCFLpRDFuw69/JcirVVKX9gih7wS174poaByhdiOd4yDnB717HrwJhPkw4CP9mUu/CGov2G8j3QsI/WpiK3HstymX/iW+X8A070bVgnI6njc2H62dHwRS4jrvUSn+Jr6sEAp/DFXtx/dmaTaeoOz8cxKp35ontyKQfvklpFycUyCljS+LSJot77nuCJXyb6OqfYQjP41Ax7ZfpVH/JqAST/4LhDARIowZ+giGeSfNxuNYzReJRH8OTb8sCdS0NVf9ZhAFbtS/ifTLaPpWTPM+fL+IpIEiAoMFRe3EMHbTqH8d13kfw7zjijaqWM3nAdCNXR/IPMP3JdVqE8t2CZk68fjli63RsKnWLFRVIZkMo16HPbmUMpDhSkkkYlIp1Hj7uWPMThRYu62fM0dG2bJ3Dd1DQTThIw9up683zetvnOPdo6Nks2XqDfu68jWvBUNXSaWj7N45yIP3b2Xb1j7CYX3F/GDfl4RMjei8fHq1uERuP//Z/QwPtvOd777D8ZNT1GvWDSkDNVUhk4ly5x0beOyRnQwNtbXIwIUIIoEd7TEmJourblcVClHtf+38SoG2JBl3fJsLtRFs32Eg0nfNdgxD48Cta+nvy/DMD9/juRdOMDtXWbZ003LQdZXenhQPPbCNjzy0jc6OeMvY6epMEI+FKJVuzH2xMFvm1Dsj7LxrE2hB/lNupsThl062ENu8VeOJsfc4XpzG9lzazCgP9m7iQMcwtjdJInQbigj/hNR+yJBIbNkkIhIs9stfDFU1GV7zAF29e1GEgus28TwLoahEop0kkoO0tW/m3JmnyM2e4JLWuFp0ef/l4qL2Dj3TOmk8926Fc+8uLvnSqHq8/p1W4lrJu7z0tZlF214LTtPn3OEK5w6vXFrGqvtcOFrlwtFrmKnJgLwffrbV+KY06zBzDTK3EhoVj5PXm6sqA1JemF5+Mu45ktETNUZPLF7QfO3by5ebq5c93nvp2pPpWtHl2KvFVe3uIghoO7CWzL5hrGyF+ngBsz2GW7Va0iMqZ7JE17ST3j+E9Hyqp2eojxdov2MdoZ5kkF96bhbf8Yit76Tt9rUYqTC9j91C7s0LlN6fILaug4Ev7EOoCk6hTnO6TO7NEdK7B/Fdj8Z4EA11q82AtMrAhOqSq3Ll9AxdD22h71O7mHvtHI2xpfvGrdnURnJ0f3QbtXOzlN86i6H68zLj1mOKb+5m4At7UQwVO1/Ds1yk4+E1HHzbw2s688RYktk/THrXAFauRn1sdaZLP06UcyOLyOPVkL5HfuoYHYO70ZQwimYQzwwyO/YO0m8l/mY4SaJtLUIEea+V3Aj1yrWvf6dZplIYI5oK0uBCkQzhWOeifTOjaeKZy54YlfxFqsVrqwwuRZ8zPdvQ582S0t1bVkVsy3MXsBsrR9Gl75GbfH/eyMpE1Uxi6UHmxo/eNIdhAK8Y9Ic5PIjfWNowUAiVTM82FDWglc1ajtLsea6VU+J7NpX8xcvHoJok2tb+9RLbSytOl9xdBa02/Uu9txSuvZ0ELwvCBCVNa/anAmoPyCrSL1/+RKiIeYnsAoSAhQlRMPGTfi6QNFvP4DlvXrVjQR7cAgm+co/8JrXa/8T3pokn/iVm+DHEQukJCyndyzm/WDTqf4nnjRFP/jtC4UcQQkdKD93YTanw96nX/oxE8jdBXGkEdD3kz0aIGInkv0VRgwmxEboXz53Ett/A9+ZQtT6EEsEM3QOA4xxBiNfRjb2YoftXbl5auM4J4sl/gxm6bz5i7iFl84por4kZeohG/ds0G99HNw5cEYU+h2MfxjDvQFWXNs5ZLVzX4613Rnjl9TP096X5W79w98JnI6M5fvj8MbLZCv/kHzxMOrX6ciBSSl54+RSu4/LJx3ZTLtRIZGLopoZju9TKDZwrIouRiMHePcPs2N5PLlfj3PkZTp6eZnQ0x9R0iXy+imW7eJ4fSIPn/786uitEkEOtKAJNUzAMjfa2GIMDbWze3MPOHQMM9Lddk9BeOoapC7PUq00GNnShqAqKouB5Hqqq4rkeRmj5doQQmIbGHbevZ/PmHt59d5SDb53n1Jlp8rkqtuPNH49/2dVUBDUkVVVB0xRisRCD/Rm2bevjwP61rBnuwDS1JX+zvS3Gpz+5d5FpVU93ctU5wsshlYrw2KM7lzWxuhJT9TK6ohDTTIp2g+7I9cua81adumPTH0sBYHkueatOzxVtGbrKwEACVVXnx0FrnyhCQQiFlJHEVFYnt1UUhf7+NL/wpTu55+5NvPb6WY68N8bYWI5a3cZ1PXzvsjRdUcSC0VU0arJmuIPdOwe57cA6+vsy6Ppi0phKRfj0J/cwNb14QrJxQ9eK4/L04RHeffkUIycneek7h9B0FelLzr431qKAAHhy/BhnSlk+2ruFuG5yrjLHX104xGA0TUjEqTTfRlc70cMdPyG3HyIUVNJ6F4rQaHpVDCVMw1+e8GXaN9Ldt59qZZKpibeolifwfBsQ6HqUTPsG+vrvYGjNfVQrk1jN4k3dX1XRF8r3+dLH8x2unlQpQkNRgvmA5ztLTv5Ws81P8OOFJCCB2edO4pQaOOUGftOhOV1i/Jvv4F/hXeHVbaaefA89FQEhcMsNfNtl7rVzaFED6fk4pQbS8WhOl5j50QlmfnQCAKdQx2s4jH71TdSoidcIyhBJ12fmh8cx0hGEouDWLNy6zfg33wlIqJRMfPtd/HlvisrpGaxsBaErOMXlFzCk4zH9zPvoyTDS8dixSaCbZQ59+92W7RoTBUa/8iZKSEd1HRQVGhU3UCyqAun6iFMKWtggvXuQ7POncAp1nEqzReL8NwFSylWXdmlU57AbpaAUkBCEY+1oeniRiVQ41oEZDtLDfN+lWhxfRH6X25dG9bKxl6aHMKNpuGoNJxzrxAgFNdOl9CnnRvCc1UXCa6VJ7EZpwaE50TY8L5deXvkU9NEYqzEaaFSy2M0y4VhH0EfxDlQ9dFNNpISuofd04VsW0ll6vzUzSjR5OYhZL02tWk7crBXwPQd13iE7klje8HY1uC5iK6XE9X2UeRKrCEHddRAIQprGRKVMezgoT1N3HCQwW6/REYkS1rT5QSEXvnvl3xdKBQYTKTRFLMgKFxNdneBEXz1gJUgHUKBlonOJxF6LHCqAhtB3I4wDS3yuIvRbFr3reVM49mF0fRdm+KMoypUGC6GWgKTvzWHbh9C0DRjmbQgRTNiFUDHMA2j6Fmz7DTw/i6YMtx7bdSAUfgRF7V3oN0VpR9XXYVuvz+f/3jgkYBi7MEP3zEfM5wtvX1FHUgiBpm9DN/ZiWS8Q8cbRtCGk9LGsF5GygWnehxCtk9lLJVkuRZk0TVmQ2TpuQKQUIdB1LXB21FXuvmMD1VqTkYtzLW1tWNeFpil8+Y9fWpCxXfoN3w8ciIM2tPlzJPB9H8cNimJXq02c+ZXXTGcCp+lw6p0R8jMl2rpTC/m1vpS40g0C+7pCV0+Ctq4ot92+jmbDoVCpU6/ZFHI1ZnJlyuUGzbpDo2EvkEPP94M6f6YZlI2JG/R0pujpSpFOR0kkwoRXIKFLwXN9zhy9SKYzycVTU+RnSsTT0cAQTMLsZIHd92ymacCbI+Ns6e5gfcdSluyCtkyMB+7fwh23rydfqDE5VWR8PM/4dJEfvX+WtnCYLT2dmKZGJGKQycTo6kjQ25MilY6QiIcW5VBeDU1T+fxn9624zY3CiUi2f2yIvmiSsKpztjxH2gyT0EMYqkrVsedzOYu8n59mU6qTmG7QcB12tbdGS6fqZcaqRbojcSKawWStjCYEQ/EMp4pZDFXDlz5HcpPsyPSwIdnBZL1ExbHZ097HSCVPtlFlOJ6h3VSx3fOoyuJFl6pbo2SXqIoKtmfTE17ZCO0ShBAYhhaUl1rbyafKDbKzFcbG80xPFymW6jSbwUMpFNJJpSL09aToH8jQ2R4nfo1zFY2afO4zN3aeHNtjZizH7GSBYwfPoagChCDdkeC+z7a6y083yjzct4V7utYjhGB7updzlTlKdpN0dAMhbQ1CKAhunoneT7AYEknTr6Oho4trKz8y7Zvw3CYXzj5NuTTW8pnVLFKrToGUDK65n2is+yYSW0E6OkBvegcRIwMILLfCeP4w+erIwlbxcDd9qVuIhzuR0qdYn2As9w6We5msJ8Ld9KZvIR7qxJc+xfo447nDLdt8KAhWNoM+vvT/JVxaPZQyMNi5Snr6Nw5KUL930bFcqtU0X98cX16XyY1veziVJs2Zy1Es6QYkdaltrWzrOXMrTdyranO7VWtRdHS596XrY822Eqorf9stX9G2L7HnDf1UFXQj+Nt1wJ3nBeZ8lRvbdrFmKqgqXLyg4NgOTjlwsNa04HtSgl1uoFQb3LJPJx5XeO1VB8u6Ij3Ymg8wOR7uVf3UgqXG2vx4kr4Pl8bYhwaJ1VidVNZzGtjNMpFE8AzUQwlUzVxMbBOdC5FCQUB0OwdX8awSLLQNQW5rQEAv2acGG4XjHSjK/KKZ62DV8qx2bu46TZr1PNFkT/CMDifQzdg1SvNImqvsI9dpYDcrhGMdABihBKpm3FRiq4TDqPE4Xmn5CLIZCo7rEjQjSsfArgVTsJUQirUh5vtXCNCMyDXJ/0q4LmJbdWxeHh1he2cXo6USIU1DAHHTpNhsMlIqcP/QWiK6zrG5LGXLouY4aIogbpisSaWZqlYoWxZDyRSn83NsyLQxVa0wWamQazSo2jY9scBIqi+eILFQ1kaAthact5DeJKhrr3jQ+kj3HChphNK2zN4vD6H2BlFStQ8R+fmFCOO14MsS0s+j6uta8lOX3raG782imVsWbStECFXpwXXO4HtzoA1f9zFcgqoO00rkRTABlD6XItQ3CoGCovZcllcvt52IEQo/Rrn4PLb1Mqo6iO/nsZsvo6oD6Ma+RZOkUrnB9585yth4HiTcduta7r5jI9nZCt996l3yhRoCeOQjO9ixrR9FCSbxhqFddbwBKQ6HDBSl1bSr0XR49vnjHD85iaoo3H3nRvbtGUb6Pq8dPMvrB88RiRjU6jaD/RlKuSqO5bDz7k10DwfS497hjoX8wDmrxEuz7+H4Hn3hNsKqyXSzQGcoxUCkg+NcQIkp7Opfy+TsNJsi7bSbSRquhSoUFKFwrjqFoWhsTw1zrjJJzq7QFYuyKdGz4CJ9vdB0lc7+DMlMnAsnJijlKji2S9/aTiYvXF6KPDUzx7/+3rP8xn23s75j+etGCEE4bNAXNujrTbN/7xqOTc3wjfp51vS38Y8/99GWvv5xQkqJ5bqoirKoXjTAqWKWmUaVjlAUX0qm6xVemxlhb3s/KSPMhUqeqG5Qti1URZl3b/c5X863EFspJWW7yYVKnpPFLFtTXYzWihzoHMTyXGYaVU4Ws+zt6EcRCmPVEopQMFWV8+U5drf1km/WOVHIMtuo8ejgBsDH8/PAcMs+R9Sg7NWclWdNrPWz1UJVFdLpKOl0lE0br02MHc/D9nzMK4xJbia2HVhHsj3GsYNnuf+zt6IZarB0KS4vXuatGrbn0RWKc6I4TX8kTUjVGKsVkEBnOEbDPoihdqEQWlDD/AQfDiQ+WesCqjAIKzEq7sqSRl2PYlllaldEQFrakz7FwghDaxW0ZUwihaEjPW9hzihUBTk/cxeqcvmzKyZLphZjXdc9NO0iF2ZfQwiVxFWLQREjw6buB7HcChfn3kJVdAba9mLqcU5MPIUvPSJmGxt7HqRpV7g49yaqYjLQtoeQHufExNP4NzlyK8wQeiaNlmlDb29DS2dQY3GUSBhF10FRwfeRnovftPDrddxKGa9YxCnk8Uol3GIRv9n86yW6QkGJRIJjSafR2trR0+ngWMJhhKaBIsDz8B0Xv1HHq9ZwC3ncfB5n/m+/0Vj2OLyaxfg3D2EXbtxQZvn9v4n3uyX2/867DXbu0tE0QT7v89W/qDM0pPGxx0JoGrzztsPLL1ts2KDxUz8T5uUXbZ7/kcXgkMpnPx/GdSWaJvjO4w0UBX7qpyNEY4KhYZXHv9GgWLz8m0EUeel+UsIR9M4OjO4ejM4utEwaJRRG6DrSdfCbFm6xgJPNYk9N4cxm8Wq15cfWDY4533Px3NW583ue01IrW9NDCGUxbTFCyQVipKg6PevuXLTN6iBQlMtBOJhfMA5dVlx5nn1dxkbS93CalxdZNC2MpoewV4gz+Z6Lv8o+8j0Hr6WPwgt9cbMg5+9DUi6/6KEZEVT9MjfI9Gwh07PYl+jaEAhFDWTlN7i/10VsFYJJz/lCgVyjjioUumIxxsvlYOVDN0DO59qGQvOTd0FHNMpbkxO4vk/JatITi9MXT3C+mOdCsYCpari+z2SlvFAWSBUK69KZ1t83H8BrfBPZ/B5C2wJqW+AI7BxB2i8h9D2gXTtXd3EvrEfoO5HWC0jzATBuDeTLUiJlJZAjq92tkubrhFj4c7lTdT2n0F52cAmh39T79FWtI1hMJBfvg4Jh3o6mbaRZ/zah8GdwnfdxnBNEYr+Mona2bC+l5BvffhvLdvmZLxxACEHI1FAUQSRscM+dG0kkwhw7Mcm3nniHTRu7CZnXF62RUvL6m+c4dz7Ll754G9nZCt/49tt0dSbwPZ8f/OgYn/3kHuLxEP/9D19ksD/Da0+9y8WTU2Qn8iTbAndrz/P5+f/Xx2nvSWH7LjEtjC99yk6dE+VxUkaEklPDbGpI4HR5nNvaNpM2YjQ9h6ZnU3EbwXKDouL4Lvd27gDg3eJ5ukNpSk4NX/oLsrobwfDmPlRNwYwYICWaEUipO/oyWHU7kH9+AH+BzliM+zasYWd/z4c43q6NctPiv7z4BvdvXMMda1vl7VJKhuIZZps13s9Po6sqJbtJ03UxVY2RSp6pepn1yXZc/1IdW0nNtZltVinbTeJ6EKlyfI+juSnqroPje0FucDRJXzTJW9kxpuplLM8NlAe+jyMDVUDNsZlt1JhpVDmcm8CXEst3AQVdG0K5SrkAENEi3NV+B570MJQPn7xJKXn6+GlGckX+1h37iBgfTiS0e7CddEcCfRlJ+h+deYPT5Syu75O3a7w+O4KuqJSdBnEtRNNzCQuFfP1JdKWDVOQBBD8htx8mPOniSRfbv/ZErtnIY5oJFEXD85aW6WlaCM+zse3FualqKkFo43qc7BxCU5Guh5ZJ4VWCbf1KFaHriJCJdW5kgdwqQkVTTOp2gWJtHNe3mC231qPsSm5GUVTOTL9I0wmk9J7vsKXvESJmG9Vmlu7kZgQqZ2cub+NLh829DxMxM1Sby+eYrhZC0zD6+ohs2Up43Tq0TBtqNIpYYlFuOUgpwfPw6nW8chl7eprm+bNYY+M4uTmk8+FLT4WmobW1ExocJLR+PWZPD2oiGRDZ6/G08P2AsBeLNC+OUD9+jObFUaTVGlmVnlwUgb0ZCK1bR+ajH7spbTmzWeae+A7Sah37bW0Kvg9/9Ic1/t6vx1i/XuORx0K8+pLF1JTPz/58hNOnHE6ecHnroEM6HdwbQ2FBb5/Kf/ydCnfcabJ7j8G3vtHgxectTFPw+DcbLAqG+Yv7Scu0Eb3lFqLbtqN3dgbnaIWHtpQS2Wzi5HLUTxynevQIzsxM65zT9/FvcJwFVTlWGWSR/kKZHggUgsoSpE3TAs+dm4Il+kbVLi/ESenjX0ckUUq/xQVZqOpCqsNK31ltH0nfa9kfoagfaO64FNzsHPX53Fq/tvSzQFG1Jc/NDeMDnM7rYmq6qrKtowtTVWk4Dqam4UmJAiAEjueRDAWMfTCRYq5eYyiZJKTptIXCNFyXmG4Q0jV0RWFreydhTafuOqxJBdb3ihBM16rEDQPj6pu9vhUl+rfxa1/Gcy8i9K1BXq39NogESuzX4QYmOkIkUWK/ilf+d/ilf4rQt4HSDn4V6Y0jtEGUxG+CaLXnV5QkipLBdU7POxwvnw8nlASq2oPnjSFlDbgcspd+HdcbQ1ESC6RPEEQ0JB5SegukWkqJ504CN+vhdWn03NwVX0VpIxT+JNXKf8RxjtBsPB3k9pr3LsiwL6HRsDl7PsvP//QdDA1cjhxKKXE9jxOnpsjOVsgXqhSKNfxlHAZXguN4vPPuRcYnCnzlawdxPZ9qzaJQqJEv1Ohoj7N1cy+GobHrlqCW78e+dBfjZ2d47/UzPPD5WwF47ptvYs3XAjUVnYwRnzdWEXSH02SbJbpDaRzfw/Fd+iMd2L5Lw7NRhULKiHG2OoXne2xNDtJuJtGFiqao7E1vIG9X6A5lPnApo8i8mdal6HIL0qvPOV4OHfEo/+bjD33gdj4oJoplXj8/yp6B3iU/D6sa29PddEfiQWpEo8rdPWvoDMeI6SZb0l10ReJk6xVc6dMVjpO36tzWNdRyReiKyp3dayjZDZJGiJhuLny+eV6+rCsq7aEoPZEgF2cglmKqVuaO7mFCqsaDfRtouA7toSggUJXlc3g1RUO7ud5+y8JyPd44P0bTda+rPNT1QtPVhTIAS+EX1x+YJ/2LIRC0m1Gk3EvdPklIXzu/yPYT/E1BdvoI6cx62ju3MTN1GN9vfUYZZpyevv0UCxeoVhaXf5Cej/R9vFI5yOeqFpCeh7RtpOXg5gtoHe0oqtoSsW3Oy44H2naTia1hrnyWbPk0dTuIMAsUYqEOomYbOwY+uTBh1FQTQw1jqOFgG7ODaOjqbUIYagRdXVmRdU2oKqGhYRJ33UV4/fogUnaDK4JiXqOqJRJoiQRmfz+xvXvxqlXsqUnqJ07QOH0KZ26OxcznA0AItHSa8IYNRLdtx+jrR43Hb/g4IJB+qrEYaiyG0ddHfP+tWKMXKb38Mo3Tp5Huh0vS1UiU0Jo1195wFRC6jlAWR5k8D+ZmfcolSbnsE08IYlHB9LRPbs7HdSRmaOk+HBt1yed8SkWf9g4FKS8rha91apVQiNi+/STvuBOtvX3V50kIgQiHMfv7F85J5e23KL/2Kl4lIM3S8xYR+NXieisYrGq3r/T18VyK2dPYzRtbCKkWJn4sFS6uheur8vDhRhek4+DlrxUJES37Uc5dpFGZuaG+bNZyq5IwL4frI7aKwkD88mTs6vqsV75nqip98cTC66iuX/rSfK6fpH++rTYuPzQ8KTFVlXRo8YNECB0iP4OirUE2n0Y6JxDCRAl9ChH+eIs8WYgYQtsMasfidtR+ghqy5sI+oW1FTf4HpPUM0n4T6Z5BiAjC2I0wHwCxuEC5qvaiG/uxms/RrH+HUOSziHl3YLDw/cp8LVsNRWnHMO+hUf8LrOYPCUe+MG++5GJZz+E6JwhHPod6idgqcYSSxnPO47kjaPo6pATPvYBlPY+8RtmF1UKIGFK6eO7oPIG+WSsuCmboIeq1/0mz9lc4zlF0fReavnHRllemDEkpF86h43h853uHqTccPvnYLrKzZb769YN8EBJ+2/613HHb+mAPhaCtLcYrr51pufiudFE2wjozYzleeuIQUsLMWA5z3tCo3UzQdkXdVAH4yIXo/K702vlLXfBIzz4mi2WaVY9HuvahqcFD6v/L3n9HSZad153o7/rwNr3PyszK8t609w7d8CAMCRqQBMUnSo8aaZ5EuRE5Iz3NI0UzMhxKFEmREgiCIDzQQHvvy3uTWel9RoY319/540ZlVlZllutuiGs97LVqVUbEjXPPPXHN2efb3/5kI8fIYp6edJID6UFcz2WmUGIiV6A9EUOuy2MLNZ2lShXTdpBFkUQoQDocWtPx2fU88lWdbKWK6fjbRwIq6XAITV77kjdsh4VSmYppoogSTdEw0cDqvDrX81golcmUV1bskqEgbfFrJzem7TCRzRMPBUiFgiyUKhRqOoIgkAoHSYdCa8qXa6ZV74d1DclKBAN0JOO4nkexppOv6bw6NMpSpcpUrsDpmRUXxM5knFhAoy0cpy182VTCAxuylRoTlQKJQJDGSBhFkojG/XuBv3DkYeseQVGhUu+PYdkEVYXuaIqgsjriGFU1NqsrZgcJbeXe1RtLXfN+STcYXlyiNR4lqChkKzWy1Wr9GIOkwyHkK8o4eYDt+L9PUTeRRIGGcIhEKLhKrm47LmPZHJIg0JNOrupjxTCZyheIBQK0xv17lG5ZZCs1xrI5Ts7M0RSNcG5ugWD9Xh1WlWva8QDTslkolykbJrIo0hiNEA9cm4OpWzYTuTyNkTCJYIBctUamUsV1PaIBjcZICPWK87EhEMGwbRZKFcqGr0oJKDLJcIhYQEMAFitvEFa3UjIOoUrNSGtEvH+CDx/RWAex+JXqKP9arVYW6e17lHTDJsrlWWyrhiCIaIE4sXgXmhZj+OLTa0Yj3FKZ6pET4Hk4uTwA1vziysNBEPBME2Nsdf6u5zlM1/Np09ENNMU20prcztDcS2RKl+pzLYGKkWUmdxLHs6/8MmUjU5+TCVSNLNO5k7hXbVMxVvs43AqkWIz4PfcS3X8AMRyuH8oHOxEVBAE5GkWKbCTY14+1eAfzX/nvfqTt/UIUUVvbiOzZQ2jTZpR0eiVH8wOEIAgIikKgrx+to4PSoUPkX3kZp3iL9VUFEUGSPnRSfLOQZdi9VyGfd2luFhkfczh/zuaRxwLksi61mkc269LeIdLVLaFpAp2d0rInxtUo5F2236+xe4/C2TN+nu3VUJqaSD72OKEtWxHktRUyNwNBEJDicRIPPUygu4fsD5/GmJ7yI7a6vmq+dvNtijctlRVECUFcCYR4noO7himUL232AwyuYzE78hb5+YvXbHdzuHbQHXtFQSAI4g0jrldCEEREaSXA4Dr2DSO+oijd0hhd2R/PdT7wtImbgevaeK6DUM91zs2dY3ro1Zsy8Vobtz/Pv+Ul75xZomBVCUoqLcGVSdtaxjO38nq5Q4JAU/haErnyPQ3UexHUO8Bz6is1sr96f2Wbyg7ExB+BcK2sToj8fWzXIGPZNIguUt2F1JM6EEJfQgh90c9JrbcNMoIg4ngOAgLicjRNIxz5Ozj2OOXS76HrL9bL5Hi47jwgEUv8WwTBJ7fB8Bew7fOUS/8B0zyMLHXhuPOY+svIymaC4Z8H/Am2KCYIBB6jUv4jCvnfQNXuAM/EMo/50dwb5LneLFR1LzUxRqXyJ9j2OKIYxfMqBMM/e03Jn1uBIAhIcjeq9gB67XuARyjyq1cQ/xUEgwrtrQneOzxCOh1GEn3jqEBAoVjS6exIEQlrvHtoEbNeQ9N1PQzTwjRsLNuhWjVRVRlJEjAth5ru1yms1UxM00aWJbZuauP4qUkeuHcTiiKh6yaKLNLZkeLVNy9waXSRRDzEhaE5Bgf8HK2G1gSPfO4Oxi/MAAIPfvoAyabY8jFefRZLV+U3X4bowbeOneWNS2P8X5/9KO2JGHOlEv/0O88yVyzxR1/4BNvamqmaFr/7/OvEAgH+2eP3Y4sCf3P0NC+cH2YqX8R2XAQBWmJRPr5jE5/cuYWQunLTtB2XZ89d5G+OnmY6X8S0fUlsIhjknv5ufvWeA0QDK8oCQRBYqlT59y+/xZuXxinqOiCwuaWRX7v/INtaV9xuHdfl2bNDfP3IKXTbplDT+dj2TfxvTz50zThkKlX+6Xef5Y6eTlriEb574hxLlSq269GZjPPT+3bw+JaBVXmx40s5/vjNQ5yemcdyXKqmSekykYuEeXzzAP/gobso6jr/+Y33ODoxw1SuQKGm89/ePsLXjpxcbus3n3yIe/t7ll+XdIMfnDrP90+dZ65YwvU8EsEgDw5u4At7d9AUDXPZ2f2Fc8P82dtH+CeP3scPz1zg7OwCFdMiIMsc7O3gy3fvozu1Wr1xKzg5PcfvPP8af/e+g1QMk28c838rx/XY2trEbz71MO2Jy7WvPWYLJb56+ASvD41R1A0EATqTCT63dzsPD/YRqNcpLuo6/+J7zxNRFf74i59CuuJ+eH5+kX/x3ed4ZFM//59HfQfxVy6O8vWjp5jOF5nOF5nKFfmNbz+z/HvvaG/h9z7z5PJv63oeo5kcXz10nHfHpigbJqIgsKEhyc8d3M1dG7pW/Z7T+QL/+Fs/4gv7dtAYCfM/3j3ORDaP6Th0JuP88yceYEd7y6rt/+ubhzkyPk3ZMHE9D1WW6Ekn+fLd+zjQ3YEoBNGtcUTUD3AR7ie4VSRT/fT0XaXY8Ly6aZBEunEzqYZBLk9OBEHkcirOwKaPc+Hst1haPHttw1fP5K987XnYmeyas30Pj6qZpbqUY6Fwnk1tj9Oe3EWmdAnPc6maWYJqnGxlnJqZX/OYqkaWgBIld51tbhVKYxOpj3yE0OYtfq7phwxBEPBEEbdWW5Zw33Ib+L+VVzfplMIRGj79abSOzhVTqA8L9WeqEAgSu/MupHCEpR89jZPPL28iakGftHoeoqLiOjZyKIrnWDh6lWBzF0osSWVyGLtyi6T4Q4BlweiIg23DX/1ljfk5lx98T2fnLoVAQODNNwzKZY/OLonpKX/M0w0ioyM2LzxnYFlw5oxFoB7VPXbUAgGCIeHaQJ0goLZ3kP7oRwn0brglWfh6uGwyFejvp+Gzn2Pp+99DvzTs53Y7js/cb6U9UUa+yVJ9oqQgX5G3aZu1a5Qg4Jft8VwXQRIRRBFVi3I1MRJEyd+mnj8riCKe5/pz/yvfF0Q8PERJ8XNLXQejml9uR5JVZO3mVW+CKKEGVua9jq2vyhte+zvyqnzV60GU1NVjZNXwnNszXXo/cKwajm0sm3gpgUj9jv/jj37f0hnp4jFeneel+eOU7Rq/ue3n39fOPc/jXHGC5kByVeTrRvAfktp1o++CIME6q/mCoDGj5/mr8Rf5ewOfJKaE6u8L2C6UbRNZkAnKASp2BQGTgBRgqDRKVAnTGmhGFiV/lVTZTiz5O+jV72GZhzCN1wARUWpA1e6/wihKQJK6iMZ/E736LQzjLWzrFIIQJhD8GMHQF5DkviseGirB8M+CIGPoL2PUfoQoJlED96Oq+ykVfxdRuDJ6HkGSurnGmAoRUUwjyR1rknxF3Ukk9s/Qa9/0+y5IiGIjwatWfAQhgCR1IC7XCL4ZSASCT1GrfQNJ6kTVDtR/u9UQRZFPf3wP3336OH/xl28hSyJ7dnVzz50D3HPnAM+9dIbZ2TyRaIC+DU0+GcuWee7FMwxdmqdU1vnq19/hzoP9DA408+IrZ7kwNE+1ZvLt7x9l82Ab9909wN13DpAvVPnLv34bURRpbIzyqY/tobe7gf17evnu08dIxEO0tsSJRLTl1ciO/mba+/xI+oVjY2QXijS23RqxEQSBrlSC/GmdmUKR9kSM8Wyekm5gWDbDi0tsa2umWDMYz+Z5bPMAAUXGclwy5SotsSiPbR4gGQqyWK7w7eNn+eM3DtGRSHDfQA/gX08jmSy/+8Iby2QgFtAo1gwuLmTQZHnNiO2zZ4fob0zz+b3biQcDnJ1b4BtHT/OfXnmHf/fpjxCrE2FZFPno9k3s6+5geCHDbz/3Gqa99mqc53lUTYsfnD6/3Pe2RIzpfIFvHTvD//3au/Q2JNna6kc6DdvmP7/+Hm+PTvCLd+5lW1szmXKVr7x3jKGFJf7fD9zBnb1+hCioKHxky0bu7evh+XPDfP/UOT6/dwf7ulfMngabV5Qahm3z9aOn+PO3j7Kro5XP7N6KKkmcmJ7j28fPkK1U+V8euptkyL92LNePmv/7l99isLmBL9+9H0kUePPSOM+cuUhQUfhfH7ln3ej3jeC4LvmazreOncG0He7o6aQ1HqNQ06ma1vJ4A+SqNf7DK2/zzugET24dZEtrExXT5JkzQ/z+i28giQKPbepHrEvgdMtCXmPi6boeVcvCdFZ+ry2tTXz57v3MF8v8wYtv0NOQ5BcO7lkmyrFAYNUtdrZQ4vdefJ3hxSxPbt3IQGOaom7w3ZPn+LfPvML//tGHOdDTuRxFduvnwAvnhjEdh+3tLTy5dSNVyyJTrtIQXrk/u57Hn719lOfPDfPZPdvob0zjeh4z+SKjSzki9cWbmHYA2y0hiZGfuCL/T0Que2nNCebNola9zXzVNUhtSE2SivRQMbLYTg1NiaLKoVU5sQuFC6TCPWxoupv5wnlsx0CVIyhygJncKTzPYb5wgVSke9U2mhJBFgPM5E/dctkfOZEk+cQTftTsFnJo3zcch8q5M7hV3xVVFlRcfM8Gz3Px8JAFFQSwnBqyqCEKEq7nYLsmyUAboiBTMGaxXAOnUsacnUPr7PpwSe1VEGSZ8PbtOJUyueee9YkUEGzuwHMcXNNAjacQRAklmkSQZYqXTqOlW1DjaczC0k0QW++2oo63irlZhxefXwmtVqseb7+12hzo9Emb0ydXE5JCwX89O+Ou+u6br69tLKQ0N5N+6qkPjNReCUEQUFtbSX/sYyx95zu4eg3PcW55wUYQBLRwmut7zviQlSBqvYwPgKmX1iyzUy0v4rp2Pc9TXuV0DKBF0oiygufYyFoE8FCCMWyjihKIYFSyyEoQ26wiKhqOUUVSg1i1EnppkVppAdepty+pBMIpP/B1EzJbWQmghfz5oud5mHrpho7FgiAQCN+cEa6sBleZW5m1Ao5zc8ZTHyTMWhHLKKPUSX8o1oIoq7jmj59k37J51I74BlzP45tTr6/6zHYdqo6B5doookREDi5HNg3Hour4soWApBKUNBzPpWhVeHrmXR5o2omHR0QOoolrlzaxXBvDsQjLASq2L2kMShpVRycgqoiCSNmuYbk2wfo+Lq/A6K5J1TaQBYmIEkQSRFzPpWLrePjlhyp2DVmQWDKzHM+fpS/SRUyOcrpwAQ/YFt/IxdIICTVGWk0ii/4kWBBEZHkzVqCFee8pNkZ991wBlYItsmgYNGoa83qBM4UJ9qQ2EIv8PSbdR5mrLXJX41ZUKQGslvL5dUEbCUf+XwRDP4OfU6sgijFAJJH6I1ZK5ghogUdQ1f3MGHA+e4o7GzcSkQOYnsSS+Fnak19CkhpWjannedieghZ8Ci1wf70ckICAinBV/p+i7iCR/hOuLtNzQ9RzgzXtXiRp7TxIgPa2JL/4s/dQrZkIAoRDGrIssntnF30bmnAcl0hYw7IcNE1BliUef2Qrjz60ZbmNSDiAJInceaCffbt7lt9XVRlF8R2Uf+qT+yiVdTwPggGFUEgFBJ58bDv33jWAJIqomozneZx86yLBcIBLp1ekb+PnZ3jii3ffMrEF6GtM4XkeU7kCezvbGc1kSYVDdCTinJqe5xM7t5CpVKkYJr3pJKIoogkCv3LPPgQEQqp/bTiuSyyg8X8++yqnZ+e5t797+dyZL5WZL5b5xTv38uldW1HqtVIN28apR8CuhOd5RDSVX3/gTja3NiEADw5uYCZf4vDEFNP5ArGWujxeEEiHQ76kWZJuSOw8z6OoG/yzxx/g4U19SIKA7bqAwJ++dZiTU3PLxHaxXOHwxDS7Otr4zO6tRDTNlxzrOr/93GsYtkOiTjw1WWZnh18vbWhhCVkU2djcwN19a9dGHlvK8a1jZxhoSvPPn3iAlphvBPbwpj4Cssx3Tpzljt5OntiyIpO3HIemaJjfeOw+0nUCtqezjfFsnqOTM+SqNVpi16oPbhaGZTOZK/C/Pfkg+7s7UCQJx3UxHYdAfVxdz+PtkQleHRrlp/ft4O/cc4CA4p+bW1ub+cff+hHfOnaGA90dpMK3LsntSiXoSiWYyOYJKAoN4TAHezuJaNfmZbuexwvnhzk+Ncvfvfcgn9+7HVWWcT2PvsY0/+gbT/Pt42fZ3tZC+Irvu57H2blF/tWTD/HQ4AZUSfLlzLa9SobsuC4X5hZJR0J8fu8OWmK+asfxPGqmRVBVcD2dgv468eD9lPTDJIIPIt3Ajf4n+GAgyCqBVBNyOAb153qBQv1Tj+rMKI7+ITjW3kzfBJFkuIu21E7kQAhP8CjmJ5nIH0UKRXAtk7K1xEjhXTrSu+kPPwiuh6sI5PVpxPIFXNeiSpGR4mFaggP0tz+IpIYw9SJL+WGkQBBPAEf3rUylQMAvH6ev7eQrKAqxO+/0I7XXIbWe6+IZBk61il3I45TKuIaOV68JI8gyYiCAFI4gx2K+8Y+q+vmc65Axu1Cgeu788uvG0AZs1yCkJDCcKnguATmGJMhkamM0hwYoWxk0KcxcdZiE1oYoSJhOFctcANelfPQw4e3bkUJr32e8ej6RZ1m4hk+GnWIRp1LFM416NE1CDASQEwnkRBIxFLqhTFZQFCJ79qBPjFM54cvUjaV5Yv3b8FyX6uw4yc37MIs5XL2CaxoYS3O4Ro3a7Pi67V6GOTdH7rnnEIMBRC2AGLj8T0MMBBE1FSQZQfTlzYKq3jJhvHjBvrk80fcJKRYj+fAjNyS1nufh2TZupYK1tIRdyC/nywqqhhSNoKR8h25BU1cFI3xy20by0cfQx8du2xk5mupkblS6YTmXYKRxmbT5NWcXVzkAX0a1OIdZK/qRS0Ekmu5GDcQwdX9hQ1KDfs6qqCCrQXw3fhFFCyGIErIWRg3F8Uqev4AliL5pVf13q5UXMWp5AmG/LGIs3cPC2CFs68YlNMPxtlXkvJSdWGUmtf4YdTE3+s4NS2KFos0o9Yjw9cbow4ZplKgW55Zr0IYiTYRiLRQzIz/2vtwSsRUEAUmQUMRrnXEvlqZ4af4YumPi4vJ4y352Jvuo2jrfnX6L2VoWF5fuUAsfbTtIya7xwtwRjuWG0R2ThBrhkZY9bIp2rrnvqeoiLy8c5wtdD/KX4y8SVUI81XqQb029zqMte8maJV6aP4blOoTlAB9tO0hnqIl5Pcczs4fImAU8z+POhq3c1bB1uV3P8xgpz/Lc3GHub9pBZ6iBlBpnychjuTZ5q0SjliQgBWgNNtGkNRC4qlSBIAjkTJOzxQqdkQFUUUYWRBBqBOo3mLgSYraWJ29WSSiNpLQu3sgscEdTCg+FmmPi4RGUVDzPw/IcHNdFk2Rc4miSgun4bqqSIC7n4vrE3cJ2RYJSMynNZqxylp3JbsKShuN5RJQmJCmC7XlYjoHreQRllaJV5XxhmsFYOwk1hkME0/EdYwVPwKxvG5AUZFFDkm6unuYKXEz9JQQUtMAjXJZZr3duBYIyweDqB7YkCSQTKw/TQEDB9Vw8ySOdiqz5ULy8vVsndK7nYTg2iiRh4hKJBRAFAbFOtAQBHNEjGFUJyMpyxCnREKOYLVMp1Ojb7p+XhUwZ4TZL2zREQsSDASZzBWqWxfn5DB2JGP2NaV4dGkW3bEYzWRRJojudqKeGCYRV1Z/gWzaO6+J6Hs2xKKIgUDFWr8y1J2J0JuN889hpREHgzt5O2uIxAsr6E4i9Xe30NaaWjzuoKGxsSvP68Cgl/f2t/HWlEhzo6UCuXweKJNHXkEIWRbLVlYeC4/puwgFFXjbOEvBJrCAIqyKNt4ozswssVap8evfWZVILEFJVHt7UxzePn+HIxAwPDfYt9xPg4U19pMOh5e2ToSCdSX8RQl+nSPmtYFdHK3u72pflu5IoErxi/4Ztc3RyBs/z2NfVjm5b6PW8sUQwQEciztDiEplK9baI7a2gapocnZwhKCtsb2+hallU666YzdEwzbEIZ2YXKOrGKmIL0JNOcv9Az/JCiAAElNXRVlkU2dXZytePnOIPX32Hj2zdyOaWRmLBwDLR1u05quY5PFwUMfUTKfKPCYIo0bj3fuKDexAlGUFW8WxzOZfRyC4wnVvANfw0hpuBn2P7wUjUKkaW8zPPEWrqJNw0iGPWKJROovZ2EFVVPNfFWJxD6OthWp9HtOcxF+YIdHZDe4gAXQiyjBJPYVbKDM+8TbxpB3Ioil0rkV84T2z3AZxqhcrIBZRYgmBnL1Y+S/nSOTzz2nuk1tFJePduv2zPWsfvutiFArWLF6gNXcScncWt1fAsyzfmcf06pgiCT6hkGUHTkOMJ1OYW1PY21NY2lIYGRE1bznn1XBd95BJ2ZiVabbsGMbUJDw9NDKFIvmzRdGr4dehF5qrDdES2ISBQMjO4nk3RXCnbZExNoY+O+NHn+v3QqzsYubUa5uIC5vQ0xvQU1tw8TrmEa1k+QXecZeknkoSoqsjxBMH+fkJbt6K2tV+X4IqhMNF9+9GHL+GUS9jVkh+tTTZhnj1EdX4CUVaxa2UcvYKoKITaegi2dFGbm7juuWMtLpJ/4Tl//CTJX4So/+//kxECGmIwiJJMknj4EZTUrZWUvHD+xxCxkiSi+/bfeCHFtjFnZymfOklt6CJOPo9rWnA5D1IUERQFKRRCbWsntHkzwYGNq0zCBEEgsGEDakc7gnrrZq0AkWQXgXCaWmn9HHBBlEi1bUWq56c6tkEpO76mcsKsFShmRghGGxAEkXC8lVTrVubG3gHPo5afQ5RkP6pbUuptXD4e/3q8XDfVL7e8Oopv1AoUFi8tR1GjqW4iyU7yC9fP45WUAKnWrctSYcfSyc2du6kxiqa6CYRT6OX18/sFUSbdtm1Z/uvYOqXsxM27Tn+A8FyHpZnTpFq3IkoySiBCY+duKoWZHzvR/sCSPloCSZ5quwNVlHkrc4YX5o+yI7GBRaPAsdwwv7ThCRJqBDxQRJmUGuWJtgMczQ3xsfY72BBpIyip6z4Xg7LGvJ4nYxTJmiUqdo2MWSBnljEci+9MvcmjLXvpDDXyzOwhnps7whe6H+SlheMIgsDnux5kqrrIt6feYFPMJykCIuOVeV5eOM6uZD+D0U4KVhHXcwnJIXrCHdQcA1kQichBmgONTNfmaAqkCcvXTiRHywv8cPoocTXEXQ2DvDh3krZgijsbNhKUVUKyWveoEIgoAdR6wnfVNnh5/jRZs8z+dD+O53AqP0FEDrAt0cXZwhSPte7kxfmT7E/303CFbHtOz/Pm4nkEBO5u3ERLMEFQ8h+mjudyMj/OWHmRT3Ye4FR+gvOFKQB2p3rJmRVemj9F1ixzMD3AoewlyrZOQgnRHExwZOkSqqgwGGtjT2rDTdVV9S8oC/CwzNPotadRtYMo6i4/2ui5OK6LKIiIgi/7lOok82x+lg3RRjRp9Wnper5c6LKR0oJeYqSUYV9DNwKCnyONbwbleh5iPQ+oaBg8e2mInF4jGQjSGYszXS4SkGSawxGimkqmWiWuBRjKLmE4Nvd29tAZ91fXugdb0asG3ZvaiNWdhBvbk8t/3yrigQCdyTiTuQKZSpXhxSUeHNjAxuYGvnn8DPOlMpcWsyRDQZqj9YiV6zK6lOONS+OcqxM03bIp6jolw18M8S0T/POqO5XgX3zkQb7y7jH+y+vv8VeHTrC3u53HNw+wp7NtTYLbHI2sip6BT0Bdb8UU7naRCAZW5fSCT2IEfDJ7GY2REJuaGzk2OcNrw2NsamkkV63x/LlhYgGNLS1N3C4y5QqO69Eau9bkKhkKEtFU3yDKtpGveFB3JOKrthUFYfkcXJ36511OL7xpSZsoCDRFI9c6v18B03aYL/kmTf/mmVfQroi2u57HXLGMKkmU9dtzp7wV1EybTLlCplLhX37veZQrzK1c12O6UCQVDlG5apIvAI2R8LIh1XoQBIFfuGMPoiDw/LlhXh8eo7chycODfTy4cQNtiRgBuYeW2JdRpVb8mtwfrNTuJ1gbSixFYnAP+QvH0LPzpHfcxeKhFxEVjeSWfdQWZ7CKOZpb9xAM3dykf3H+1JrOyLcHD8up4SZD5KfPUZ24hKgFiaQbybzxAondB1FTDdjVMuWLp4lu3omp2AhuDS9XxswtEWzrwlicozo+jJJMI7Skqc7P+EZWru2TTtvyy4+YBq5h+KRtrdujKBLeth05Fl/jQ5bJZ+6F5zEmJtYtz3O56eXPy2XspSX0kUsgSUiRCEpjE8H+fp9otLSA61E5c2Y54gu+a3RSa6Ni55EEmYIxR0CKojslanYBx7NwPRu3nlN7mQjrTpmK5TtLe6ZJ+cgRgn39oKp4pok5N0dteIja0EWsxUW/5ul1nEw9xwHLwtF1nGIRY2qS8onjxO64i+jBg+uWoREEAa2jE627m+qZ0/WcSI/qzBie41C6dAYlEvcj6LaFkVvEtY7fmquq6ztyX69UkhWJErvzLrhFYvv+IPjHewMZvNbRSfTAQX+RYy14Hq5hUDp6hOIbr/uO2es82z3T9KO5i4tUz50l0NND4sGHCWzYsJxjLUgSUvD2F1MD4SQtvXcwee65daOeicYBUi1b6rmwHnp5kWJmdM1tXcdiceoYieaNaKEkoqTSNnAfRi1Hfv4inmvj1KPDzhr5p4IgoWgBHNtclgmvGh3PZWH8EKm2rShqGEWL0tp/D3oli15Zm3gKokxD2w5SrVvqv6FLYXGYcn7qJscoRUvPHUxeeGFdYphoGiDZsrnevke1OE9paeym2v8wkF+4SCk7TqxhA4Ig0tC+g1o5w/zou6sMuNaCIIhIShBZ0dAr16+ZfiN8IMTW8zyyZok3Fk9TdQzm9OyyVXVai9ETbuZbk2+wN7WR/anBulmTQEQOIgkSITmwnOe6HpJKBFWUuVSeIa6EcTyH0fIcETlA2a4xUpnlhfmjyIJEya7SoqUoWVXOFsYxXJOZ2hKO5+B4LlXbnwiW7CpfGX+B/alB7mnYhixKpLUk9zQeWN7vwfSu5b97wh30hDvW7WN7KMVDLdt4duY4kiAyGGtjUb+xeUHRrlJzTGqOwWh5nrQWJa1FeaRlB57ncaE4zancOEWrRvyqcbpQnKE9mOJgwwBXrwrIosRAtJXxyqIvC7Wq9EaaSGtRxiqL7Er2sKDnebB5GxmjRMGs8snO/Xxj4m1sz6UtlGIg2srJ3Dg7k92IN1HH13GmqJT/ENdZwrbO4GETjvwaQj0f+HBmnLHyEjtS7SSUEO9lxhAFgX3pbr4xfpR7mvrpCqeo2AZKPY/5YnEeVZTZlerkdG6aBb1EQFIYLS1xtjBDQg0RV4N0hBJcKMyzO91FTAnUI94S6WAID49zmUUe6t3Au9OTBGSZ43N+bVNVkhjKLtERi1GxVk/MRVHEsR0sw2L84hyKKvs1YG8DIVWhO5Xk6OQ0o5ks+arOltYmmmMR8DzGMjkmcr5DclBV8DyPE9Nz/OsfvkSxZnBPfzf3D/QSCwaYL5b54zfeu2Yfkihyb183O9tbODM7z4vnL/HmyAQvXbjET+/byZfv3neNhFiWxA/NLF4UhFUmRushpKr82v138Js/eIHfevpFkqEgnue75/76A3cy2Nxwwzau1wcE1i1l411eDLlqFK4kb+vB8zwWsmWqNZOu1iRXK8DWI7qCICCJ1zdiueyuHVIV9nW1Ew9eayYRUhWaouub7V2G5TofQCkfgVggwIHujmuisgCxgLZmH+UbHOdlNEbC/PoDd/LJnVt4e2SCFy9c4g9ffYfnzg3xz594gE3NjVTNC6jBZor6W0S1/R+Yid5PsD7kUATPdcideQ9BVnAtE31pHrtSwCrnabn7KXLhGE0tO0mm+tZo4Yrf3vMwrQqlwuQHSGx92OUiWlMrCAJmZh7XNIj0DSIqKlY+C4Lom6p4Hq6hoyZT6HPTvvTXdXEt34nb1WuYmXnMXAanUsazLKxinkBLO2qqEbtcwq6UCLR2oM9PY1/1zJAiUbSe7nUjZ+b8HJnvfgdrbu72D9ZxcAoFnEIBfXgIMRxBa29DaWpGH1s9+a/YecZLx3E8GxEJy9UJylFEQcZ2DSZLpwBYqAxjeya6U8J0q9ju6uOqXRqmeuE8nuNSOXEcY3ICp1y+bTkqnoedzZJ74TmcWpXkw48grEPMxGCQYH8/tfPnCTZ1IKoapZEzfjOOjVlYWrW9VXwfRdp/rLh+nmlAjRELt5HJD6126r6yBUUheuAAcnL99CjXsii8/hqF117z5fM3Cc80qV30Fy7Sn/gkoS1bb/ylG7Xp+UvxzT0HEASBudF3qJUzdVmygCSrxJsG6N76kWWJretYLE4ew6jl1223lJ1gfuxdOgYfRpQUAuE0fbt/ivmxd8nOnsOoZnFsw4/GijKyEkDRIgQiDcQb+og19DJx9hmys2uY2gHl3CTzo+/SPnA/giiRbNqIsPMTzAy/Rik7uULcBBEtmKChcxdtG+5CVkN+Olg1x/Twa7j2jVVwl8eoZcMdCKLA/Oh71CqZusOwgKRoJOpjJKt1haJjsjh5FEMvXLftFQgIoogoKr4S54qAkiBKKFoEx7HwXPuKWsLXv9Zts8rUhZcYiDahaBFkNUTnpkcIx1tYnDhKtbiAbVZxPQdRkJAUDVkNEwgliaS6SDT2U85PM3ryuzd5DGvjAyG2JbvK30y+ypZYNx9rvJPjuWHezPg3nYgc5Jc2fITh8gwvzx/nVGGUX+l7krhya1EvVVJIqlFOF8boi7RStKqcLozSGWpEEWXSaowvdj9MRPZzri5HQzVJ4f6mHexM+A9cURCIKxEmqwsYrsXmWBeXyjPM6znaQ7c/eQYIyRqqKPsSUVtnopIha5TJmRVM12aulmdCy9CgxZiqLbFgFJisZChYVTw84koYUfClxiFJRaq7s22Nd/KNiXd4oHkr8lXyu6Qa5kJxhmBeoyfcSMU2mNeLTFQyhGWNyeoSc7U807UsHh7Reo4xeCiiRNUxGSrN0hxI4HgOx3Njfv6ppNYl1dJNpPivQEACz8Xzyqja3QRDn0NR9y1PbNNamNlagZptYbtlPDxO52d5qmM7/dEm7mrqY6KSpWDpyIKILIoYjs2jrX4ubc6ockfjBk7lplnUS9iuy3BxgcfatnAyN40kCETqxbQVSaQpHMapP3i74xLvTE+S1IJsamhkOJelMxZjY6qBTLWK5To0hlefl/OTS1w8Pk5LdwNv/+gEWlDl8Z+5i6aOFLcKQRDob0zx8sURzs0tEFIVOpIx0uEQyXCIY1MzzBfL7NrSRkCWMWybp0+dZyJb4Lc/9TgPDfYtR83fHplYs9TP5f3EgwHu2tDNwZ5ORjI5fuf51/ja4ZM8trmfgab3d55/WFAlCVkS+cK+Hdy9oZuAItMcjZCOhNZVC1x++3qR5fZEHFkUGVvKXWMUMlcsUdIN2uIxNOXWb4e24/LuiVE6WpKUqwY13UJT/dzTLX0taOrt32I1RaYjEeOoKPKZ3VuX84rXw2Wlgu35su7L54fneSyUKtSuI58WhMvuhWuPY1hTaIlFWCiV+ZkDO+lv/HCiFrIksaEhRW86ycd3bOb7p87z719+i28dO8M/fLiVbPUH1OyLyGKC6I/RyOb/r+F5eK7nq3HqExw5FMGuFDALS4iKihyKMDr8HFPqtYt+oqgQCCRINQwSCjVwaeiH5LLDH3g3a1Nj2OUSoqrhmgb54++iJtLos1O4poEgKzh6jdKFUwTbe6iOXwJBJNy7kcroSs1Up1qhcPIwciyBq1dxLRO7UqR8MY+ZyyBqGnYxR2FhBrt07STSz1Fc+/rwPI/Se+/dsAyPgEhYS2G7Jrp148Vxt1KmdvEitYsr0khJVJEEGdOpYlwVparaK/12HN892XRXCE/FupYYutUqmW99E9cwl8+D24EUkFGjKrVMFTyfPJXeeRu1qYnI3n1rR21FEbWtHTEUpDo7RnV27Lb3/7cBIS1FU2orATWG6zpMzL9NQI3REN+I57nMZU9h2TU6mw8SC7URCbawkDtDubZwTVtaR4cvQV5nPuC5LuWjRym89uqyAdetws7lWPrud/1Fm673ZyJm6kUqhRkSTRtp2XAnqdat1MqLmHoJQRAJhJOEos3LrsCe65KdPcPi5LHr5pt6rs3cyNvIaoiW3juRZBUtGKdz06O0brjLN56qlwUSRAlJ1pCVIIoaXnFIvk4ZH89zmRl6FTUYo7FjN6Ikk2geJJrqolbOYFRzuI61TJa1UBJR9D1OLL3ExNnnKC3dOO8bwKzlqRbnSTRtpLXvHtJt26mVM5h6EUGQCIRThGLNSPW5rue6ZKZPkZk6cd2Fpob2nSRbNiEpASQ5gCgpiJJfLkgLrcxpA+E0gwd+Fscx/fJBjo1jGzi2Tq20wPTQa7jrGFTlF4cYP/Mjf2FCiyArARo795Ju3Y6hF3Asfbm0qCgpyGoIRQ0tj/37jdbCrboiex66Y1CxdWzXpmhVCUh+/p/tOkSVEFVH53RhDKu+ulS0qszVlmhQY9zVsIVvTr6O7pg+iUMgKKlMVBaIK2GicoiQvPaKnYBAWzDN83NHuK9pByGjxDtLZzmQ2kRHqIGIHORiaYpdiT6qjkFI1kirMQajHZwpjDEY7UQSRGqOQVL1V4HSapSf6ryP1xdP8TeTr/Kl3sd9ufR1MD9f4Kt/+TaLi0UkSeQXf+k+NmxoojWYJKoECUkaDzZvQxUVusONdITSvkEVHnc1DqKJCh4eqijzSPMOZFFia7xzmRSn1QiSIOHiXj5w0lrUN8iJti3fUHTT4tToHDXLRXaCvDw6zJZkjaJdY2uim6gSwPMgImvc17QFRZTYmeghICmIgkhKjZBUIzzQtJWyrZNUwzzaupM5Pc+T7XuQBQkPP7/2zsbBawj1epDkduLJf7fmZ57nUbVNTMehapuoooTpOvRE0gj4pPethUtsTrRyIjuF7TnsTHbQFIihiBKyKJLUwhxdmiCphqg5JgLQHk7SHk7w+sIwDzRvXI4PxLQAd3WuNhQ62L6Sw/3pTSvGU08NDK7b53ymxPzEEvd8dDcTQ3PUKrefL9DXmAY8Dk/M0BSNkA6HCKkqg00NHJmYpmya9KQTSKKIYdtUTQtZEkldUbM0X63x7Nkhv9bnVX1dLFfwPD+fVxJFJFGkNR6p54bO1c2b/nbihfPDZCs1Hh7sY0tr001J38OqigeMZ/PYrrsqR/YydnW00ptO8uKFSzw82MemlkYulzn65rEzBBSFO+ulatxbHB9FluhoSdKcjjI0vkipohOPBtk+0Pa+SC34RP/uvm5+eOYCf3noBM2xCM3RSN293SVbqeJ6Hk3RCKLgR3YbI2Euzmc4P59he5tv4jBbLPHCuWF0c22ZnSKJhFSFuWKZfFUnskbUJKgo3DfQyzujk3z9yCn+zj37l/OPbcdhsVxFFsXrLkJcD4ZtM1cs12XLvlw+rKn0N6YJyDK6bRNUBmmP/zqa3LmyovETfOiwq2XAQ403oGemcfQqyS37yJ52CKRbkLSQLwktTl+3ndnpQ2zc/Ela2vaRz47clHOnHIkTau6kOHpuJQ9wPbguVna127I+d4Xsz/SVWnYxjx3LE2jv9mvUjlzAqa4ujeNUy6veM+ZWjs2xLZzK+qV05GhsXadYzzQwJidvKsoZVJNocpjp3InbKpkR0dKE1CSzhbUjUACiIhLpjCMpEpW5EnbNRksE0TMVJE1GiahYFRM1pqHGNMyiQXXeRksGkYMySkSjtljByNUQZZFIVxxBEChPF3F0m0AqiCCJaMkg+lIVq2LSfm8P8f4U06+NURrLY1VM3FqN4jvvENw4iBxbu0KGkk4jhcM4pdItj8XfNqRifVRqixTKk8TC7bieQ2NiMzOZY8iSRnvjXi5OPsd89gy2YzA+99baLuSiSHjnbqTw+oEia2Ge/Csv3zapvQw7lyX3wvM0feGnr7u/G8LzmDr/EmatSGPnLrRQAi2UWHNT17FZmjnF+JkfYRk3Ll9lWzUmzz2PUcnR1n8vWjiFIAgoWgRFu97c3sOx9BtGU22rxtipH2DpJZp7DiCrYWQ1RDTVRTTVdc32nutSKc4wee6Fem7tzV3Hnucxef4FTKNMQ/sOtFBy2Vn5ariORWbqBBNnn8E2r2/gF0330Ni194YLE6KkEIw2rvlZpTDD7Ojb6xJbPI+FiSNYeomOTQ8TSXYgijKSohFSrpdS5uE6NtYNHKNvBrc086rYNb43/Tbj1Xlsz+HPR5/lQGqQvamNPNS8mzczZzhbGKclmCJVJ49lu8b3Z97Bch1UUeaJ1v3Ln0mCyMfb7+K5ucOczF/iqbY7GIytbR4FsCHcSkqN0hZIEZEDNGoJOsNNROUQX+p9jB/OvsfJ/AiKKPFQ826atCSPtezj+bkjfG3iZQQE+iKt9EZaUEWZ1mAaTVJ4tGUv351+i0PZCzzcvPuKOrXXIh4L8thj27h4cY6vfvVtSiX/ZhGStWVS3hL0T8C4uvpEbwuunJhRZbWb59b42sddsmq8MHeKA+kBwleQfst2l/NJqxmXTbEOFpeq2LbD3rZueqP+Bd2vrB3ludxWZ3gletckxWkKXJsXFJBuzyBgLWxNtrEl0bo8xnvSK6t/j7VvAc+PPH2mew/g/70FDwE/GvVI26ZVUTfP8x/55wtzpLUwraH4B2rd39yZprE9hSyLdG5sQa8axNO374abDoeIaBqnZ+b56X07lnMPd7S38PTpCzRGw3QlE4BvnLS/p4MXzg/z755/nXv6e3A9j9Mz8ziuSyp0rSPsj85c5DsnztLXkKI55tdyG1vKc3xqlvv6e67JG70VZMoVzswuUKjpjC3lqJgmw5klvnH0NBFNpSkaYUd7yzXOyzeL7lSCom7wW0+/SGvdHMs30orz6KYBNjY3XEOatrU10xKL8leHTzCTL5IIBSkbBp/bs53Nrf5NtCka5lfu2c+/e/51/vG3n2F/dzsBWebM7AKXMll+Zv9O9na137Ycu7cjjabI9Hb4jomhgEI49P6vGUEQ2NfVzs8d2M1fvHuU4cUlNjY1oMkSuWqNqVyR+wZ6+LX7DqLKMook8dFtm/g/Jl7kX33/efZ3dyIIfg1bAdaUCYOfZ7y/u4NvHDvNbz39IoPNjdiuS3M0zC/dtW+5Lw9u3MDF+QzfPXGWE9Oz9DWk6yZgVSayBX5q91Z+Zv8uROnWRzJbqfHPv/scQUWmK5UgoqkUajrHp2ZRZIlHN/UDULMusFj5BqrURmPk0wjC+oZ0P8EHA7OUozB8Cs82cU2DwtAJWu75GLH+HQiiRHn8AmZ+fYOTy3Acg/nZ42za9lki0dabitq6ho6emb2hM+j1ICeTeI6DUyyCKCKnUn4Zj8Nv+N4NiQRSNIpTKvnGOZEoYkDDcz3camWFSEkSSjqNU6niXkVspUQCUZaxMhnfUGedZ5BnO6vyXy9DQCAR6iQaaKJq5siUL1EzcyiSf48Pa2niQb8MT6Y0jKZEiAVaMJwK2fIEqXAnmhKjWJvBsMs0RPpR5RCGXaYpupFMeYRYsAXTrlI1VyIizQc6SG1uorpQ9kuRlEx6nxzk4l+fJNqVoGlvO4vHZxj4qW0sHJkm1pvi0nfP0ryvnUhHnPJUkWBjiAt/eYKWO7sIt0ZxLQe7ZjP2wwt0PdaPlghSmshTlEVKE3mCTWGC6TCBVIjKTAnq81hzbhZjchJ569pyV0FVkeJxeD8S7r8lKNfmaUlvRzeL5EvjiIKfdmVYRSxbQRLVelUP118EWef8l+Nxgv19659vrkvxvfews0trfn6r0EcuURu6SHjHztsuJyRKCq5jMnbqB5SyYzR17SUYbUZWgn6tWc/FsXT0SoaFiaNkpk7csDzOlXBsg9nRtylkLtHQsZNk8ybUYBxJCSCK/tzEc11c18KxdEy9RHFplNzcBUq5G0dUbbPK5LnnKSxeorFrL9FUF4oW8U2uBAHPtbEtHaOaIzt7lsz0CfTyErdilifKKo5tMHryu5SWRmns2ksw0njFGDk4lk6tnGFh/DBL0ydvyqHZrBWo5Kff18Jwrbx44/x1zyU3f55KcY5U6xbSbVuX+y9eHifP9XOfLQPLLFPOz5BfuEhx8f27KN8SsQ3LQT7dcQ/uFT+QIkrIgsQdDVvYkxrw3xNk3PqF2BJI8fcGPoHr+YZBirjiegqwK9nH5ngXngfadWQAAH3RNv7Rps+iiQppLVb/21/d7wm38OUNT+J4zvJ+BCCuhPlUxz2Y9cRxRZQQEWkLpvnlDR9BE31i8dnO+3A975o8u6sRCKps3daBqskoyodvXhKRA3ykbTequNr0J6DK9LWm8TyP9nQcx3XZKkvYjktjfG234PeDy1LPy+06rkuxopOI+A/epUIFw7JpTkWRRJFy1SBbqtKcihGoR64EQUBidVFx8YpI8JWfXVmL0/PANG1y2QqmaSOJIqGwRjQWQJZ9qcemeAsbY83oZZPFoo7tOKiKTDwRIlB3WvY8j1y2gq5bNLfEka7IoXQcl6XFEggCjU0rJkOKptC7uY3pkQU816NrsJVw9PZLjEQDKrs6WzEdh10dKxH4La1NdKcS9KSTNMXC9bEReHRTP4Zt88K5S7x04RKJYIB93R08uHEDf3nouB81u6L9fd0djGSyjGRyjGRyCIKfu/hLd+3lya2Dq0q5hFSF3oYUiTUITyIUYEODn+t7GcOLWf7srcOUDBPX9WiMhqmaFn91+ASiILChIUV/YwpVDiJLIl2pBI2Ra1d2Q6pCTzpJKhys/74e2WqNiwsZUqEgApCv+QtGNcvivfFJXjw/wu9+5iPXSGD7GlP8xmP38e0TZzk3t+gfbzS82llbFLmnr5t4MMAPTp3n7OwCjuvSkYzz+b3buX9jL0FlxbE3HgzQ15C6xvBIqBs+dacSq/JvkzFfftkVSC5vdz34x59Yc2HiagQUmS8e2EVfY4oXzl9ieHEJ03aIBwPs627n/oFe5PrDWgAe29yP5Tg8d26II5PTRDWNO3o6uW+gl//y+ns0rPF7aLLML9yxh4im8t7YFG+PTBDWVBrCPau2i2oqv3rvAba2NvHyxRGGFpewbIdUOMi9/T0c7O1EvMIxXJV9ktp8EznA8WCAj2zZyFsj45yansd2HUKqws6OVh7fPMD+bt/bwHLzBOQuXM+ql2W4YdM/wfuF65A5/NKy02Z5/ALTehUt3YJr1KhMj+CuUVtyLdh2DUlUUK5KRRJkhWjPZpR4CjkUIX/2MHa1RGLTHuxqGauUR1RVIt2DFOu5lbH+7ZRGzqClWwg2d+KaOuWx8/UI8wpid90NokjumR8hBoM0fe7zuLrBwte+iqfrpD/2CarnzlI5c5rEAw+idXUjqgoIAm5Np/Daq1TPnUVUVVIfeRIrkyH37LPL0mVBVWn4+CexS0WWvvNt3yRpHQiatma0SxBEFCmAh0tTbIBM+dKqz1UpjCSqzOZP4+GxIXk3VTNPQk1QNfJIooYsaqTCPdSsPDUrj2GXUKQQkqgQC7YQDTSxUFzt4mqWDCRNwioZVOfLyCEVQVpxvxUkYTkCO/r0BTZ8YjPx3iR4kD27wMzr42z6+V2E22I0bG/m3H8/hmu5bP65Xagxf9Epd36R6dfG6iWBIHtmAVyP2bfG8ZyVuaRnWehjo4TXI7aiiBS5/UXly4iGWnBdm4p+48WYDwsefq55tjiCbhZwXQvL1mmIb0QUFSr6ok/wXBNFDhELt1OuLWA7q6Ouans7cjK15jPH8zzsXI7q2TPXKAREWfWJxRWSckkL4VpGPY9znX6bJpWTJwlt2owQuD1/A0GUfMdjpRVlqYZeOUtFO0dZKBPWUqTUdl+6u/AejqUTF9MsUSUoR4koabL6JMlAB2E5Sc0ukKmNo0ohElorkiDjeg4LtRGqxTmmL+TITZ9B1sKEo62+SZrnoMhBDL1ApTiHUcvh2AaiIKMqYUQlhus5WFZlWVUiijKaFscwiriuheva5BcuUs5NEkt0I2nBZWdyx7Yw9QJ6eQnbrNyWQ7Eo+GPkWDrz44fIzp4lGGlADSbqCwM2pl6kVpr3I5w3mec+c+kN5kbfvuX+XEb3gQaqRQPnKhItSgKbHm1j+mSOwsxK1Nis5ZkbfZvFyWMEQknUYAJZDdYN4Hx5s+tWqRZz2EYF13X4INzyb62OrSAQXEcqLOHXlb3yHaiXdlgn4ifUDVuC0tptWpbN88+fobs7TbVqcvbMNFpAYc+ebvr6mn0XZeo5ZAtFDh0aYX6uQDwRYvfuHnp6GpAkEVmQED2BqekcRw6Pks2WaWyMsWdvD21tCURRxDU9XnjhDL29jZTLOmfPTBMMquzd10tvb+MqEnQjuK7H/Hyew4fHmJ8vkEyG2bu3l87O1Kp2/LI+NiWrjOO5BCSNiBxaFTEWBXH5OK+EIks0xP0HZMNVpPODhud5nB9foL0xTizs38x0w+L14yN87J6tuJ7H2FyOl48O8aUnD9AQD5MtVfnai8f4xD3b2NTd/L72nVko8Y2vvcO5M9MYhu3nSSdCfOzTe7nzno2IooDkiRw/NMLT3zlKZrGEZdlIksjg5jY+84WDtHem8Dx47+1hvvM3h/jn//un6OxOL49ZdqnM7///fsDApla+9CsPINUf7rnFIm8+fZyluTwd/c1cPDbO5n29tPasyDRcz6NglTCvMtuIyKFr3LODisKv3XcHX77LXiX53NjUwJ/87KeQRXH5fUEQiGgqn929nae2DmLX8yaDioIsifyTR+9bRSQEQWBLSyP/9PH7MWxnWVYrSxJBRfbdiK84R3a2t/InX/zUKvIK/jX70W2beHiwb5Wj8Z7OVv7gp55a97YjiyLRet8bwiF++5OPr+rf8n47WvmPn//YsomVB/z3d47xwzMX+aeP38+ujtZlSbHtuLx8cYTffu413h2dvIbYKpLEnRu62NXRimE7gI3MEkG1iudWEMTw8na7O1rZ3NKIbtl4HqiyPy5X5ioLgsCjm/q4a0MXsavcnIOKzK/eux/Lca/57PJ3bwY72lv5T5//+A3rAF9uM6QqPLBxA3f0dmHYNp7nIYkimiyjydKqMgxBVeFTu7bw2JYBbMdZOV9EkX/z8UfXlGoLgkBbPMqv3nuAn79jD67rIgoCgatyjgVBIBbQeGLLRu4f6MWsl/GQRJGAIqNK0qoxaE/E+L3PPLnmPq9GSFX4wr7tfGLnZmzXXTb00mR52cnb8zyi2n5sJ4vt5hFuwszuJ/hgcOVk13Od28xzFIjE2nzCeFX9Si3ZSKCpnfz5IzTufxi7UsIxatTmJ4n0bIJLIq7joKWbUbPzCKKEmmhACoSJb9xFbXYcNdVEtG87uVOrJ25WdonQpi0IsoycSoEoIcViSJGIT5ZiUex8Ds+yMKYm0UcuYWVziMEAifvuJ37//dRGLuHWaugjI4R370ZOJrAWfdmz2tSE2t5O6XuHfBflcmldcitIEqFNm9BHLq2K3MqiRjTYTLYyTjTQ5BNd2S/NI0maT4TsCrZr+DVm7RqF6jS2ayKKEqocomblCaoJXM9FFi/XH/Uo1GZpiW+mZhUw7dVSxcJQFqto0np3Fx1RjfnD0wiigBSQ0ZIBJLVeiiwgI8oSkiL5ZFQQkDQZURERJdF3FHY9ZE3GEfxyRZ7j4jkeZtnEu8IB33M9REVClEUc11mZx7ou1uJivfTKGvcMQUDUNEKBNKKoIIkyoihjmmUEUUYUJKKhFhzXYqkwjCSqxCPtSJKG45hkCkME1QSdzQdxXYtcaYJM/iKOe2NJ/AcLgXCgAfBIRDpRpI1MLh5iZukYiXAntlNjMeeXhNGNPJnCRVQlgmTkriG2wf6BdWXvAPr4GHb22pxFUQ3guc4qh+DEhp0UJ89hlfPX7b0xNYm1tITW3n7zh3wNBJJaO4ZTYal0iUZ7A+XyJWJhhQXnCAICzUo3U8YZUqEOiuYCCbUN8IgoaRoC3Szp4zQF+zCcCh4ejcFuJkqnMN0abt1FOhhI0tv1MOXKHMn4BkrFKXQjT0O8H0urMrQ4gm1W0dQYPT0PEQo2IEoKeB6l8gwTk6+h63lkOcimwU8zM/Me8wsnlo8iFGykp/0+RsdeIJf/AOu1XjmX8Dwso3xTUuwb4Up36NtBJVvGKF0riRckgY6dKXKTlVXE1t+ph2PVqBRqVAqrDQMlVWTgvhZG36lc80x4P7jlmYHneUxenGVhKktmNk/vlnZmxxZJNsXZerCfaqnG6beHyM4X0EIqex/YQrI5ztjZaXILRfSqQW6xSEdfM1sP9rM0V2Do+Bh3PrUbSRIp5Soce/Ucex7YgqTJvPrKORzXJZ2KEI+HuHhxlrfevMiv/MqDbNvur+JPTWX5L//lJVzHo7U1wfj4Em++cZFf+NK97NzpR4PPnZ/hT/7rK8TiQZoaYxw6NMLb7wzzpS/dy8aNLViWw8svneMV8RypVJh4LMSFC7O8/fYQv/qrD7Fpc9tNTVw9z2NsbJE/+ZNXEBBoaYkzNrrIm29c5MtffoDNW9qWJ2lFu8zTs69wOHuammPQGmjkidZ72ZPYuhyFuRl8kITW8zyWChWOXJhCFAX2DnYyny3yVy8co7+jgZ39bWzuaeHIhanl55EkimzqbuLohSlc15cJdzQm6GpKYjvvL6fTcVxefO4Ub712kZ/50t20ticpl3Qmx5eIxYLL178ggCgKdPakeeSJ7YTCGufPTvODbx8lEg3w81++H1kW2by1na/82escPTRKR2cKQfJ/i/NnZ5iZyvGpzx1YtfhQzleJpcIomoypW1RKNWxr9aTFdE2+Mv49ThbOL78nCxKfaH+EJ1ruXbXtZbLKVa6ysiSuWYtUEARkSSC2RlT16jI6l7cPKsoNy6uAT+xSdeKt2xZvzY2zLdVCUyhCUFVWEV7LcXh3YZLWcIz++I2NgyRRJHFVRPJyPWFNkkle8Zlh27w7NklrPMpdG7pW9d3zPHrSCVRZpLZOKQaxno8Z1sBzyzi1V3CKz+OGfg4p+MQtjY0gCAQUZbnOqudWca0hBGULgqCsmX96q1BlCVW+taj/5RzakHrj31USxTWJ93pSZKiX1JBlJFHA9lwC0vr7EcX6eN+gH7Iorvqdr4bjuRzPThCUVLYk2pAlieh1yh/5v18vntyFPxv+SR3bHwcEWSXS2Ud1dgJHXy0JVONptFQz5YmLRCKt10Ril9sQREKhBto6DmIYRWrV1dEyx6ghqhrhjj70xRlcUwfPxTFqyxEPzzapzU8Rau1BlGWqM6OIqoaaaMCulsB1sGvXTv6s+XmkffsRg0HUpmbs7BJiKIScSuGIfh1XO59fjkYJioIgy7jVCrXhYeL33ocUCmEbBtWLF4js3UtgQx/WYgZEgcCGPly9hjHh10x1SiWcYgEptPb9PLxzJ7VLl6iePwd1Amy5BoXqNIoYYLE0jCQoqFIIxzUJyFEMq4Tt+FES13OYLZwmFmjBdKqUavPUlBh4HrnKBFUjSzLcheu5lPU5dKuIKEiU9UU8rngeC5Dc1EBiYwOSKlHK1TCLBmZBp+fJjUiajF3177nh5gh9n9yMlgwy9doYoZYIycEGtHgAq2xSnioy9/YEnY/247ke2fOLmEUTW7dwr3peVhcrqHGNzkf7mXt7En1pZSLs1/I1EbQ17lWC4C9OSBrRcCuKHEISZap6FsMsYdlVdLNIPNKB69kYZomm1FYm5t6iITGIaZUpVeeoGXkMq0S+PLF23uqHDEEQCQcaWMxfwPUcmpNbEAUZ3cwzb55Zta3rOWSLaxMmQVVRW9vWl5V6nm8mdlU0T9JChJu6qC3N4OgVAqlWtFgDWjSFKCmEmrpRQjH0/Dx2rUy4pQdBECnNDOOaOk6phDk7g9p2c3Pi9eB4FkVznpK1REOwG1lQiSoNfilAz6Zml9CdErZrkNBaCSlxZisXiKmNBKQIITmJ7pR9t29BomoXKVmLy6T28lhHws1ksxeZmXmP3t5HWFw8w/jEq/T2PEQ81oWu53A9m1JphoWFk5hWhWikje6u+6jVskxOvYFplimXZ2lq2k5m6TyOYyAIIqlkH57nUqkurn+gP2akeyIk2kNoEQVBhEtvLqAXLTp2+eZQ8dYQRsVi7N1FRFmke18D4ZTG/MUCc+cKiJJA+84kyY4wVs1h7L1FqjmTrr1pWjbFGX5jxcAs1hKka28azwUt4s8ZZFWka18DseYguckKUyezxFuCJLsiaGEZSRUZfWcRs2oz+HAr257sIN4WYmm0xNi7i9jm+/eBCE8S8wABAABJREFUua0l79Gz07zyzfdo39DM6985zOb9fbzzoxN09DdTKVSZHVskHA8xdGyMiQuzfOlfforhkxP88M9fY/8j2whENL71Ry8QjASIpSI8/1dvMbCrm6bONOcOj3D05TPsvn8zUHcRLOn8o3/4EZqaYywulviD33+GF144Tf9AM5Ik8swzJ6lWTP7JbzxFOh2lkK/yH/7jc/zohyfo729GFAW+8+0jxOMhfv0fPEYsFiSbrfCHf/gCP/j+Mf7urz0MgOu6mLrNl/7hEzQ2xVhYKPLvfudpXnzpLL0bmggEbjypNAybH/3wBJ7r8Q/+4eOkUhFyuQq/97s/5EfPnKR3QyPBoIqLx7tLJ/jO1AvLRltz+iIFq0RHsIW24PXrdnp1p0qhXkrDj84Ja0bIbgWeB++cGcewbAY6GpFEgXQ8QiISZFNXEx2NCSRRoCUd4+3TY3z8nvdv/37d/rgemcUyobDKnv0baGiMIorCNdJoENi1t4ede7qRJD8yuXFTK5eG5hm9tECtahCLh2jvTLF9ZxdvvHqehx7bRiwexDBsjh8epaklzsDg6pzkdEscx3G5eHyc7FyBps4U6ZbVeaoeHkWrRMZYcZKUBInaDep2/W2Ci0fRNLDXkc2YrsNL08Psb+q8KWK7FnJGjR+NX+ATvVuIqivESxZFogGN6XyR0UyOnnQCURBwXN8M6+nTF7Bdj803U8tWCCOFvoBrncfzVuQy/vlig6cDHggaoC4vMoEOngWIIGgIgoLnmXj2MHbtb5ClvwdCGIRIPRJyLTzP8dsXgst15fCq9fZkPM+Gy30SAvX3uKpfKqDV+2UBjt8nTwfketsfnjJjqLTASGmRpzp2fCj7uBKO6/JeZoSUFmFLou2mvyfcpJHdT/DBQI0maL7zI0y/9E1qc6uJrRJN0Lj/YYzsPF3d95NI9q7diCAgijKObTAx9irVq4ita+jgOhhLc5j5JTzXQZAkRDWAKKtIagDbtqnNT9J44GEQBPJnDyOqGmYhQ3V6FEev4hjX5pnZhQKebaOkG1DSaaylJYRiEa2tHcPzy8XYhSKCohAc2Ehw40bkeBxECTkaBVHkch0ve2kJY2KC4MZBKqdOAhAc3ERteHg5F9cplTCmp1GaW9a8VqVojPRTH0UKh6mcPoVbreJ5DpnyagIzXzx/zXcvo2IsUTFW8iYXihfW/K4oSKTDPehWkapxVeTOg9zFDNWFCp7tomeruJbLyPfOocYC2IaNa7nEe5PkLmaYfn0Mu2phFHRc0yFzco6lU/OYJQO7ajH33hT5S1kEUUBf8tuaenkU11r9TKnOlbjw1ZOIiohZWi1h92wb73qL4aKIbhZpTAzieg6u6xDUkpSrC0TDbb7MXQ6iymEMs0S5Nk+hPEUk2IQsB7AdHcuuYpolDPPGbtMfBjzPYSF3jmioFQRYLFzEuAnn66shRWMoyeS6zwO3VsOcvbaklmubSFoQNZrEqhZJ9G4nP3qKSEsvWryRaMcAjlFDizdQGD+DEowSSLVg18pU5sfwbBtzbg7PthFuYgF9fXjLKYv+K4eKlaVoLlKxcri4uJ5DwZynJTSwTHRVJ0jNLpKpjSMIAjW7SFhJ1vORr92L45jkC2PYtkG7UaJYmqJQGEc3Cqh1vx/LqjIzewhRlBEEEcc2aGzcRjCYWu7dwuIpNg9+mki4hUJxHEUJk4j3ki+MYprvP5r6QaF5MM7mx9o488MpmjclCCY0Dv/VCAP3tyBrEmPv+aRSlEW2PN5OvDXI3LkCez/Xyzt/4fsebHuqk9F3FvEcn2MA5KerbHuqg/x0lex4GTkgsfOTXdi6Q2lBJ9npL2r23dtM564Uk8ezbHqkFUESCEQVdn6yi1M/mCTWHGTnJ7t4979forJkYOsuS2Ml8jNVXOf9y5DhfZT76ehv5oFPH2D2dxd56LMH+fq//xHVkk5zdwO779/M0lyeUi7FsVfO49ZvVI3tSZ76xfsJhDWWZvKMnp3m0S/cSWtPI6ffGebe5jin3x5iYFcP4TrhQBDo72umtS2BIPgR0M1b2jh2dJxq1USRRU6cmCAeC3HmzBWujB6MjCxSq5rohsXIyAKf/dxBUik/36uxMcaePd388OkTFAo1otGAb7bU30xLq7+v1tYEmza1ceHCLLWaeVPEtlIxOH16iubmOKdPrzgyCqLApeF5dN0iGFSxXZtzxUvLpPYyFowlpmvzy8TWcz2yCwV/onsFka0Ua+gVnXA8RFNHimK2jGnYqJpc9xrwfKmP7SBK/v94kGyKIV+nrIkgwGBXEy8cvogoCnS1JImHA8QjAdoa4qQvy5/jYZTbNAm6FUiyxMG7+nnv7WF+9//7fe5/aDM7dnfT2p5Elq8kGB6CAPlslZnpHOWyjl6zqJR1XNfDqUuhZFnigUe28Pu//TRDF2bZs7+XzEKRc2emuef+TSSSqyMOwUiA+z6+h+13Dvj5m20pQtFbzy3RHZvTS3P0x9MktCA5o8ZIYYlt6RY0ae3fY7FWYaZSRBIEZipFemJJ+uO+gdJ0uUDZ9l2hx0t5moIRtqWaEQWB2WqJ87kFREFgc7KJpqB/zhdNgzPZeUqWQUoLsjXdTEhWWaxVOJ6ZISDJhOTV0dLRUo5LhSXCsopZv449z6NmW5zOzpMzanRHE/THG3A9j/O5BUKKylQ5jyiIbE+1kAwEmSoXeHV6hKfHz6FJEiktxIHmTqKqhiyKfG7PNv7ts6/yG995ho1NDQQVhZJuMJbNka/qfG7PNnZ3Xr/cDVxe6AjANTJVC6f2A1zzMGAgSJ3I4V8EIY7njOJUv4Hn+rUupcBHkLR7cc3DONW/wbWOYXsWgtSIHP4lENYp9eTOY1X+DDn0CwhyJ3hlrNLvIYe+CHInTu37uOZRwEVU9yAFPgaCiqs/j2O8Ue9XG3Lo50FqxLVO4hpvgRjFs84jSC3IkV8DPjgzt8uwXYfh0gI/nDrBbK2AIkok1RD70j1MVrPojkVf1L8nDRXnicga7aEkhmtzrjBDzqjSGozTH2tCFiUc12W0nGGqmkMSRPqijbQFEwDM1vIMlRYIiAr6FVK4Rb3EUHGemmPREowxEGv2zdLy0wzGWupO7x4nc1M0BaO0BD5Yo7ifYG1IgRCCJOOsEQ21qyUkNYAUCFEsTOA4a+faep6LaVbIZ4cp5Mf8RaArIIejiIpGpHsQekXyZw4hKirhzn4EUSLat5XChePY1TK1+SlfRmnUcEyd4sUThFp7/LIm4+exK6tJglut4larKM3NSMkklZMnkUIhgv0DeLaNtbSEZ5mEt20n+djjVM+dpfDaqziVKsGBAeL33b9yHLZN9exZkk8+idrSAoKAkkySf/H5lW0si+q5c4Q2b1k3aqs0NpL+6McIDg5SPnwYfXT0luqL3iw8z6VsZMhVp3C8a6OTdsXCrqx+36pYWFe853kejm77Rk91uI6HVTKozK685zketYXVCx9WeQ2Zr8eqKO01H66XL1i/1C27hqKEKFcX8HCJhVoBj2iohemFwz45qW+8lrzR81wUJYwsBbAdgw8ip++mIQoIkkjRmKFQ8eeHgiSCLIAjQH2eIsiib7BjOyvbrBwAnuMhRSKIkfX9C+xCYU0Hac91cC0DoZ7HKYgSViWPY5uIsoxj6BQnz+OaBsFUq1/uqlZBuGJuYGUW/Rzz90FsS+YSllvD8xxKZgbTqTFdOUdjsIewkiJnTFOzC5TMDDG1ibwxi+s5FI0FFDFIc2gDpqtjOGUsV6dsLa3pHu66Nq5j+QoQx8SxdTw8f/GsvkgtSwEaGreQiPegyL5BUyTcgmmujF+5NEutliOdHqRYmiIWbUdRwyxlh1g+hyRpWYXxPxOZkRLnX5olO1Hh4C/4xouCAFPHlxh6xTdfU8MyPQcbmT+XRxB98tmwIcrUiSx60SLVGWb8UAa96N8LinM1ivMrwZpAVCHaHOTNP75AJWvSc9BPz+u7u4nKkoEgCIiKSMumOIXZKouXSpx7dprGgRj7f3oDtumQuVSisqQzcypHNffBpQTcFrEVgGA4gCiLhGMBJEVClEQsw+LVb77HsVfPse3OjbiOt2oVpbE9hRZS/UEMqZi6iSiJ3PXR3Tz7lTfYsK2DuTGfKIv1FVIBCIXUVXlk4bCGYVg4jovruFQrJqWizjPPnFzVz76+JmRFopavYFkO8fiKLE4QIBYLYlkOtZpZJ7Zr7CuioevWMjm/EXTdolo1GR/PUHlm9UN+w4aVXF0PD3MNGYzrudhX5DM5rsv0yALlXAU1oGAaFht39ZBbKGDUTKpln9zqNZNLJycJRQLoNZNkUwyzZvqS8KBKMVumbYM/Hsmm6zvjtqSifO6hXXz7tVOcHZ1j3+YuvzavbmI7LtIVUWEP6q59K9+/uqbotdHVm4coCuze18M/+61P8qPvHeMbf/Uu3/r6e9z/0BY+9um9JFPhesK+y8svnOF73zyMrEiEwxqSJDIznaOlNbGqf5u3tdPUHOOdN4fYtrOT0ycnMU2bfXf0XRPxnh/PMHp+hjse2470Poh8yTT4i/NH+DtbD5LQgkyUcvzFhSP8q32PoAXXvgyH8hl+/8Tr7GpoQxUlvnLxGP9s74NsSjRyLDPD98fOsSGWIigpZIIVtqWama4U+f3jr9MWjlK1LX40cZF/sONuUlqIPz13iCW9Qls4RtkyaQvHCEV8kpQzqvz10EnawjESmn+djJVy/J9HXqYvlsJ0HU4vzXF3azem6/A/LhxlvJynORjhWyOn+eLG3WxPt/Cn5w6hOzYbEw1Ml4u8NjPKP93zACXTYKFWpmga5Iya/5tdcV48uLGPxmiEVy6OMLqUY6lSJaKpPLZ5gAM9HWxva16WB98eRERlO6K6CxCwiv8G1zqDpN2Jq78IWHXSaCII/mRBVHZCUMfzysiRv48gRkBYuxSF/4UkAgKu+S6C1IFrX8Rz5xGkZlzzEK55CDn8y+AZ2JX/iiC1Iqr3ICgbkZVBQMIu/S6udQRJehzcCo7xCkr4lxEijwAeAu9nDNaH63nkzSoZo0zZNsibFZT6PfjdxRHm9SK/MtCAh8cz06fojTbSGkzwzfEjDJXmaQnG+eH0SR5v28ZDrZs5mZviL0ffYTDWQtUxqTkmbcEE83qR/3j+RZJqCFmUOLo0TltoFwCHMqNcLM2hijLfmTzKT/ccZEeygx9Nn6RgVnmoZTMlW+e/XXqDX+q/h5Y1HNx/gh8vPM/zH9KCyOT4a7fXiCAQauulPDlEefwiqe13oCYbKY+cRV+4toRQ/uyhKztAdWaM6szYus27uo5TLKE2NSGFQlgL87jRKOEdO9C6uzHGxsDzCA4O4pRLPqkt+UaCwf6+a9ozpiZx8gVCm7fg2TZ2Po85O7tqm9rQEPqlS4S2bVv3uScGg4S37yA4MIAxNk752FFql4Z99+YPCB4eulhDSkQhY960ycyVKFzKriK1ADNvjF0Tif1xwfNcipUZqrUlPFwEBGpGgVJ1jsbkJmxHp6JnsB2dWl1FpZsF7LoRUL48QXNqC03JzcxnT+P8mOTIoirR/OhWtKYoZrbC/HNnkEIqTQ9sQo4GqIwvkXljiGBrnMb7BxFEgdyRcVzbJXWgB0GWcHULq1Bj9kenkJOJ9ctKeR5OsYhTuXYBIRBvQks04zk2RnGJ8twoqYG92LUS1cVpQCTc3EMtM4VRXCLS1odrm77cvw47l8OzbLh9H00WaisGaXPVIRRVQHdqjJeOo2gCtuURSUhUSzqLnECvz8FdHBZrIyzWVhQOlmtQs9e/bq7I8F7++8oroaPjLpqbdjA59Sal0oxvSNvz0Ko2HNdkYfEk7W0HmZs7SjI5QK22hE4FpaEBp1bzy1EVS3i2haBqiJrmS+tVDbdaed8ll24Wougv7QjSymKJa3tYtStItweu7YIoIEoCZ5+dZvZsnvKizpt/cpHWzXG2f6wTWRMZe89X2Ky6k9Xn/X6wjeVqCK7t5+CLksD4exkyIyVS3WHMir0cdLuyD9c2/P7xAbhvrPRIrxicfOMidz21m3s+vpd3nz3J4RdPr2xZjzZejf4d3TzjvcHzX32Lxo4ULV0rJWg8DwqF6nKJF8/zKBZrBIMqsiQiKxLRaIAtW9v55V++/5r2RVGgVjPRNJmlpfKqdnPZCqoqEQqpV+yrtmpfhUKVUEhFkteWH16NYFAhEg1wYP8Gvvizd63ZH/BzMNuDLdd8P6pEaA6sSD0lSaR/eye25eA4LpIkEo6HCIY1HNdDlkXUgEogqBK5N4RjOXhAMKThuh5WfQHA8zyCYQ1FWz0xNhyTeWMJx3PQRIUGNc2ZsTmODU0T0lT62htQJJEd/e28fHSYbLFKX3uaZ945T65U49uvnuSubT28eWqMmaUCP3z7HA/tHWBkJsOl6QwL+TKKLLGxc+2aWDcDWZbYvLWdjZtamZvN8/rL5/nuNw7heh4/+6V7UFSZkUsL/OkfvcwDj2zhM184SCIZxnVc/vAPnmVuNr96jGNB7rl/Ey88c4qxS4scOzRK/8YWOrqujcSJskitrKNXTQJhbfk3/HFFiqKKxi9u3kdbKMofnHiD5yeHGIj714fjuvz84B5awnWy5Xk8O3ERURC4q7UH3bb4HxeOcWRhmoc7+pivlhhMNvKxni2kAytuyo3BMI90DPDK9Gop3CvTI2yIpfhHu+4lb+j8ZsWPSowUs7w+O8YXN+4mFQhSNA2eGb/AxoSfH3NXSzc/N7iHoXyG3z76CnmjxuZUE7bncCGf4bP9O0hqq5+IsiSyq6OVXR03jsr6h+qxZOYp2RUEBJJqjLhyPcdMF8+ZwTXfBUw8ZxI8P7ogqLtwKv8Nql9DCjwKil+mSxDDCGIMBBVBTPrE9joQhCCieheO8QKS9iCu+Q6isgtBjOIa7+DaF7Er/8VfcXczeM5CvV+LuPWIrWuPIrorEwhR6kDU7kAQ14kSX32UnsucnsFwTSRBpFFLEZRurDBQJZmDDRsYrywxVyvwuZ4DN/zOnF7gpblzfK5nP2ktgu06vDx3njsa+yhaNcDjvuaNbIg0LnsGHF4aIyxr/Nrgw3h4/Lbxw+X2HmzZxGC8hZKlM1crMFSa547GPu5o6OOtxUvc27SRi8U5FFGkP9r8k2jtjwl2reyTvJZuzGJ2hRwJAqHmLvC4Jvf2luB5VGdGiQ3sJNDYhlMtU7sOUb2d9s2FBSJ79mDncziVCp5pIkgSWls7pXfe8a9J00TUNMRQGLdWQ2luJrJ7D1dH9JxymeqF80T27kWQZMpHDuPWVkdb3WqF/KsvozQ1oTY1rZsHKQgCUjBEaPNmggMDWJlFKmfPUj11CnN+Dm8dX4FbgZxKEtq1g+ILr9xWe3bVWs61vQwjd/MTdEFWEBQZJAlB8iOEiCKCJPomUZdfiyJqa+vq6OSa8JhZPLb8qlD2I58zi0ev2bJS83MflwqXVr03Mv3qTff/g4IUVIlsbGbxpfNUp3M4uk3zI1uQYwEqI4uk7+qnOpah5fGt1GYKuLZD8xPbyB0ewy4bSAGF2myecE8DckhFTl7/mWAXC2vWftbz8+hHVxQGZmmJ0iSrXl+JWmaKq+HWdJ+krVNz+HbQ0qMRCElMX9JpaFOZvqTT3hdk4kKV5i6NzIxJMfvBGQxdhiBIpFIDZHPDzM4dwfNcNC2OLAUwWE2Ws7lLtLUeoKlpB7FoO7MLx5CaG5AiEfTxMeREClFRkaJRxKCvdBEkESuXAzdNbfjiOr34YNG6Ncn+L/bRsCHK6Ltr5/9aus2FF2fp2tuAXjCRFBHXcWnoi7LhziZswzeBcx0PSRVp356kYUMUWZOoZA0WhoosjZXZ/zMbKM7rxFr8Od3ZZ6fZ/Fg7gZiCWPewWW89zahYWIbLrk91M3s2z8SRJZz/WTm260ENqnRvaefNHxxjdmyRsbPTBEM3NlsJRQPsuHsj3/xPz/FLv/UZtCtqQHp4nD8/y9DQHD09jUxP5zh5YoLNm9sIRwKIosDBg328+OJZ7rl7Iz29PoEqFmtIokBDY4x0OsL2HV28+sp59uzpoaEhytxcgbffGWbr1g7i8ZAf/fU8zp2b5tLwPF3dDUxOLnHm9BR79/YSuonjAIhEAuzb28M77wyz/8AGursblsm4okik01EEwc/BvK9xH+dLl7hQGsV2HdJago+3PURnaGVyLwgCoTXKy4TjV0mcFAl1Lan0DWSzJwsX+JORr1NxdHpC7fzDjV/ijq093LG1Z9V2ewc72DvYsfz65z+yf9XnP/XgTn7qwZ3Lr7tbkjy4Z+C6+74ZeJ6HYdhomowkibR3pPjop/Zw9vQUU+NLGIaNospkl8qUijX2HfTzcAVBYGa+wPjoItpV4yIIAnfes5HnfniSl184w9joIp//2bsIBtdwn1YVzh0e5dyhEdSgSiCk8tEv3X9Nnu2tHxc3pYBKaAHCsl+uqCea5NDC1HIEvCMSJ6YGlgmqhx9lzRs13podRwB2NbTSHU0QlBV+desd/NXQcf7lu89ysLmTz/fvJKysL2udrRTpiMSRBJGwotIU9GXamVqFvFHjRGYGRZQIyQo7GlqQBAFNkumO+jmyAdl3s7WuUz7gdlFxavzF2Lc5lj+HKsh8rvNJnmi9d93tXesUdvUvkMO/gij34zkruUeisg811oljvIlV/s9IgYeQQ5+/rX6J6k4c/Rlc811c6yxK5O/jL/55SOrdSKGfwjc9EhDEhJ/DW/6/kSN/B1HehOcWWLV8KQS5ldt0zizy+xf/G3N6hqgc5tf6f4bt8Y23dSzr4fJpmzOrFMwqZ/L+eQBwoHEDsihyoKGXolXjT4dfJySpfLH3DgZizSzqJdJaBE2ScD1oCfrXUc2x+KOLL1OzLXoiDRSsGo7n+udwqovnZs8wWs7wytwF7mnaeF1zq5/gg4VZzFIeO0/znU8QSDdTm5/E8yDU0kl84y5KI2cxiyv+ApoWJxbvJBxtQ1FDeJ6LUStQLE5QLk4vl9C4EkZ2gcV3n7/m/fUgBFTUlhTG+PxNRSHN+TmUVNKX/NZ0PNPENQwEWcbO5wEoHz+G1tlF08/8DE7FL6GhT0wQ3HBt1LZ28QLRgwcRFZXqhQvXfA5gTEyQffoHpD76MZTGxhsuxAiyjNrSitrSSuyOOzGmJqmeOUNteBg7u7Rm/ds121EU5Ma0LzHNLAG+6ZLS2oxrmNiZJXAcpEQcKRr1jbMME0FTwXYQAhpupYoY0HCK10pZ14QkIUWiyLEYcjqF0tCInEwiR6IIgQCiooAs1Sf6kk9or/z/8t91gnsr6O6R+MhHAySSImMjDt//To1EUuTjnwoSiwucPGbxxusGT340SCIpYNu+YnRxweX736mx94DKfQ9oWKbHj57WuXjevp3A9g1hFWpMf/soqf09JHZ1MvWtoyipMCCAB4uvXcTMV1HTEWozeZyyweLL5xEVCatYw7MdzGyVUKfr12OOXmch13VxCoUP/iDq8Bwbt7qenPz2ICsije0qtYpDc5fG0pyJFhRRA/4/LfjhlNf0PIdaNUM83k06tRHXdWho2IymxahUF1ZtaxgFsrlhWpp3YTsG+fwIYrwZQVYQtQBSOIyVWUROpTHnZlHSDbi1GnY+h7hGma8P5Xhcj+lTOaZPZpk8usT8kH8enPjeBEbxihQDFy6+MkdmtES0KUgtb1DNmhglm+mTWZSAxPihDNmJCpLip0Ke+O7E8vcdy+XYN8Zo7Iviuh7Dr81RXtQxqjbF+RrxthBmxaYwU6OaNZm/UEAUZMK1Ad77yhDNsU0Uq7OMfydAy4ZOxPIQqmiSSvYiiQoLxYvo1u2dw7dFbDfv76N7czsNrQme+qX7iaXC3P3p/TR1pfnIz93L8MlxCoUadz61h2KuTKZQYeO+DfRu7SBf1gkGFO795D7UK6KHXRtbae5KM7Cre9UDQBQEUqkI//0v3kAUBZaWykSjAR5/Ygdq3Yr+iY/sYDFT4j/+x+eIxXwSqOsWDz64hY99fA+qKvOZz+zjT/7rq/zOb/+AaDRIsVgjnY7wiU/uIRBQqFQMJFEgHg/x53/+OqIokMmUSSTDPPLoNhRFwrYd3ntvhKNHxphfKFAo1Pja197mtVfPM7iplfvv34yqSjz10d1kcxX+w79/llg85D8gdYsnntjB40/sAPyIX3uwmf9l45cYq0xhuhYtgQbagy3IPyZzFNdzuVAaJWPkcXGpOrVVNYpvB0bNJLdQJJ6OEIysTapd16NW1gmEVFzHJTtfINWcQNGuPR1N0+bP//gVZFmku7cRSRa5dHGesZFFPvapPQSC/jnU3BIn3Rjle9884udV6xZH3hulVNIJrEFYW9uTbN3ewasvnaW5Jc7W7R1rTjwSDRF+9h8/RbWogwDhaIBo8tZvULLgS0N028LzPBb1CjXnxhOVgqFTtS3iaoDZaomm4EqNVnGN/raHY0QUlb+//U4UUcLFW96uO5rgn+y5n/FSjn996EUGE43c3dqz7r4bg2FmqyUcz8VwbPKmv0qf1II0BiP89MZddITj9TPGo2KZfl7FOuZKImJ99e79zxryZpHh8jgVu4opyJie5UddcHyDJs8Er4bnVkAI+O8JKoLUhOfO4dpjy566njMJuEjanX4k1Tq3siMhCF7VJ8Je0pcbX6/MjJBAVHdjV7+GIHcjyD3+sasHsGtfQ/KqCGLK7xdC3WxKQhCb8dxFPHsE1BtHS9eC53nM6AtMVmcxXQsRAce7tUUF/zvusmoF/GhuzTHx8DAci0WjxIZoIzElQEoL8+muPXSGUssiL0kQ8fB4qmMn9zcP8vT0Sf585E3+9a5PkdTCnM5NYTgOggA5s0JjIMpcNc/Z/Az/x65P0qBFmagsLU8uk2qIHckOnp4+wVQ1y+d7DvykfO2PE67LwqEXcW2LaO9WEpv2AuAYOoWhEywde60eGRJoaNpCV88DhCMtdQM1/31BEHEdk6XMBUYvPY9eWx0VkhsThHZs8HMLHQ9jahFsB2s+h9bbgrVYILS9F8+0qRy5SGj3AKEdvVSODFE+dB7s65/n5tQki3/zdaxMxifCjkv+xReRwmHsfB5BEDEnp8j89V+jNDUhySq12SmcUpFq25lrchWdSgWnUMCsVLCzS2vv1POoXjiPq9dIPPoYwQ19CNdx/b4SUijkG1n19WMX8uijo1TPnEYfG1szb3IZokBw5zbkhjRuqYxr+YsISlsrWrGEnIxTuzCEnc0TObgPO5sjtGcn+vmLyE2NeLqO2tlB7ex5pEScyjuH1t2VoAVQGhsJ9PYS6OlBbWxCTiQQVNWPUF+R0vVhIRCEL/5CmPNnLX70A526hyY//XMhhi/aPPNDky/9UphqzWNgUObMKYt7H9B4/lmdAwdVhi7YfPYLIf7sj8u0tEp8/mdC/MHvlCiVPnhmK0cDBJpiVMaWSB/cgBxSKZ2fJbapFadm4tourmFTODWFoEjYVQO7aqKsE5y4EVG6WkUAIGkSTfs7sMom2bMLpLe3IAdk5t+bQksGcQwbs3DjaLznOLjmzdWuvlksTBmYuktu0cJ1fOK1MGXg2B5LcyZG7dYjeY5rUa0u4nk2gaYgSosHs7av4rAKaC0yEeKMT71GZ/vddHXei2XXyGTOUaksIMvXjv3S0nnaWvexlL2AYZZQKhFcw8DOZzHnZ8F1sXO+ssWcn6tLdj1Y7z7xQUPwo7HTJ3Or3s5NXKuq8VyPpdEyS6MralbHcq/5rm14TB67tmyUadtMn8pd835+qkp+6op6tlUbsiCJCrIdY/FSiZ7GBBUji77kcWF+lEJ1nnSkl0igEdeziQQaf3zEVhAEGjtWJBCDe3rRDYuM55Es1WhuiLH5jgFGp5ZItiRo6krx3Bvn2dLfQndvO28dGyEUUNm/vduv42ralPMVDr14mj0PbiWRvnYVauNgC48+uo3RkUVUTWbTYCtNzSvGIclkmF/5lQe4eHGOudkCCNDYEKWvvxmpXmC8rS3Jr/+Dxzh3boZ8vkoqGWbjYAvJZPiKG6/A5i3tPPDAZkZHFwhoCps2t0FYwnJdJEEgkQjRu6GRnt4GtuzqwPU8EsEg6XR0WaLa2BjlV3/1IYaG5pmbyyMIAnNelW17u66pO5pS46TU9aN/rucxVy7RFr15yUfFNDEdh2Tw+gkQVbvGWGUKlw8mV8Y2bY6/eo7ZsQXu+ugeTN3CNCyiyTDVUg3X8VADCrIiMTu6QHt/M57r8d4zJzjwxE5i6SiS5MshRElADahIokhHZ4p33hzixLFx8CCRCvOZzx/ggUe2Lucsd3an+fLffYhnnj7O33z1HRLJMHfcPcDO3V0MXZi7pg6xLEvccc9GXn/lPDt3d5NqWFtmapk2h186y/SleTyge2MLdz21+5bzbSOqRlc0ybdHznA+v8jppblVudTrYVGv8NWLx2kMhjmyMMXf33EX0nUmCo92DvC7x1/jL84fIaYG0B2bj/ZsIqyo/PXQSb+WLaCIEjHVN+MZKWY5k51nvlrmvYVJLNdhW7qFu1t7+N1jr/Hfzh3G8Tzm6jk2G2IptqWa+dOzh9iaaqZo6uxp7KAvfn1pVCIQRBQEvj58kvZInPvbeompt1fkfawyTcFaPcHzAM8exql9G8+ZxfWqeG4GKfhxRHkLorwRu/InCEIKUbvTdzkGXOs4rvE6vutwADn4yeU2BakLUdnlf09qRw7/AgiJdfslCCKisg+7+ldI6h7APz5RPYjkzmFXvoIfrU0ih38OQe5DVPZiV/4MQUwhqnsRxHr7YghBagRubqXaw2OoNLZm7v7Noi2U4I2FIb45cYSWYJx7mgYYiDbz4uxZ/nrsPUzXZqaaB6A1mGBfupevjLzN5ngbFdtgMN7C/nQPR7PjnMxNkVTDTFWytATjCAjsTnbyxvxFvjL6NiFJYaKSZWOshZgaJKxoPD97FlmQGCkvLkdzJUHkQHoDv3XiO2xLdtAWTPxEhvxjhlMrs/Duc2RPv4MSjgICVqWIXSni1RfoorF2+gaeRJQUFuZOUCpOYds1BEFE1WIkU/00NG0BPIbOfxf7Ctd4MaQhiAJyIoq1kEPrbcXJFrELZZTWFK5uIgZV9NksrmlhjM8hRYNUjw/fkNSCn2dbPXvWN6JKdSGIInahilByCEeakdQgjmUgCSrG+BxqtAE7k8FzHfRLl65pT2lsRIrFKR0+fH15r+uij42R+fpfE9l/gOi+/cjXcbK9EoIggCShpNLIiSThLVsxZmeonjlD5cwZf/LsXvXs9sCr6YiKglUs4RSKyMkkdmaJyntHCAz0IafTfmRpfoHKoaNE77sLKRlHDGigqXiWhdLchLWwtoRRikYJDmwkvG0bWlcXUjjiR13/J1yT8ZhIIinwxmsGC/P+WESjAs0tEn/91SqT4w5DQza9GyQs0+PSsE1fv8zosM2u3QodXRKdXRL3PagRDomkG0QCAeFDIbau5eDZLlJEY+7Z0+iLJcxcBbuoozZGsJcquKbN/AvniG1uRQqpGItlzKUyoiIhyBJ2WfdJsG4hqtcxEfQ8XyosQOOuNtR4gMLwEoGGEI172pl5dZRwW4z2+3qZPzSJqIiktjaRv7CIo1ukd7QiB2SWTs8T60mgJYJkTs2hZ+pkxXVvSdZuWzWqJT/66drmmmWWKgWHSsG/lqvF+v8l//9y/vZUX9VqhvMXv43jWkQSAdg7gTNSwFkwGZt8mZa2Djb//G6O/V9vMjT8g7rjvofj2AjC2ilnoqhgOwbZ7DCOpeNMjvuLOFeaRl1elb3y+rzugr6HbVaXx8ixDdybCHyshdmzebJrkNi/DfBLt3lEAk1ocgTXdchXp4kHW0mEO7EcnbK+SElfoGbmb3s/H5gUOVescmF0nrGpJXZt7uDs8CzJWIjmhiipRBjPA0WWaEhEqOkrUqS58Qzf/qPnUQMqH/m5e5GUtQnDwEALAwPX5qRCXa4b0ti1qxt2rd0/QRBIJsPcddf15LG+s25DZ5xRqUQsFEaKynzt9CkG0mnu7OiklgBlU5jdLW28Mz3JQqXCnv4+KpbJa5NjdMRibEw3EIkE2L27m6VqI8fmZqku1aiKDm9P+cShL5ni4lIG1/PY3dLGfKXMVLHA5oZGyqbJYrVKOhgiqMj89ZlTPNG3EVGA6VIJVZIYSKeZKRUxbIeBVJpzmUUc12VrUzNnFxcYzed4sn8jHbHYug+crFVgsjp3nfG4NZiGxczIPIGQRiCkMXJqgksnJ+job2FmdAFTt2hoS7JxTy8XjoyQbk2SaIiSaIzhuR6zI/MYukW1WKO9v4WW7gYkWeSJj+7i/oe3YNv+TUJWRIJBdbmsD/i5yHffP8jufT3YtossiwRDKq7jce+DmwmFr5aSexi6RTwRYs/+DcjrENXF6RyFTIknf/5ePM/j1e8eITOTo6Ov+ZbGRhYlfm5wN+/MT2I6Nj/Vv52SaRC6jhQYoCeaZGuqmaxR5Ve3HWRHuhVBENiUbCSpBVGviAAIgkBvLMX/uus+jmdmsByHDbEUYUVDEUX64mkmS3kkUeTvbb+LTclGPPwyPEXT4ImuQVRRYq5aYkMsTU8kyS9v2s+F/CJd4RibtjQSFlVMy+XjnVs4lZtjtlKiJRIhpQURPIEHWjfQGozieh5RRePJzk2ogoRu2cTlAL+4aR/ncguUdAPTdlg0KiiSiPb/sPdfQZql+Xkn9nuPP5936U1VZnlf7Xu60T093mAGAAkQ9FySy+XuKkJShHSjCF0qFCGFbhShWK1WsbHUcmkAggRIYDCD7nE9pr2rri7v0vv8vDv+1cXJysqsNJVZZmaI7SeiO7O+PO475j3v8zfPo6+peUtJtJbVNXWNSEoaXZekacT+v8SVBjdaE7jhNkbh2hha8p9t+EQBJQ3oaMn/Zj1zCyqsVUao1tdRzd+KQ8TCXCe88TlNoaX+OUSdePndxKOAmF4HCHUQRX/mnhCdYqPav49qfWNtP8bafgRa6r+CqA1CJybXMZFV9LMo2jEQW5VVt4MfBVxp3NrTsttBCMHThQNxMK1bR107jiOZPv6LQy8z2VqlaBY5mxuhYCbRhMLfG3uBj8pTLLsNimYyJp0I+qwsBaOGFwWcLxzgueJBBDCSLPDPjrzKlfo8OT3BPz/yRVK6Rd5I8l8feY2r9XmyRoL/9uiX1suNhRAMJXKkdYuXeg5vW6nwOZ48ZBjgNyr4jfsi94oCUURP3xk0zeL2zR+wsvTZfQrJgqWFjxk//C0KpaMkUwPUaxObNhN2XBTbJeq6qJqKmklg9BdQLJOg0sS5NY994gDBah3Z9eIeTUsHx92zsK0QCrqVilVShUC3MsgoQNPtWGk58JAyWptU3nefqWpMaFMpMi9+gaBSxrmzlfRuPXGSoFaj9pMf071xg/Rzz5M4fhw1nd5z2a1QFIRtY42NY46MknrmWdqffkLr4kWCygaCKyXO7QmCWo3EmdMIXcNfWIothYIAGYaxPaCUKJq21uuqEjZaaIUChCFBuYwxMoxzY/NYIgyDxLHjpF98EWt0FGFav/YAk+NIfB+GR1SaTYmyppXTaUf096tUViN6+1Ru3wro6V1P1q/fLq1mxPJSyCcf+fieJAigXn8yoliR41P9eAoh1PUJfuSFNK4uwIYioTDwqH40teN2vPKaNsQOwlF3IcMAPWWSGslSubpM9kiR+q0yjYkK9TtliKA1W6dyZZnACZBBhJ4yAIFVTLD49hSqrdP3wihOpUN6NHeP2Eq5uy3TfSjPXaS2dK9kP/AebxmznjLQEnqccW64qKaGkTaRkcStdUFKyleW6H1+CER83IHrsvTxDL0vxK1/sYL2PTJ5N9F6DwJVNejtPUO3s0qjudZ7fH9waScIBUUzUDQ9fp7XLQHj8aa8cJnK4tX1nT7sOarNdmLxJt1c21fcEiaREEVEYUgUeMht5k9PGpEMWW7cIGHkWG3eJogcEkYWN2jTdJbwgy7ZxBC2kfnNILaGrjIykGdqtoKqKliGTrvrEgQJHNfHcX2CIFz7PVhX1+0bKfJ3/w+/jZ22SGaenEfjftD1fZbbbTKmSVI3yJgmY7lY8bTmOFxbXaUvmaJo2+iKQkLX+f6t+KGtOB0O5vKYa4POtfIKlqaR0HXuVCvcKJdJGjpeGDLfbHA4X+TyyjKKgNlGI1aKlZC3LUazWYIoIm2YjOfz/Hx6kqrTRRUKq502C60mKcMgjCIma1VO9/Zxu1qhYNt0fZ/SNlYDGzHZnqPh77GHZg9IpG1Gjg6QLWVQVIW5W0t4jk9tpUGmkCIKI4QQaIaGpms4bQc/a+N0XJyOS89QgY9+fAkzYZDriTP3QohYIEzfPfsshEBVBenMfctpYKyVOEsp15S0JbVamx+//hnHTgwwfqR3x/vOMHVcx2Pu9hJRJGlW28zdXkYAQ/sgtwLoS6T53bGTe14HwFBUXho4QPa+zObhbImClmC+2uRAMbf+uSIEh7PFbb1mXx3c3mPy2d5hnu291z8tpeTqwgqaqtCpBxxQC5ihRkY3ma81uOwskTINniuOsGy0SJoGkQfXKitojkpL8egmfBwnYEDJcH1hlVIqyXSlRsYyeTozhBCC5XqbhXqTjudh6TpZy0RTFVRFQRUC2zBYrDdJmgb92dQ6sW0FHSbbc1sqDeJraIK6g1CZSADb2W9YcbnytusIBDaoD5Z/lFGbyP+YyP0Fiv4UQt0shCWEDiK/zZoWbCPwJISxRsL3hrJXY667tOflt4OtGbzSt7knV1dUnike5JniwS3Lp3SLL/Yf2/L5SLLASHJrBl8gOJ4d4Hh2q0jYydzgFj/bSEq6gcfN5jIp3eJsfnjLep/j1whFIX/8GVqzt0kkSjhOjfLK1W1sfySe22Rp4RN6+k5jmJsrs8J6Gw8IKw3ClgPRCsZIL0rSpnt9BmFoaPk03vQyYa2FDEL8xQrmgT46jU7MVvaAKPSpLcbvahlFOK3VuOxeUZFRyF27Gd9trv37HlTbJvfqaxj9/QS1KrU3f7p7WfD9CEPcqUm8hQVan3xM6tw57KPHYs/cPWY8hRAIXcccHMTo7SF5+iyND96nc+mz+FgUBXP8AHpvLyiCqN1BRhHSdWMyEgREnoc7MUXqhWdJv/oyQtfxpmfQCnlQBP7iMvrQIGHrXtZHzWTIfvE10k8/g5JM7nueJjdmsGQUK6OuMQcp7/2OoqBYeyfMjYbkJz90+OZ3bF56JWJ5MeIHf9nl+99z+Oo3TF56xSAMJB994DE4qOL7kk47Igig3YozuO+85fHiSwaBD3duB1y98ngn/Iqqo6gGUegho4hc7xHcTpVuuwwyQtVMpIwIAxdF0dfK1cWaRU3sLKKoWvzvzRvedb8yigjdgMgPSY/mcKtdgo6PV3cInThw49Ydgo6PZusk+tMohkr1yjJCEeSOlmjN1OksNgndgPb8PSGl2A1j78Q2igLs4RzWYI7ICVBtneb1RfxGl8zJQfSsTWdilfZUGbOUInNqCID6xVki1yd1fADV0hGqoH5xFr96j/SlhjOMfv0IkR/Snm8w//Y02fECPWf7MTIWC+9Ns3rh0RI4hpGiv+9pEoki6fQQExM/xvf3RjxVM0GiNEyy7yBWrg8jlUc1LBRVW7Ne8vCdFl6riltbpluZp1td2ndToFBUNDuFXRgkURzCysf70swkQtXigJ3vEThN3EaZzuocrcU7eM3ylrFuy7ZVnfyh8+h2PG5LKWnOXadb3uqT/CA0ugu4Rkju0GnyxHPSwGnjTUwRRi7l+/y8HwaPhdiqqsLIQJ6l1Sbjo6WYxIYhq9U22bSN4/rUGl0aLYdG28H3Q9odl2zaxrD0TaXN98O2Dcxtei+fBGzbwDA0bF0jY5rcLJd5un+QnGWxsJYpvVOrogiBKhSKdoKpWp1u4NOTSNL2fcbzBbQNUdiUYXKnUsGPIrKWRdYyKSWS9CSSXF1dYbnTZjCV5tLyEghQhUBXVfqSKdKmiRsE2JrGXLOBpWmU7GQceZHQtXwKdoKBdJqW71FKJFhoNclbNtfLq9RdB3sHpdhIRlxvTDxS2eJ26BkuYKcsNF0lW0qTyifpGy0hRFzPL4SgXe8QhRHlxRqaoRH4IeWFGn0HSoRhRHEgj7lNX+yjQkrJh+/d4cJHk0xPrlJebfG3/t4XSO3QCwxg2jq6rnHjwhRSxkR35uYCgR/ui9g+DDRFwdb0HfsJV5pt3p+Y5Xh/D0f7SyzUmzS6Dod6iszVGji+z0ghhyoEU5UaxVSCseLeyuCytknSNOl4PtVOl4ShA5KsbZEyDTRFIUKiqwrKWv+wqWnoSYVSOp74eGEY963bNn2ZFF3fJ2WahFFEKCUCKCZt0qaBbejkbItIrllU+AF+GJIwdHRV2RQ5XXWrzHUejcA9GbhE/nWEehDV+npMZH9FkFIy21mk4j05wZBfBzqByx9Pvs/t5jJfHzhFwdj/pPpzPDkIRSV75DxubZUgcNGjgEjuXEIXRT5RFG4pRQxrLcLaZp9cb24V1dJJH+vDPtuPlCGd1SrRWoa29f61hzrmjQRBrpUPyvv8TmWwVeAq7HSovP4DhKYTdbtEnYcr95Oei3P7Fu70FHpfH8kTJ7GPn8Do60MYxp7vb6HpmCMjFHt7sQ8fof7zN3FnZvAmpwlWYrGpsN4AIWi99yEyCHAnphCqQtR1aP78LZSETdTqEHW7tD/6JLYr8338lTJRK74eajZL8TvfJXn6TEy6djm+uyRVBsGazVKDsNkk7LSJOl0ip0vkukjfI/J9pOcj/Xv/GYMDFL/7O6DtbeyUEt78sctnn/rYtqDdlrRbkg/e9bhzK8C2BZVyRLst+aN/3aHdjlhajGi3Iv7V/9yhXov493/UoadXRVWhVo3wH5+dJoqqUxo6h6pbtKozuJ0axcEzdFvLRPOXsBIFrFQsMFpbvkGmNIaqGnhOE89pxL3erVUyhQOUFy5vvk8fQCyFUIi8kPlfTKLZOm7dQQYRyx/OrVs1Lb49Fave6gpzP59ABhFu3WHhl5OopoZb6zLzo1toCR23tqH3dms6c/djUQS586NICenj/TSvLpA7P0rQdkmMFnDm6/R+4zRz//5DhKYSOj72YI7ibx2m9vE0/d86w8qb1zBLaQovjLP0V/fcVvpfGKE932D2zQmQktCP8Bou7cUmWsqgdLqf1U8fsTJRgqJo+L7D7TtvUKve4UFlIkJRSfWPUzr5Eqn+8Zhg7lKhIaWMgxFeB7e+Qvnmh5Svv//gAIJQSBQHyY6eIjNyHDNTQjXsB+8r9HEbZco3PqB8/T1CbxcfbRmR6h+nePT5dceYlSt55t7/i9jPeJ8oHnuOvrNfXt9WbfIitYmLD15xj3gsjFHXVJ47c2DTZ7/zlbPrv//2a6fXf//SC3tX6DRNjX/+X38Jw3jyxNa2Df6b//YrWJaGremc6+snZRjoqsoXD4zR8jyKiQTfPnIUKSWlRAJFKNi6Ttow+fLYISrdDinD2FQqd6LUQ8G20YRC3rY4XCjihSFhFNGbSPLswBB9qSQHcrmY/Jqxyu3dElNDVfnuseNICcOZzPpYoioKHd/DDUIKts1gOo2l6fSlUpiqhqmpuyreNoM2k525RxaLuh8Hjg+t//5bv/vsjssdPnfvfvnWP/4iADM3FkikLUaODjyhyWu8zWajy9BIgb/zj17i5OntRaPuIteT4Q//d994AsfyYJwq9DGUzJDUtr+OkZRoqsJKq01rymOl1Wa0kOP9yVnma3VODPTyweQsXc+n4/moisJANo39AD9YIQRD+bi/8ZzdT8v1SBj6pvt6/ZwVclvEoO7+rS+TYiCbXq9eODvUv2mZ7dbb6Hm8k//xRHuGZvCb10MilAJ66p89eMEngFCG3Gw9Wn/tbyIsVeerA6f4+uDpuE/3c1L7K4HQdFQrQdBurlnSbC9Uo6wtB1At3ySdHSaR6KHZ2GoRIoRCLj+O063SaS1v+fvWjQsGvnWKwd8+g7vSJPJDammLxrXH1z6zvitTIzVeonV7hcjbIXvxmJVmpe/jzc7izc3R+OB9rINjJE+dxjp4EDWdjsuE93C/K6ZJ8swZjN5eqm+8TvvKZaLOffZDa36m0vPW3/hRu7P+OcS9uet/W8tEK3aC/De+SfLM2Z2Fr2QsGyd9H29xEXd6CmdqEn95mbDTQboukedt7kHcAULX4gz6A5e8hzBkvb92I1aWN39WrcT/9tz4Z6Ucra8/N/v4lfshJhBB4KyJpwV4Tp12fZ7q0jW8boPCwClW5z4lmR0ikelH0yzqq7foNJbRjATFoTNouk3gd7cJvjzgmNeul9/y8Fv32PpG6ya/5WEe6CX7yilW//Rtok5caeE1XCD+PfI3rw9sEgfb87kII5rXF7H6MjSvLZA62kfmQBE9l0AxYlscRVexB3MkRgrouQQyiBCKwFmsU/tkmtR4D+njm6t9VEujvZZVBtBsnYPfOkr12grt+SaJnkdXI/b8FpNTP9n7CkIhf+gpBp75JkbqXjJB3rXD2Dj12SCyJlQVxU6jWSmc2lJMbB8AzbQZfPbbpIeObiKz6/OrjfOsjfvSDKx8P4PPfhPdTjH/0es7lifLKKR25wL58adQ9Tj4lh46gpkq4NT2l2TQrCSZoXtVXjLwacxc251Y7xO/mlToQ0JRFAYHtyvde3hEMqLuN6l6DTqhQyADBAJD0UnlE5hGFkvVOJi7t9840xpn9YbuE3EazebWf09t08xvqCojmXviUNZaJNILQ75+6AiFNYGn/tT2mVUhBL3J7YWNttuftXZJhzfs835IKVnorjxy2eLjxvCRfnJjaVa8Cq1GBz8KkEh0oZHUEuSNDGkt9dA9dooiePHlI7z48s591lJKAhlSdqvU/CZuFA/ohqKT1pIUzRyWYv5KJthJ3dg1OKEqCv2ZFEnTpOk4RFLScmN1by+IaLkeqqJgahpBFDFeKqDvUZXzLoQQpK24P1lKiRO61PwGraCDE3mEUdyzpQkVQ9FJaDYZLUVSs7cQ6PvP2XbnUGxHnjfAi3wu1W8R7FPt90lBSkkr6FD3m7SDDm7kE8oQRShoQsNSDdJakryRQRPaE7lv7h7D1cYe+v1+hZBS4kYeFa9O02/hRh6RlKiKSkK1yOppcnoaTdn5NaQpKgdSW8vqP8eTRfrAcUrPvMbsD/8I1bAY/vrf3X5BIdBTOQBWV6+QK4wzdvgbLMy+T6ezQhh6CKGg6Tb5wiH6h55lbuYdJGBZ996xcq1UWW54rrWkSfHFMWqfznL7f3oL6ccKy08C9kCWsX/8Ba7+31/Hqzye/j+tt4RayOLPLKwTSOPgMELTcCdn4a59j5SEtRrtC5/QufQZek8PieMnSJw6hTEwGFvlPMgqSAj0vj6K3/0dJJLOpUv7yqhtC0Uh9eyzpM4/tauaswxDnIkJGu+8jTMxQdhuPfq+f+3YaKL3aAjcFrqeIFMao12P7a5S+VHqwS0Cr0OmcBDdTNGsTmNY6bWKAkngtQncFunCQeZubfXdlQ9ILe8kLqWXMqiZBEQSZ2YFd2oZ+cIxhCJAVTCHS6i2gTtXRqgqWi6JMHWciUWkF9+zMTHaH31Yz+avZ3sFXqVFd65K+a1bCE0h7HgM/+3nWfjep1j9WdLH4mC49AKI1ta971FYvbjIyJfHMbM2bq1L9doKiqFi5iySQxmCto9qaOSPl0gPZyme6sNruARtn+LZPpJ9aXqfGmTlwsJWAv+QSPaMMPD0N9ZJrZSS0O3Qrczj1JbxO02QEYphYSRzGOkCZrqAZqfi3tvAp3rn0z2VewdOh/bKNKnBw4g154nQc/CaZdxmBa9ZIfS6CEXFSBdIlIaxsj0IRV0nuKWTL9NamqQ+dWnH/bSXp+lW5kn2xs41ZqpAeugITm2Z/TwndmkYK3ev/c9tVWgtPN65y0MT24bf4l9M/AeW3XtCErZq8vvD3+BEZqvv215wsXad/zj3Q9wNWYchu5d/eOD3SOs7R11WnAr/cuo/rpfhJVSLPxz5FkfSB4H4gWqHXS7Xb/LL1Y/WFVW7oUsowzWVWJ2EapM3MhxLj/Fy6RmOpA+gKxriIV+mdb/F/zTx71l1t8ph74QDiUH+/oHfIak9uKfvQbg7sWz4Lep+kyWnzGRnjqn2HPPdZRr+5tKvhe4K/49r/yP6LhPN+/G3R77NmezRh56wx9emw+X6Ld6rfMpEa5aa36QTdgmiAAloQiWhWWT1DGPJIZ4vnONU5jAZPfXYiIKUkrJX48PKZ7xb/pQFZ5lG0MZbe8noik5SS9Bj5jmfO8FLpacYtvtRhIJCTGJ+1RjOZ+lNJ1HXonRt16PpuhQSCZYbLQazGUYLWRRFsFBvkjSMXRWVt4OUkmbQ5lrjDh9VL3OnPUPdb9AOHLzII5AhCgJV0dCFRkK1SGoJimaO4+kxjqXHGUkMkNPT+7pWoQxpBR0afouKV2ems8Bke47Z7hLTnfl1axmAQIZ8f+FnvFf+dM/bH7b7+S/H/wBD2V+5sJQSJ3KZ7y5zvTnBpfoN5rsrNIMWncDBlz6hjNbPiakYpDSbgpHleHqcp/OnGE+NYKnmQ40rfhTQDNrU/SarbpXpzjxT7Xnmu8tMdzb3u3TCLv+/iT8lqe1NfArg6fxJfm/oq6iPYDnmhh4T7Vk+qHzG5cZNym6NVtDBi3wkElUoWKpJWkvSb/XwdP4Uz+RP0meVdrSK+hy/WjiVRWpXPyTsttGTGYSqUf70l2u2PvcgVI3C2ZcBGD34JTLZURLJHnL5MQK/GwuyCIGmWqiaSRQFDA6/wNDwi2ycoYahy5XP/ohOewnFULGHclj9WcxiCmehTmq8B6KIzkyV6O7kWlUwe9MYORuEwK93cRYbW0RthKZg9WXQsxZE4DedOAPshSiGhjWQofTyIaz+DJkTA/gNBxlGtO6sEjmPUAEhJfbZE4DAvbYmxCQh9cUXCVa/T1hrbF0lCPAWFvAWFmi8+w7m6Cip809jHzmCuosQJKzpTORyFL75bYJqFW92a9Z8PzD6+8m+9FJMrHdA2G5T//nPaLzz9rb2Mv+5It17kNB36VT330O4EVJG+G6HKJzH6cTzwPL8JexkERmFrM5dxE6VaNVmcTtV3G6NYEPmync7dFurBO7WCqWwvUvVkhAo27liCEHmCycIW91YidzU6V6/d58ITcUcLGAMlbAO9hG5PmrKjn8mTFqfrBEQRUE8QPhy03lA4pXbhB0PZ6FG2PHwyi2a1xco/dZRhn7/GbpzVVZ/cYPaR5P0vHYMv9qhPbFK6Pg4Sw1kJAnbHu7K5r728qUlnHIHq5DArTu4dYcb//Yiif4Uyx/Nx8JYUhI4Abf/09WYIIcxSXZrDtf+1QWMVBErB0RVFN0icNqopkXQbaPbabxODSOZI3A798TnEMgowG/fV8UhBMWjz2Ok75LaiNbiBAsf/oD2ysy2WVFFNzGSORKlYbKjp0BRaC9Pb1lup7NbvXOB7OhJosCjNnWZ1vwt3GaZ0O1yP+nUk1mKR5+n98wX0cx4bqDqJqXjX6A5d4NomzYMgNDrUr1zgWTPCAgVRdPJjpykevsCgdPadp37IRSF3MEzKGtViFJKGrPX8No1hKah5QsE1Wpc3qwomINDyCjCW1zYu0gXj0BsgyjgVmua2e69sqCkatP0H75EsOE3udq4gxPdE55wQ5dgl54dADfyuNGcZNmNfaJUofBi8TyHUweIiLjWuMOfzr7BZ/Ub+NtsS65tw408qn6dO+0ZfrbyPl8oPsXfHP46A9aDzdW3Q3yOppjv7qHsag2RjPbtPbkdOoHDX8z/hIv1a1S8BjWvsem8bgcncrnZmtzXfhrB3m7o7eCGHhdqV/nz+Z9wozmxYxbOlwF1v0XdbzHdmeet1Y85nDrAtwe+yHOFM1jq/YrH+z+Od8sX+E/zP2aqvX15tht5uJ5HxatxvTnBj5be5lsDr/LN/lexVBNLffw9wQ9CwtDXel9jpC2TftIEUcRXTxymZwPpPdK7/3Pkhh7vVj7lBws/405rZttnByBCEkU+Pj6dsMuqV2WqM8fH1ctoQmXI7uOp3Em+NfAqPWbhgc/S5fpNvrfwJkvOKlWvTsNv72pJJZEsOassOat7/m5e5BPtQ/wilBErTpmPa1d4r/wpd9oztIKdMzvr5yTyaQVtFp1VrjRu81eLv+Bs7ji/M/hljqYP7plARlLyTvkTfrj4FhWvRtVv0A66mwj+dsc81dnfxKzfKt0Npu8boQy53Zrhe/M/5ZPalR3PT7AWtGgFHRacFS7UrvK9+QJf7XuJr/W/TEZ7fAGrz/Fw8KorVKorm//96VtbREaEppM+eAIAVdUJAodGfWbL9lx2L+ENQ289W2sUUxz8By9gllJYfWlU+yDJg0VCL2TqX71H7eIcAMN/8zy9r8Xld0IVCFVh8YdXmfkPn6xld0HP2Rz8By+QPz/C3RLAoONx8//9M5rXl0iM5Dn4D18gOVbELKU48HefQwYhQdvj5n/3Jt2FBupaW4aSsOPeVc9HLeRQEhZhpU7U7iAsE61UiBWQ15YJyhWCcm3zeZ1buFcmLOL+1ajTQXo+SjoFYbj+96jbpXv9Ot2bNzH6+0mdf4rkufO72gUJIdBLJXJf/BIr/+6P9mXJsgmqSvL0GbTCztUSYbdD9Ydv0Hj3nT2VGe8NggcNPkLR6D36IqHvoltpypMfEwU+hdGzaHaKTmWOxsJNSoeejQV1zBTVmUt0q/Ok+w6R7h0j8B2qUxfxug36jr1M6HfR7QyVyQvodpq+E68SBT6t5QlWJz8m8h/Ss1VGdO8ruw/9Lq3aPTLZrt8bo33nHmlLZgZI5Ycpz322pqK8GWFrl7mXEKiZ7RX8pZQ40ytouSRaZnPQ0+jNopeyBOUGejFD5Hh0rs6AIjB671UBCk1Dsfdh1RdKyr+8CUBnurLp5/yffbxp0dVf3GT1Fzc3fXa3p7Z9Z4X2nftsqCS055u05++dO6fcwSlvfv/Urm+dH1Qux9emcGQY1dDIjMT+2+3lKexCP+3laZJ9o4hVjfTgYbrlOaxcH26zjJku4rUq+J3GpgoFzUxiF4e4ex+HbpfFT35Ea3FnUaTId3FqSzi1JSq3P0E1TCL/wX7Cd+HWl5n48b8kcFqE3u7r+e06SxffRKga/ee+jFgTIbMLAxiZIk5lYcd1G9NX8E79FmamBECiZ4REzwiNmas7rrMRejJPeuDw+r9Dp01j5hoyDFBTKQpf/yZhs0nn+lWCep3U+aeQUUT7MxV3Zq9E/ze8FPlhEcqIRWcFN/L4uHqZfz31F8w7eyeXAJ3Q4afL77LkrPJPxn6fseTuvZi/afAij0uNm1z5DStPhHhgrfstvrfwE15f/OWuBGE7BDLkWvMOs91FbrWm+b2hr5I39u7zuxGdoMv3Ft7ke/M/3VffZtmr8cfT32exu8rfO/BdEpqNQOxKNB4WURThuAGWpa+JGOx+H2qKQn92+9L2IKxT7f6EnP0qurr9pEVKSSd0+JOZH/DDpbfphA8fiQ9kyFRnnobf4gulp+gxd/e6BZjvLvNJ9cp6GfhvAqbas/wPt/+YO+2ZRyqD7oQO75U/ZaazwD848Ds8Vzi7bquzOyR3WtN8Wn84wZwnDS/y+fnKB/zp7BssOqv7eg4kkiW3zB/PfJ+brSn+3uh3GU08qT77z7FfuNUVVj/5GXK7iLmUuNUVosDn9o3v77vvbsOG1kmzs1jnyv/tdcxCkpP/529SfneC6T+JJ78yuHcMlQ+nqF+ax1lsIFSFod85S/9XT7Dyi1t052ogYOT3nyb/1AiT//I9GtcWQAiMnL0+qW7dWeXy//UHDH33LAPfPMXl/8tf4q6VIssgRGg6ud/7Bu6daSLXI2q1UQf6sE4fJWp1UM4lab35NkomjTk+ipJJEaxU6HzwKQ8uzxNYp48RNZo4V2+SeuV5nMvX8abmNi8WRXjz81SWlmh9eoHMSy+TOncexdwhWCkE9tGjmCOje7Mj2gZqIoF99NiOAjQyiuhcukzzow8fI6kFoaoPtEASikKqd5ylq7+gPneNwO9SPPgUup2hU1sgP3IGt1khWRqlPPEJMpyncOAcq6FPZuAo5YmPsDK9FA4+xdK1n5PqOcjy9beoz10n8B28Tp3W8iRuq0x9/vpWNeJfEdqNRTrNpW1JLUBQ26USUIhYbVuILWXhQlVInR9H+gGNd6+TPHMQvZghdX4cZ2ol7nVNWviVJmHLIXI8UBXC9j1yLzQN1d57JdBvOloLt+LxRygoqkbgtIlCn8Bp016eJnS7tBZuEQU+mpUkdLs0mzcIfXfL+VU0HUW/164W+i5es7LdbreHjIi8LpouiEKJogoMSyGV06iv+hT6dZamXVJZjVYtQFEFYRgRdst7jkfL0Kd25wKFw09jpuN5oGYlMRLZXYmt26zQmLtBKVVAKAqqaZMdPUlz/ua6n/nOEKT6xjDS9+aAnfIcndV7QR5vcYHmhY9JnXsaGYa4MzOErSZaNvc5sQWY6y5xoXaNfzv9l5tIrUBgqxa2aqIKNS6RiHw6QXdLRipCcrlxiz+Z+QH/1fgfUjBz+zoGQ9E5kz1GTs/QCbo4kUcQBQQyJJAhXuQ9QbEXgaFoWMr2mcRQRlu+791e4/1MTfY2Kb8HiaTmN/njme/z5vJ7W8iLQGCp5vr1gTjz3QmdLcu2gg5/tfhznNDl7x34DtkdFKB3ghf5vL74S/587ie0w63kOu7ttdfKVQWBDOgEznrm25cBb668t94jqAgR2zU9JBaXGwRBSKfrYRgaQoBt6kgJK5Um+WyCSEqGBx6sbFx33iOM2pjaIFJ6GNogbjBNQj8BKIRRB4FGw/0IIQQZ8zlUJe7lDmTI9xZ+yg8Wf77t/WkpJpZqrpfpR0SEUYgTebiht2129Uj6ICOJ/j2RFVWoa6W6WyEBP/K3ZNU1oaLto3zW3GcJcnatF3QnUmsqBpZqoAsdRShIIrwo2HZckUjmukv80fRfUjLzHE4d2Hab90Pd5XmWsF7quxGGoqPs44neTxvCXfiRz+uLv+A/zL5BfRv7MGOtzSO+X+L7ywlduqG7paT8g8pndEOXfzr2+xxIDH5Obn8DELQbtNpby2YBZBiw/N7rhK4TZ1wfR1xPgvRDIj+EiLhs0N/63LUny6i2gZY0UHSV7nwdxdRQ7fjZ1rM2xRcOsvzmDVbeurVOip3FDd9FxtuWYQRSEvnhln1JKelevEpYq0MkSX7hGbRSgUCC3t8TZ1rXPLiFrqMP9iFUZV1xeefvKfEmZ7DPniCo1lFsC39pl6qTMMSbm6PyF3+Ov7xM/qtfQ5hb9R6EECiWReLEyW2JraIJZCR3bd/TSz1o+Z31TcJ2m9YnHyOdvWeV9gLFtmNf5AcgdDt060uEa16fZqqAqltoRoLW6jSh7xAFHm6zTBT6FDQd3UohwwC3WQYEqeIICIXQ69KtL20q95VRQBT6vzZSu3YUWwQWNyKoVOPWAHXrmC0ANZ1BsW2izua5jfQDWp/ewVuoIl2foNaie3sBGUZIP8BbrsUbCGKvXRnFx+DO3rs31VQKxXq0Srn9IpUaoFQ8zvLKJTqdlQevsAOEUOgpnSSVHmR29h08r4nX2hokuCtmdPdn4LRgTQQs9Lo7ZvGjMNxUbqzqJlauB7ex92MeHLdAQLcZMnLUZupal1ROpVHxSec0ygse/QdMVjTByFGb2opPOq/RaYZMXOnsaRx2W1XcRnmd2ApVQzEekIWXEbWJi+THzqFZSYRQSA8exkwXHygipWg62dETKGsZYhmF1Kcvr2eYI98n8n1Sp8+hZdKox08SNhsI0ySo1x78hTbgry2xvd6c2CSQpAqFQauXZwtnOJI+SI+Zx1YtgiikEbSYbs/zUfUSVxq3NxEoieRC7RrvVj7lG/2v7IvIJbUE/+jA7xHIgEhGuJFPN3TohF26gcPF+g3+Yv4nTyTLl9AsfmfwK7xaem7bv99pz/L9hTc3TdRLZp7fGfwyaW1zP7MkIJIuYdRCU3Lce2oUDiVH93Vc3cDhe/M/3UJqVaEwbPfzdP4Uh1Ij9JgFbNVCImkHXRadFS7Xb/Fx7QrVDZYmXuTzs5X3yRlp/mD4G+h7JCxSSj6tXeMvF97cQmp1oXE8M86LxfMcSAzFvbxAO+yy5Kyu9ZteYsWtEsiQN5ffI6XFpHOv+4at4kjtjkvC1llcbpBOmYRhrAioCEEQROSzEAZ7K591/ElS5llMbYBq9+eoSpKOd4OEfnTdhqbtX6PtfYYiEljaGLaSQkrJ7dY0ry/8YhOpFQgGrB7O509wJHWQXrNAUkugKyr+WuCh4tVZdspMdeaZaM9Qdmt0QgdVKLxUfApzB1J2P05kDvHPxv6AcJuZly8D/mL+J0x37kUVVaHyUulpns5t9giOIolQBFEYoShi0/lO68l1EhcEIaq6uwJp3sjyheJ5brWm8CIfVSiktRQjiX4Opw4wbPdRMguk9SSGohNEIc2gxWxniY9rl/msfgPnPm/Pmc4iP1p6m9HE4AN7fQWCFwvnGLJ6t/17I2jzZ7M/pOrfezYsxeTbA68ymhjcdp3t0G+V9iXOFsmId8oXtpBagaBgZDmbO87JzCEG7V6SagJFCJzQZcWtcqs1xcfVy8x2F9evtURyuX6DfzfzA/7LsT+guM9g4uf41SPobCyJFJhmmnRmBMvOE0UBy4ufEgRdQKDp1rpn56NAqILiF8bpeekQWtpCRhFGxo69LtfuXy1poqUs2lOVTZne/UJ6PtJxYW2CL8MQf3aB7uUbAITVOtnvfBXnyg2iZhtzfOTecW578Pc+DZZXkWFI4pkz+IvL8X4egMhxaLz9Fmo6Tfa3XllXv71/H+boKELXt5QjF0dsiiMJlm61aK56BN7Wc6MVCijWzpNcf2Ul7nt7nFAUtMKDW1Vgg7rsGrq1Rcx0ca0nVhL6Dqpukeo5gIwifKcd9/EpCqnesVjNtbkKMkJuQyDDwMPK9OA0VnHb1T2J+NwPzUhgZXpplacfav0HIWw1CdsdtO1KjtcytmoqvZnYSknn+izBagPpxveF9IJ1UShg/fOtuHeO9GIJsUdLpseFXO4gw8Mv4br1Rya22ewBenpOs7h4Ac/buxe1rlmE3fYWu7KNCN02bmMVuzgU972bNr1nXiNwO3RWZx+c2RRgp1V8N6I0ZNI7YrI07ZLOadhJlVROw0qoZHt03G6E2wkxLIXSkMHCxD4CTVFE0N3wzhYCZZsgyf3orM7SWZkhPXwMIQRGKk966OgDia2Z7SHRe2B9/PNaNZrzt9afDem6tD+9gFYqEVz4GASYQ8MoyRTe3P70Av7aEtuKV18XkzIVg5dLT/PdwS8zZPdtm5U4lTnMF4rneWPpLf58/sd0N0xCncjlndVPeLF4noKxs9rw/VCEIKHt/HLwIp/v8XiC3ABuGFBxW/TbWQxF51zu+I7LJio2f7X4c9hAbFNagheK5+kxN0dq3WAGN5ghklGsooZBEK2iKXnSe+iZvItIRnxQ+YwfLb29idSaisGXel/g2wNfpN/qQRNbzeqPp8d5sfgULzVu8cczP+Bmc3I9IOBGHm8svsWJzCHOZY/v6Xjqfou/nH+Tslfb9Lmtmnyj/xV+e+A1CkZ2i5jN0dRBni+c47dKz/BHM3/JpfpNnMjF8fY+Ueu4Pu9dm+ZgX56BQgbLiNVyR4cKKIogl02gKApReC8vKaXEWLNCiM9lbIlw/3e9S65VJYWullBFCkWYtNzPCGUXP6rhBFOoSgJD7UdTcuhqD7oaX/NQhrxX+ZSqvzlDcyJziL83+l0Op0bjrP4O5zhaU05uBC0m2jNcrF1n1a1yKntkz2JJA3YPA3bPtn9zQpdfrn60idgqCA6lRvlC7mnKlTaGoeL7IUEYYhsGS5UGB0eLBGHE8nID2zYggPl2HVVTKJdbZLM2uqZi2waJNT/rjVCEwtP5U7xd/oRQhpzLnuBc7hhDdj8pzUbd5p4FOJU5wkulp/jp8nv82dwb1DcItkVEXKheZXFgldHEwJZ1N0IIwXhqhPHUyLZ/X3bKvL74i03EVlc0zuSOcT53YtdtPyykjDPPfzLzV5tIrSpUTmeO8DeGv8bR9MFtVcQPpw7wXOEMr/Y8x5/P/Zhfrn60ntmOkHxUvcTh1CjfHfzyQ2WRP8fjg2JYJIfG6SxMEjq7t43k8uMcGPsSqcwgqqLjunWqlVsEQRdFUTk4/jVAMnHrdcLw4VsNEiMFDv2z32Lll7eY/pOPCJouubNDjP2Tl9aXkWGEDKM4gyvY44v2/mdYIh13E/Fxrtwk8dQprJNHiVptnHqTsN5AHxlEaCpRxwFdwzo6jj7Uj5JMILtd/OUy9uljqLks9rmTdD+7Rlip4c8ukPrSS7Tf+2TP31/6Ps133yFx4gR6T++2WVs1nUJJJLZYFDWWXeyMzskv9dKquNx4q0y3sXmyrSaTiF1Eo/yVFSL30YIT90OoKsbAg4NwMgppLNwg2kAQavPXyPQdIlkcwm3XoLFC6DkoWlz5U578BLddoTL1KcniCKHv0Fi4gZQRjfkbWwR9Gou3yPQfwc7143XrWwTJ9vydHmqtvSFsNAhqVdT09sKMaiqF3tuLv7yZcDi3H9EuS4jYc/kBtoGPG9XqHQSCWm3yV7rfuxBC5fDhb7OycoXV1Ss7LiejkNrERdJDR9HMBEIopPrHOfDFv0tt4iK1yc9wqos7ijQhYepKB1UXyAhmb3XxnIh6OcB3I6592MLtRlx+p4nvRSDBSqqYtkK3FW1Xfb79bqTc9AztFaHboT59mVT/OEI3EGqcia3c+ojQ3eH9sHYOjGR2fd+txdu4jY0VKgKh66iJJNpYXH3ZvXOHsNnY2xfagL/2MwZNaLzW+zx/Z+Q75IydS1UVoZA3svzu0FeoeHV+uPTWpr9PdxaY6czvi9g+CuY7NVbdJrZqkNQMUrpF2W2RN5JMtFYxFJWxVImJ1ipeFHAsM8Bit07N69BnZ5ltV1js1hlO5OlPZB9a2RlAEXZMlEQvkVwrc1AK66Wre8WKW+GvFn+xSXBKFSpf63uJvzv6HWzV2lUUw1ZNzudOklBt/vvb/2YTuan5DX6w8HOOp8cfKCYlpeST2hWuNTc382tC5bWeF/hbw98ksYMqtRACSzU4kTnEfzX+h/w/b/zP3GlvFUvZDVEkuTm7wl99cI2+XIqnjwxzZmyAXMpCUQS2FWc2612Hputi6zpSSiotB01V0DyFetchZcZ+YsVkAj8MqXUcFEWgCoEbPk21YyBwyNlfQNJEESaKsCklv4sizDVSW0TKEFXEWXov8rnenNh0vEnV5jsDr3Eic+iB2by7wZyEZtFnFnkmf5pO0CWzjSry3ai7eExKuJ4XMD1bRtNUHMfDNHU0TaXb9QgjSb3R5ebtZdJpiyCIKOQTVKrxQFyptlFVBcvSOX1iaNvt95oF/vn43ya5pnK8F+EnIQQZPcW3B16lE3b509kfbhLDq3h17rSmH0hsfxMRyIDvL/xsk4CgQHAme4R/Ova3GLb7dhe5ERoHEoP8w4O/hxt5vF2+N7H3Ip83V97n6fwpDia3vx6f41cDI1ek76VvM/vGv92V2Np2kUNHv4VhZKiWb2HZeXTjXvVPFAVIGVLqPcXC3Ae0Ww8/wTZ702hJg9W3btOeKKPoKkYhiWrem9J41Q7duSrF5w5S+WAKv9YBEfcYRkG0noEFiPwQoSloSQOv2gbEWplyQOOHv9iUSfXnFmjWG3GZp+sSdR1av3gfNZMmclwIAqTr4S8s03jj54AkascCUd7kLN7MQtxHtyYSJT0Pf3aBcHUffXiAX6ngzc2j92xfxaEYBophcH9BdKbXIl0yuP7LVZJ5nURO30xshUAYxq4B4qjTRgb7nxTvBjWbxRh48Dgoo5DqzGebj8d3qc3eIxtCUZEypD5/Fa9dW/+8U51fy+rejXQIqjOfIdbGciFiuxSvXWX19l0P0f3PnVTNJN0zRrBhoq8ZCVLFUYSi0a7M4HXrmKkiiWw/MgpolqdRVR3VSNCtL2Jn+gh9B99tkyoMo5lJuvUlnFZMBiLHwV9cwhzZoWpOUbCPHKFz6bPt//6QUGwbY3BwTyXjjxPt9hLt9q/PotI002QzB6hUbj1w2cbsNaq3P6F49DmEqiMUBSvbQ9/ZL1E4/DTNhVvUp6/SXpok6Da3iPL5nsT31sanNYmTYM1fO1hrleg0ww3LB9z8tE0YxC0GQlERqoZq2GhWEtWwUDQdoWjx3xQVVTewstsnEB74/eZuUGqWsfJxe1miNEKiOERz/ua2y6uGRWbk+LpQlQwDapOfbcpeK5ZJ+ulnCRp1orstDuvWUPvDX3tieyR1gN8b+uqupPYuhBBYisk3+1/h/crFTVmITuhwpzXL2T1mBB8VN5tLhDLidHaIK/V5RpIFLlSmOZkb4kptjrFUD04YcLk2R95IcjQjEQIm26uczY9Q8zrcaa2w0K3xXfv8I4UONbWIphbXyPHdm2z7DW6MbG88T5GU62qyG3E0dYC/Mfz1HYnk/VCE4Ej6IF/re5l/NfXnmzK/l+o3mWjPcjw9vus18iKfX65+tKVndzQxyHcGv7SnYxFCMGz38zeGvsp/d+tf4+xD6CidMPmn33yepVqTi7cX+MWlCb7//lWOjfTy4vFRDg+VMHWN+UaTuVodRQg6vo8fRuRtm1MDvVQ6XSqdDmEkSeg6bc+j5boIIah2uyhCIGWLIIo4O9hPYsP9ryr3RB8MdfPA1g1dWv7myWtKTzKaHNxziaqUcr3PVhcaGT2FJEJKJS77QiIQhDJgyVlg0B4mpkRi/W8P84zZtsHJ44NEYVxZIImFtqJIkrANTEMj86K9HtE0DBXPC4miCIHA9QI6XQ/T3H5Y1BTtoUmWrui81vMC75U/3aRUHMqQifYcrz3UVn99kFIy2Z7j3fKFTZ+XzBy/P/yNXUntRgghyOlp/sbQ17jauL2pUmChu8JH1cuMJgY+twH6NUJR4wqNB2Vri70nsaw8t298n+Wli4we/CJ9g09vWqbVmGdg6HksK/dIxNZdahA6AYPfPo09mMUeyJE9Pbgpsxa5AbN/doHD/82rHPvff5n61YXYf7EnxeIbV2lcu7f/9sQqiqYy+refpX5lASLJytu3CRoOUeO+UkUJUbNN1NzQk+m4BPeVEYeV2pbjDlbK9/6hCMzDB7FOHcO5chPp75MoRhFBYy2bse2zJrb93OsG3Hq3gqIK2jUPt/Ub4AkuBNbY2K59vfuBlJJOZZ4o2FoyappZLCuP41TR9QSu2yCTHqbRnCGV7KfTLaOutYZEMkQIhW63vGU7uyGKQqSU5AaP067OEoWS3OAJdDuDU19CKBqKqlM6+Axeu4rvthBCwc70YWf76NYXyfYdpttcwUaQLAzhtir0HnqBhes/X1dP7t6+Rerpp2EHT1n70CHUTIawsX2P/MNALxYxBh5e/0BRdHK5MTqdFVy3jmUVSNgFEAqe16TdXoptwoizpNnMCIYRJ1EiGdFszuG626usC6FgWwVsu4CiGptmqWHoUatPbfLKFkJg20USiRJCKLhunXZ7ZVOpsWGksO0iuexBLCtLJjOMXDu+SEa0WvM4Tm3TcYSew8LHbxC6HQpHn0dPxFZdQlEwUnmKR54jd/Asbn2VxsxV6tOX6e5wv+4VXlei2SkyAyOk+sZIlIbRkznUtaxqTGiVOJEgxPrPh9rXmoiUleuLFbgNm+zBMzQXbm1LRO3CAInivbmTU1+mvTS1eSFFIfI8Wp9eIHLW2PxDatb8tSa2lmLwWu/z9JqlPa8jhGAk0c9oYoDP6vdeaIEMWHLLRESoPLzH416hCoV+O0vJSmO2NO40V1hxmyQ1g8FEnpvNJQ6lezmQKnGlNk/ZbdHyXVadFstOg0u1Ofwo3Le403bYnO3d/UHwgpBLC0sMZNL0Z9PrZKjht3i/cnFT36ah6Hy1/+V9Kxqra2WhP1x6e5N3Zyfs8kn1CsfT47uuv+CscLu1WWFNExpfKJ6n39rfvXIud4Kx1AhX96k+rWsqA4UMAkHb9firD67zya05Lk8tcaA3x9//8tMkdJ1jvT0kDJ1QSjRFoCsqCUPH0jQiKYmkJGHomJpGPmHjhxHFZAKJXCcDprb3+1UIsWWsi2S4L5Gzql/mUv1jVKFxPH2GirfKgjPL4dRxql6ZVtCk14wjfe+svskzhZcwFIOUlqHsrdBvDZHVc3ve312oqkI6tXPpv6oqW0qMNzoWRFG0NuA/mcBVr1ngcOrAJmIbIVl1q7HwzH9GQklxyfpFaveJRT1bOMOR1MF9fRchBAeTw5zIHNqUtQ1kwKX6Db7a94V9C8N9jseHoNsi8l1UK4Hf3FmJNZMZwXFqlFev7tiD5nlNFEVD3aVF5y4iP6RxfRFncesktj1T5eb/66f0ffkYvV88SvPWCnf+xdv0vXaUoHMvyFj+YAq//gY9rx4he2oQGYS0JlZxy5utUpo3l7n1//0Fva8eoeflQ3Tmaqy+N3H/breF0NVtxa0eCAlhrUH7nY8IVvaXrb0Lxdi5HFSGwZasqplQOf5KiU7dx0ppTF2o063f5wYgJdL3dx2TFNNEqOr2StkPATWdJv3UM7t65u4LMmL1zofb/skycyTsErpmk0iUKJevr2V4JUKoqKpBNjOKH3Tx/TaOs4v68I67D3CaK6QKd1tHJN36EoncAFEiR6s8TRQFdOuLJPPDa0JV9wU2RGx9lO4Zw0oV0YwEmpFY9wAFcKenCep19OJWh4PY+qkH++gxWh9+sO/vsC2EIHHyFGoy+eBld4CuJzh65DvMz39AGPkMDb6AYSRRFB3HqfLZpX+9HkhQFJWenpNkc2OYRhpVNbh27c9YXtmahRZCY3DwGYaGXoyD5DLCsvKoqoHjVGk0Zmi1l/DXLUklvb1n6CmdRNMsFEVHypDFxU+Ymv4ZQeAghEpf31P09pzENLMIodLbc5pC4QgAUegzOfWTLcQWIOg2Wfj4DRqzNyideJHM8PHYN3btmVJ1k0RpCLs4SPHY8zTnbrB67V3ay1NbMrgPgqKb5MfPUzz2AnZhAEXbveLiUSGjkPrUZQqHnopJu6KQGTqKkcpvUYAWikp64DCada/CszF9dYv3rQxD1HSK4re/Q1CtxOXKn14gqOwvqAR/zYltn1XibO74vsRQIM6uHEgMcal+c5OwU9Nv4UU+9nZiDY8ZZ3JDsYqogLP5EeY6VY5m+skbSYYSPofTvWQNm54gzVg9Q7vTJH8ow2/1HiGhGbzad5Ru4JEzHl6Svd31CMIQEEgpCaMIXYtfAFEkySQtVHUzcdZUhWIywYXZBboT0zx/cJiRfI7pzhyT7c02Bn1mkVOZww9VJp03MowlhzcRW4DLjVv4kY+xi6/s7db0FvXWjJ7iqfzJfWeGUlqCs9lj3GhObCt2tB38IOST23P89MJtFisNDg+W+D/+wRc5NFjE8QL+lx99xDtXp/jOCycRYmsfLcSetRtx9zLskGzcM2zVJK1tLjGveg0+qlxm2O7bkziXH3mYikWP2c+CM4sbOrihw6q7hB/5HEweos8apBu0GUoc4EjqBFW/zFT7NopQSKiP30bgo8p1LNXgVHYMgKn2ItOdJV4qnVkP/ij3lVb9+dwv+WLvU2T1h3+Jb4SqqAzZvehC26SU7ITOEw+Y+ZFPxavSa/Zwq3WHnJGlZy3gV/GqCCBv3MuWSCl5v/IhLxS3F59rBm0+qW7uM0qqNk/lTmKo+5+caorKmdyxTcQWYLozT8WtfU5sf43w6mWqVz+kcOoFKpffxW81tojhhK6DouqEobeebdkOiqojZbQpa7ITgqbDrf/+5wCoCQOjlCZou0RugPQD6jeWqV9bQsvYyCDEK7dwq10UQ0Ox9FgxOW3Rnq3h/sVncf+r4xG2XfRiGj0v8avxJFcGEatv36FxcwXF1PGW62iZBNZwAW+lgZowCdouqqkjVIGSMIlcP644eOEwtQ9u4y3vMysmJcE+y483QphmXIa8k95Bt0vU3WzVJoFOPcB3IiqzTSqz21u5RZ0OMgh27KPUiiWEYawLUwkFVE0hDCIUVSEKJaomUHSF7IDN6u3mzskXVSX9zLOYBw/u5Ws/MlrtRTrd1fXfPa+FH3SIooBmaw4pI1bL1wBJFAW73s+74f73ttMqs3DtZxSGz1AYPcfy7XdpLN2iXZ2jZ+w5Qt8lDFw03UbVLaxUCae5iu808dpVKnOXEELZpN7sVys4E3dib+NtSoOFqpJ9+WWcWzcJarWH+h4boff2kjx7DvEY5sB9fefwvBZTU2/S6a6gqga6ntwk5hSGHrduv46qGgwOPMPo6Bd33F4mM8zoyKvUaneYnPwpQeiRz49z7Ojvslq+xu3brxNFPsqaZoNhpOjtPcP09M9p1GdQNYPR0VcZHHyOZmue5eXPkDJkYeFDlpc/JZcb4+SJP2Rq+mesrFwhVq1mTRhve8gopLV4m/bKFHZhkPz4ebKjJzAzpQ2ZU4GeyJA//AyZkeNUbn7E0qc/xe/ubTzRExkGn/8O+bGzm4IeUkaEbge/0yRw2gTdFqHXJQy8uL83isgeOE2i9HBVaN3yHO2lSbIHz8SVMJkimaFjrF57Z9Nymp2KhabW7s/A6VCb2hqYkL5P8/33No05UWfvFpyb9vlQa/1ngiOpg+TumxB5fsC1qWWK2QSZpE06sX0/5nZZRC/y90xeHgWBHzL/2SL9B0pcv7FIaTDPrXdvMTTWS+aozvxbs/GN9MwYMx9NszRdJnNW50Ty4Po2HoXQ3sWF63MsVZr0F9NUm13CMCKbsqi3HAZLGcaGihRzmyf9QRgxsVrB1nXGSnk+np5nJJ/jSuP2lnLdkcQgBSP3UMdmKSb9VmmLd2zFq1H1G/SpO2de7+8hBdZUbfdfBiWE4Gh6DF1ohHJv5citrstblyY5M9bPP/n6s5RyqXUhKENTOX9oEM8PHuhXuxFO6LHqNoikpGSmaQZdIikpGGlqfotISvJGCif0sFUDJ/JxQx838ikYaZJrGRRd6JzMHOJy416vxF37H01Rea3nebLb9MvejxV3iUAGjCePcqt1DUu1SWmZNdIbl3qrio4qVG61rnI4dZzLwQXGkkfQxMNF7cMoZNGt0g0ceq0Cac2m7reoeE1mOsv0WXm6octCt8xCt8yqWyeUIYvdMoEM6bMKGIrGslPFiXymO8sEDzmp2QlJLREHTzZM8iLizLu6j/iOFwV0A4+0bj8wcBfJiDutSd6tfMCLhedoBA1utm6R07Ocy53hZvMWA3Y/kZRcrF9CAKeyJ1l1y9xq3SahJhmwNpcWz3YWWXY3R1LzRpaDiaGH7ucfsftRhUq4gfR0Q5c5Z5mxHUSzPseTh5nvIX3wJImBA2QOnyHoNO+1nEhARsz9+E9wuhUKxaMYZppuZ5sou1DIFw4RBF1cZ/tSwp2QPDKAfbBE89IsRjGFs1AjfWKQ0PFRbQOEoHNnifSpEVrX5wk7LqWvnkF6QbxMwkQxVIKmgwxC1ES8ztL3PllXhDV7M2TOH6BzZxmjJ0P61DBhx8UcyGEU0zQ/m8Y+UEK1TcKuR+f2EqgKZl8WRV+bSqkqimXFSrSPYP22F1jj4xhDQ9uOxVJK/NXyvV61NXidkMs/WUaGEjOloWgCtnlt+dUq0nVgB2Jr9PWhF0u47TYI6DuaBSSaoZIqmSzfbtJ7OMPcZ1XMhIZQBDLc5nwoCskzZ8n81iuIHcppHzfC0CVcEwe9m73zvJig76Z2ux8k80MUhs9gJgv0jj/P6vQFkoVhMqWxWC9j7hJCUckPn8JMFokCj059kShwyfSMMXDsVQKvQ+B1ac9eojR6noGjr+K0y5SnLyDvCg+FIa0Ln5A4eRI1sX0A1hgcIvPKq1TfeB35CIJfwjDIvfYl9FLpEfyq70HXE1y/8Z9oNHbXKJEyJAi6BIHLbgpw6dQAiqKysnKFrhMHjMrla3S7L5NK9m+7zsLCRywsfLy+3ZmZt8jnxkmlBlhZuYyU0dq+u/hrLVq+392xFHrH7xAGdFam6azMsHzp56QHxsmNnSPZewDNTq9VyglUM0nPqVcwMiWmf/HHBN3WrtsVms7AM9+icOipOLpETKbbKzNUb31Me3kSr1UlcLtbgpGKZmDmeh6a2IZel9r0ZdLDx1B1Mx7fx89RufXRJmGsZM8BrFysAyClpL0yRbeyTRtKFOEt3ftcL/WgZXN4zv5bVv7aElsFwVCib4vFyNxKnQs35yhkEgz1ZHnq6PC269/10dz4GEUy2tVX7HFBSkl5sU62mGZhukxpMI+ua4RhxOS1BaZvLpHOJZi4Oo+UcPjsyBMwDIIjoyVG+3OoqsJoFEviy7Xjy6YsrG3KoBRFMJDNEElJzrZ59cgYQRQw1Z7bNGFVUOizivvyHt0IIQRJzUYVyibLok7g0Ao69O2wXiBD5rvLWz4fsHtIqHvr870fJTNPUkvgeHsjttmUzf/md15CV9VN74e799aLJ/bma7pxvZvNea43Z2kFXV7pOc2F6h1OZkfpBC43W3OoQiGrJ6l6LY6lh5loL7LgVBiwCuiKxhdKJ1CFgioUni+c5SfL725SjK77Tf5o+i/5uHqZV0rPci53nKKZ37bUXRcG48mjHE2fRBUaPWY/IFGECkgEytpyOi8WXgUBC87sWpZ3b72Z28GTAbdbszT9Dh9Wr/G1vuf5q8V3SWsJbrVmKRhpfrL0Md3QZdWtUTJzfFa7zUR7EVUoJDWb8eQgP1v5hAGrxIq7/xK0B0Fb83J9EEIZUfXahDIiqydo+B38KKRkpnFCn+n2KotOndf6TqCI3YdxgaDX6mHEHmQ8NcaF2kWOp48y2Z4mlCFpLY0TOmhCQxMaJbPAirtK1atxq3mHL/a+sml7kYyYd1Zo3xepLpo57D2UmO4ESzUxFJ3uBv/PIAqouLWH3ubneHREvkdnYZLO4uT2C0hJ6HQor16jt+8sQyMvMTf9Nsqaz7Wi6BhGmkLpOL1952nUp+m0t47Bu8GZr6IXUyQOlvCrHcyeNFouQbTUIPKCuHdMVQgaXdq3llBUBdXScattvFobzQvWKjsFWtpa3yYbSmmFpiCDCL/RRTFUZBARdjyEpqKYGkZfFsXUiYKQzuQK7lIdxTbwa23CTkwYtEyGwm9/l6BSpnPlCt7SElF3997kh4He10/+q1/b2ZIniujevLGFXGf6TDIlk/ygRbbf4uY7ZZZubc2KBOVVwmYTNbV9pYSaTpN66mm8xQWk7xF6Ic1Vl97DaRCQzJskcjq6pWLnDDRLwWtvztILTSd57iz5r31jR2Xf/1zRri3QaSytlcRKZBRQX7xJY/l27Hm8FjBdnfgYlDWhsrXy0/mrb8bEcX2+KVm88YtYrGnDcnfhTk3RvXWL5Jkz2woxCkUh/dzzhI0GjXffeShyKwyD3BdfI3n23GMhtXBXDGp/48BuuJtZVzdUDAmhIoRGGHW4nxSHoU+tNrHpc9/vEIYemmquCYltJIOPx6Tbb9eo3PqY2uQl7OIQ+fFz5A6eQU/m1rVBsiPH6Tn5Mgsf/3BXq6hU3xj58XMgYrvCKAyo3v6YhY/fiL15H8hXHu1atuZv49SWSPaMIgTYpRHs4iDtpcl466pOeugIqhHPrWUUrolGbbCS1HWMvn781RXM4RGEGScbjb5+3NkZWPqc2K7DUAwKRnbLYGkZGmEkmV9tcGx0ezVBiInx/XjylDaGqikk0hZXP7xDGISxB6ciWJmrcPqFw5QGcqRzCYYP9XLpvdt0ml0OHHv8qqq9hfilttF3dScP1rvo+gEfTM2y0moznMvyh8+coe43162X7kFypXGb/3HiTx76+Kba81u8Y73Ix9nFRqITdGkFm1/kCgoFI/fQJNtWTdJ6cot10I6QcHt+lZ9/NkGrGws+hVHE+ECR3/3CKfR99MTehRAxaT+fG0cVCn1WjqPpISZai1iqgaFoeFFAJ3RZdmu4kY+UkDdSVLxWfF3F3X7HIb7Z/wr/buYHm0pm3cjjs/oNbjQnGU7081TuBM/mTzOU6Cep2uv3RM4okNFzaGslP9oOxEsIgSpiC6Nec4CS2Y/+kNlaiO9TgSCIQiZai6zkqkgJX+57BonEjQJmOsv84ciXuNOeZ6K9wIfV60gJSc2k7NYJZMiBRD+v9pzjenPqwTvdsO9QRvjSJ4hCIiIiGcV90ETrglp1r0m0h5FksVvjF8vXkEgOpfq4Up+jx0ozYOeYaZfRFBV/j304QghMxSBCMtOZIakmSGpJUloSJ3RZcBZRhcpY8gBZPYOtJvAjn0F7gF6rhyVnidHE6PqIGMqQRWdli//2slPmf5n8T2jKwz1HDb+1JUMeEdEOdy71+hxPHn6zxspHP9l9oSii3mmzuPAx/YPPkM0dXCstTDB++BtoukUy2Y/rNZiZ+jlBsA+/RQBF4FdbeOUWQb1LYryH1pU5FFPH7MvSmVimO11ez8iGXsDqm1cwCincpXpcBrd2A0d+iNmXJWw5m/xt3eUGatLC7EnTmVqlO72KYul0rs3jV9uoCYP2zUVkJAnqMVmNXJ/WlTn0XDIuaxYKxsAAydOnST3zLN7cLN07d3AmJgjKZcJuB8KHF2tSbBtr/BC5174UTwJ3ytaWy3Rvb1VvdVsBotekvuwS+BGBu/2kOWy1cCYn0fsHtt2HUFVS58/hLy/R/PADVifbSCmZ/bSKUAUykixcrREGksZSd7NXrhBo+Tzp518g/dzz+ya1em8OhCBsdWNlawGKZRD5AYppENZayODXLIglY6spuc1nmz6SIffLVksZbplsShnBDpZDkePQfP99rIMH0TLbu3YolkXuS19GTSRovPsuQW0vpAdQFPRiicxLL5F+9jmEvrPV337h+537iOOjod6YxnUbDA4+RyRDfL9DsXAU00wzO/cO0X3vyyjy1zP3vw5EgUd7aYJueZba5CUGnvoaqcFDayXKKvmx85Svvx8T1B2QPXAaRb9np+dUF1m6+NMtfa7bQghU/eED0QB+p05j5iqJ4jBCUVANi9yBM7SXp0BKjGQ2tgVa4w5es0Jr/r5xSVFQLBvFTpA8cQp3cQGQu/poPwh/bYmtrmiktK3luIVskq88cwQpJT35/dnV/KqgKApnXzqK2/XQNDUu78klMEwd09bJldKx0mvKJNeTJgojLHt3i5tHwcaB7EGDmgCGchkShrFOgrthnEXdiAjJ9eYdrt9nufOoCGW4KTN8P5zQ3UJ8NUUlrSUfesA2FH1f2d5m1+VPf3mJTNJiYrHCC8dHuTS5GItJPcQxREgafgdDaNxozvNy6SQHkr1rVQtFWkGXUEYcTg1yu72AG/ocTPZRdhu0AofjmeFNmVdVqHyj/xVaQZcfL7+95dq5kcft1jST7Vl+svwuR1IHOZ87zunsUXrMAoair5PavUAI8dDlxxtxszXLbGeF5wrHudWag7Uy9buVFrEUB4RrpBPikvbx1CCHU0Poisrl+iRu5BFtoW2bEcmITuhQ9erMdhZZdFapeHWaQYtO4OBGHl7kE8gAPwrXfgZ0wu6ehLhagUPNazOYyKMpKgUzxZH0ANOdMm4UcCDZw+x25Z47wFZtXiq+gCIUVKGiCIWcHlsWvVB8FojJ74Ddj0KsXj2SGEITGhHRZnVJGW0TqIpF2RaclT0f014gpcR/zOXgn+MhsJbZFJqOEEpcanbfxDiKfKYn3sRxavT2ncUwM0QyJJMbJQw9qpWbzE6/Tb2294DRXXhLdbyle/dc45N4G0ZPmu70Kt5K3JcXtjf4z0+Xcaa3f0Y2busupB/SvnHPQq7d3KCavOHzTYgkrWubdR5iSyEVLZNBTZ/APnKUsNPBX1nBm5/DW1zEX1kmqNWJPBfCEBmGm4SYhBCgKAhVReg6WjaHOTyMffgI1vg4SnLn95UMAloXPiGobJ3cuu2Q5TttAi9CMxWiYPtRTvo+natXSJ49t6NQkJJMkfva19HyeZoffURQrRB5HqyVHN/ddhDKePJqGqjZLIljx0iePY8xOIjQtPXvIaVcV+/VsjvbKiqp+F2rlbLrlkxEElQFNZPAnZAE5T30JyprPY6KEp/rLf9WEYaOWLNN0rI5FGvn97xiW/G1bjWJPA/pebEIVxhCJGMSF0XxdY6itexrtKlq4GHhTNyh9cknZF9+GaFtfZcKIVCTSTKvvIp58CDtTz+le/s2YbMRH+Pd51uI+JoYBnqxhHX4MMlTpzD6Bzb11UaeR9hqoeWy6xYu+8Xub9j9o9NZYXrmlxw+9A3Gx75GGLoEgcPk5E9ZXv6M+6MFUsp9dgs8mYqCKPBpLdxiPgo5mPn7mOkCAEY6j5kp7kxshYJduFdiHXvD3sFt7G1eoGgGeuLRtCtkFNKYuUbx6PMYqTxCCNLDx9A+e5Og2yTZdxAjlb97gDQXbuPeR7ql69K9dQOhGzQ//hB3bhaIq1Ietpf7ry2xVYWCcV8ZchRJJubKeEGIZercmS9zevw30z/StHRM694AZZj3fk9m7g2uyfTDlc8+CQRhSK3bpT+TxtI1kkZ8/r3Ipxv96iJjuw2YXuTjy83EQhUK9gO8b3eDJlSMPYgq3YXrB0gkv/uFU/xZJPnOCyd58cQB/vK9q4RRhKbuT8BKAL1mjkhKbNWgz8qtZ81s1eR8/tD6sk8bhwHwQp9ISo6mh7Zk2IQQpPUkf3v0WxxIDvD64i+ZaM9uIWR3Cc57lU/5pHaFPqvEU7kTPF84y3hqBEsxH1t0dy9Iqhad0OFacxpNUSmZWUxF50dLH7LkVHk6X+JQaogfL32EE3r0mjmOpUe5XJ+g4bc5kOxjPDXAj5Y+4kdLH673Pd+FlJJAhiw5ZS7Wr3Gxdp3J9iytoIMTuY+1/34kUeKZ4jheFDBg57FUg7yRRFdUSkaKqtfmYKp3T2JnHd/jk5V56p7DqWIfThCQ0HSGU1kuVZYoWgm6gc+16gwlK8HpYj8XVudxggAvCnmxb5TchvEnktGWYMeTglzb3+f49UIxTNJjJ0kOjgOSlQ9+gt+qYWRLaMkMnYWJWAwp6LIw+x6rS5diH1s9Vmh3nQauU91/pnYbGMUUuWfHaN1YpDMRB1KSh/tIjPVQvzC1TnJ3hCpIHR3AmasSNJ5sNYAQAjQNLZNBy2SwxseRvh/73zoOYaMRE6FOJyZDYRiPO5qGMC3UVBItm0NNp1Fs+4EZMxlFOBN3aH7w/o6EafBEhupsl1TRwGkHrE5u/yw7k5N0b94gee789llbIVBTKbKvvEry1Gm6E3fwFhdjsuR5yEgiNA0lkUDL5TD6+zEHh1Cz2U2EFtZIbbNJ9Y3X0Xt6yL32pR2/Y1BpoiYtQi9AzSQIai2ijotim4S1FpGze0uQeeAA1sExFMNAmOaGn3d/N1AMMxaxUdV7RHetf3onaPkCpd//gzUie5fAhkg/IPJcpOsReV78u+chXXedAPvlMp2rV9bFuPYL6Xk03nkbo38A+8iRbYWkABRdxxobxxweIWw28FdW44CE64KUCMNATaXQC0XUbBY1mdxCLmQU0bl8CWdigvw3v4WaePxijw8DIRSSyV7a7RUmJn6E57cJQ58geDyZ4bvbeFLWc93qAt3K/DqxFaq+XsK7HRRViy2NNjxHfqexyRt2N9j5fvRk7pGOGaBbXaK1eIf8oacRQmBlSyR6RmjO3SQ1cAhFj+fWoe9Qn7q0tbRaCBTTAiHwKxUUO76folYrDvw9BP7aEluB2HIDekHA1aklVqotirkkzxz7XJDkccILI64urHB9eZX+TJwNPzc8QCgjwn3Klz8sHhSAi8tDNz9YAvHQZcjx+sq+bJU0VUFXVcIoQlUEn9yeI2kZNDrOQ/VwK0LhcHqQw+nBPa9jqDonszsYu6/BVi2+2PM8JzKHeWf1E94uf8x0Z2HbjKMX+cx0FpjtLPLW6sc8nT/FV3pfZDw1ir6P7O2jYCw5QEpLIAS8VDpNVk/xcv4pnMghU7IxhYGhaqx6NUzFQEElayQYsIs4oUdOT2GrJr+VexrbUPlC8TQZLc5WSCmp+Q1+sfIhP11+j7nu0qYy7b3grqjSXiLVCc3gueIh5Fpve78VZzB6rP1ZYwG8vzTLrfoq/Yk0//7mJZ7tG2KmWecPDp/hxzO3+OLQGG/NT3E4V+SdhWn8KOJPbn3GV4YPUXG7vLUwybcPHl+PV0vkvuyfPsd/5hAKxfOvkD/5PJHbRTFtyhffhlYsLFV6+jVmXv/XBO04SyZlhOc1N6mbPk4EbRfF0EifGKQzuQISvEqL4itHcZcbDyS2iqqSe+Ygla73xInt/RBCrGcASaehp+fBK+0RUkZ48/NU33iDcBcF3CiIGHsmh2aq3Hpv5+xO1O1S/8UvMIeHYxXkHcgtmobe24ve2xtnnu9mAGWcqRWatoXIbj5uSdRuU3vzp7Q+/gjr8BGyr7y6Y7YmrLUIa1tFdaL2HoImikLi+AlyX/nqYw+6CkV5KJInpcSdnMCZuEP4kMQWICiXqf7oDdRUEmNwe1Ex2HAPFkvoxb3bG949VmdqktpPfwJSErnOr4DYinVxJYgJrFirKto449M0i3xuHNdt4HqN9SCaWJvbPSq5DQOXKPJJpQfRNliaxSXOj559FojN2e9t+qk3QkZB/N8GWy5F1df6s3c/HkW3yI2dQ7Me/dpFvkNt8hLZA6dRdRNFM0gPHsGtr5AsjayXIXcrC3RWtwqFKYkE2RdfQjEt1FQKGUVIz0VJJKn+6A381f1Xgf1GEVu54f+PA/c/1pah8/XnjxFJSJj6r0QI6n9NSBg6L46N0HBdDhbyTFXWSijk1sm8gsKB5OC+PWwfBFVo62RkZzzmF5q43+t3d6Rsk1fPjJMwDb5w8gD/8ocfEUUR33r+xEP11z5JKEKh3yrxu0Nf4eXSM3xav8o7qxe42ZqkHXS3XFeJpOzV+NHSW1yoXeUb/b/FN/pf2dSD+6TghxKnI0ibJh3fJ9K7tDshEg2h6FQ9l1A6uD6kcxZLjRZ23qLTkqStFOWGS9YW1OoBhVKGohkP+lJKFpwV/s30X/BB5bNtSd3d4EhaT5LWkiRUG1PV0YWOrmiYioGpGsx2l7hSv0XEg1+yYRBy7YPbOB2X0WOD2GmbVHZ/LyIp4XJlialmlabnIQSMZwq8tzjD7XqZhKajKyoXy4u4UYgbBHQDn4KV4MX+UebaDS6sxL3sm9SXtxk7+60SA1bPY73OAoXhxPaKlp/jVwMjUyB39ClW3v8Rbm2Vwdd+b/1vfquGaifRkhmCdnNtEvPwE0g9lyAx3osMQtq3lpBSkhzrQbEMujNlvJUmkePjLjcwivdaifxaB7++maSa/VnsoTzuSpPubAWhKCTHe9DSFqq1tcJGUy00xcDxty9jNbUUtpmn2V0k/E0K7Mg4+OVOT1H5wfdxp3cv9Z672sRpBYS+pLawOxl0Z6apvP46pd/9vV3Ln+9CqOq+ygfvZmprP/kxzfffQwYB/soKQaOBnss9NqGizQf55LzKHwZC3G2SefRjcqemKH/vexS/+12MgcHH+j2llLgzM1T+4s/xFhZQUynCeh09X3hs+7gfqdQAmcwImmaTyx5AVQ16ek5hWlnC0KVWm6TdXgJia6BWe5G+vnOcS/6TdeLpB12qlVssLn6C5++uMrwbOt0y1doE/X3nse0ivtcCobAw/wG1+uT6cnoig6KbeM3Kvvxo7eIgdv5eBWngtvE6O5fUyyjCa9e4O9sVQmCXhtCMxCZLqPshVI3C4afJj5/bVmzsYdBemsCpLpLsjYVPU30H6Vbm18uQZRTSnLuxrcpz1O3SePcdlIRN6txTtC9fIuy0SZ48jTB2tu3cDb9RxDaU4RMVaHI8nzCS1Ftd7sx10DWVk2OfT5oeJ5KmwVMjgyzWm7w0HmcEFaFsyYjqisbvDH6Zl0vPPPZjUHfJvipr/YUbIZGblJX3CynlvsolDU3lpVMHAejNpTjQmyeUkp5MEnWHEiKAIIooNzv0ZJL79mZ+EKJIUu86pCwDfcPEpNF1EAjStkmvVeCL2ot8ofAUM90F3i9f5OPaZea6y1v6miWw4lb4o+m/ZL67zD8++DfXsqlPbkKx0mozW60zV2swWsjhhyG96RSRlLhhwHKzja6qSOKJ4GKjiReGa+XfKjeWVklbJpaubSorrvoN/uXkf+SDysUtwk+WYnIkfYCzueMcSR2gYGTXSK2BLjQ0RUPh3kTq+ws/40ZzAm8PfVXNapvPfnkdw9KRkSRbSnPkqbF9nRMhoNdOMZTM8LXRIwRRRNowGUpleH36Bs/0DpE1LI7mSvzdI+dI6vGL5P2lWVRF2aAMf+97C8S2fsbPFc7yd0Z++7Fn6J9U6dfn2Bu0ZBopI5pT11FNa1NAOPI9hBAoqkpP3xnyhcPMTv9y36rHAFraYujvvEjnzjJBy0HoKoqqYBTTqAmDzJkR5v/de4TdB6vPG8UUfb99jtb1RXq/dprVn19DS1vknj5IZ6qMPVrcso5t5ElZJRaqWz0WASIZUkyN4/pNujsJBUYR0t+cRXnSiFyX1sVPqb/5U/yVB2c3AjfaVgl5W0hJ++KnCEWh8O3fRs08nA7E9puW+EtLVH/4Ou3Ll9dFtYJalWB1FS2Xe0JdjX+NISXO7Vus/smfkP/Wt7EPH96xLHlfm40iujeuU/7e9/DXVGojz8NfWcU6uL93UhQF1OvTtDvLDwyCpVL99JROrhOwen0aTbMo5OOWKt9r024vIYRCqXiCZKKPRn0G160jZYQQCpaV5+DBL6HrCSYmf4yUkk5nlXp9kvA+vZUw9KjVJ+l0VrckvoKgy40bf05//1OkU4PoeoKuU8W/zx0gNXiYgae/QXt5isbMNbqVebxWjcjfPoikmknSA4foO/8V9OS93vLO6hxubfdxtDl3k/zY+fUAUHrgEIWjz7J69Z1NljsxBEa6QOnY85SOfwHVTCCj6LHcH363RW3yEome0diXN5klP34eZW0+EXSaNGaubr9yFBG2W/H10vU4OKaoqInE+vr7xW8UsXVC97E3lG9E1/WZXqpxa2YFCQz17CxQ8Dn2htVyi0I+ue65qioKh0oFDpXuRfFMRcdSTdgQ5JZIOqHzSJPgrusTRhGpfQhnmaqOcd8+wzUhoIdFIEO8PZSlVpsd/urD67je9suWskm++dwxtB0i3o7n8/rFGzx/aIT+bEzYEqZBy3HxghDHD9AUQTGdZKnWwtRVsgmb1WasWDlUyGBs8ApcbrToej5py0RVFGbKNQ73lwjCiIVakyiSLDdaNLoOJ4f6KKYTvHV9ikLK5vTIAY4fHOd3/C9zpXGLn698yJXGrS29l4EMeXP5fXJ6hr89+m2MxyAStRNkJFlqtOlLp/CCEF1VqHa6+GFEGEVUO12O9pVYqDepdx2qHYdiMkGt4+AFIR3PJ2UarDTbJAyD3nSKUEa8sfhLPqpe3kRqBXAodYC/M/JtTmWPYCrGY5/IqqqCYeksz5RBwIvjTz3Udl4bHuN7E9f4Hy69x+liP18dOcyzvcP8h9uXOFXoI2faPNs7zB/d/JSUbvLtg8cYSWXRhEJSN+hLpDZVJChC2VaYrxN0UYTY9ExX3Q6vz13lK4PH6LFSLHTqaEoc6LpSW+DlvkNbtnO5usBEq8xXB49hqU/ufvkce8Pdni1lG09TPZ0DIPRcCv3HKBQOszD3/kPtxxrKE3kBy29c2vSZUUyiZRNY/VkUS98TsbUPFEkdHQAERimFUUhhDeZofDZD/cIMiW2ILUiy9gCGlqTtrNByViilD6EqBsuN63S9Gv6aQreppejPnUIS0XVrrDRj3++gUaf8n/6M9HPPY40feiRxnV0hJWG3izMxQePdt3Fu337o/swHIopoffIxfrlM/itfxTp0KL4XHna8k5Kw06H92UXqv/gF/vIymyr1whBncgLr8OHHcvj/q4OUuLMzLP+bf0XmpZfJPP88ajb3UO8nKSVhrUbjvXdpvPMOUedeQET6Pv7qyr6DOL7f5uq1f7+nZRcXP2Fx8ZMHLpdI9DA29hVWV69yZ+JHm/yIFUXn3Nl/RC4/jjL9M4LAYW7+Pebm39uyHdetc+XKv9v0mXnsEGG9SbC4jONUmZzcXSFeCAUzXcDK9lA49DSB08Jr1/FbVbx2ndDrImWEqpsYqTxmtgcz04O6RuKklAROm+WLP92GnG5GY/Ya3coCdjHOzquGzcAz3yQzdIzG/M1YHVkI9ESaRGmEZO/BuIdXCJzaEq35mxSPfwFFfUQqKCPq01foOfkSRiqPbqfRBpIgFKSUNBdv4zyApEfdLp1rV0mdewqh63gL87jzsw91OL9RxLYetJ6oUEguZZMwDcYGCkSRfCJVLn9dUKt3kBJUNc42dR2PKJIUCymaTYdO16OvJ82bb13na6+dRBGCVGp7sSBbs0hrSRa4F00OopAVt7LtoFhvdWk7HqaukbQNVqptEpZOOmGxXG0ShhE9+RRLlSa6qpKwDCr1Nl03oDefotbs4voBhUyCpG1uus62asUkewP8KKDhtx46yu5FPp1gD71aQqCs2U5cmlzE90NOj/UDgk/vzPPc0WEeVI7U6DpMr1a5s1wmCCPOjg7w/u0ZvCCk7XrYusYz48PMVupMLFc4f2CQG4urpCwDNwg4PnjP4uqnV24zkMtwbCAms1fnlhnMZ5ivNrgwtUDLcTk+2Eu94/L2zSmeHRtmudFEVQTR2rnKG1leKj7Ns/kz3GhO8MbSW3xUvUR3g4x+RMSPl9/h6fwpTmYOPbFMRtI0eHF8hIHsPaW/uxlHAZwa7EMAo/kcQsBIIc4IyLUFnhkdittTuHcVVtwKb61+RHBf4OJQ6gD/2yP/kBE7rvjY63faz/iWzCV59mtnufbBLQ6cGKLvwP76oe6iZCX5L07ElkdijaIezZX4Pz3z2rpA1heHxnh16CB3i+r/wfGnEEDGMDmULW66K1WhUDRzW/az6la3VD5kDIuMYeGGAZ3A4+PyDEezvWR0m7lOjQ9Wpxi0s9xurrLqtni2OMpAIsud1ipOGHCltshoMs/t5ipn8oMktIeL4H6Oh4dbWyVoNymdf5X23G0UVUNP59CTWUrPvIZbWcKvV9BHEvh+F8epPdR+oq6PljDQ0hZRECL9kMIXDuNV2tQvTNP/u08/sFrz7p+jrk9nYoWFP/0QFEHYdmOCnLHRUiZqartgqKDr1Vhu3KA3exzbyJE0SwSRR8rq3ZSlVVUDVdGYrVxgqPAU1fY0QeRCFOHcuRNb5RSLmKOj2IcOYwwOoqbSKInErv2mO0FKCWFI2OkQVKs4t2/RuXoVd34OuUf/9EeClLhTkyz/23+NffQoqfNPYQ6PxFY9eyg9llIiHYegXqN78ybtixdxZ2eQwfZB3s6NG9hHj8Uer3cRhoTNPagdP+B7BPU6zsz0o21nD9B1QSKp0KxHW2wJ74e3vLTnslUhIFdQqFWj3SxO477lH/2QzqXPSJ47T+L4CfRCAWFZuwuQSYl03XVBq/bFT/EWF7e2n0iJOzeHMzGB0O9LFtQbTy7Qsg10PYGqmnh+e93P9i4MI4WmWbhuYz0Lq6SSKLYFikJQrsRl1bU6SjoJCBTLXC/xV3OZeFkpCVbLCFVFLeSRrkfYaKAkbBTbhigiWN2s+CsUBT2RQbPTUBre8fg3KoP77RrzH/6A5sLtB35vv11n4eO/YuSlv7nug6tqBunhY6SHj3EvYLTxeku65Xnm3v8LAqdN9sDpe8rFjwC3vkxz/ibFo8/HiuJrAb3Q69KYufpAko4QhM0GzY8+WD/OhyVpD09st/NPgz31jm2HSEasutVdrVoeFUIIWl2Xn1+Ib5hnjo2QTf3mqAo/Drihx/uVz0hpSc7ljlLzm7xfvsTp7KF99ap9+Mkk5Vqb7JrqcqMZCxsdPzrA9ZuLgOTksUE6XY93PrjN6RNDpLadLEBSTVAy89xoTa5/FhGx0F3Gi3xMdfNk9YMrcYP54ZESN6ZXmFqoEkURTx8f5uNrs3Qcj+++epqZpRq6ppKwdN76dIKkZTC7XOPa5BJDPVksU+flc2ObhJ0SqkVW3yxxLpGsutVtj2UvcEKXRvDg3o1c0uIPXjlDtdllpdbmD149y0hPDoCbcyv84INrD1RF7s2kODrQw6XZJYIoYrHWpNl1ySdtMnYcWLi5uErH9Wk5sW3NaDFLwjRw/M0DvqlpHB/soSedpNzqEElJvROXHodhxHPjI4Qy4kh/kUq7i6II+rNpMgkLfUP5ihACUzU4nT3KweQwP1k+wH+YfZ3mBr/gut/k4+pljqYPou/ga/uoKCRtJGwp0xb3/xTb/5v7PgeYbM+y7G5+WZmKwbf6X2XE7t/3BLUbOnsmt77jcf2jOwR+iKIolBdq9I5sl2naHULczbduf17uLSO2/9t921OFxqDVh4LYlMVecSs0/dambG7cORZvwVZ1soZNJ/DI6BbX68sYisZIIs/by3cYTuaY7dQ4no0DELqIS6Ev1xaIpPw8e/trQuR2WX7vdXpf/CbpsRNoiTRDX/r9OOpfXmT5/R8RBR6e28S28/vv2xKQyOmY0qF9a4mBv/ksuB61d2/SmVih/5Vx2n1p3OUGRJLMuVGyTx9ANXX8Wof6p9Pknh0jOdaDUUghw4jWzSUSh3o5+HeeRdciJv7DReqfztDzlVMYX0sRthwif+tcwwu7hJEHMsIPurTkMo3uEl2vhqEmMNQEpp4mCB001SJhFoCtgoREEf7KCv7qKq1PP0WxLPRcHjWXRcvl0DJZ1FQKJZFAMU2EYcQEUVHiiVQYxgq63Q5hq0VQreJXKgTlMn65TOR0H4tNzH4Rdbu0L16kc+0aeqkHY2AAo68PrVCIlZsNI87SBEGs/txpE9Tr+OUy/soy/vIyQaPxQC9fd2qShf/h/3PffFzGisOPAilpvv8erY8+fLTt7AGmKcgVFVYWQqL7OKFpCQaGNGYm/fhURNGOJH87JJIK9doeHNGlxFtYwFtaovHuOxh9/RgDA+g9PWi5HIplITQNGQRErktYq+GvrOAuLOAtLhA2m7teq+7NGzh3bm/lA2s2TEIoCKESRT5CKI/Vt3bTcXTLtNtLDPQ/g6ZZdLuVeF5i5sjnxtE0m8mpN+PSYyFInD+FMHRQFLypWazjh6n/xQ9JnD8NqoJi2yiWSdSKq91EXkXNZfHn02ilAmomhWIatD++hH38MGGrTbC8SrBaoVuepzF7jURpBM1KIhTlgfMEGUUETovW4h1WrrxFa3Fiq3rwDmjMXGXmrT+l79yXSJSGEepG5fT7lMfdDo25GyxffJNOeRZVM3GblcdCbGUUUr19gdzY+fXsM4BTW6a9NPnA9YWmYR85hppMIQwdvdRD5Qd/ib/yEG0t+15jDQpiixKsJMJ5SMPjdtBlyVl9oj22ANVml3w6gWVoTC5U6MmnsM3/vCZMQRTSCFqEMiKnp3FCl27okNISWKpFr1lkurOARJLVU5iKQd1vs3O8aCssS8f3Q1bKLQb7s7Q7LgN9WVRF0Gh2GejLkkya+EFIp+vtGlhRhcKh1CjvVy5uyujMdBYpe1UG7b5NyyuKYHyoyEhvjhtTywRBSH8xjSIEfhBy+tAA6YSJqWs0Ow5tx0NRFPLZJJV6m2zS4tiBXm7NrBJFko08UREKI4kBPq1d27TP+e4y7bD7UMR2xa3S8h9sfyKEQF07Ua2uS8f1CMIQKaHedqg1u7uK2ZmaxlMHBymkbM6M9OEHESuNFs+MD5GyTJQ1AhNKyUqjzZH+EiPFLMEaWb7/eT0z0k/aioMRrh/Ql03jBgHlVgdT17gyt8SLR0bJJ21KmSRZ28LUNGYrdbww3CJ0JYQgpSf4Wt/LrLgVvr/ws02tBbdaU/iR/8RUku8RuL0hCmN/W0W99+KJwohmrUN2TZhmurNAcF8kvWjmOZ4Z3zepDWXEyj6Cd52mQ32lgW5qVJbqIMRDEdvHDQEMJ/pI6ynq/j0F2prfYKI9R/+agJSUkhWnzVSrjKVqJDWDqVaFhKaTMxKcLQyR0S0avsOxbDwGjCTyTLbKTLerzHZqjKYK/OXMJb48cPSx95V/jr2jszDF3A//GLt/FD2dQyDwmhU6C1PrasiV1Wvki4dJpwcpu3vPrAkBuX6bk1/t4+f/4hohClZSQ1cjmp81OHFGY/m9ZWqzHSI/JLw2T+dOPNmRQUTo+NQ+uEP940kAIi8gcgOW/+ozwkMZnvv9YWYjj8ZSl7k/eQ+hKMgg3EJsXb9OFHkEoUelNUXXr5Ox+7H0VExs9SQtdwVVaERCQ8oITTFZrt8gkjtkp6SEICBqtXBbLZidAUVBN5Momo6ENfXWtToRsWG9tYwRUbRuIfMbgbWMnjc3izc3G1viqNq6D+x6Gczd41/z6d2XaaiUSP8JZaLvHs8ThKbB6bMWugGrsx5HjxsMH9QxLcGHb3U5esrkxdcsPnxL8sEvu4wfNRgcMZmdCpid9Dn7nEUiIbh11SOTV7n+mUvvoLa2bcGRkwYrS22EDudfsMjmFeamYmKsauA5EtNW+OxDJ75tooiwVqNbq9G9eSMOoqhq/A67q6K7FjjY1722Zmtkmpk44xb6a5lngWokiaIIy87TaS9hmFk8r4lppPH9NiEeqq0TtNxdNWOFpmCWUoSOj1+7VxmnGCpCVQi7Pq7b4NbtH9Dfd55sZoRi4Uhc0hu6tFrzTExeoVab5N5zJnBuTqAmbNR0EqFpoKooton0A4LVMmoyQeT6qLkM3vQsUaeLMTSAPtiHP7dIsFpBej4yCHBu3CEsx2Kp3coCk2/+G6x8P4nCIGauFyOZQ7NSqIYVZzJF7DcduB28VpVudZHO8jTdyjyh9+Dqv43CxzKKqM9coVuZJz14hGTfQaxsL6ppI5TYc9xvN+hWF2ktTtBeniR04/lqGLgsXvgRtYmLAHRWHq2Sob0yjVtfxi7GqtwyCmnM3cDfRQTrLqTn0fzgvbUxRJA6ez7OhD8EHnqGaSj6Fu9OPwqoePWHKulcdivMdffPzPeLTMKkXG8jiW1XFisNxgZ+/ZPF/eBac4LpzgJZPcWpzGEm2nNMtufQhMp3Br+IucHbShXqlp5S2F6QJZLRekRt7EAPvaUM7Y7LwdEipUIKPwgZGSqgqgq1eod8NsGLz4xTLKRwHG/H6y6E4ETmEEktsWkivOJW+Kx+gwGrd9N6Y4MF8mkbRRE8fXyEm9MrpBImra6LoWtMzFfoL2aIIrmWsTUY7c/T6ricOzoUk9uUzdhQcb33dyOOpcb4Pm9uyjYtOMssdFcoGPvru5ZScqM5scUbdzekEyYnDvTxL17/gP58mjCSzK/W+fbzJ9C1nbMduqZypD8uR83YsZ/e4f57966UktVyi2TC4HBfkVq9QyploakK7Y5Lp7N5onCo7966Q4UsQ4VsnBnTqyiKIGHojPcUNhHYbMJiqLCzkrVAYKsmT+VO8Obye7TDe4N0w289kkjX3e1vR1/vZkyCIGTiyhyGZWCYGmEY4XQ8VFVBNzXajS75ngz1cgtVV6mtNBg53Ed5sU46n6RRbVNdafLSN84A0PTbW/r+c3qahLqzn+FOaPhNZjoLew7eWUmTZDbBtQ9v43sBR546uOOy92dcIa5EeBKtHUIIBu0+Bq3eTc9zJ3S4ULvKU/kT2GvnJ2/Y/K2xp9GFiq3pfHv4FEJAQjXoHTy+Pg4NJ3M4oU9KMymYCQ4kixiqyq3GCr1Wih7r0YzkP8ejQWg6UkY4q/O4lViFFClRDQvVsPCaVaqV26wsXWJw+EXCKKDdXNhSFngXUeSvv2tkBKtTbXwnRAYRhCFDT6Xp1Hwayw6aCDl4Nk172GTy4yqZHpO+I2kaKw5LN1uMPpvHzujUFrrUFx1GnysgFMHtd8usXq/SnM+tTdzjEuWd4AUdvDWNgKYTf8fKhiojP+zQcuJ2GtvI0XYrrDZv7ftcGkaaUv9pwsAjDFwqy9eIwr2TON2AUknhyFGdoRGVTFagKIJuR7K0GHL7VsD8bEirtbeRJpEQpDP3xg7XkdTrcu88dI0MybVjy+eV9UB3GEK1EhHucVuGAcUehSNHNn+3TluyvLT/7wZrgZO8wl2B1XZLblrftgVDwypHjmr0DajYCYGMJI26ZHY25PbNgOWlkP1U1oYhlFdCnnnJ5uN3HMaOGoSBpFmP/v/s/XeYHtl13ov+KteXU3+dM3IapMFgcuKQQ86QYhJFihJJZVm2jy3bcjg69xw9x/a9jufa17IlSyKVSJmiKOacZjg5YpAz0EDn/OVQed8/qtEB3QAaGAwp2XzneQZAfRX23lW1a6+13vUutuw0mBzzmBz1OHnYJpVReOyn4szP+PQMaDz1zYAduw2+9BcVqpWAwa06vm/Q069y/A2bmUmPh94ZRdOgb6POfW+LUi76dHRr1Ks+uiETBIJ6TXD01TW0Q67U2HXd21KkRtOiZHKb8T0LQSjo5Ps2hpmmWh5FUTRkWSUSyaIoKunMBqqVMbxElfw9/Yx+9TiBfe1otRrRaHtgA7KhMvy5NxYdUrG+LFoqQuH10Bir1SYZasyiKMYia0SIAN93VuTcgiCww7rCQlMJbAWvVCZ2YA+yaeJW5xGWQyArC6yDJnpnOyIIsC8OE9QbyLFo6BxrWgRNC1ZE2wWq6qAE4xTOD6NFdEAh8GVUQ0FR5fDdEgLP8XCaDoHnoKigaGEpI0ULn0FJlhBB+Ax7boCqyXhuQDSlYdU8JHnpqx94ZebPv0Zx6Aiyqi1SgYUQCN8j8JzVdHchqI6dpTp29pafgOVYdJQswGvWqI6fWx/NXlEwenoXWB8SWksLztTELbXjlg1bQ9FJXFVWxRP+Yp3Lm4l8BSLgjeLJFYuktwq6pnLntl7GZkr0d2Rpy/7tWzBdro+zI7WRvmgHTd9mypojpcU5WRla9zkMWVu1EG769mIpk66O9IrfMumle51KLnlR0ussP9IT7WBTvI/Xi0vCIK7weGrmFe7M7CRnLFEhBjqXDK6WdIyWhWsPTxZob7EwNY18Jk5/55JAVS611L7WTBhtSyfW9vb0x7rJ6Cnml+VMVb0Gh4on2JLoR72JiGLNq3O8fHaFiu6NoKsq771nB9t6W7k8VQAk3nP3djZ2tazpcLAslzPnp/D9gA0DeUrlBvOFOt1dGRAwOl6gNZ8gn0twYWiGrZs7cL0m3/zucTZvbGP71k5GRgtIskQuG+fipRkqVYu+3hwzMxXqDZu21hQ9XRlkSWKwNctg661L+EuShKkYKLICy+YzsfDfm4EiyauozL4IqC7kSJfna1w8OU46l6BRt1BVBW3BwC3OVIjGTWYnS3QPtCIv5I9PDM8xPVpAliRyHSl87/qT8K30QgjBmcoQI43JdR9jRHXufnIvG/f0YcZM0vlrOxQ0SV0VkXcDj4ZnvSUKrXE1woHsLs5Uh1aMxhvFU9zXso87UluQJAldUcktE6bIGNeeL67kz+qKSkwzCIRgMNHC5mQrxpsVt/gJbhmybpI/8Dbi3RuRFHU1Nz0IGPv+XxETSRAB0Xgr23Z8iEZ9Ftetr1lWb2LsZcqly2teL/AD3GZA28Y4k2erIEG94BDP6fTtzbDx7hy1gk3vnjR2fZwNB3Ocfnqa8qSFEVeIZ3XaNiaoTFuMHS9zO0sIXoHlVJjxztx4xzUgyyqakSDwCzfeeRlUFQY3qjzxHpOHHzXp6FSIRiWusP58H6ymoFQMOHLY5WtfbvLyizbWDQJA++/S+O3/K4W6EKc4edzlX/1fFebnbt4p9uDDBr/1LxKomrR4rn/5f1YozF//XKoKGzapPPHuCA89alyzb8ViwJE3XL5+pW/r0HyMRiV++3cS7Nmng4Av/XWTP/hvYerQth0aP/2RCPc9YJDNypgRiSspw64LjbpgatLn+9+1+OJfNZkY99dt8AsR9sswQ/bKyCUXRZHo6FapVQJcR+C5At2QqJZ9Dr3YpNkIsC3B3KzP9ET4HTp/yuHBd0QpFwOmxz0MU0KSIBKTUVWYmfQ49KJFox6w5y4TMwKxhMLI0K0LYl4PsqwhhB8yFhSDrtb9VKxpLKuIohjIiorrNlAWaqqG6sQhHdn3XSqVUVy7hpKWUOMGWtzAUyT8pgsijMTKhkpgewSOj1u1mX9jlNb7NyylC6kyTqmJNbNkM0iKjBxRCHwH33KRNSU06oIASZWRZInA8VEMDe/SJYJqE79YAknGvjiMHDFpnjgTUsLFQn5nmNuEpIWMBL9SxRmbQInHwjq+9TqNIycRzkqvR6bdpG1jjIkzNVoHotRLLrWCQ/+eGEKAEVEoz9rYdbh0uIYsQ9fWBEhgVT26tydQNAlEqBJSK7o0yi6JnE5lzsGIKMyPNendlUSSwLUDXDtg6PUSrr1gKKMiIRPgERAgo6CgIwjwWRAEREFGWbEtPE7Cx7vplU6sNYwWX2Fs1edGaRbWt+aRZBk1lV6M0lojI2Fu9y3gllcLiqTQHW3ncOn0is6frV5ivDnNQKx7XYspIQQTzRmenX3tLc2vvYLZUo3Tl6dxXA9TV/9WKiO3mS2crVym6JRpN1soOVV6ou2Ysk7TtxmqjTLRnGGqOY8mq4w1pym5VbqjbaS00OiLqVEMRccOljzFFbfGlDVHV6Ttti+EY0qE+1v2c7pycUUU72JtmK9NPM1Hep+8obJsX0eWvo61DS4hQnNjPaVB2swsWxKDvDj/xuI2X/i8UjjKvbm9bIj3rvvZPVI6zcXa6qLT14MkQcTQ2D3Yye7BzvD6QcBMqUZbOrHq2vWGzamzE2ze2MbhYyPU6za9PTlOnpkglTAZmyiSTkVRNYVypUGtZpHPJ5BkyGZiaKoS5rDP1OhoTXL67CR9vTmOHh9ldq7Kpg2tnD0/FVLN1YWY6Ju4/4EImLbnaV6lNJ3U4m86v1ZZqBV7RRQKwnztseY0duAQT0Zo7cqQzMYJ/ACrYTMzXiTXliLTksD3ApLZGNVSg46+FqqlBvFUBN/1SeXiVAp1cu1Lc0JSCxWBl89xZadK07fIsL4azEKEtX2/OfUsDX8dImMLqJebXDhyGVmRefU7R3nHxx4k37X286/L+iqlYjtwGGtO4Qsf9TbnNcvI3JW9g+9Pv8iEtcS0KTglvjr+A/JG9k3VtA2NIUFSu77QyU/w1sPI5Elv3svckWex5ibXpCk65Xk2bHuUTHZJ5TqRunbyy/zsqRX/VnUZRZVRdRnP9nGaPrIioShhxKJZcdEjCpopI8kw/EYR1wqwKi71gsPccAOn7jF4sB2r5tEoO+E5NWnxvCsmjTcJQRCKRd0CJCmkB3quhe/Z62qUacLjT0T45V+PsWmziqKufidkORQsSiRlunsV7nvA4PN/2eBP/qh+XcNy6IKPrEBvX0hNjScktu/QeO6Zm+ufosIT744wsEFFliU8T/Dtb1hUytc3aiORpb5t3KyiKNfvW0+vwv0PGvzVZ8O+FQvXP78sQ1ubQl9/OAfu2KWRSsvceUDnN/9ZgsENyprMLsNYyJPNyGzaorL/gM6/+b8rnD3r3fCWmVGJDVt0NF1iYLPG1LhHuRAgK4CA4rzP/KzPnoMmrz1nceQVi43bdMYuu1w843D5/NK6bHLUY2LEY3zExfMEu3Ya+B5s3WVw7HWLbIvC5u06J4/YXDrnICsS8YTMyNC1Q8wSchjRE4JAeIC0kA8bGnPBgliiJCkLubH+ooHalttBtT5JozmPJMmoikmjNr1MuEkgIeM6dYQIcBbSEirlcD3g2FWCwCVGlmhXmq4ndyCpMpPfP4szX6f97VvRkyZ+02XiO6dxK9bCeC8NupmP0/O+3VTOTDP19DkkVSZ/7wDx/hwiEMy9dAk9G0UxNWaeu0jLXX2IQFAfLtD64EYUQ8WarTH11DkCOxxr37r28y6Wf7YDH7+0RK0Va6RfNiouzaqHJEGt6NAoe7QNxsh2mUycqZFuM2hWXSRAVkKtCj2q0Ky45LojmDEV1ZCpzjkL+3q09keRF+ZDJIilNbKdJnOjTerFcH5UNAnXhiQZ8nIXAkFJzFEUM+SlTqJSAgRMist4eHRKAyiSgiOaTIhhIsRolbqRkalTYVaMr1s3SVJUMhv2IC94yITvURk5vS5qNYQq27UjS2tyORJFMoybyj2/gje12tme3Mi3pp7DXRbmn7Hm+dbUs/xi/weIKDdWXyu5Ff7HyNcZb06/maasG5mFKN4dG29v8eofJfaktzBjFwhEQFZP81jbQezAZUuyH1VW2JToYyDeTUyNIEsSB3N3ICOhL1vcJtQYOT1NZVnBajtweH7uEDtTm1YpB79ZSJLE3sx27khv5eX5I4uGgi8Cvj31HIai82THw4ssgPUalgJB3WsyVA+Ny93prTc8TpM1HszfyeHSqRXG12Rzli+MfYdf3fBhMtq16/VdiUCMNCb4wtj3sNa5wFkrcnEFTdvlSy+c4JceP4Cpr875tm2XatXCMFSaTYdKpYkiS7TkEszMVjl3cZr2thTlisXEdIn29hSJuEm1ZuF5PuWKxcxslaYV0o8qVQtNU0gmTVrzSUrlJoEIGK5PUnBKbEkMkFDji6q564UQglm7wLOzr+EGVysJ977p/FpJkuiJdqBIygpa8/nqZc5Xh9mZ2sTeB7Ys7mtbDq3dWfKdmcXFyxVvIkCuLTROezetLazWHWlDkeQVlN55p8TpyoV1GW5CCCpejc+OfJ3TlZujLbq2y+VT40TiJp2DbRSny+S7sri+T8W2EUKQNiOoiowqK3RHOzh51TUOFU/wYP7AmzIy14IkSXRE8jzWdi9/MfK1RaekQHC0fIZPX/4KP9v7JN3R9nU7Sq7cEztwGG1MUnDK7E5vve1z0U9wc/CtJnZplubUCM3p0bUFYIRg6Pw3UdZ5ryyruPh3RZfp25dBiyj035lh9FiJ7l0p4jmd1k1xCiN12jcnCALB6adnqM87dO1IUZmxKU01KYw1CLwAIaAw2qB3b4ZmxaM279C7J4MRV+nbm6ZRcrCqN79Iut1wnTquU0NWtHVRkHUDPvSzUX7jH8RpaVmIQgmB68LcbEClEqrjxhMS+VYFwwjfz2xO4pd+NUYyJfGf/n2VUnHt78/khM8rL9n09kVRFEinZe57UOelF228m6DfdnUp7DugLc6zxULA88/YXG9dqhvwoY9G+Y2/Hyd3Vd9mZwKq1fC+JuISLVf37ddiJJMS/+k/VCmX1u+x6OlTeORtBr/xD+L09IbhWccWzM74VCoCJEilZFryMmFVIwlVlbjnPp1/8i8S/B//rMzszOp3IB3pQpF1Ss1xmnWHH3x97VrBEyPhgCz//fUXbE6/FkdTUlSsKV5/YWldYluC738t3NfUUowcaWXkyML4CZ/nvzuBF6yt8aEpETKRJQeTEAFVZxYzkiWbHECSFKbmjiFEQEd+N4EIkCSJyZkj+IFNe8tuNDWKZZeYnD1CJjVIR34vqXgPxcplStVhdC1KV+t+ZFllrniWUnWE1ux2YpFW/MBhev4EnmfR034Q17NQVYOJmUMA+JbLxLdPkd7VSW5fD/XhAultbcy9Mkz+3kGql+YXqcbL0ZysMP/6MNHO0AlttMTJ3ztI6fgEkc4U+fsHmfr+Obp/aifzr4+Q3tHBxPfO0HJ3P0Y2Su1SgZa7+iifmsIZa64Yo0AEVO1p7HUIgmpKhISRp+GUsLwlY7dWcJk8W8Np+pSmbXwvwLV8xs9Uses+c6NNEjmdiXM1XDsAAWOnquiGTHnaZuJcjcAT+F5A9/YElTmH6pyz4PgLUHQZM64wP2bhe4LJC/VQpbrho6CQl7soiBkqYp7QRSxoiCo+Pi1SO3FS1ESZiBRjTkxQE2UEAW1SD7IkY4kGeamLspjH4sb6MQCRTAfxjqUSXXZllurE+Rvn1ktSGKW9ao1g9vQiPI/mhfPruv5yvKlV5sZ4Hz2RNobqS7WGAgKenX0NRVJ4X9djtBm5VYsaIQRW4HC+eokvjn2P4+Wzb2n92uVIRE06WpLomrpo5P5tgyardEWWyraYysooTs9V6sfJhSjtcqS1BIOxHi7XxxfHXiB4Zf4InWaeJzofJqZEbuiYgPUbPgk1xvu7HmO8ObWCkmkHDl8Y+y5nKkO8o/1+Nif6yWqpkMp6FQIR0PCaFN0qU9YsJysXOFk+z0Rzhsfa7l2XYQuwK7WFPeltK4xsgeC14nG8CwEf6X2C/lgXirSyDUIImr7Nyco5/nLkmww3xtd1PYCG7XJxYp6B9gxnx2ZpLqtnW2/ajM2W1pwDJEkiHjMZ7M/T3pqk0XQpV5q05OK4rs/Wze2kU1EUWeLOvX2YhoYsSdx7cCONuoMsS/R2Z2lvTZJMRLjv4EZqdZvWfALbdolGdBJxE1VVOD9/mT+7/CW6Im3sTW/jjvRWOiJ5MloSRVbWzG9dPi7na5f5yvgPOFE+t+L3uBplb3r7bYkcbk0MElUjK5wyRbfCZ4a/wq8MfogN8d7FyL1h6rRfJbh0hRK9HoOrL9ZFi5Fh0loqVWUHDl8Zf4qOSCtbE4NrsgQEAjfwuFgb4a9Hv8OR0umbVoyPpaN0b2wnkY2hGdoiFbnuuLw6OoYmy9zZ3UU6EkGVVHYkN/KD6RdXGPxDtTH+cuQbfKT3SdrN/HUFmG6G9QBhvvPb2+/jVPUirxeOL273RcArhaOMNSd5rO0+9mV20Gbm0KTVZU6EENiBQ9mtMmsXOVsd4ljpLMONCfpjXWxNDv7EsP0xw6kWqA2fpeuxn8Fr1glce+ViRQimXvgGzcKtOad9J+D0UzOcfmop8v/KXy4tZmUUkmoOX3g0fJfL80Uuv7FkGJ99dundHD9ZYfzk0gJz7nKd4dfKxJUMCBO48WJ1PZBRSKg5AuFR84s3tX6RZAUjmqFWGguZjopG4K9tQcoyvP2dJr/xv4VGLYBjw/PP2nz+LxsMXfCo18N82GhUon9A5X0/HeFtbzeIRGU0XeKDH4oyPRXwyd+vsVZloCCA737T5sn3REgkwyj53fcatLc3GBtdP4vurnt0OjqXvpfHj7qcPX1ty1iW4fF3mfydBaMWwF7o219/tsHQxbBvCIjEJAYGVN73wQiPvsMkEpHQdYmf/nDYt0/9wdp9WwuDG1T+8T9P0JKXcZyFsfwfDS5e9KjXwjKQ8bjEjl0aP/eJGHv2aYtlD+99wOAd7zT5y79orBALlpDYlH+IqJ7h0MjnqDlz6x43AE022N7+dhJGntdHP0fFWvtdSpsdbMo/hCJr6GoU17d4Y/SvKVtr5yJGtBSbWx9BlTU0JYIQASenvkPRHqdUHSYV7yGbGqRUGcbQU1wY+R75zBZSie5QRTdwmZh8gb6Oe0nEOpgvnSed7GN6/ji1+hSaGgFkZotnAInW7DZsp0ZLejNzpfMk4520ZLYwPX+CaCTP5fFnsewSfuCiYeBWLdyqjVu2MPOJsNSX4+PVbSa/d5ra0PrGUTFUZFXBq9qUjo1jzdZoTlXwLY/cgT4CL6A5UUZ7aBNe3cEp1hn/xgnsuRoxvWVhjHQ0xSQQPicmv8l09cZ5p22JzWxtfRvj5ROcnv7u4vbAF1TnVz6QpamlAIjdCI1bz15aE1hVD2uNbMxLh8t4zurSTtW58Bin4WPVlx5GCRkZBVs08BdywSLE6JD7mBfTeHhIyFg0GAsukJPaSct5Lgen0SWDpqhjiybjYgiX9QVtZFWnZevdaNFwjSKCgOKlYzi14g2OBDWdJvPY46sis2oySfmlF9d1/VXnvKWjFpDVUzzSejfjw19dQWl1ApfvTj3PsdIZdqY2szHeS1KLI0syVbfOeHOac9XLXKqP0liImKmSwt25PZwsX6Dolt9Ms66L0ZkSZ4dnmJqv0NmSYv/Wntt+DTdwmbNL2IGDF3g4wsXybRqeRcNv0vAtGp7FpfoYVwu2T1vzfG70m6QWBGqiiklEMYmqEUxZR5VVVEklqppk9fSqvLr1QpVV7m3Zy2uF4ytK1ViBw+fHvs3h0mn2pLfRFWnFVAx8ESpe17wGZbdK0SlT9Rp8tPfd9MY613VNSZLYEO/lY33v5ZNDf820vTRp+cLnWPkspyoXaDVytJkttJpZYkoUWZJwAo+aV6folCm7NYpuhbJbXYyk3ZweLkRVkw90v53RxiRjzSUevy8CXi8e52JtmJ2pzWxJDpDTw9zTmttgvDnNmeoQQ7XRxUhth5mn3Wzh2A1ybRuWw9GhCSKGxh9+42VyydhiaR/H86g31/4yJ+ImjzywhZZcmA9uGBqZ9BLtdPnfNwwsOTyy6RjZhfzk7s6lHOZoVKdlQfU3GtEXzxmOZWhoDNVHGaqP8tWJp2kx0rSaOboibbSZLaS1xKI4kB04lJwqE81pLtVHGWlMLr7TVyAhcX/LfrYkBm5L1LA32snO5CZeWuaUADhXu8y/PfOH7ElvY0tigJSWQJZk3MCl7jWpeHVKToV5p0R/rIuf7n78hs9Nm5njQHYX35j84Yp7O9qc5P85+8fc17KfveltpPUkqqTgi4C612C4McHR0hlOVy4ulj3SZY37cvs4WbnAjD1/w34aps497963arsiS0Q0jdZ4jLgRGn2yJLE9uZH+WBcXaktGQUDA83OHGKqPsju9lQ2xHhJaHBDYvkPNb1JxaxSdMiW3yl3ZO3ik9eAN2wYLDhc1yi/2f4CG1+B0ZWiFk2isOc2fXf4SX534AR1mnjazhaSWQJUUPBHm/5bcCiW3StmpUHDKuMvqBV+P4fAT/OhgZFrJ7b4Pa34Ka3ac4OoQnBAEzq3l80lIqJKOJ5xrGoeGHOWO+KPU/BLHak/hiZtTy02qLexJPEbBneRU/fmbPn4t6HKEO+KPUPfLN90m3YjjuRaSJKMbUeTrsFj6BxV+9e8sGX71WsAf/F6NP/tUg2Zj9XiNDPu8/qrDqY9H+Qf/OIEZkdANiY/8XJTXXnZ47ZW123nyuMPpky4H7g7Tgfr6FfYf0BkbXR+N0DDgnU+ai9Fa2xI885RNuXztd3hgUOFX/k6cXC7sW60a9u3PP9Wg2bzquFkYuezz2isOP3/K5e//owSmGfbtZz8W5dVXbA69ur7wsq6Hke1GI+CP/6DOJ/+gTqO+8nqzM3BpyOfwIZd//e9T3PeAsXjs40+YfONrzWtGwG8FvvCYrw/TdCvY3tqRXoCZ2gVKzQkUWWN7++PEjevXNq9aM7w+8lkUWWOw5T5a4xtRVYPO5F4aVgE/cJEXRGCbdgHXa+D6TVQ5zJW1nQqe18Rx6yiqAYhFIbYrcNwall1GUXQkSUFVDCRZBQSl6giNZvitc70GtlMOy2ktINqZou2hjcR6MxSPTtAYL5HZ3YUS0RF+AIFAz0ZJbGgh0poksSFP9eIsejZKvD+H0RIn1pfFKTZojJfQkiaiHLZP+AGl4xP0vH83Y189TuD4lE5MkN3Xg2xoBJIXioRZU4tjtDH/IC2x/nXft5o9z2x9iGLz5tLRAl8QrENRrSO5HcutUAzGVv0mAqjMrn6ffTzqokK73EdVlLBFEx8XCQUFFZ3wWTaIEJOSWDSIEEdGpihmSUhpZML0tfU84ZKikdt8gMyGvYvrO6s0TfHi4fWJRgWC+oljNM+fW/FcGb29P4Y6toQLmwfzBzhXvcwL82+soOsJBJPWLJPWLN+ffnHZAnK1hIyMxH0t+3h/1zsoOn/1lhq2yZiB4/lMzFXYMdjxllxjojnLf7vwGaateZzAxRXeYs7Y8n6v9SEvumW+NfkMV7Lkl/9flmR0WUWTNXYkN/LrGz6yZjR2vdie3Mj9+f18d+r5FVEeT/icqQ5xtnrpqvqXSy0WCCKKwfv8x27qmrIksze9nV8d/BCfGf4qw43xFaPgCZ8Ja2Yxb09a49q3C4OxHn6299386eUvMntVrdKiW+G5udd5fu7QqjYsb0laS/DRvvfgBR6nK0P44toerpZUjJ97dB/zlTr37xzggw/cgamHr2ClbvEH33h5zeM0TVk0an/UcIW7+B4fLZ1Zpkl87TFZDomQgv7B7sdXqajfKiKKwRMdDzFUH2NqWSQVoOCUeWrmZZ6eeeUaz0749/U6hGRJ5h3t93Ouepkz1ZXibAWnzNcnnuJbk88QUcxFw7bpW3jCX3FVTdZ4V8dDPNn+EH9y+QvrMmyvBSEEpqqSjURQl9UTzuhJfqrzbfz+xc+uoNgLBOPNacab08gLlWWXfln6myopDMS6bro9HWaeX9/ws3z68pc5Ujq9Yi4RCApOmYJT5mTlwrJn50fF0fkJbgfcWpnJ576KU1wrgnLrdzKh5OiL7OR843Ws4PZEU6+GEzQpulOUvRmCH4GOx41gN0uAIJ3fTKVwCc9Zm+qnKPDeD0TYuFkNVVE9wbe+boWG3xpG7RU0GoK//IsGe/frvP2doQOyrV3mXe82OX7MWVNMqlgUPPtDmz37dHQDIlGJBx8x+O63rNVG5hrYuFljx86l+X1szOeVl5xrshAVBd77wSgbNy317Rtfs/j0H69h1F7Vt89+psGefTqPPb68bxFOHnPXJSYF4PuC737L4lN/uNqoXY7xMZ8//sM6u/dqxOPhXNs3oNLdo1Iq3gRP+wYIhMfQ/EsL/7p2ewLhLVJeveDGzhRBgOWFYUB3QfE7ND5NgsBFU6N4V3JEl5MwENQa0+TSm0CSMI00s4XT4XV9i3SiFyEC3DWMcMspY9tlICz3Eiw6K1fO+dZMlYt/+gpqwqA+XKByYQ7h+Qx//jCxngxew8ZruuiZCG7FYubFobDEjyyjGBqN8RKN8RJKRMMdtRn54hHiAy1IEjjFsK+lk5MEjk/lQrhOKB4Zw5lvYOTjOMUGgRPmDi+O0U1oYACUmmOUxsd5M3PgtaApEfqyB5iqnKHUHF/3F1MgmBIjxEUKTdJxsLFpMBFcQpU0RoJzOFj4+DjCQpFURoKzuDjMigmaooYumdg0EctYZlo0haSoiCAU15JkFS2eIjOwh+zG/chaaDAHnsPMyeewK+uLtnvlEl6lvIqybI+P/XgMWwjppT/b+ySCgFcLxxdVdZfjemqomqRyX8s+fq7vPSS1BK1mlmVMotuKSt1icr7KQEcWQVh25a2AJ8KyR5V1cPTXgrjG/wMR4Pke+BYlt0rwJiMahqzz3s63UfcavDR/ZNW9W7prN3+dkMYiCIRAXygXIwDX85Ek2JPZRkZP8aXx73GoeHKV0NDyNqwHEcVYpdJ9I8iSzIHsLgSCvxr9JqONqVXXu96z22rk+GjvuzmY3c3l+jiGol0331aSQjXDTCLCe+7eTmSBMgwQjxi8884tq2rD/mghoUkaMvI1abM380xEFZODud18uOcJcnr6tuV4SpLElsQAH+l5gs+OfGNF5H9lO29HMQOJDrOVn+v7KT49/GUuVIdXsCwEoTOmeh0ve0KN8WTHwzzZ+RBRJUpftItXC8duSkl7OWw/fIfqVykxSoT59NPWHF8e//4KkbYrCBbcEGvhVkdLkiR6Iu382oYP8+3J53hm9lUKTmnN86332dEkNWT5cGuMlJ/g9sFrVLGLM7Tf8y6s+SkC114ZTReC8vmji/VsbwYptZWUkkfmrZv3GkGF47UfLswIP/5asJ7bZPLyS8iKjiyr15yn2toVHnrERFuwF+fnAr7wVw0a1zFqr6BWFXzty00eecxAVUMa7V136+TzCqMjaxv3zz9j85Gfj9LdE4o/7d2v0duncPbM9fOSZRnue0Anm7tSYkXw8gs2ExPXdiK0dyg89IixqMQ8Nxvwxc+vr2/ViuDrX2ny8NuW+nbwbp2WvLJu6nRhPuDzn21SX0fZoBPHXMZGfLZuD/sXi0t0dMicOLauS90EfjSuPs9rMjH7BqaRYbZ4Bs+zcLw6s8UzCBFQqY0jSfIiZdjUU0zMHMJywoDT1NwxErEOZFnF9xdyaH0rzKedO47j1hidfoV4pA0hAjzPxvdtpuaOrSi74zddapdWO3itqQrWVGXZv6tYUys5uvXhAvXhlcEIt2xRPLIysuk3XYrHltLFhC+oXZ6ndvnWHcur8dbct4iWIqpnbpKLGCLAp0JhRdOqFFc1tcTcVQ6NgCqlNbok0XrHw6R6ti2UDQqQNR0tkkDRTVgQHhNBQHHoCKWhIzfOrV0OIZBUFb29A2dqEuF5aNkcfq2Gb9+8SN+bNmwlSaLdzPML/R+kP9bNc7OvM2nNrmngLocua3SYeR5pPcjDrQdJqmHksc1oQZGUt0QhOQgEYzMlGpZDxNAYmymRT996xPNvOyRJIm9k+Vjfe+mKtPHs7OtMW3Mr6IDXPBaJiGKuykFdjrJlMVYss72jlaYbnvPkxDTtyTiKLNOV7ODXBj/MG6VTPDv7GhdrI9S8+roW/Feun9YSbEr0sy+znTtSW9bf+QVossrB7G7yRoZvTz3HkeJpSm71uhHIuBplW3ID7+54hO2pDcjIpLQ4GS1F2b2xM0ORZZIxc8WEpSoyuzesj9K9HF4QcHhyElNV2dXWdlPHHp+epi+VImmGnm8J2JXews/0vIs3iieZtGZp+NZNvYuKpJBQY2yI9/BA/gD709uJqdHbLtR2hUqf1OJ8a+pZzlSGqHmNdRmzmqQSuYm8zZDmu4FfH/wI35p6lkPFk5Sdyqo0gqsRVSIMxLp5V8eD3JnZiS5rSJLEQKybiGJS89YnyrDqvJpGNhIldpXImCRJ6JLOuzsfIWek+c7U84w0Jmiuodq4FgxZR5fXX6bt6mu36Bk+1PNOdqe38NzcIY6XzlJ0Kzf8Fiy/fkKL0RftYm96G3sy24ipfzt1EP5nghqJo0biyJpOtKMfllHUJEJDpjZybt2GrYSEImnokklaa0ORNEwltsLotIMmAau/QyF1WUOVwvfXFx6uWFtZ2JCiyMu+T75wccTaDlRdiiABtmgio6BJBvKCaJwrbALWPweqkoYmmfjCW7jeUtsisTyyuvSOJdM9zE2dxLVXJ9dt3a7S268szp1nz7hcPL9+8asL5z2KhYB8azgG+VaFgQ3qNQ3by5dC6m1nV6gSnG9VuOd+44aGbSot8/DbloRCqxXBcz+0sa4Teb26b2dOuQxdWH/fzp/zKBYD8vllfRtcn2ErhOD0SZdzZ9c3L1XKAdPTPlu3h/OtYYTqzNeCJCmkI12kI13oSpgHW7LGKTcnl0UvQ7TEBsjF+mHBgecFNqPFwzj+tR2lbxZCBNQa09QaK/N4a14TWVJRUUka7UTj25FlDc+3QHGx5SpeYGE7FWwnfNcVSSNn9BBTUkxVzuC7Fr2ZfRhqAj9wqdoz+L5NIDxkHzbnH2a2dpFCY3hVu1TZoDu9G0mSGS0ewQtuvVyRhExUz5COdBHR0siygudb1J0Cpeb4uoShrgVdidKT3oOqXPk2BRQaI8zWLq7aV5NNejJ7qdlzFBrDpCNdpMwOFFnH8qoUGiPU7fnFuU+RVNKRbuJGC9lYL5pskk9sxFDji7OI5ZYZLx9bEbG/0t9MtJuIlgrnZGeOYmN0VV9bYhtImW2MlY6iKgbZaB+mliQQPlVrmkJjdPXYS6DoJma6lTUhBIHvURk9zeSh7+DfQmqKZBhENm7CmQ6fS60ljxyN4tduvgzsbakBIUkSGTXJezoe5c7ULo7Nn2XEm2CqOUvJrYZRLAGGopHSknSYeTbG+9gSGaQr3oquavh+gCxL7M/sQJKkxcV0Rk/dUDwkqcV5suNh6v7SQtFUDFqW1UaFsK7prg0dHD43jixL142ObYj38qGed61YKHeY+XXRKTN6ivd0PrIq1/B2Im9kMW+iVvC1IEkSWT3Ne7se467sHZwon+dibYRJa5aKW1tclKqySlQxSWihmnKrkaU32kln5BoPOqApClXb4dTULJfmCnSkEkxVaqQiJudn5nhw0wCZaIwHWu5kb3obw/UJztUuMdqYZNYuUnFr2IGDEAJNVjFknaQWJ6enyZs5+qKd9MU6yWgpIopxy8aTKitsivfTNdDGUH6U4+VzXKqPMWsXFu+hKRtkjRR90S52pjayJTGIaMrUqw6JhElSi/OezkeYXqCYykhsSQ6ueb265fDciUvcu72PVCyyeB/Wi4brcnRqCiEEezo60BWFqWqVna2tHJqYwPF9BjIZGq7LWLlMTypFVNc4MztHNhKhO5Xi2NQUp2ZncLq66UiGiqOqotAWy/LB7nfwWNu9jDQmGW6MM2XNUbBLVLwaDa+JHbiL76ciKUQUg6QWJ29k6Y60szHRR2+0k4QaXbcQ0a1AkzV2p7cxEOvhXO0SpysXGW1MMm+XFg1yRZIXS+Gk9SQteoaOSJ5ticFFqrIb+OGCWb52W2VJZiDWzS/0f4AHW+7kePkclxvjzFoF6n6oKK0t5L5n9BRdkTY2JwbYmhgkoydXjMOmRB8f7H58kaUQijqtf5xKTYuhQoEdbWu/e6Zi8GD+LnYkN3GqcoFz1ctMNGcoumWavk0ggsX7FldjZPUkeSNLZ6SN7cmNa55zPbhSv3hXagubEv1MNec4W73E5cYYU9YcJaeycH0fVVbRZZ2oYpLT07QYGXqiHQzGemgxMkTVyC3rB/wEtxd2aZax733uuvust6QDQEpto8fcRkxJEVNSyKjsjD24giVyqv48BXelII4EZLQO2vVB4koGWZJp+jWmnItM2UOLdRivYEN0P2m1FVkKazVOO5e40Hh91X4Am6J3ossmQ82jtOkDZNR2NNnAEw7z7jgjzZPY4saOKF2KsCG6j7Taxqh1ign73AoHWEvHTmxrKdXKiFybyXLHHg3TCH8LAsGloQXV3nWiUgqolAX5hWkiGpXo7Lr2mqfRCOnIj7zNIJ6Q0HV44GGDL3yuQbV67etu26GyacvSUvL8OY/jx65vNO7eq2Os6Jt3U30rlwKqZUE+v9C32PX7thxBELaxcp3836v3ry5rmyyzWF93LXSmdtIS60eRNUBClXV84XK58BojhUMrHDiKrBPRMuhqlITRgi88pqtn3lLD9npoiQ+yqeWBUGiKACECZElFkmRmquc5N/M07jKjR5E1ulI7aThF/MBhY8v96GosFDCSFCrWNOXmJI4flhTqTO0gqmcoNcdXGflJs52B3EFKzXGGC6/fch8UWacrtYuezF4MJRbOKyL8PgXC5/zMM0xUTtzy+SVJxtASRLU0ES0VGpKINQ1bVQmN9ao9SybaQ2ti04JopYwq6zTdCudmfshc/RIg0NQonakdRPQ0phqmn0W0NPIy0c2abSBVlp51CZmO5Hb6cwfQlRiB8BevUbPnOD/7DGVrSaw1E+2mJ70bgaAlvmHhOgJlwak9VTnNhbnnV9KyRUgx9l0HWVFg4dssggDhuzj1EqVLx5k78xJuvXRrAxsESJqOls3i1apo2Rxe+dbSUm/KsPU8H8f2UNXQoyfJEoEfyoNfPDtJa0eaiBMlO9TGAwfuJNACGo6F47rohoYkQA4UYnqEiGowMVLAVX1kU+b00VEGN7fTb3bT39G9WHJOXQc1M6nF+amuR9fVh86WJL4f4AeC7tbUNffblOhnU6J/fQNzFbJ6ivd2PUbTC+tUmaqGG/jMWXXyZgx1DbXfq+EFAWfLM0QUjcFk7ob73wwc32PebtAWSSyIQnkkNIO+WBe90U7swKHpWziBuyTOJMmokrJoYOqydsPFeM22KdYbBCJAlWUy0Qi6otCRSjBbqy9GLGVJIqnF2ZXezI7UJuzAxvId3MBdiN6GSq2yJKNLGoaiL0a/blY06lqQJImYGmVnajPbUxtpeBZWYOMFVww4GUPRiSoRVFlBBPBf/uS7qIrCb/zGo5iKwaNt96zrWg3b5fWzo+zfdO06j9eD5bqUrCanZ2cZyGQw1SW12WPT0zzQ14epqnz93FlkSWK2UWd7vpVis8nRqSn2d3aiyjK6ouAFAadn5xBCsD0floRRJZWckSZnpNmT3oorPGzfwRUeXuARiGBxsSYjocgKmqRhKvoNaxHfbsiSRFpPcCCzi33p7VyszmAFDpbngCQWHGo6LWaclBal4XmAjBv4jNSLaLLCWL1EWo9gKCqqFJbOaS7UudAVZbGfvghoiySv8YyIxXdElVQuzJeo1z2SmcSq9ySjp3hf183lpi+HoSr0pFKkFyLta0GRZFrNHHkjy70t+8L32XcXc39lJJSF91mXw3dKRr4t906SQjbFQLyb/lgXrvAW5xM/CK8vSWFpeFVW0OXwuVFk+ba9zz/BbUQQELg2eiqHGonD1TU/BTRnxtYtIOUJm5I3Tc0v0KFvxJRjTNgXcJYVi2z6q730USXFhsg+rKDGrDOMKum06D1sih7AFx5Tzsoc+HH7DAV3nLiSoT9yB5p0bQe5Jpuk1TY2R+9CQqLkTRMQkFZb6TN3oqBytvHKdanMmmSwIbqXNr2fMesMU87QqpSO2YmjWI0CLCiyR2J5fHf1uMkK9A+oKAsrNCGgr0/hox+Prtr3WohGw5q0i+3TIZm6/vt16DWH4cs+O3aFc8GOnSobt6gcfn1tQ1XX4f4HDZLJJSP1maes69aWDfumsDC1hn0bUPm5m+lbTCIWX+qLrkMytT5HmOvA2Kh/U0zJ5Xpp1yuBZ6gx2hKbGC0dZrY2hBA+mWgvG1ruoy+zn7naRerOEoV2pnaB+fowuhJhR8fjxG4gBvVWo+mUma0NUbGmqDmz+IFHREuxoeUeOlM7mK1dZKZ2btVxCbOVQfVe5uqXmatdxBcuES1cX1+p91y1pyk1xxcjkhVrSbRTkhRysT4UWWe6em6V0btehEbeNja23I/jN7g4/2JoRAcehpogpmcoNlcLMd0MbK/G2ZmnkSWFjuR2NuUfumGrctE+IlqSobmwPZIk05HcQV9mP32Z/ZStSVy/ie3WODvzw5AJm9jK1rbHmCgfZ7R4ZHHuCYSPuyxolo32sin/AI5vcXbmaSrW5MJ49jOQvYstbY9ydPwrKyK3qmLSm9nPbO0CZ2eewvEaxPUcG/MP0pnaQaExcpUqtGD+7CtYhSm0aBJZ0wGJwLWwyrM05sdxKoUw/3YZEgmJBx8wqJQDXnzZWaEkHo1K7NyhcfiIg+tCYNvYI8Mk7joIAvxqFWd6ilvBug1bIQSzU2VOvDGMrMi0d6ZJZWKMD8/R2pnm+R+cYmBjG/0bW7lwepLSfJ0tu7oZuzyH63j0DrZSnK9Rr1n09LeQb0ty/NBl7nlkK42azdPfOkazYZNvT2M1HWRZxoxo9G24dkTwljqsKAx03j5DcdaqMVwtoisKg4kcw7Uiju+xIdnCSzOXsTyPhzo3UHNtJhoVskaUYrPGSK1IPhJHlRXG6yWiqk5/PMuFyiyKJLMxlafpuUzUy6sM27F6ialGle5YCkNRuVQtkDEidEZTnCnNIEsSbZEEEhAIgSLLzFk1LN9jIJGlaDeZs+q0mDFOFKc4XpjgoY6NqJJMxogwZ4VGb0Z/cwH9dCTCwYEeYrpO03WJGwaBEBiqwu6udgxt9fnlhUXxFdXdHzUkKdSOS2gxElw7Z1cQMD9fQ1WVm1ZvNXWVXDJKsdYkm4gsLealsP83Mi7Gq1UmquHCz/E9hkslxisVyrZNTNfoTCTQFYW0YeKJgL50hkvFIlXHAULhofFqBT8QdCQSHJ+ZRlcU8rHV/Q3prdptE366GkIEBMJf8Aqv7rcQAm+BzaHIMr4f4AUBuqogWFpkSJKEjELV9Sg7DhXHCnPqBORMhZyuElFMzpUnMBSVkt2k6tq0RxNISMxbdebsOnkzTlqPcLY8Q1TV0WWFiKpj+S5u4JM1Yqiqdt1nxPI8vn/pMKPlMvvaO9GU25s/aKgqU7UacUMnpl/fkbDi/mkLtFFvkpo7Q0LrxwmqVN0C0IETNLC8IqaSIqLmKDmXCYRLWu+n4c0hCEhqPdS9adygScYYoO7OYAdl0vogTlCj4c0Q1zqJqfnV1/8J/nZClsntvo/MjoPImh4KiPh++NxJEk55nvEffB67sD7DtuYXqflFVMkgpbaiShoT9nkawfW986YcY8Q6xVDzMK6wkZBo86bZHruPvN7HrDuKL5YMsLI3S5lZEkqOXnPHDdulSSYCwen6C9T8sExFVE6yO/EYeb2XEeskjWBturUiaQxG9tCub2DUOsVl6/iaSslWo4Asq6RaNmKYSRq1GZr12VX7RSISmeySo0lRJB5+m8nDb7v176IkSeja9b8t05M+L71gs3W7iqJIIc34UeOahm1Lq8J9DyyxpeZmA154zrlu7dpIRCKdWdm3Rx8zefSxN9c3TV+fU8zzBKXiW5NrLSEzVTnDcOHQonFmuVWSZhvd6d3EjZYVhq0Q/oLYnnhL0u9uFlV7mtrs7AoHTtMtoRZ0st19JM02ZmsXVjl4TC3JRPkkF+deWPzt6pJFfuAyWTlNS2wDrfGNVK3pRUakoUTJxfppOiWKjZtTGF4OXY3RlboDgeDczNPM1C5yJRWgas8wd5sC4X7g4HPFaF/H+k+SGC68wXj5xOL+w4XXyUZ7iZt5TDWO64diTVei9WFkXOD5Nra3dnqchEJ3ejeqYnB25odMVc8snr/uFFAkjY35+2lLbGakeHjxNwmZmjPPhbnnFw3eplvC1JJsbXuMpNnOTPX8yudgfoLm/BKLJmJKdHcrzA5713zfbVtgWYKHHzJ4/ZBDc9kjnkxIvOtxk9NnXFxXQBDQuHAOZ3oSSdXw6zWEe2sK9us3bAPB/EyFIBAMD02RSkfRTY3CXI2Bze30DuS5485+XNensydL72CesUuzNBsOdxwY4MLpCQJfsHFrB72DeXwvIJmO4jo+bZ1pevrz7No/gO/5HHk19Lzu2t9/S526gkKxzqXLs/R0Z2ldqAH5ZhEEguGROcqVJtu3dnK2NMusVcPxPQxZZbZZ43hxkoiqhRRaRUZfiNBeqs6zMdnCq3MjZPQoL80Mo0gSKT3CyeIUCc1gulnjdGmaFjNOQjMor+HNPVGYouw0yRpRXpsdZdqq4gcBe3JdzFt1dmU7GKuXsHwXx/eJqBoni1Pc3dqHJisECC5W59iV7UCRJHwhiKka58tzzNt1LlbmeLLnxguB60GSJKK6RnQhDzBmrOTupKP/6+bOaYpCxND5r19+nq09rUSMcIzyqRjvvGvrDQ2hjdksCUNHkWRaoiHdd0M2i64oPDa4AVNVUWSZxzdtYr7RIGkYbMxmKVkWEVUlE4nQEo2yv1NGkWQs12NLruW2G2A3ghCCGfsyZyrP80D+51dE60q1JuW6RdTQqDZt8uk45VqTSsOmVGsy0JFlvlwnk4jSnk0sRPtgW7odPwhW5GnLkoQmKyiSzKZkHgF0RVOL26+0xRUBmqSgyjJtkQSqLCMEeCJAWWAHGMqNp0xdUfjF3ftwfJ+Y/ubTBa6GEAJDUQiCmxet8IXNSO0FOqP78fGYar5BXOtkonEIJ6iSULsoOZdI6/3M2WfxhYuhpJixTtAZvZOGP8tw7VlkSUXgUXSG0SSTlN7PnHUGJ6gRXTBqf4L/OaAnMmR33k354gns+SmyO+9m9tDTKIZJetsB6uMXccrzSJJCLNGO5zaxmoUbn/gmYQcNxu1zCzm1oUBc2ZvGCupE5AQKKj63rlQb4DNlX1w0agEaQZWyN0O7vgFdjqwybAU+Mgq95g66jC2MWCe5ZB1bYWBfDTOaxTCTVEujpHKDNOvzq3JsdV3CjNxe9sKCH+K6cN1QROr9Px0h16Igy/DAQyZ/+snGmlHYPfs0+vpX1q69cO7698AwJCI/hr5dgRDgOG+N4I8vXObql1ZEHH3h0XCKgISmrD8q/eOCQKArMQw1jqroyJJKVM8gRLBIV70ajtdkunr2huJshcYIDadAa2ITo6Uji0ZVKtJJVMswUTlJ07119di4niOqZyg3J5lvjPCjEuS6EWyvRrG5sj1eYGF7VaJ6GlW+NaeOocZImu1YbnWh5NAyYUvhM1e/xEDuLlpig4yVji6qwgvhU1oj/7buFBAEaIqJJMmIa+jdmKbEo48YPPqIwfd+YHP8hMv4uE9fn0J/n8LwsM/wiI/jwMiIz4H9S8dGoxK7d2lEoxIrlpyyTGzrNsz+gcWXufLKy7izM9wsbiok57o+vh/Q05+nrSvNkVeGQJLQdZVca5Jjhy6zZUcX+fYUsbhJe3eGwlyNY69dYuuubmpVi1g8vIEzU2UmRuZRFJmW1iS51gSHX7nInfdtQtNDVb5k+vqTgGW5lCsNcrnEYj3Q5ThzdpL//N++xy9+7H7e9Y5dN9PVa8Lzfb72zaO8cXSY/++/+TCaLNMbSzNn1xmtl7hULeAFAYEQtEYSjNVLBEJgeR4lu8m8VUdCwgn8cIGqavTHM5TsBufLs4zVSzi+h+27TDYrTDUq1Fyb+IKUthCCDckcr8+Ncq48iyJJaJLC5nQeXVZxRYAT+GiywqXqPA3PZUOyhZRuMpjIYSgqTc+lYDcWjWNVkgmEYEu6la8Nn2RfS/ciBXM5fD9gdHSeSMQgkTAYHSvg2B7pdJT29jSatnSMEIJm02V8vECz6ZJImHR0pDEMDc/zuHRpjpaWBNlsDNvxuHhhmkQyQldnBiEEY+MFVEWhs/PGarrVmsXw8Bw93VlSqaVnJggE4+NFbNulr69lsX21msX4eBHH8UimInS0p9GXRad9P+DixRlaW5NEIhrj4yXqdZtYTKejI00ksvbkHgSCyckSpVKdvr4W4vG1J6tACNIxkwNbVtZQVhR5XUTMiKbRn17KH+9JLVHqo9pSZCxpGCSNJfpdJrLkTOjPhMeXLIu7urvpSPw4ygkJJpvnmWqe5+oP0LmxWSbmK6RiJomIgSxJHLk4ga4qGJrK6ZEZbMdbEOFaKCIjScTU1ffGDwKm6jXO1ObwgoC4rtOVSJLUw0iDAJquy2ytRslqIksSrbE4nfHQYLY9j7OFObJmhIS2NJ5CCC6XS9Qdh20tIY37cqnIdD30uKZNM4zmL3t+xyplHN+nNRZnvFqmYtskDYP+dGaF0ez6PmPVCnONOt4yAzZlGHQnkkzVarTEYrdAHQ7394WzIAIkESxEljQ5RlLvoukXEISlJdrMHcioRJUWEloXdW8aCZmY2kpMbUOWNKYbx6i5k6T1Pqabxynal0hoNy+E9hP8zYQaTSACn8KxF5AUjdTmPTRnxvDqFezSHG33PkHp9CG8WhndSBBPdjI1XgoLLS6DoppEojlqlfG1L3QDNIMaTrAyzzUQAb7wkCXlTdPYPeFQ91dHjT3hIC8wQq6GALrNrfRHdjFmnWGoeXRN0asriCU7icZb0YwEZjSLLGtrLh5lGZYvaYJAMDsTUKm8uUhj4ToU4Ss4fcrl5HGXBx8JxZ02bVHZsUvl+WdWRk+iUYkHHzaIRBeEjzzBt77evGHJHVkK+3cFt61v8+s7XrDq0bxt8Hx7zZIxVwy+v+mpFlEtQ29mH7lYP6piIMRCnq2sIknKNb83rt9cQY+9FhyvznT1LAO5u8lEe5iqnEaRNFpiA4Bgprp6LXAzMNQYsqRieZUV9XJ/3HC8xqr2LFVuuAmvzFVQFQNNMUORrjX6G94XG0ONI0vqomEbLCtxtLJNQahQzA3S/IRAkkID17EFvi8YHFD4xU/EeOOww6MPm3z2cw3OnF05F8oyfOiDEdJpGdsWtLUtzalyJILR3Uv10OsECzXJ/NqtiXyt27CVFZm9Bzew9+DStp7+Jc/8vtySunBX343zBDp7snzkV5a46Q++YycAE6MF6lWLfXdvuOGi7diJUb731Cn+3q89SvoGRvBbha3pViQk+oIsiiTRE0sD0BMP/zQUFQFEVI2DrX0kNIN7W/uZaJTZlm5FkxRMVSWpmeiKQmcshSrJtJgx7MAnZ6ymOpqKxh3ZTjqjSTRZYbReIqJodMVSxDSNQAgGE7kwUixBeyTBhmRuMSIXV3Xuae1HlmRazQh3t/bhC4HtOuiKQl88s+qaAM2mw5/+6fMoakgjGhmZx2o6+IHg3U/u4QMf2I9hhJHqS5dm+ZM/eY6x8SKSFBqLO3Z08bGP3Uc0ovPJTz3DgQMD/PQHDzA2WuD/9X9+gZ07uvnt334PjuPxx596lq3bOvnIhw+u2ZblqFaa/P/+83e5//7NfPzj9y0+N5VKk//6375HS0uC/+3vvx1VlTl7dpJPfuoZ5udqyIqECGDfvn4+8pGDtLSExp3jePyn//wdHn10G5MTJU6cHKfZdIhENP7Rb76TbdtWL9qDQHD02Aif/OQzbNnczsc/fv812xszdd5///ocLUII6n6RU+VnGG2cxBceKS3P5sQ99MbuQJFUhutHOVn+IQ/kf46EFr57ZWeaF+Y+yx3pd9Ad3c6l2mGGG0cZjO3nVOUZal6BrshWdqXeRncyiyRJDNUOMdo4SX9sD6fLz1LzC3RFtrEr/TZiSiY0AoWg5s1zuvIso41TyJLCYHw/WxL3YsihoeUFLsfL30NCpt3cyNHSd6m4s+TNPg5k30tUSTPaOMHJ8tMMN45h+VX+auR3AMjoHTzc+oskogadJPGDgHLDQlFkqg2btkyc3rYMDdshCAS1pkMgBNdyCbi+z5fPneYzx4/gBWFmsBcEHOjo4ncefBRdUShbTf7DS89zZDoUWPCCAF8Ifn3vAT64bQdO4PP7h14lqmn83w8+SlwPjVvb9/mdZ35ARzzBv3r4MWTglfExvnHhLOcL82xryfNf3/ke4suitl84c5JXJ8boTqQ4V5ij6XnUHYd3b9rCb951L4aqYnkef3z0EN++eJ6oplG2LC4WC/Sl0nxw6w5+buduUqaJqa49fVcsG4EgtUYOriLpDCQepeHNosomPbG7aXpFWsztBMJDl2N0Ru9k3j6HLseYsU4xkHiU1siuBYO2jcHkYzh+DUNJ4gmLjuh+kno3ll8kb24jpt2cOvdP8DcfIggQQQCEIjBqJI5Xr+CU5lA0HTWWwK0WsawSmh5+syLRHKncBiRJpjB7lkzLJlLZQQozp5mbOn7TbQiEd80yZLfDXBAiWFNY6npXSKttpNW2kM0hx1Ak5br5gYqq4/sOzfocmh6jVhnH91arlvu+WEHvc2z48z+u86W/vrk6m1fjejVbr6BUFPzwKZuD9xoYhoRhSLzzyQgvPucQLBv+3n6FA3fpSFL4nRod8Xn15WvXrr0Cz1+Zs2rb8KefrPOVL765vtXX0be3GmH6y4+/pNStwFDjbG9/nFSkg8nKSaYr57C9Gr7wSJpt7O567zWPvVLNfj2Yqp6lJ7OX9sQ2ZmsXMdUE2WgvpebkKvryTUO6Yo79+J+F5QgdBG/h+W+6v2JRP+dWYNlw+qzHzh0+L7/q0GgI3vOkyemzHl/6ioWuh/mzZ8+tnAsVBbZv0/jd36shAb09y5yFvk/g2Ei6Bs0mb+Ye3hZV5NuJ9q4MbZ1p5KsFKq6C7wecOTfF7Nybr+f6ZpDSV1JqM8ZKA3tHph2AhGbQFVuKrKWNlcdFFyJNy4/fnFpN6ZMkadFovoJt6aWF5ObUUk7ylmXS3MtlsvoSWfqW/XtTKo8vAsZqJe5rG1gRlboavh/wxuHL/PQHD/CLv/AAQRDw+b9+jW99+xj79/ezeXM75XKDP/6T51BVmd/+399NMhlhaGiWT/3xM3z5S4f46Efvoasrw+hIASFgZHSeTCZGsVSnUmni+wGFYp3+vpYVzo3psQIXTo6Ta0thWy7dAy3k2lLk80kO3r2BF186z0/91F4ymXBhdfHiNJOTZZ58Yg+GoTI3V+X3//tTZDIxfuPvPEoiEeH8hWk+/ecv8IUvKvzCJ+7HMJYint/85lEefXQ7/+yfPoGmq1SrTfr6VuY7ywvG3uHDw/zpnz7HHbu6+chH7iaZXE21LlYbnBye5o7BDubKdXpb06g3oP/6wuWF2b9k2rrAjtQjSEjM2iMUnAl6ortAgppXZLx5BndZDV0nsBhrnGZjPHQM1LwCJ0pPMWNdZiC2h6zexYnyUxSdSR5t+2VMJU7NLXC89H1mrCH6Y3vI0snx0lOUFvYxlBg1b57vT/0hzaDK5sQ9+MLjSPFbzFqXeSD/cxgLZTvm7TEmmmcZ1o6RM7pJanncwFpU94upafrje6l5RSruLHsy71qg+sZQZY0tPa2L85pAUK5ZWI5HPKIz2JFl6fMlFmsBr4X5ZpPPnzrBnR1d/PKe/WiKwnS9tqC0HYYNoprGe7ds42e276IjnqDpufzR4df5s+OHeXRgkKwZ4bH+DfzRkdcZKha5o60dIQTnC/NcLBb4hd37Fs/1M9t38u7NW/iPLz3PcLm0ZptOzMzQn8rwHx97FxFV48tnT/EnR9/giY2b2Zlv43xhni+dOcXH79jLB7fuoNBs8C+e+i5dySS/uvdOZEni0Q1rK24DHJ+ewg8EDw70r/pNkiSiao6ouvQcR9WVjsiYZCBLCjV3Ck2OEltQloUwpyehdcLCa5LWl66hyZHF7euBEC6N5reQ5SQR8+H1H/gT/EjhNUMGgp7MYs1P4dsNUlv2EnguZq4N2Ygg/JX5gZIkkW3bjq7HEQgi0SzV0giSJDE3dTxc/N+kNfqj+crf3FWE8BlqHiWixOgxd9Af7Gao8cY1DeRK4TKqFiHfuQdZ1dF8Fwlp1VWtpqBeCzUCJCkUXFKUMIf1rYYQ8MpLDpPjPv2D4Xx919067Z0KE2PhfZakcFtb+9L366Xnbaanbtw+yxLU60t9U5QwkvOj6NtPcG2kzA7S0S5mqxc4P/vsighsTM/etmhz3Z6nUB8hE+0hYeRJmm1oSoS5+qE3VeIHwohwIHwMNYEiaddNCfifAZ5v4fpNDCWGIusrSgABaEoEVTGo2XO3LMh1LQS+QNMkTFPCtsN3ur9fJhaTyGRkLg55i+/4ghgKQghsW5DLyvi+wDSXnikRBEiqRvKuewiaoZOr8uqPgIoMEAQBL71ykeHReR5/205eeX2Ii5dmkGWZrZvbObBvYMWiXgjB1HSZVw9dYmRkHkWV2bKpg/17+kilIisMl2dfOMfMTIXHHt3O0KUZ3jgyQr1h09aa5PHHdpFORWlaDi+/epGz56Z46dWL1GoWv/eHT2EYYVcO7Bvgwfs3Iy8sNCUJHNfj1UOXOHJ0mEbToac7y70HN9LelrotKqBCCCanynz7e8dJJCK86+07F2moluVy9Pgox0+OUa+HfblzXz8D/XmUZVyjufkaX/3GYe6/dxPxmMHLrw0xNlbENFX27e1n/57+RbaC5wdcujzLoTcuMzVTIRbVuWNnD7t39WCaSytLy3K5ODTDidPjTE2XQUB7W4qDdw3S251b4TxQJJm+RHZd/e3qyvLEE7sXI5yPPrKNV18dYnqmwubN7Zw7N835c1N84hfuR9dVLMulrS1Fd3eWw0dG+OAHD9DTk+W11y7RaNicPj3B/n39DF2aYXKyFMqyB4LOrvSK65aLdeZnKgghSOfiTI8XybWlUFWZe+/ZyPe/f5ITJ8a4//7N+H7Aq69dIpeLsW1bBxBS00dHC/zKLz/E4GArkiSRy8W5eGGaZ549y5NP7Ka7e2kMWloSvO+9+4jHzcVo5dXQdYUjR0b49GdeZO++Pj74gQMkk+aaz1Wx1uSVMyN05JJ8/eVT/NLjB0hEr2/YBsKn6IzTag6yI/UIuhwlEN6CWNLNvb6ecNidfgebEqGxG1dzPDv750xbQ/TF7gBCQ3p3+nE2Ju5a2CfLs7OfYca+THdkO0O1N5h3xnii8zdpNzcCghajlx9M/RGD8f0MxPYBIaWl5hV4pO2X6IxsQUJaKDMTikTljB5SWhvjjdP4wmFz4u4VNSeBZQtfiUwiwp2bu5Fl6SqBreu/v6osEdE0pus1yrZNfypNPt+24l5qssL+9k6qjkPNsfGDgC25Fp6+PETZsshFotzV1c1fnjrGs6OX2bFQP+PFsREyZoQ7WkPnlSRJYWqArFzX2E6ZJj+zfSeDC3TyR/sH+fPjR5iq1diZb2OuUScQgm25PFFNQ5FiDKQzXC6XFoWylp/dDwJOz8xycmaGfCyGKsscnphgolJhb2cnUU3jtbExNEXhnt4enr8c1hCM6jp39/Tw2tgYo+Uy+ViMPR0dHJmcxPY87u8fIBO5toDam0eA655DVvL8r5tx/zcfbrVI9fIZRBAQODaVoRO03f0uUht3ISkqjcnhxRxb3Uig6TFUNYLr1HGsKs3GHFZjHlWLoigGupFYKHlzRchEulUm3o8dNb/ElBOW+TDlBN3GFpp+hXH73DXzDXUzhePUKI2fp6VzF6oWwbFXLsBtG6anwnQlSZLQNOjsUlBVrivMBKBq0TD67FlIkoIQweL3S5YVFC2Ca9e4nhE/NurzyssOfQMh/bSrW2Hffo3J8VBNOJmUOHiPsVj2ptkQfPdb1rqiUrYlVvRNVaGze319+wneOqiKiYQcRmmX1R6XFxR2bw8vIlwbTFZO0RIfJB/fSNzI4fgN5uuX3/S5a848Tbe8aKTfjnP+uBAsKAyrihmW11lDXMz26pStSVriG8hEupmqnmW5QFQu1o8qG8w3Lr+pCO1amC8ElEoBH/1IlO9+z+KNww6bN6v8xq/HqNcFh95w2bpF5V3vNOnrVfjg+yN8/ZtNvvNdi/e+J8J8wWdqOlhkgQjHofTDHyzSsiVVRXi3Jqh284atgHMXpvnuD05w7vwUhWKdXDbOfKHG08+c5tLbZ/n5j9y7aGCdvzDN7/3R01QqTbo6M3iez8uvXuSV1y7yK7/w4ApRp7PnJnntjcs0mw6vHrqEaWp4ns/5C9Pcf88m0qkoruszM1PBsl2CIFiY9BX0BYVd5apcW98PeP7FczQaDrlsHNfzef7F8xw6PMxv/r23v2lRqSuG+6f+7FkmJkv84sfuX8zBtCyXv/jcS/zgh6fpaE+RiJucOTfJ08+e4ec+fDf33bNpsb21msX3nz6F7weMTRQplRoYhka50iAWM9i/pz/sTxDwwovn+eznX0ZVFfItCUbH5nn62TM8/thOfvZDBxfzRccni/zhnzyD43jk8wl8L+CV14d4+tkz/It/8gR9vblbMuxbWuIrqN9X8qY9L/xYzcxWKJUbfO5zr6zIXW02HVKpaGi0dmZoNM4wN1/j0tAs73vfPmbnqoyPFxFCkMnESCZWLnebdZto3CCbT6LqCq0daSA0KAYG8mzd2sHTPzzNwYMbKBTrnDgxxsGDG8hkYgSBYGqyTCSik88nlikyynR1Z7Esl/n52grDtrc3RySypDq71lhNTZX5o0/+EFVReMfbd17TqAXQVYXZUo0XT15meLrIi6eGiS6LECeiBrsGOlCWJSApssa21EMcKnyV7079PoOx/fTEdpJQb/7eRZQEOaNn0YBsMweQUSg5U4uGbURJrtin1QzrvZacKTrMTczYl0hqeXJ692IZm1ajH102mbWH6Y/tXbxeRu+kzRxEWYjSrjJcbwKSdP2609dCxozwi7v38cdHDvHPn/oOO1paecfgRg529RBZoPLWXYdvXjjH86PDVB0HiTD3WCAW2SDtsTh3d/Xw0tgoH9q6E0NVePryEA/09ZONRG7qXqQMk7ZYfPEYQ1XRFBlnobRUVyJJVNN4aXyUtlicuWaD0/Oz7G/vXHNpUXccXhoZ4bGNG0mbJidmpslGomzIZTk2OcXmfA7L8zg+NU1nMsHRySl++cB+vnTyNK2xGKPlMskFxfJXRkc5OzuHLElkIhHysT4a1ndBOARBFVUdwPXOYhr3oamb8f0pmtb3CUQFTduKqd+DJCk0rR8iSTqudwkhXCLmw2jqZiDAdt7Adg4hS3H8oICshMwUxzmF5byMCBqoau9CFFei0fwmpvkQqtKOEAH15pfRte1o6pYfaWmp/1UhfI+ZV7+3EJUVVIdOE9gWZr4T32pSGzlH4FgoqoEsqzh2BVWLUJw9SzzVjW4ksOrz2FaJenUKM5rFtioIEeAFDoqqEZVTa+a3/k3HlTw5TzhcaLyOGY8xENmNHTSYdVeKuVyB69RJmxvJd+0GIfD91VRkIeDUSZf3uBEMI5z/Nm7WyGRlZmeuv0DVzSRmNEO9OoURSeO7FqoexXObKIqOohqUZi8grqPC22wInnva5sn3mMQTEpom8ejbTb73bQvbhp4+he071UWD+ewZj1Mn1hcdEwJOn3R5z3sj6AbIssSmzSrpjPy/VNRWQkKWNWRkNMVczBPXlAiaEuozBMJbzIsECUXWFmrEysv2N8O6syK4av9QrftKbqy8WFfXWLa/vxjJay7Uos1Ee0hHukJVXVmnNb6RtsTmGwpD3QxKzXFq9iyt8U1oislM7TxN982//7ZbY7x8nE35B9jS+ggjxcOUm5Nhmo0SJWbkqNmzlJpLef7Lx0iRrj9GALKkhmO/UItWIjwu3F8ghH9bIsVNt4wb2OTjgxQaI9SdwmLU3HIrYZ1hAsZKR0lHuhjIHQQkytYksiSTjfbTm9lL1ZpmpnqO2815qVQEn/rTOoYRpgE4Dvzpn9eJRmWaTUGzKajXA/7s0w0kKYzwViqCl15xOHnaxffB96HZFCFtIwjze69Abw2ZqNblSzfdtlumIk/PVNi8sY3f+ofvJJuJUala/NGfPMPTz57l7W/bSV9Pjqbl8JnPvUS1avEP/u5jDA7kCQLBocOX+eSfPsfXvnmEX/j5+1cYo2PjBc5dmOJXfuFB+npzYY5h3aE1n0CSIJkw+cB791Ov25QrTebnqnzi5+4js2BoKcrKWoyO4zE7V+M3fvURtm/pIBDwzW8f5TOfe5kTp8Z55MHELS2OJABJYma2yqf+7Dkmpsr84scfYP+ePhRFRgjBG0eH+do3j/KB9+7nicfvwDRUZuer/Mmnn+cvPvcyA/15epYZUq7r89wL53jfe/Zx3z2bMA2VpuWia8qiR3tqqsxn//oV+npb+NjP3kM6FcWyXb741Tf40tfeYO/uXnbt6EaSJDra0vzyJx6ktSVBLG4gAsHrhy/z//yX7/D64cv0dGdRlJvvu6oqK+7Z4hnE0p/RqM7HP3Y/XV0r83U1TSGbjeE4Hq7rc/nSLI7r0d2dpbc3x/DwPIEIaG1NEo2upES3d2eJJUw6enNErxJmMk2NRx7Zxh/+4Q8ZGZlndLRAs+mwf18/qqrgL9RbZqEEzAqIhfyQq4ZC064tlnAFk5MlDt69kWPHRnnqqVP89E8fWNXuK8in4zywa4BXz4wyPlfmpVOXVxhrnbkU2/vaV4iGyCjsSD5MTu/mXPUlDhe/yfHy97kr+34G4vuuaSyGk97KjkrIyCyd/Mrk7K+YtGWkZXVXZRQkZHzhIgjwAwdFUlfUZg0nenWBBrMsEirpCx+KHx8UWeaBnj42Z3O8Mj7G08OX+H+/8Awf2LKdX917J6os8/1LQ/zh4df5wJbtvG1gkJRh8tLYKP/+pecWz6MpCg/1DfD9S0McmZ4kZZpM1qr8Vv/gTfuxNUVeEdG9wtS5MnT96Qzv37KdTx8/wivjoyiyzLZcnp/ftee6z2MgwruOgJ50ipZojPNz8xyZmKIzmWCiEqqnJwyDrmQSU1UwVJVis4kqy9zd0c7pmVk25LJsyefpSiaAgEbj66hqH653Adk9giylqftfIpX4u5Sr/wVZzqKp/TQaXycIKkTMR2lY38P354hF3oUXjFOu/i659L/D88ep1P4I0ziIwMFxj6NpWwDwg2kkyURWUzSa3wBkIuajOO45BIJ49MMEwRz1xlfRU9tuctR/gjcD4S0t1ITvUhs5R21kZT1LYUDFGQUXAuESODalyhCyqSP0ANHwKc4tHePjUfKmadV7GYzsIa5k8ISLKqlMO5evWVpnPTCkKFEliSJpxJU0kiQTURLk9V5cYeMJl5pXuE5O7c2jEVS40Hid7fH7GYzsxQ4aVPy5Vft5bpPCzGkURcdultfMsQU48oZLqRgs0n03blLZtVvjqe+tvf8VCBHguU10I0Es0Y7VKOD7DopioGrmQg7ojRe5R484XLzgsXtv6Ki/Y49GV4/KpYse+w/o5FrCdvk+PPu0Tam0/oXz4UMupVJA64J4zKbNGrvu0Hj6B9fv2/9MiBt5+rJ3hnRR2SBhtKIqOltaHw3FhoTLTPU8U5XTCAJiepa+7J0YahxF1kia7aiyzqb8gzh+HT9wma8PM14+RiB8NCXCYO5eoloKRdaIGy0oskZf9k5aE5vwA5eaPcul+VfwhUvFnmGifIKO1A52dbwbx28gSwqB8BkpvkFPZu+NO7VOOH6DmdoFNrbcjx+sVpK+VQgCJsonUWWd7vRuNucfIhDegkSThCDgwuzzi4atrsQYzN1NREuhyPrCGOn0Z++iPbkVP3CpWNMMF17DFy6ypNKXvZOU2YEia0S0FLKs0ZrYTEzP4guXplvh0vzLqxSHbxY1e47J8kk6ktvZ1fEkXnDF6T7J6anvLdK2i40xzs8+y0DuIFvb3oYvwvQGWdJoukXOzT57W5wGa6HREDSW6flZFljWkgPEtsG2VztEls8VciRCdONmrJHLJPbsQ1rQJFEzWWpH3rildt2yYauqMk88vpue7lB4JhYz2L2rhyPHRykU6/R2ZxmfKHH02Cg//f472bm9C3VhEX/3XRt4+bUhXnz5Aj/15F7yLUuKrKoi88B9W9i1o3uRKptJL9HhpAUVZtf1UWQJSQ7/vTw3cjlkWebOff3s39O3eP0D+wf4qy++xvRC+aJbM+5kKpUmf/G5lxifKPLLn3iQvbt7Fw0+3w949rmzJJMm73rHLnLZ2OI4veNtO/nP//W7HD46vMKwBUFvb463PbKd1AKde5ngLQBHj48yP1/jIx+8i2QyghBg6Br7dvfxtW8e4ejxUXZu7wpz6aI6u3Z04bo+nhcQSAGD/XnSqSgzi32/6a5fF5Ik0dqaXDAKYcuW9sXFeOjNCpkGmUyUZCLCqdMT6LpKPp9g86Y2vvTlN4hGdXbf0YOur2xcW3eWtu616dKSJHHHrh4SCZOXX7nI6GiBwYH8Yk6sLEt0daWxLI+ZmQrt7SEN3fN8RkcLmKZOLhtf89zXw8ZN7fzarz7MD546xZe/dIhsLs473r5zRaT6CgxN5Z0HtnLHQCdffvEE739gJ1FTQ5FkfBGgKypCCnCDULVOlRXkBW9gd3Q7HZFNlJ0Znpv9DK8VvkJndAsRJYlM+PG5YqAKIah7pcXC6FdgBw2sYGmybfpVfOESVZdYC5Zfx/av3scjsrBITGh5Zp0RLL+OtiBRb/lV7KBBXM0isZwxceP3KvzYiFVG+O2CEGEObmciyfu2bONtA4P8ydHDfPHsKd67ZRsd8QSHpydIGSYf2Lqd9ngCPwioOKsXWJuzObbkcvzg8hD5aJSuZJItuZbbHjUUQjDXbHBvdy8fv2MPUU0na0aIXqN0UEzXuae3lzcmJmiNxehMJgCJpGGwuaUFWZK4XCyyqSVHeyLBns7wndze2orluWiKgh8Ijk1OcbCnh8MTk1yYm6dzQSlbknQi5v3IdhQkFV27g0bzGzjuOVzvMvncP0eWUshyhnrzK5j6XUgomMbdxKIfwvcnmS/9c4KggO28jqK0EY9+BBC47pnFPmvajlCNOSgj8PH8ESQpgmneR6PxNWKRd2M7R1HkNKra/5No7d8g6J1Z0o/uRlJkzL425r/5GtalKdIP7UJJRiEQlJ8/iTU0tXSQLDHtXMKQI7TqA/RFdhIIH0dYzHsTXAkQXYmIrhUFufKbjLxsDpFo0XvoN3chSfLi/BhT0myKHgiPCWyO15+h7peAMAXDFc4a6SZh1MwVNkJe+HgtOELXalPBm2KoeYTByF56ze2ca7yGI1aKIkWiWTQjQXn+4nXH9NJFj0OvObzzSTOsEpGS+JmfjXL0sMv83LWjZ1ZjHrtRAEmiWZ8j8L3FNkty+F1aj8DR/FzAsz+02bVbQ5Yl2jsUdt2hMTfrs/+AzhXB/fm5gB8+dXMG6dBC3x5/YqlvH/rZKMeOXr9vf1MhgJnqOXQ1ulB/dOWvVWuG0eIb1OzZZVsDXN8iCDxsqtTt1U6Q4KqoepQEjmdjiyoNe3VJLf8q49AP7EUDKyw5BJIkk1Tz1IMmXuBiKDEQgoZf5uLcCxSb4yTNdmRJwfYqFBoj1Ox5IIwiLv9W+8JjsnIaEKvyO2+EYmM0NK6dOcrNiRsfsAzRfBQzbVA4X1z1mxdYXC68ymxtiEy0m4iWQpJkXN+iEcwj99dRz6t4DW+x3UtjtNaYusv6LPADF8cLdQeaTolCfRgkiKdVtt2ZoFI2Gf5OuHf7BoVqcIZCsbZqrhBCMFe7RNMpY6+hUOwLlwuzz1FojJI021BkDc+3KVuTK84lCJiqnKZizZCN9RLV0iGzyZlnvjGMdVX5pFJzHFlSqC/c0+WwvRqjpaNUrEkCVj57imoQTXZQLVxeddybQeA4WCPDC3OURO3oEQCMru6QInwLuGXDNhGP0NaWXEHTNAwNWZJw3XBA5udr1Oo2/X0tKyJ8hq7R35vjlVeHKJcbKwzbaNSgtyd7Q/Go9ULTFHq6sotGbbhNRdMUXNdfM29yPfC8gM9+/hVeevUif+/XHl1h1AK4XsDIWIGWXIJsJrZinLo6M+i6yuWR1Q9Wf28L0WuUkwG4PDJHpdLkjz/9PP/j868sbnccD8fxKBTrixFJy3Y5fnKMNw4PMz5RpFa3aTYd5uaq+P5b9/HYvLmdbds6+fxfv0YkotPVncFzfaZnKiTiJtu2daLrKt09WY4cGWHz5vZwv64MpVKdet2muyd70wvXdDrKffdu4gc/OIUsS/zMh+5ajJ5KksSWLR1s2NDKF774OqapkUxGOH9+mhdfusCBAwPk8zdf8kbTFAxD5e2P7aBQqPHlLx+iJRfnrrs2rPkMK7JMPh3jsf2bmKNMs+EQ1wzGGkVyepyCU8NQNGQkOqMZeqNJpq0LxLUWIkoCRdYwlTh1r7T47Ma1LIHwuFR/g6iawg7qnCw/jXfVROoEDU6VnyWuhs6BE6WnMeU4rcbA4j520OBU5VliahhpP1F+iqiapNUcQJJk+mJ3cLb6Aqcrz7A99TCB8Dle+j66bNIV3Rres3W+UpIkE1VTVOsF5uwRklqeQPhEleSKqPGbQcFqcnxmmq5EkpRh0nAd6o6DoShoC7VvU4ZJxbYYLpcwVJVz83N87dyZVXmyCd3gob4BPnn4dRzf52e27yKuLb2rgRB4QYDte3giVFZ2fA/bk1FledX5rgXH9xkul7A9j+Mz0+iKgqGobMhkGcxkCXkHC44iQvfBttY8m/MtC/nHSw6DfdFOZEliX9eSkndvOg3Aff19vDE+Qdo0aYlFqTsu2WiEd2/bsrivEC5IKmAgSQZIOpJ0pfZvFUlSkaWQ9aIobQtGaXiMqnQiSTKSpAEyAo8gKCFLqYVtAlnOLZ6rVPn3KHIeXduOJJkh9U0CQ9tNnS/guGdoWk8RMR9F4toCdz/Bjx6xOwZwp0vUDl8k/zMPYo/NEd/Vj2xozH3xRSKbOsm8bQ+Tl78DgUCKmOi97Tgjk1yyjjHhXkRVdIQQeL6DIxbCALKMI1kcaz5DgI8veaHSkCRBEOAGFqfrLwDgigWDQpGZDcap1OfC2jJ+sFBfRoS5ahKIwKcp6mFNHUniQvNQWCZEaoT7BkF4rCQz6tTdakUAACDKSURBVJ1nqnoZvzeFWsvgzRaxRZPjzWcJ8MN5VlqqYTNpD1F2Z0CS8MTqxX4Q+EQTbQSBR+A5NGoza9KC63XBV77Q5MBBnZa8jCxL3PuAwa/+Roz//ru1a0ZIReAvLcMDF02HtjaFUimgWll/VMzzwpq2H/1YlFyLgq5L3HWPzqWLHjt2aYtaGMeOuAxdvLloW70W9u3OgzotLTKKInHfgwa/8ndi/Pf/WqO8juivJBH2rV2hVAyoVn6cSriC4eLra/4iIWNbZc40frBI51XRCBybszNPrfsKTadEoXCeae8y9eDGETjXb3Jh7vlV2xVJYyC2h4nmORp+mZiSQZMNGn4ZN7CYrp5hunpm1XGXC6+u2uYHDkPzL667D8sRN1qQJJm52hCO17jxAcuQ6k2S3ZJZ07CF0CFQtaep2itVlvW4xq57d1KansdreDh+gwtzz615jmudd6R4aNV2SYYH72thWlI4f6mK5Yb9iWY9RodfYK6wltEvGC8fW71Zgq4NEWZGLVz72vdj5ZkEdWeOurPaOXI1ZmsXmK1dWPO3hlPk7MwP1vxN1aPkunZRLY7c3npZvo9fLoEsU3ntZYKFEHDQbCKtUcZ1PXhTEdu1aseGCCeYK8bT1ftJEmgL9FD/KotclqUV9VDfLMII77XOd+sT4dhEEU1TiEUNXnzlInfuG6Alt5Q3JwKBHwSrqNEQjoe0zAGwHMtpx2vBdXzMiMZ9d28kl1sdYRzszy9GIr/5nWN87q9fZXAgz113DtLemsR1fX7vj9Y/ma6FazZv4YdUKsKv/PJD/PmnX+D3//tTXAnT6prC+963j23bOtE0hd7eHF/72mHe+1N7kSSJdDpGIhFhfr5GV+faJYeu2y5J4r77NvG1rx8hlYpwxx09K4zLTCbG3/n1R/jkp57h3/7bryMt/LZnTyj6tBj1l5bRQ28wDlf2iUR03v++OykW6/z5p18gm42zeXP7mseZusaW7lYu1WYYrxQoOnUkCaatMrIk0fQcBuJ5Sk6ddlPjtcJXKbtTSAtRCVXSOZB7H6YS3v9WY4BtyQd5o/B1TpSfQpcjtBoDpK4quxJXszT8Ml8Z+/c4QQNJkrkn9yHS+lI7E2qWuldcsc+9LR8mpYVlrToim7k790FeL3yNk+UfAqEa7n0tHyWrd101OitxxRBfFDJBYTB+gIu11/nK2L9DlyO0RTbwtrZfRZfWV7B8uWNqLUdI2bL45OHXmW3UF+jTAlVW+PV9B2iJRpEkiSc2bObI1CS//fT3SRoGcV3nwd5+vndpZURFkiTu6uzmz48dpmxbPNDTt+KaFwrz/LfXX2GqXuNSqYjtefzaN75C0jD4lb13ck9XD9eGtDhkFccmpmmcL8zzmeNHAWh6HrIE//rhx9jX3slss8aZ0gyzVp18JEZSMxmqzqPLCj2xNBkjynijzIZEjrbotR02O9taSUdMvCCgPR4not2IOr7UX1luQQgPP5hFkdtwvYsoSmtoACMBq78PitKO676AEE1AwvcnUZR2PH8Kzxsmnf0tFDlD03528eMpy2lM/SC1xl/h+7MY+p23zfHxE9weOJMFkveE9HC/1iSoWyipGM5MGb/SwBmfR3lwF5KmIhwPc/sg0QO7sM9covHGKaQdAxCPElTrBLNFNCmDVyhjbh1AMnTkRAzZDzBGp9B72gksG2HZ1F8+RsNfikiorVmi+7YTOC71108QvXMHtWdeJ7JrK0HDwtjQjXA9/NkiWjOF3t+FJEs0j5xFTsSI9m9HNG2ax85hbB1ASUTxqw2a54dJPbIPo1yl/sqxMJKwpR9FkVEPn0Hr70TNJAmaNvWXj1L3rm14eG4T37OJxHL4rk2zMb9KVfoKXnrB5itfaPLxX4qhG2HdyJ//RIyeXpW/+LM6p066lEsr02sUBZIpidY2hS1bVe5/yKB/QOXf/esqh167uaja2TMeJ465PPRouIbadYfGxMMGuVz4/tk2PP19i2bj5tdSL75g89UvNvnYL8bQdYhEJH7+F2L09t24b21tCpu3qtz/kEn/gMK/+VcVDr/+41fAVdFD6jsSVb+Ij0dGaaNTG2TWG6PiF3BEkza1j6SSY8YbpRoU8IRLTE6hSTqNoIYlwghiVE5iSjEc0cQK6gtXkdDQ0eUI9aCMJplElDhX3JxuYGMFVUw5TlRN0fSrNP0KEjIJNYcmG4vCk1eOrXmhgSijYioxmn4FVdJRZYNA+JhyDF+4KLJGwyvjijdHGdeUCB3J7Th+g7n60C3l7+pRjfZ9bTTnm5RHKqiGSnowhRrRqIyUacw2kWSJ9ECKSC5CbaqOXVqKpkeyJlpMozK6Olp6M5AV6N8eY9vBJBeP1XDs8Jnt2mgiAkGzGr7bigqtvSFDIZFRuXyyjusIujZGiGdU5sdt5iZserdFeecn2jn8dImR0w0mL61PlO16UFQD3Uyh6hGCwKNRmUYEHkY0ixnNYDUK2I1imLKRaEPVTBrVGTynjqKaxFIdKOpb7EwOgkWjFsCv3noqypsr93ODCEQ6FUXTFOYKtSXZZ0JV39n5KomESSy6VnTydlPMbj9lrSUX51/81pNMTJb43d//Pv/jr17mlz7+AImF3E9NU2jJxpmbr9FsOsRiSw9FsVTH83zyLTdPfW1piaOpSkiv3tt/zf3mCw2+94OT9Pe28Fv/8J2LNNvJqdItU/giEZ1f/uWHVt32rq4Mv/N/vY+OZWJO3d1ZfuufPMHkZIlaLaxDmkpFCVyfUqFOKhPlzn39/Mf/+LP09ebwPJ+IqfEP/8E7cF2PtrbU6gasA6lUlGQywoEDA6sMf0mSGBxs5f/47Z9iYqKI43gkEhHa21MrqMOGrvKP/vE7iceMazIHJEnil34pHIsrkfpUKsIH37ufoQvTiyWHrgUJaDES7MsOEFV0Gr5DTDWoezaGrGIqOr7wiasGj7f/XarePJ4I81sTagtxNbO4uDeUKPfnP8qO1CPYQZ2IkiChtVB2ZhYjrxB6au/JfSikQAUWcTVHQmtZkS+rSDr3tnyYQPjhPlqOpNqyeC1FUtmWfJCe6C4q7iySJJHS2ogqSwrjiqRxZ/anFiiCS06lmmtT8xw6okl8IRipFWmLdPK+7v+dsjONQBBTU6jStRkLV8MPBOMzJVqzCSJrpCP0pdL8m4ffwVdeOoGqK9y9s4/2WJzWWHwxgtpuxPlo105aOhIoikx7PE7GjPD2wY10JVaKyyV0nXw0Rk8yxUB6pfOlPZ7gE3fsxVvDm3ll35/etpO3D2wkbUZWHPe7jz9JTzKF5Xv87msvIwT84RPvJRMJ96tYNv/0qW/zjQvn2NveiSrLTDQqTDQquIGPHwmFro7NT7K/pZsj8xMokkxSv76DQFdVBrPrU0O/Gpo6SMR8gGLpX6IobXj+KInYJ5Cla89rpn4PTespCuV/iSwl8fxJdPaiKG0oco5K9fdAMvC8UTQ1LGkkSQqmcT/V+mcwjftQlLUdRj/Bjw/efLg4tEdnqbxyFr/axJ2rEBlsR80lMAfb8aoNhBPSYp1L4yjpBPWXjoAQKMk41vFzuJNzmNs3gCIj1RoomSSB5RDUGwT1JlprFiUZo/q9F0k8fh9KKo5fWGZELrzT/nwJ4fqo2TRIEkoqjqQqiCCg/vIx4g/ux6/W8abm8MtVzO2DSBGT+rOHMDb3ofW2o6TiWMfP407Ohm2+OIJ9YQR3YpbkEw+gxGMI30fJZ1DTCezzIzjDE9xoFep7FlZ9DiOSptmYJ/CvbZBZFvzxH9VJZ2V+6v0RdF1CNyTe/k6Te+7XGRvxmZzwKRYDRADRhVIbmZxMrkUmmw0jvXNzPsotrPaaDcG3v2Fx/0MGiiLR3qnwnvdHMCPhOI9c9njlpZszlhf71oRP/UGdTFbmPe+LoGlhzdzlfZuY8Ckt71s27FOuRSZzpW+zPuotpJO9FdAlg4gUR5dMEnKWcfc8EqCgLdRgvuLcDSnyV9JwZBSichIZmVa9jwv2YRJKhla1l/JCnrZFuOg3JJM2vZeCF9L6s3onab0dTTKwgrCU3ZR9kU5zM1V3jtZoP6ONk0TVNBmtnYZfIaamF1osiKtZIkqK0eYJTCVGZ2Qzl+pHiKs5Mno7vnDRZJO4kqHqFbHUCuPNmxcjMtQ4US2NLKl0pneSinRyaf4VamtQsG8ICXJbc1RGqww81s/pz5/BrjgkuhJoEZWugx0c+7MTtO1upfOuDmZPzOE7PnbFRghBoitB++5WRl8cv/G11oHAFwSBwPfCvwN4ruDOt2fwHMG5N2oYUYUP/WYXx5+vUC26qIZM7zaTvY+kGT7VQPiCuQkn1KhJKPhueM7bwUMwoll6tz9OYfIkkXgrZeMCdqNIvmcvjfIU2Y7tTFx8nmiynViyHdeukcpvZOrSy+R7wsATkrxYo/xa0Df04per+HNrR9J/VHjL6tiGxk2GjYOtPPfCOe49uJHswmJ/fLzIG0eG2balg3zLrakSy3JIfa7WQnotNzAkbjcMQyOdjNDbk2N+vsZn/vIlcpkYH1qI/CmKzL13b+IPPvU0h48Oc+/dG5FleaFc0RBCCPbu7rvxha7C3t19fOUbR/jhc2fZMNhKKhlZjIBVaxamqaFrKr4fYNsesXYDc2HB7/sBR4+PMjd/a0ntiiLT39+yanskorNtW+eKbSE1XaW/vwXfCzh9fBRLtVFVmfnZKrbtUi7UUYDTx0bRdZVqpUnvQJ5qoc6pioXVdGhrT9O/sXXVNdeCEIJjx0ap1y3uvWfTNSP/sZjBpk3XXhzLssymjW08/53jnD10mYEt7TQbLiMXpsm2JrHqNnPTZcyozu6DG3jmG0cRQnDng1sYvzhDPhtHV2W++ZevIBDsPriBrv6VuZiSJJHSo6QIRc+u/JnUVhc+iWtZ4tr1jQ9V1smbK5+nq/8dRis1Mnon14ZAkTRajN5r7iFJMgktR0ILaaQlp8lXx0+iyQp7sp0cmh/DCwJ2ZTr4/thhAPbmujhfnuNUaYr3999BVNU4PD/GI52bGKrUOFdpEFE0NqVkZqQ5Gp5DTNO5VC1QdW3uaxugI7p6rpier3Di4iT3xSOcuTTN5YkCpqFycGc/r50cQVFk7rmjn3ds38Rcqc7GRJbjFyagSzBTqFFv2oxOh86enkyKS+PzNFMWrbv62Nayso60EIJzhXkul0v85l33Yqgrp8+kYbCv43pjGyoeX20sm6rK7rawJNVMvcb5wjxPbNxMbyq9aHxrsoy5bGWa0k1iqs7+lm4qjoUiSXhBQH8iS3s0QWmiye6WzhXH3BoUkvFfQVXaUZU2QEKSYyTiv4AkRUjGfwXHPUsQVFDVXlSlCwhIxD6BIofOKVlOk07+UxS5HVk2yaZ+B9e7GFKY5QQSCoqcIpv+lzjueWQ5STL2CZY7JBUljyK3EI28nbfCUfkTvDmo6RhaJk7yvu0I26P8wklqhy+ixE3yH7gPv2FT+Pqri0af8DxkQ0frbMWdnkO4LoHtghBhZHVTL0osgmToUGsCAuGEBqAUMdAHupAUGWGvNKoCy8G+PIG5fRCvUEZ4HsbmftR8FqcxgZJKoPd1IvwAXB+tvQU5FsEv15AF6H0dyMk43uVxhOMSOM5Smx0PrbMVv1zDmy3izZXwpufxZubR2nIEln1DoxbAjOWIp7qpVSbI5Dfh2jVc59rf5LnZgP/4b6rMzwV8+KNR0pnQyRiPy2zdLrN1+zoE+hb0EW8WQsDLLzqMjfr09imk0zLp9IKOiCd46QWHiYlbK8kBYd/+w/8n7NuHPnKLfeNHVeP4xlAkDV0yMeTIglNXohqUsESdojeFR/gMV/0iKjpFfxpBgCFF0CQdTTKIyDFUSSejtDHnjTHvTwKhkKMsyfTq25hyL1MKlup7lt1pIkqCsjtLRmsnrbWR1MLvlyFHMeQoCTXHnDNKxZ0lpoRzsytsql6BqLI6kHBluSIQzNkjqKbOvDNKUssvprrcDHKxfna0vxNJkvF8m/HSMUaLb6zKI14v5k7Nc/E7l9CTBqm+FIXzBcyUgZkxSXTG0eMa7XvbGPrOJeZOh2l/elxDj2ls/9AWzn3lAv//9u7tN47rPuD4d2bO3Ha53CUpXiVKlqmrZRmSE8dOnEvtwkWAoEiLJE2CIEVRoE2B/g39C/rQFmiL3tM+pA9GUCRNWyepYyeB4ySWb7pYF0qiKVK8X5fL3bmdOacPs6JIWZaoi90oOJ8XLpazuzPLmeH5zZzf77d0/r3pgHdK5TA5GrEwmXD55DozY8Vd4bmJhJW5rRetmvWc119cobFcTN1fnc9QCqo7XMbPtsilZnI0YmUu4/yJBo2V+1fcLmrMszj5NrX+g/hBFdfroNw5hIWNG3Ti+h109R/EdjyEV0J4ZdygAz/sYuriy9jCwx+59Q0np1YhOLAHubRKcvEK/oG9YFsk58bw9gxhV0rEZy8XjztKyNlFRH8PduiTr64jF5Zxd/Wj1iOik+e3dT69mQ8ssAWodAR89fee4m//4SX+/C9f4NjR3WQy55cnxrAsiy/8zkdvMU341nzf5fChQV559SL/+M2f8tiju8hkzv6Rfo49tvu+5ejejnBsfus3jzC/sMZ//+AUO3ZUeO7ZI9i2xac+sZ/XXh/j7//lJ7xzbpqe7g4ujc3x9qlJPvvcUQ7s67/9B9xg38N9fP5zx/nuf73J/PwaBw8MIITDwmKDxcUGf/JHz7BnuIfOzpBDBwd57fUx/v35X7B7uIfxiUXOnZ/ZKEz1YYmilFYrZWi4h5Xl9h3sSsDy0jrCdeislqivNql1l1lZbuJ6gsujsxx6dBcL8/XbBrarqy3OnZ9mcbHBd7/zJh//+H727eu/5+Iyq0vrPPnMYSrVEt/71s9xhE0aZwjPIQg9HMdmanwRrTWXz81w/On99PRXWVttkiUSpRQHHxtmdnKZnTe5IPDrYmJ9hbLw+MzgCBfqC4SOSzUMOLs6R5rnfKx3N1PNNUY6e/Ach5HOHtI8x3MEaS5ZSpo81jXI6ZUZppt1ql7AShKRtxRnVmboCyvMtho3DWy7O0sIxyGTOSuNFo+MDPDO5RkuTi4QBIJPPLZ3SyqEzBVzSw36uitMza8SJRnHD+7i1MUp3r4whQaSLCfNckK/eF0sJWcW5phdX+fb588w0tXNU7ecVnz3Kp7Pvu5uvn/5IjtKJXZVqtSTiJ9MjHOlXuePH3+iuANg2Xxu9+HrtWysIsfXwmK0vkgoXB7quPM89RtZlo3Xrlps29f/qTl2rf3Iw/eO3vAqG8/dv+k9ti7jOL04Ti83cpw+Qmfrsa51Tq6WidMT2HYNz330dhOFjA+ZJRw6P3mE5e+/QbZQp/LUIcpH9hBfmWflh28VAajWRa5rm2q0iE6NYocB5Ir4zCVUo5hqmV2dxXId0JpkfHqjuamWOXJhBdFXXORr/vwkqrm1MBNKYdkW8alR5OwizZ+9hbOji9Zrp8GxcQd2oNOU1i9P4Y8Mk7ci5OIK6fg0lidwd/YjR8fJZheLadFrzY23jk6P4g4PYAmH6OR5vF0DWL6LVor4nUvkje3lCRa58UUPV8sWlCp9RE2HNH7/6cvLS4q/+at13nw95StfK3HscY9al3XL41spzVpdc+WK5H+/H3P50t0Nkqenc375asruPVvHDaurih+/FJPf49h7aVHx13+xzhsnUr78tRLHjm9v2+p1zcR4sW1jd7lt99uQO8KCvEpDLdMrrv2P0O2WMIJcy3ZAqHEsBxubHEW3M4iDYDZ7l7JdxaIoHuRZIc4Nw/QlOU2n3c2qNU+sm1zr9FAU51RoIFcZDbnEROsMFhaZjul0e3Etvz3F+OazojQKGwdheQR2R9F1QV9va6VRd31Zcak5zsmp72BZDols0IgX7qktTlDzcUsuXsVlbVKy+1PDpM2M8Zeu8MiXi7SIrJUR7ghxfKdIPbMslNRMn5il99EdLI0uEy1Ft/mke7TpC5OZIs+uB2v1xYwXvzXH/uMdfPoLO/jPv5tGpkWHDj+0aa4VgfP9oPJ0Y98Di1zGrK9OMTf+C7BsZNIkS5pE61eoL14ucujzohuGcEvYwtsoPncr8YVxvOEB/AMPFUFqo4kY2IHT1cn6K29il/xihs6FdwmPHkCnKTqV2KFPcPQA5Dl2GGB57nsuXG7XHQe2FlDtDBkarOGKrXlO5bLPzqEaYVAcNJZl8eRH9+K5z/Hiy2f56aujOLbNvpF+nnv2EQ4dHNxy8qpVSwwN1vC2kWNr2xaffvoAzfWEX5wY4wcvnqFc9hnoq3LtDxeGLjuHanSUt84Nd12HocEuOjtLt51O/d7tt+jqKjE4UMVuD5iDwOULn/8IjfWYV169yKEDgzy0ZweVSsCffuNZXvjhaU6eniSKil66X//qx/n00we3TH/dvE63OqF7nuB3f/s4Q4M1Xnl1lBNvvItSmlqtxNEjuzbaHoWBy1e++DHCwOXtUxOcOjPJ8K5u/vD3P8krP79IZyX80AaIpbJH/1CNJMmKAmN2kZ/d21+lUg0JSx69/Z0012NKZZ+1esRHnhyhWisR3ySP+Earqy1eeOEUy8tNjh/fw5e+9DF8/96v2VS7OwjLPp4vGDk8yMJMnf6dXaRJRq40lgWtZsJ6PaLWXUamOROX52muRfQO1Oju6yQs+8TR3R2c95Nvl6i6A9jW+38vvlOm6vZv9J3drr6ggwur8/xs9l0eqnTTyBLqacxIZw+ubVNyPUrCpdMLWFhsMrG+itKKifUVal5IWfhU3IAur0RvUOZ8fZ40zznaPUiUZwjLZmf5vUGt1pqZpQZT86t0dZYoBz4doUe1I6S3VuadsVleO3OFw3sHGJtaYmWtxcO7elBac+bSDD3VMkI4nB+foxz6DA90MbOwxlBvFd/d1H85y/juhXOcW1rg4Vo3f/DYcbqC7eUA36lACL7x+BM8f/YM3z77Di2ZEgiX3Z1V/uxTv8ETg0Uec9Fzr30At39cm433cKWHvZVuPPs+lzz/f6B1k0bz35D5DJWOr2NZRcVn41eHzhXRxWnKR/YUuaK2xdobFzcqWmp5k5GZ1mRXrxd2kfPXq5HqTJKMXrnpZ6lWjFxcJbkwfvPfN5rEZ6/nxsuFFeRCMS1O9PWQzS5uvFbt7EMtLJOOFxVZdZKSnL/eM3HzOl1772TTeyeXJq4vG20/51BmLXKZEJR6kGmToNSNUvKWgS1AHGl+/KOEN19POfKoy7HHPQ4cEgwMOpQ7ig6Xcaypr2qmp3LeHZNcOJcxekGysqKQdxlDaAX/+s9NTp/Kthx5a2uKU2/dn7zWKNK8/GLCGydSjhx1OXZ867ZBsf31umJ6SjG+eduW1bVrHzcVx5pv/lOT//lecSctzTTnzm4/ENYa/uP5Fm+285OV1rxx4ubbvZYv0+X0o5DtnFiN1Bkt1WCnu59FOcWaWiLSTSxsdrr7mZcTtNQaHaJGn9hNoiIUink5yZA7wh7vCC1VZ0lOk6iIpXwG3wrpFbu4mo1uFInMdEKuJZmKWc3m8J0yu8LDZDphNr7EUnqVgWAfJVElU0WQ0+UOssMfRlgefeohltNpEtVkV3gYy7JIVUSmkqJauYraKUp3l1+byHXm36do0Z2SsSTPFI98uShYuXRhGa01g48P4Fd9Wgst8kwx/vIEI5/dS/f+LlYurTJ3cp7mXJPJn12le18XO58c4vIPxtD5vd3z11rTWJFk7dY2fmhz/JkaQ/tCwg6HXGqmL0fUFyVqU12hwb0Bjz5dxfUspi5GZEkx/fjd000+88VeTr9S5+Jb6/ecY6uVJEtagCaXCZbl0Fi+QlDupm/PE8g0YvHq2yxNn6Z78AhBqZu4ucjK3HnqC5fpHT6OzCLSqM6t5kfoOMEbHkArRTY5gx14qFaCnFtC1CqUjh0iGbuKSlL8kd3IhWU21xfJ6w2cWidyaXVjhs7dsPQdlgXWWhPHGUkqqXQEWyoBJ0lGFGWUyx7upoGh1poozkgTCRYEvovvi/cEcK0oJU0lHeUAIW5fHERrjZSKVpSicoXt2ISBu9F/NE0lrSglDNwt7YDyXNFYj/E9QRC4d3RXQ2tNK0qRMqfSEWC3KyFqrYmijCTNKJf8LUFrluXFOiqFKxzC9t2+zfJc0WjE+P721kkpRRRnZGleFBRyHIL2tm9e1ySRxHGxg3i+IAxcWlHRDysMvQ+tZcbmwkG3W+aa7a6blDmtVvH9BoF3033rbiRxhusJbNsiSyVJnOEIB8extpxoslQWU+MDl7iVojQEoYtSGiHs4uc2euJ+kDKVkKmEwCm/b+/b7SxzM0prWjJFaU1JeCR5hgJCRyBV0bYo1wph2zSzFL89PTaSGa7tIGwbx7KRKsexbSJZDKAC4ZKpnEzllIWHuCFQ01qTZjlxmuEKB6d9wSTLc1zhECcSpTWhLzYel3yXVObkucL3BEprsqxY3nFs4iTDcWxC//oxqLSmkSbIXOELQdm9s3PGndJak+Q5rSxDaYVtWfhCEAp325WVf11orVC6Dljt6ssPfrD+q+6u+roLB7vkgWWhU4mK0w9sfqjle3d3Jd+2sRwHnbUHTEIUUdsH2CHg1jZ/z3f+ZQkBfmDhuuDY189VuYQ0gzTRqAevcw7w4G6bhY2w3OK8hdpomWLjbNyxvfacwC2m5bbbyQiKMaou6n8DGgfRfl1OToaDQFFUvRYIJNlGHQsLC4XCbvemt3EQtltU69dFj3lheRvLKS2xLbFxIVvpvF0Xo3hOk6OuTcNHbfS0tbBR97H/892whY3t2ji+Q57kyEhiORZeh4dWGiUVMpagwS27OJ6DjCUylohAkCc5WCB8Qda6Pxdn/NAmSxUqL6oklyoOwi3GiklLkcSKoGQTt9TG4S5ci6Cj+PvFzby4Wwu4XvF8EinS6D7s6JaNbQtUnmLZotgHVIbtuNiOh9aKPIsBjSN8LFu0q7YnWJaN4wZopYr9Or/FuVc4WJ4LuUKnGZbvgmWjkwRLCCwhUEmC5TggnCJ4tayNM6FWuni9Vuj4vZ+z3XD1jgNbwzAMwzAMwzAMw/hVYnomGIZhGIZhGIZhGA80E9gahmEYhmEYhmEYDzQT2BqGYRiGYRiGYRgPNBPYGoZhGIZhGIZhGA80E9gahmEYhmEYhmEYDzQT2BqGYRiGYRiGYRgPNBPYGoZhGIZhGIZhGA80E9gahmEYhmEYhmEYDzQT2BqGYRiGYRiGYRgPtP8DE+zfHt3InfUAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from wordcloud import WordCloud # Import WordCloud to generate visual representations of text data\n", + "\n", + "# Generate Word Clouds for Real and Fake News\n", + "real_wc = WordCloud(width=800, height=400, background_color=\"white\").generate(\" \".join(real_words)) \n", + "fake_wc = WordCloud(width=800, height=400, background_color=\"black\").generate(\" \".join(fake_words))\n", + "\n", + "# Create a figure for displaying both word clouds\n", + "plt.figure(figsize=(12,5)) \n", + "\n", + "# Display the Real News word cloud\n", + "plt.subplot(1,2,1) # Create a subplot (1 row, 2 columns, 1st plot)\n", + "plt.imshow(real_wc, interpolation=\"bilinear\") # Show the word cloud image\n", + "plt.axis(\"off\") # Remove axis labels for cleaner display\n", + "plt.title(\"Real News Word Cloud\") # Add title\n", + "\n", + "# Display the Fake News word cloud\n", + "plt.subplot(1,2,2) # Create a subplot (1 row, 2 columns, 2nd plot)\n", + "plt.imshow(fake_wc, interpolation=\"bilinear\") # Show the word cloud image\n", + "plt.axis(\"off\") # Remove axis labels for cleaner display\n", + "plt.title(\"Fake News Word Cloud\") # Add title\n", + "\n", + "# Show the final plot with both word clouds\n", + "plt.show()\n", + "\n", + "# Shows most used words in real vs. fake news\n", + "# Helps detect patterns in language use\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package vader_lexicon to\n", + "[nltk_data] C:\\Users\\Mohammed\\AppData\\Roaming\\nltk_data...\n", + "[nltk_data] Package vader_lexicon is already up-to-date!\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1sAAAHUCAYAAADMRTIhAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAYttJREFUeJzt3XlcVXX+x/H3VXaE6wpIKWK5kVouiWgK5YKWWtNiZRGWmZOlkZpl5qjV4NK4VLaoU+JopVOpZTaUljKVuJGMa2ZJLilqhqCFgPD9/eHPU1dQATmC8no+Hvfx8H7P557zOd97uN7P/Z7zPQ5jjBEAAAAAoExVKe8EAAAAAOByRLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFoEytXbtWf/nLX1S/fn15enoqMDBQERERGj58uK3b/f333zVu3DitWrWq0LKEhAQ5HA799NNPtuZwod59911Nnz692PFRUVFyOBxyOByqUqWK/Pz8dPXVV+uuu+7SBx98oIKCgkKvadCggfr371+ivFavXq1x48bp6NGjJXrdmdtatWqVHA6HPvjggxKt51wq6vseFRWlqKioMlvf6b4r6nHnnXcWez0//fSTHA6H/vGPf5RZbhXBmf1TtWpV1alTR71799aGDRts335x/64aNGggh8Ohv/71r4WW2fH3AaD8uZV3AgAuH8uWLVOfPn0UFRWlyZMnq27dujpw4IA2bNigBQsWaMqUKbZt+/fff9f48eMlqdCX3FtuuUXJycmqW7eubdsvC++++662bNmiuLi4Yr+mYcOGeueddyRJv/32m9LS0rRkyRLddddd6tSpk5YuXSqn02nFL168WP7+/iXKa/Xq1Ro/frz69++v6tWrF/t1pdlWSVXU9/3111+3Zb3x8fG68cYbXdpq1aply7YuRaf7Jy8vTxs3btT48eMVGRmp1NRUNWrUqLzTs7z11lt68skn1aRJk/JOBYDNKLYAlJnJkycrNDRUn332mdzc/vh4ueeeezR58uRyy6tOnTqqU6dOuW3fTt7e3mrfvr1L28MPP6w5c+booYce0iOPPKKFCxday1q1amV7TtnZ2fL29r4o2zqX8nzfw8LCbFlvo0aNCr3f+MOf+6dTp06qXr26YmNjNX/+fKsoL28RERHatm2bnn32WX344YflnQ4Am3EaIYAyc+TIEdWuXdul0DqtSpXCHzcLFy5URESEfH19Va1aNUVHR2vjxo0uMf3791e1atX0ww8/6Oabb1a1atVUr149DR8+XDk5OZJOnRp1+kv1+PHjrVOJTp/WU9TpZFFRUWrevLmSk5PVoUMHeXt7q0GDBpozZ46kU6N0rVu3lo+Pj1q0aKHExMRC+e/cuVP9+vVTQECAPD091axZM7322msuMadPDXrvvfc0evRoBQcHy9/fX127dtWOHTtc8lm2bJl2797tcjpUaT344IO6+eab9f7772v37t1W+5mnOxUUFOjFF19UkyZN5O3trerVq6tly5Z6+eWXJUnjxo3TU089JUkKDQ218jp92l6DBg3Uq1cvLVq0SK1atZKXl5f1pfZsp1adOHFCw4YNU1BQkLy9vRUZGVnofT/baXj9+/dXgwYNJJXufZekt99+W9dee628vLxUs2ZN/eUvf9H27dsLbed8x925nJn/n0/fmzp1qkJDQ1WtWjVFRERozZo1513f+Rw+fFiDBw9WWFiYqlWrpoCAAN1000366quvzvvavLw8xcbGqlq1avrkk08kScYYvf7667ruuuvk7e2tGjVq6M4779SuXbvOua4lS5bI4XDoiy++KLTsjTfekMPh0KZNmyRJu3bt0j333KPg4GDrlOMuXbooNTW15B1wFm3btpUkHTx40KW9OH+7J06c0PDhw3XdddfJ6XSqZs2aioiI0EcffXRBOdWsWVPPPPOMFi1aVKz3/ny5GmMUGBioxx57zGrLz89XjRo1VKVKFZd9nzp1qtzc3KxTgi/GewBUdhRbAMpMRESE1q5dq6FDh2rt2rXKy8s7a2x8fLzuvfdehYWF6d///rfmzZunY8eOqVOnTtq2bZtLbF5envr06aMuXbroo48+0kMPPaRp06Zp0qRJkqS6detaxdCAAQOUnJys5ORkjRkz5pz5pqen68EHH9TDDz+sjz76SC1atNBDDz2k559/XqNGjdLIkSP14Ycfqlq1arrtttu0f/9+67Xbtm3T9ddfry1btmjKlCn65JNPdMstt2jo0KFF/oL+7LPPavfu3frnP/+pWbNmaefOnerdu7fy8/MlnTrtrGPHjgoKCrLyT05OLl7Hn0WfPn1kjDnnF+7Jkydr3Lhxuvfee7Vs2TItXLhQAwYMsL6MPfzwwxoyZIgkadGiRVZerVu3ttbx7bff6qmnntLQoUOVmJioO+6445x5Pfvss9q1a5f++c9/6p///Kf279+vqKio836RP1Np3vcJEyZowIABuuaaa7Ro0SK9/PLL2rRpkyIiIrRz506X2PMdd6Xx2muvafny5Zo+fbreeecd/fbbb7r55puVmZlZrNcXFBTo5MmTLg9J+vXXXyVJY8eO1bJlyzRnzhw1bNhQUVFRRV7PdtrRo0cVHR2tzz//XElJSerVq5ckadCgQYqLi1PXrl21ZMkSvf7669q6das6dOhQqHD5s169eikgIMD60eLPEhIS1Lp1a7Vs2VKSdPPNNyslJUWTJ0/W8uXL9cYbb6hVq1YlvjbwXNLS0iRJjRs3ttqK+7ebk5OjX3/9VSNGjNCSJUv03nvv6YYbbtDtt9+uf/3rXxeU1xNPPKErrrhCI0eOPGdccXJ1OBy66aabtGLFCut1GzZs0NGjR+Xl5eVS+K5YsUJt2rSxTge+GO8BUOkZACgjv/zyi7nhhhuMJCPJuLu7mw4dOpgJEyaYY8eOWXF79uwxbm5uZsiQIS6vP3bsmAkKCjJ9+/a12mJjY40k8+9//9sl9uabbzZNmjSxnh8+fNhIMmPHji2U15w5c4wkk5aWZrVFRkYaSWbDhg1W25EjR0zVqlWNt7e3+fnnn6321NRUI8m88sorVlt0dLS58sorTWZmpsu2Hn/8cePl5WV+/fVXY4wxK1euNJLMzTff7BL373//20gyycnJVtstt9xiQkJCCuV/NpGRkeaaa6456/L//Oc/RpKZNGmS1RYSEmJiY2Ot57169TLXXXfdObfz0ksvFeq/P6+vatWqZseOHUUu+/O2TvdF69atTUFBgdX+008/GXd3d/Pwww+77FtkZGShdcbGxrr0UUne94yMDOPt7V3ovdizZ4/x9PQ0/fr1c9lOcY67szkz/7S0NCPJtGjRwpw8edJqX7dunZFk3nvvvXOu73TfFfXYuXNnofiTJ0+avLw806VLF/OXv/ylUB4vvfSSSUtLM2FhYSYsLMz89NNPVkxycrKRZKZMmeKyzr179xpvb28zcuTIc+Y6bNgw4+3tbY4ePWq1bdu2zUgyr776qjHm1GeFJDN9+vRzrqu4TvfPwoULTV5envn999/NN998Y5o0aWLCwsJMRkaGFVvcv90zne7TAQMGmFatWrksO/NYP5uQkBBzyy23GGOMmT17tpFkli5d6rIP77//folz/ec//2kkmT179hhjjHnxxRdN06ZNTZ8+fcyDDz5ojDEmNzfX+Pr6mmeffdYYU/bvAYCiMbIFoMzUqlVLX331ldavX6+JEyfq1ltv1ffff69Ro0apRYsW+uWXXyRJn332mU6ePKkHHnjA5Rd6Ly8vRUZGFvol3uFwqHfv3i5tLVu2dDk9rjTq1q2rNm3aWM9r1qypgIAAXXfddQoODrbamzVrJknW9k6cOKEvvvhCf/nLX+Tj4+OyDzfffLNOnDhR6PSgPn36FMr/z+u0gzHmvDHt2rXT//73Pw0ePFifffaZsrKySrydli1buowcnE+/fv1cTpEMCQlRhw4dtHLlyhJvuySSk5OVnZ1d6NTGevXq6aabbip06psdx90tt9yiqlWruqxPKv5xMGnSJK1fv97lUa9ePUnSm2++qdatW8vLy0tubm5yd3fXF198UegUSenUaGT79u0VGBiob775RiEhIdayTz75RA6HQ/fff7/LsR0UFKRrr732nCNlkvTQQw8pOzvb5VrBOXPmyNPTU/369ZN06m/tqquu0ksvvaSpU6dq48aNRc6eWVJ333233N3d5ePjo44dOyorK0vLli2zRnJK+rf7/vvvq2PHjqpWrZrVp2+99VaRfVpSDz74oMLCwvTMM88Uue8lybVr166SZI1uLV++XN26dVPXrl21fPlySaeO/99++82Ktes9AOCKYgtAmWvbtq2efvppvf/++9q/f7+efPJJ/fTTT9YkGadPQ7r++uvl7u7u8li4cKFVlJ3m4+MjLy8vlzZPT0+dOHHigvKsWbNmoTYPD49C7R4eHpJkbe/IkSM6efKkXn311UL533zzzZJUaB/OnDHO09NT0qnJJOxy+gv8nwvHM40aNUr/+Mc/tGbNGvXs2VO1atVSly5dSjRddkln+wsKCiqy7ciRIyVaT0mdXn9R+QYHBxfavh3H3YUeBw0bNlTbtm1dHp6enpo6daoeffRRhYeH68MPP9SaNWu0fv169ejRo8h1L1++XAcPHtTDDz9caIbJgwcPWtcBnXl8r1mzptCxfaZrrrlG119/vXUqYX5+vubPn69bb73V+ts6fV1XdHS0Jk+erNatW6tOnToaOnSojh07Vqy+KMrpYjQpKUmjR4/WwYMHddttt1nX2ZXkb3fRokXq27evrrjiCs2fP1/Jyclav369HnrooQv+7JGkqlWrKj4+Xlu3btXcuXMLLS9JriEhIbrqqqu0YsUK/f7770pOTraKrX379mnHjh1asWKFvL291aFDB0n2vQcAXDEbIQBbubu7a+zYsZo2bZq2bNkiSapdu7Yk6YMPPnD5Rf1SUaNGDVWtWlUxMTEuF6X/WWho6EXOqrCPP/5YDodDnTt3PmuMm5ubhg0bpmHDhuno0aNasWKFnn32WUVHR2vv3r3y8fE573ZKOpFHenp6kW1/LkS8vLyKvI7pfF/0z+X0+g8cOFBo2f79+63j8lI0f/58RUVF6Y033nBpP9uX5qeeeko//vijNbr8wAMPWMtq164th8Ohr776yioG/6yotjM9+OCDGjx4sLZv365du3bpwIEDevDBB11iQkJC9NZbb0mSvv/+e/373//WuHHjlJubqzfffPO82yjK6WJUkjp37ixvb28999xzevXVVzVixIgS/e3Onz9foaGhWrhwocsxXpwJUorr1ltvVceOHTV27FjNmjXLZVlJP2dOX1uYlJSkgoICRUVFyc/PT8HBwVq+fLlWrFihTp06ubx/drwHAFxRbAEoMwcOHChy1OD0KTenR1iio6Pl5uamH3/88byTKRTXxRgpOs3Hx0c33nijNm7cqJYtW1ojXxfK09OzzPKfM2eO/vOf/6hfv36qX79+sV5TvXp13Xnnnfr5558VFxenn376SWFhYWXet++9956GDRtmfYHdvXu3Vq9e7fKFv0GDBnr//feVk5Njbf/IkSNavXq1y727SpJbRESEvL29NX/+fN11111W+759+/Tll1+W6ObAFY3D4ShUBG3atEnJycnWaYZ/VqVKFc2cOVPVqlVT//799dtvv+nRRx+VdGqSi4kTJ+rnn39W3759S5XPvffeq2HDhikhIUG7du3SFVdcoe7du581vnHjxnruuef04Ycf6ttvvy3VNosycuRIJSQkaOLEiRo0aJD8/PyK/bfrcDjk4eHhUmilp6df8GyEZ5o0aZJuuOEGvfLKKy7tJf2c6dq1q2bNmqXp06erffv28vPzk3SqCFu8eLHWr1+v+Pj4s77ervcAqOwotgCUmejoaF155ZXq3bu3mjZtqoKCAqWmpmrKlCmqVq2annjiCUmnvkg///zzGj16tHbt2qUePXqoRo0aOnjwoNatWydfX98S3xPHz89PISEh+uijj9SlSxfVrFlTtWvXtqYJL2svv/yybrjhBnXq1EmPPvqoGjRooGPHjumHH37Q0qVL9eWXX5Z4nS1atNCiRYv0xhtvqE2bNqpSpYr1K/3ZZGdnW9dtZGdna9euXVqyZIk++eQTRUZGnvfX6d69e6t58+Zq27at6tSpo927d2v69OkKCQmxbgLbokULa59jY2Pl7u6uJk2aWF/mSurQoUP6y1/+ooEDByozM1Njx46Vl5eXRo0aZcXExMRo5syZuv/++zVw4EAdOXJEkydPLnST5JK879WrV9eYMWP07LPP6oEHHtC9996rI0eOaPz48fLy8tLYsWNLtT8VQa9evfTCCy9o7NixioyM1I4dO/T8888rNDTUmrGwKFOmTJGfn58GDx6s48eP66mnnlLHjh31yCOP6MEHH9SGDRvUuXNn+fr66sCBA/r666/VokULqzA7m+rVq+svf/mLEhISdPToUY0YMcLl9g+bNm3S448/rrvuukuNGjWSh4eHvvzyS23atEnPPPOMFTdgwADNnTtXP/74Y6lGwd3d3RUfH6++ffvq5Zdf1nPPPVfsv93TtzQYPHiw7rzzTu3du1cvvPCC6tatW2jmygvRsWNH3XrrrUUWcSX5nLnpppvkcDj0+eefu3x+du3aVbGxsda/TyvuewDgApX3DB0ALh8LFy40/fr1M40aNTLVqlUz7u7upn79+iYmJsZs27atUPySJUvMjTfeaPz9/Y2np6cJCQkxd955p1mxYoUVExsba3x9fQu9duzYsebMj7AVK1aYVq1aGU9PTyPJmh3sbLMRFjWT359nC/szSeaxxx5zaUtLSzMPPfSQueKKK4y7u7upU6eO6dChg3nxxRetmKJmGDv9Wklmzpw5Vtuvv/5q7rzzTlO9enXjcDgK7d+ZTs+oePrh6+trGjZsaO68807z/vvvm/z8/CL378+zpk2ZMsV06NDB1K5d23h4eJj69eubAQMGuMxOZ4wxo0aNMsHBwaZKlSpGklm5cuU5+6uobZ3ui3nz5pmhQ4eaOnXqGE9PT9OpUyeXWSFPmzt3rmnWrJnx8vIyYWFhZuHChYVmIzSmZO+7MadmbmvZsqXx8PAwTqfT3HrrrWbr1q0uMSU57opyttkIX3rppUKxOstsin92tuPotJycHDNixAhzxRVXGC8vL9O6dWuzZMmSQv11tjxOzzj5t7/9zWp7++23TXh4uPH19TXe3t7mqquuMg888ECR71VRPv/8c+vY/P77712WHTx40PTv3980bdrU+Pr6mmrVqpmWLVuaadOmuczWeHpWyKJmwixJ/4SHh5saNWpYMyQW52/XGGMmTpxoGjRoYDw9PU2zZs3M7NmzizwGSjMb4Z9t27bNVK1a9ayfFcXJ1RhjWrVqZSSZb775xmr7+eefjSRTq1Ytl1lAi/seALgwDmOKMV0VAAAAAKBEmI0QAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADbmpcTAUFBdq/f7/8/Pxc7iYPAAAAoHIxxujYsWMKDg52uWn7mSi2imn//v2qV69eeacBAAAAoILYu3evrrzyyrMuL9diq0GDBtq9e3eh9sGDB+u1116TMUbjx4/XrFmzlJGRofDwcL322mu65pprrNicnByNGDFC7733nrKzs9WlSxe9/vrrLjudkZGhoUOH6uOPP5Yk9enTR6+++qqqV69e7Fz9/PwknepQf3//Uu4xAAAAgEtdVlaW6tWrZ9UIZ+MwxpiLlFMhhw8fVn5+vvV8y5Yt6tatm1auXKmoqChNmjRJf//735WQkKDGjRvrxRdf1H//+1/t2LHD2rFHH31US5cuVUJCgmrVqqXhw4fr119/VUpKiqpWrSpJ6tmzp/bt26dZs2ZJkh555BE1aNBAS5cuLXauWVlZcjqdyszMpNgCAAAAKrHi1gblWmydKS4uTp988ol27twpSQoODlZcXJyefvppSadGsQIDAzVp0iQNGjRImZmZqlOnjubNm6e7775b0h+n+3366aeKjo7W9u3bFRYWpjVr1ig8PFyStGbNGkVEROi7775TkyZNipUbxRYAAAAAqfi1QYWZjTA3N1fz58/XQw89JIfDobS0NKWnp6t79+5WjKenpyIjI7V69WpJUkpKivLy8lxigoOD1bx5cysmOTlZTqfTKrQkqX379nI6nVZMUXJycpSVleXyAAAAAIDiqjDF1pIlS3T06FH1799fkpSeni5JCgwMdIkLDAy0lqWnp8vDw0M1atQ4Z0xAQECh7QUEBFgxRZkwYYKcTqf1YHIMAAAAACVRYWYjfOutt9SzZ08FBwe7tJ85zbox5rxTr58ZU1T8+dYzatQoDRs2zHp++iI4AICr/Px85eXllXcasEnVqlXl5ubGbU8AoBQqRLG1e/durVixQosWLbLagoKCJJ0amapbt67VfujQIWu0KygoSLm5ucrIyHAZ3Tp06JA6dOhgxRw8eLDQNg8fPlxo1OzPPD095enpeWE7BgCXuePHj2vfvn2qQJf/wgY+Pj6qW7euPDw8yjsVALikVIhia86cOQoICNAtt9xitYWGhiooKEjLly9Xq1atJJ26rispKUmTJk2SJLVp00bu7u5avny5+vbtK0k6cOCAtmzZosmTJ0uSIiIilJmZqXXr1qldu3aSpLVr1yozM9MqyAAAJZefn699+/bJx8dHderUYeTjMmSMUW5urg4fPqy0tDQ1atTonDfvBAC4Kvdiq6CgQHPmzFFsbKzc3P5Ix+FwKC4uTvHx8WrUqJEaNWqk+Ph4+fj4qF+/fpIkp9OpAQMGaPjw4apVq5Zq1qypESNGqEWLFurataskqVmzZurRo4cGDhyomTNnSjo19XuvXr2KPRMhAKCwvLw8GWNUp04deXt7l3c6sIm3t7fc3d21e/du5ebmysvLq7xTAoBLRrkXWytWrNCePXv00EMPFVo2cuRIZWdna/DgwdZNjT///HOXm4dNmzZNbm5u6tu3r3VT44SEBOseW5L0zjvvaOjQodashX369NGMGTPs3zkAqAQY0br8MZoFAKVToe6zVZFxny0AcHXixAmlpaUpNDSU0Y7LHO81ALi65O6zBQAAAACXE4otAABsMG7cOF133XXlnQYAoByV+zVbAIDLS+/eF3d7S5eWLL5///6aO3eupFP3kAoODtYtt9yi+Ph4l9uI2O2nn35SaGio6tSpox9//NHleuTrrrtOt912m8aNG3fR8gEAlD1GtgAAlU6PHj104MAB/fTTT/rnP/+ppUuXavDgweWSy7Fjx/SPf/yjXLYNALAXxRYAoNLx9PRUUFCQrrzySnXv3l133323Pv/8c5eYOXPmqFmzZvLy8lLTpk31+uuvuyx/+umn1bhxY/n4+Khhw4YaM2aM8vLySpzLkCFDNHXqVB06dOisMbm5uRo5cqSuuOIK+fr6Kjw8XKtWrZIka/r9Dz/80Iq/7rrrFBAQYD1PTk6Wu7u7jh8/LunUKY7169eXp6engoODNXTo0BLnDQA4P4otAECltmvXLiUmJsrd3d1qmz17tkaPHq2///3v2r59u+Lj4zVmzBjr9ENJ8vPzU0JCgrZt26aXX35Zs2fP1rRp00q8/XvvvVdXX321nn/++bPGPPjgg/rmm2+0YMECbdq0SXfddZd69OihnTt3yuFwqHPnzlbxlZGRoW3btikvL0/btm2TJK1atUpt2rRRtWrV9MEHH2jatGmaOXOmdu7cqSVLlqhFixYlzhsAcH5cs3WputgXRZxLSS+YAIBy9sknn6hatWrKz8/XiRMnJElTp061lr/wwguaMmWKbr/9dklSaGiotm3bppkzZyo2NlaS9Nxzz1nxDRo00PDhw7Vw4UKNHDmyRLk4HA5NnDhRvXv31pNPPqmrrrrKZfmPP/6o9957T/v27VNwcLAkacSIEUpMTNScOXMUHx+vqKgozZo1S5L03//+V9dee63q16+vVatWKSwsTKtWrVJUVJQkac+ePQoKClLXrl3l7u6u+vXrq127diXKGQBQPIxsAQAqnRtvvFGpqalau3athgwZoujoaA0ZMkSSdPjwYe3du1cDBgxQtWrVrMeLL76oH3/80VrHBx98oBtuuEFBQUGqVq2axowZoz179pQqn+joaN1www0aM2ZMoWXffvutjDFq3LixSz5JSUlWPlFRUdq6dat++eUXJSUlKSoqSlFRUUpKStLJkye1evVqRUZGSpLuuusuZWdnq2HDhho4cKAWL16skydPlipvAMC5UWwBACodX19fXX311WrZsqVeeeUV5eTkaPz48ZKkgoICSadOJUxNTbUeW7Zs0Zo1ayRJa9as0T333KOePXvqk08+0caNGzV69Gjl5uaWOqeJEydq4cKF2rhxo0t7QUGBqlatqpSUFJd8tm/frpdfflmS1Lx5c9WqVUtJSUlWsRUZGamkpCStX79e2dnZuuGGGyRJ9erV044dO/Taa6/J29tbgwcPVufOnUt1vRkA4Nw4jRAAUOmNHTtWPXv21KOPPqrg4GBdccUV2rVrl+67774i47/55huFhIRo9OjRVtvu3bsvKId27drp9ttv1zPPPOPS3qpVK+Xn5+vQoUPq1KlTka89fd3WRx99pC1btqhTp07y8/NTXl6e3nzzTbVu3dplanlvb2/16dNHffr00WOPPaamTZtq8+bNat269QXtAwDAFcUWAKDSi4qK0jXXXKP4+HjNmDFD48aN09ChQ+Xv76+ePXsqJydHGzZsUEZGhoYNG6arr75ae/bs0YIFC3T99ddr2bJlWrx48QXn8fe//13XXHON3Nz++O+5cePGuu+++/TAAw9oypQpatWqlX755Rd9+eWXatGihW6++WZrH5588km1atVK/v7+kqTOnTvrnXfe0bBhw6z1JSQkKD8/X+Hh4fLx8dG8efPk7e2tkJCQC84fAOCKYgsAUKYu1Tlzhg0bpgcffFBPP/20Hn74Yfn4+Oill17SyJEj5evrqxYtWiguLk6SdOutt+rJJ5/U448/rpycHN1yyy0aM2bMBd+EuHHjxnrooYesyS5OmzNnjl588UUNHz5cP//8s2rVqqWIiAir0JJOXYeWn59vTYQhSZGRkVqyZIl1vZYkVa9eXRMnTtSwYcOUn5+vFi1aaOnSpapVq9YF5Q4AKMxhjDHlncSlICsrS06nU5mZmdYvhuWK2QgBlLMTJ04oLS1NoaGh8vLyKu90YCPeawBwVdzagAkyAAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGbuWdAADgMtO798Xd3tKlF21TCQkJiouL09GjRy/aNgEAly5GtgAAlUr//v3lcDgKPX744YdyyScqKkoOh0MLFixwaZ8+fboaNGhQLjkBAMoGxRYAoNLp0aOHDhw44PIIDQ0tt3y8vLz03HPPKS8vr9xyAACUPYotAECl4+npqaCgIJdH1apVNXXqVLVo0UK+vr6qV6+eBg8erOPHj591PUeOHFG7du3Up08fnThxQsYYTZ48WQ0bNpS3t7euvfZaffDBB+fN595771VmZqZmz559zrilS5eqTZs28vLyUsOGDTV+/HidPHlSkjR8+HD1/tMpnNOnT5fD4dCyZcustiZNmmjmzJmSpFWrVqldu3by9fVV9erV1bFjR+3evfu8uQIAio9iCwCA/1elShW98sor2rJli+bOnasvv/xSI0eOLDJ237596tSpk5o2bapFixZZo1Nz5szRG2+8oa1bt+rJJ5/U/fffr6SkpHNu19/fX88++6yef/55/fbbb0XGfPbZZ7r//vs1dOhQbdu2TTNnzlRCQoL+/ve/Szp1OuJXX32lgoICSVJSUpJq165tbTs9PV3ff/+9IiMjdfLkSd12222KjIzUpk2blJycrEceeUQOh6O0XQcAKALFFgCg0vnkk09UrVo163HXXXdJkuLi4nTjjTcqNDRUN910k1544QX9+9//LvT677//Xh07dlTXrl01d+5cubm56bffftPUqVP19ttvKzo6Wg0bNlT//v11//33W6NJ5zJ48GB5eXlp6tSpRS7/+9//rmeeeUaxsbFq2LChunXrphdeeMFad+fOnXXs2DFt3LhRxhh99dVXGj58uFatWiVJWrlypQIDA9W0aVNlZWUpMzNTvXr10lVXXaVmzZopNjZW9evXL2WPAgCKwmyEAIBK58Ybb9Qbb7xhPff19ZV0qiCJj4/Xtm3blJWVpZMnT+rEiRP67bffrJjs7GzdcMMNuvfee/Xyyy9b69i2bZtOnDihbt26uWwrNzdXrVq1Om9Onp6eev755/X444/r0UcfLbQ8JSVF69evt0ayJCk/P18nTpzQ77//LqfTqeuuu06rVq2Su7u7qlSpokGDBmns2LE6duyYVq1apcjISElSzZo11b9/f0VHR6tbt27q2rWr+vbtq7p165agFwEA58PIFgCg0vH19dXVV19tPerWravdu3fr5ptvVvPmzfXhhx8qJSVFr732miS5TFzh6emprl27atmyZdq3b5/Vfvr0vWXLlik1NdV6bNu2rVjXbUnS/fffrwYNGujFF18stKygoEDjx493WffmzZu1c+dOeXl5STp1KuGqVauUlJSkyMhI1ahRQ9dcc42++eYbrVq1SlFRUdb65syZo+TkZHXo0EELFy5U48aNtWbNmhL3JQDg7BjZAgBA0oYNG3Ty5ElNmTJFVaqc+i2yqFMIq1Sponnz5qlfv3666aabtGrVKgUHByssLEyenp7as2ePNYJUUlWqVNGECRN0++23Fxrdat26tXbs2KGrr776rK+PiorSW2+9JTc3N3Xt2lWSFBkZqQULFljXa/1Zq1at1KpVK40aNUoRERF699131b59+1LlDgAojGILAABJV111lU6ePKlXX31VvXv31jfffKM333yzyNiqVavqnXfe0b333msVXEFBQRoxYoSefPJJFRQU6IYbblBWVpZWr16tatWqKTY2tlh53HLLLQoPD9fMmTMVGBhotf/tb39Tr169VK9ePd11112qUqWKNm3apM2bN1sjYaev21q6dKnVFhUVpTvuuEN16tRRWFiYJCktLU2zZs1Snz59FBwcrB07duj777/XAw88cCFdCOAydLHvU38+F/E+9mWCYgsAULYutf8J/991112nqVOnatKkSRo1apQ6d+6sCRMmnLUAcXNz03vvvae7777bKrheeOEFBQQEaMKECdq1a5eqV6+u1q1b69lnny1RLpMmTVKHDh1c2qKjo/XJJ5/o+eef1+TJk+Xu7q6mTZvq4YcftmKcTqdatWqlPXv2WIVVp06dVFBQ4DKq5ePjo++++05z587VkSNHVLduXT3++OMaNGhQifIEAJybwxhjyjuJS0FWVpacTqcyMzPl7+9f3ulUrJ8ZLtEvVgAuzIkTJ5SWlqbQ0FDrmiFcnnivgcqrIn3llCrO187i1gZMkAEAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAIALwjxLlz/eYwAoHYotAECpVK1aVZKUm5tbzpnAbr///rskyd3dvZwzAYBLC/fZAgCUipubm3x8fHT48GG5u7urShV+v7vcGGP0+++/69ChQ6pevbpVYAMAiodiCwBQKg6HQ3Xr1lVaWpp2795d3unARtWrV1dQUFB5pwEAlxyKLQBAqXl4eKhRo0acSngZc3d3Z0QLAEqJYgsAcEGqVKkiLy+v8k4DAIAKp9xPsP/55591//33q1atWvLx8dF1112nlJQUa7kxRuPGjVNwcLC8vb0VFRWlrVu3uqwjJydHQ4YMUe3ateXr66s+ffpo3759LjEZGRmKiYmR0+mU0+lUTEyMjh49ejF2EQAAAEAlVK7FVkZGhjp27Ch3d3f95z//0bZt2zRlyhRVr17dipk8ebKmTp2qGTNmaP369QoKClK3bt107NgxKyYuLk6LFy/WggUL9PXXX+v48ePq1auX8vPzrZh+/fopNTVViYmJSkxMVGpqqmJiYi7m7gIAAACoRBymHG+e8cwzz+ibb77RV199VeRyY4yCg4MVFxenp59+WtKpUazAwEBNmjRJgwYNUmZmpurUqaN58+bp7rvvliTt379f9erV06effqro6Ght375dYWFhWrNmjcLDwyVJa9asUUREhL777js1adLkvLlmZWXJ6XQqMzNT/v7+ZdQDF6B37/LO4A9Ll5Z3BgAAALBBRfrKKVWcr53FrQ3KdWTr448/Vtu2bXXXXXcpICBArVq10uzZs63laWlpSk9PV/fu3a02T09PRUZGavXq1ZKklJQU5eXlucQEBwerefPmVkxycrKcTqdVaElS+/bt5XQ6rZgz5eTkKCsry+UBAAAAAMVVrsXWrl279MYbb6hRo0b67LPP9Ne//lVDhw7Vv/71L0lSenq6JCkwMNDldYGBgday9PR0eXh4qEaNGueMCQgIKLT9gIAAK+ZMEyZMsK7vcjqdqlev3oXtLAAAAIBKpVyLrYKCArVu3Vrx8fFq1aqVBg0apIEDB+qNN95wiXM4HC7PjTGF2s50ZkxR8edaz6hRo5SZmWk99u7dW9zdAgAAAIDyLbbq1q2rsLAwl7ZmzZppz549kmTdQPHM0adDhw5Zo11BQUHKzc1VRkbGOWMOHjxYaPuHDx8uNGp2mqenp/z9/V0eAAAAAFBc5VpsdezYUTt27HBp+/777xUSEiJJCg0NVVBQkJYvX24tz83NVVJSkjp06CBJatOmjdzd3V1iDhw4oC1btlgxERERyszM1Lp166yYtWvXKjMz04oBAAAAgLJUrjc1fvLJJ9WhQwfFx8erb9++WrdunWbNmqVZs2ZJOnXqX1xcnOLj49WoUSM1atRI8fHx8vHxUb9+/SRJTqdTAwYM0PDhw1WrVi3VrFlTI0aMUIsWLdS1a1dJp0bLevTooYEDB2rmzJmSpEceeUS9evUq1kyEAAAAAFBS5VpsXX/99Vq8eLFGjRql559/XqGhoZo+fbruu+8+K2bkyJHKzs7W4MGDlZGRofDwcH3++efy8/OzYqZNmyY3Nzf17dtX2dnZ6tKlixISElS1alUr5p133tHQoUOtWQv79OmjGTNmXLydBQAAAFCplOt9ti4l3GfrHCrKDQ8AAABQpirSV06p4nztvCTuswUAAAAAlyuKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbOBW3gkAAAAAqJjGrOtd3imcYWl5J1AijGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxQrsXWuHHj5HA4XB5BQUHWcmOMxo0bp+DgYHl7eysqKkpbt251WUdOTo6GDBmi2rVry9fXV3369NG+fftcYjIyMhQTEyOn0ymn06mYmBgdPXr0YuwiAAAAgEqq3Ee2rrnmGh04cMB6bN682Vo2efJkTZ06VTNmzND69esVFBSkbt266dixY1ZMXFycFi9erAULFujrr7/W8ePH1atXL+Xn51sx/fr1U2pqqhITE5WYmKjU1FTFxMRc1P0EAAAAULmU+02N3dzcXEazTjPGaPr06Ro9erRuv/12SdLcuXMVGBiod999V4MGDVJmZqbeeustzZs3T127dpUkzZ8/X/Xq1dOKFSsUHR2t7du3KzExUWvWrFF4eLgkafbs2YqIiNCOHTvUpEmTi7ezAAAAACqNch/Z2rlzp4KDgxUaGqp77rlHu3btkiSlpaUpPT1d3bt3t2I9PT0VGRmp1atXS5JSUlKUl5fnEhMcHKzmzZtbMcnJyXI6nVahJUnt27eX0+m0YoqSk5OjrKwslwcAAAAAFFe5Flvh4eH617/+pc8++0yzZ89Wenq6OnTooCNHjig9PV2SFBgY6PKawMBAa1l6ero8PDxUo0aNc8YEBAQU2nZAQIAVU5QJEyZY13g5nU7Vq1fvgvYVAAAAQOVSrsVWz549dccdd6hFixbq2rWrli1bJunU6YKnORwOl9cYYwq1nenMmKLiz7eeUaNGKTMz03rs3bu3WPsEAAAAAFIFOI3wz3x9fdWiRQvt3LnTuo7rzNGnQ4cOWaNdQUFBys3NVUZGxjljDh48WGhbhw8fLjRq9meenp7y9/d3eQAAAABAcZX7BBl/lpOTo+3bt6tTp04KDQ1VUFCQli9frlatWkmScnNzlZSUpEmTJkmS2rRpI3d3dy1fvlx9+/aVJB04cEBbtmzR5MmTJUkRERHKzMzUunXr1K5dO0nS2rVrlZmZqQ4dOpTDXpaNdevKO4M/tCvvBAAAAIAKqFyLrREjRqh3796qX7++Dh06pBdffFFZWVmKjY2Vw+FQXFyc4uPj1ahRIzVq1Ejx8fHy8fFRv379JElOp1MDBgzQ8OHDVatWLdWsWVMjRoywTkuUpGbNmqlHjx4aOHCgZs6cKUl65JFH1KtXL2YiBAAAAGCbci229u3bp3vvvVe//PKL6tSpo/bt22vNmjUKCQmRJI0cOVLZ2dkaPHiwMjIyFB4ers8//1x+fn7WOqZNmyY3Nzf17dtX2dnZ6tKlixISElS1alUr5p133tHQoUOtWQv79OmjGTNmXNydBQAAAFCpOIwxpryTuBRkZWXJ6XQqMzOzQly/tS6wd3mnYGl3cGl5pwAAAAAbVKTvnFLF+d5Z3NqgQk2QAQAAAACXC4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2KDCFFsTJkyQw+FQXFyc1WaM0bhx4xQcHCxvb29FRUVp69atLq/LycnRkCFDVLt2bfn6+qpPnz7at2+fS0xGRoZiYmLkdDrldDoVExOjo0ePXoS9AgAAAFBZVYhia/369Zo1a5Zatmzp0j558mRNnTpVM2bM0Pr16xUUFKRu3brp2LFjVkxcXJwWL16sBQsW6Ouvv9bx48fVq1cv5efnWzH9+vVTamqqEhMTlZiYqNTUVMXExFy0/QMAAABQ+ZR7sXX8+HHdd999mj17tmrUqGG1G2M0ffp0jR49WrfffruaN2+uuXPn6vfff9e7774rScrMzNRbb72lKVOmqGvXrmrVqpXmz5+vzZs3a8WKFZKk7du3KzExUf/85z8VERGhiIgIzZ49W5988ol27NhRLvsMAAAA4PJX7sXWY489pltuuUVdu3Z1aU9LS1N6erq6d+9utXl6eioyMlKrV6+WJKWkpCgvL88lJjg4WM2bN7dikpOT5XQ6FR4ebsW0b99eTqfTiilKTk6OsrKyXB4AAAAAUFxu5bnxBQsW6Ntvv9X69esLLUtPT5ckBQYGurQHBgZq9+7dVoyHh4fLiNjpmNOvT09PV0BAQKH1BwQEWDFFmTBhgsaPH1+yHQIAAACA/1duI1t79+7VE088ofnz58vLy+uscQ6Hw+W5MaZQ25nOjCkq/nzrGTVqlDIzM63H3r17z7lNAAAAAPizciu2UlJSdOjQIbVp00Zubm5yc3NTUlKSXnnlFbm5uVkjWmeOPh06dMhaFhQUpNzcXGVkZJwz5uDBg4W2f/jw4UKjZn/m6ekpf39/lwcAAAAAFFe5FVtdunTR5s2blZqaaj3atm2r++67T6mpqWrYsKGCgoK0fPly6zW5ublKSkpShw4dJElt2rSRu7u7S8yBAwe0ZcsWKyYiIkKZmZlat26dFbN27VplZmZaMQAAAABQ1srtmi0/Pz81b97cpc3X11e1atWy2uPi4hQfH69GjRqpUaNGio+Pl4+Pj/r16ydJcjqdGjBggIYPH65atWqpZs2aGjFihFq0aGFNuNGsWTP16NFDAwcO1MyZMyVJjzzyiHr16qUmTZpcxD0GAAAAUJmU6wQZ5zNy5EhlZ2dr8ODBysjIUHh4uD7//HP5+flZMdOmTZObm5v69u2r7OxsdenSRQkJCapataoV884772jo0KHWrIV9+vTRjBkzLvr+AAAAAKg8HMYYU9IXNWzYUOvXr1etWrVc2o8eParWrVtr165dZZZgRZGVlSWn06nMzMwKcf3WusDe5Z2Cpd3BpeWdAgAAAGxQkb5zShXne2dxa4NSXbP1008/KT8/v1B7Tk6Ofv7559KsEgAAAAAuKyU6jfDjjz+2/v3ZZ5/J6XRaz/Pz8/XFF1+oQYMGZZYcAAAAAFyqSlRs3XbbbZJO3bcqNjbWZZm7u7saNGigKVOmlFlyAAAAAHCpKlGxVVBQIEkKDQ3V+vXrVbt2bVuSAgAAAIBLXalmI0xLSyvrPAAAAADgslLqqd+/+OILffHFFzp06JA14nXa22+/fcGJAQAAAMClrFTF1vjx4/X888+rbdu2qlu3rhwOR1nnBQAAAACXtFIVW2+++aYSEhIUExNT1vkAAAAAwGWhVPfZys3NVYcOHco6FwAAAAC4bJSq2Hr44Yf17rvvlnUuAAAAAHDZKNVphCdOnNCsWbO0YsUKtWzZUu7u7i7Lp06dWibJAQAAAMClqlTF1qZNm3TddddJkrZs2eKyjMkyAAAAAKCUxdbKlSvLOg8AAAAAuKyU6potAAAAAMC5lWpk68Ybbzzn6YJffvllqRMCAAAAgMtBqYqt09drnZaXl6fU1FRt2bJFsbGxZZEXAAAAAFzSSlVsTZs2rcj2cePG6fjx4xeUEAAAAABcDsr0mq37779fb7/9dlmuEgAAAAAuSWVabCUnJ8vLy6ssVwkAAAAAl6RSnUZ4++23uzw3xujAgQPasGGDxowZUyaJAQAAAMClrFTFltPpdHlepUoVNWnSRM8//7y6d+9eJokBAAAAwKWsVMXWnDlzyjoPAAAAALislKrYOi0lJUXbt2+Xw+FQWFiYWrVqVVZ5AQAAAMAlrVTF1qFDh3TPPfdo1apVql69uowxyszM1I033qgFCxaoTp06ZZ0nAAAAAFxSSjUb4ZAhQ5SVlaWtW7fq119/VUZGhrZs2aKsrCwNHTq0rHMEAAAAgEtOqUa2EhMTtWLFCjVr1sxqCwsL02uvvcYEGQAAAACgUo5sFRQUyN3dvVC7u7u7CgoKLjgpAAAAALjUlarYuummm/TEE09o//79VtvPP/+sJ598Ul26dCmz5AAAAADgUlWqYmvGjBk6duyYGjRooKuuukpXX321QkNDdezYMb366qtlnSMAAAAAXHJKdc1WvXr19O2332r58uX67rvvZIxRWFiYunbtWtb5AQAAAMAlqUQjW19++aXCwsKUlZUlSerWrZuGDBmioUOH6vrrr9c111yjr776ypZEAQAAAOBSUqJia/r06Ro4cKD8/f0LLXM6nRo0aJCmTp1aZskBAAAAwKWqRMXW//73P/Xo0eOsy7t3766UlJQLTgoAAAAALnUlKrYOHjxY5JTvp7m5uenw4cMXnBQAAAAAXOpKVGxdccUV2rx581mXb9q0SXXr1r3gpAAAAADgUleiYuvmm2/W3/72N504caLQsuzsbI0dO1a9evUqs+QAAAAA4FJVoqnfn3vuOS1atEiNGzfW448/riZNmsjhcGj79u167bXXlJ+fr9GjR9uVKwAAAABcMkpUbAUGBmr16tV69NFHNWrUKBljJEkOh0PR0dF6/fXXFRgYaEuiAAAAAHApKfFNjUNCQvTpp58qIyNDP/zwg4wxatSokWrUqGFHfgAAAABwSSpxsXVajRo1dP3115dlLgAAAABw2SjRBBkAAAAAgOKh2AIAAAAAG1BsAQAAAIANyrXYeuONN9SyZUv5+/vL399fERER+s9//mMtN8Zo3LhxCg4Olre3t6KiorR161aXdeTk5GjIkCGqXbu2fH191adPH+3bt88lJiMjQzExMXI6nXI6nYqJidHRo0cvxi4CAAAAqKTKtdi68sorNXHiRG3YsEEbNmzQTTfdpFtvvdUqqCZPnqypU6dqxowZWr9+vYKCgtStWzcdO3bMWkdcXJwWL16sBQsW6Ouvv9bx48fVq1cv5efnWzH9+vVTamqqEhMTlZiYqNTUVMXExFz0/QUAAABQeTjM6ZtlVRA1a9bUSy+9pIceekjBwcGKi4vT008/LenUKFZgYKAmTZqkQYMGKTMzU3Xq1NG8efN09913S5L279+vevXq6dNPP1V0dLS2b9+usLAwrVmzRuHh4ZKkNWvWKCIiQt99952aNGlSrLyysrLkdDqVmZkpf39/e3a+BNYF9i7vFCztDi4t7xQAAABgg4r0nVOqON87i1sbVJhrtvLz87VgwQL99ttvioiIUFpamtLT09W9e3crxtPTU5GRkVq9erUkKSUlRXl5eS4xwcHBat68uRWTnJwsp9NpFVqS1L59ezmdTiumKDk5OcrKynJ5AAAAAEBxlXuxtXnzZlWrVk2enp7661//qsWLFyssLEzp6emSpMDAQJf4wMBAa1l6ero8PDwK3VD5zJiAgIBC2w0ICLBiijJhwgTrGi+n06l69epd0H4CAAAAqFzKvdhq0qSJUlNTtWbNGj366KOKjY3Vtm3brOUOh8Ml3hhTqO1MZ8YUFX++9YwaNUqZmZnWY+/evcXdJQAAAAAo/2LLw8NDV199tdq2basJEybo2muv1csvv6ygoCBJKjT6dOjQIWu0KygoSLm5ucrIyDhnzMGDBwtt9/Dhw4VGzf7M09PTmiXx9AMAAAAAiqvci60zGWOUk5Oj0NBQBQUFafny5day3NxcJSUlqUOHDpKkNm3ayN3d3SXmwIED2rJlixUTERGhzMxMrVu3zopZu3atMjMzrRgAAAAAKGtu5bnxZ599Vj179lS9evV07NgxLViwQKtWrVJiYqIcDofi4uIUHx+vRo0aqVGjRoqPj5ePj4/69esnSXI6nRowYICGDx+uWrVqqWbNmhoxYoRatGihrl27SpKaNWumHj16aODAgZo5c6Yk6ZFHHlGvXr2KPRMhAAAAAJRUuRZbBw8eVExMjA4cOCCn06mWLVsqMTFR3bp1kySNHDlS2dnZGjx4sDIyMhQeHq7PP/9cfn5+1jqmTZsmNzc39e3bV9nZ2erSpYsSEhJUtWpVK+add97R0KFDrVkL+/TpoxkzZlzcnQUAAABQqVS4+2xVVNxn6+wqyv0OAAAAULYq0ndOqeJ877zk7rMFAAAAAJcTii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYoFyLrQkTJuj666+Xn5+fAgICdNttt2nHjh0uMcYYjRs3TsHBwfL29lZUVJS2bt3qEpOTk6MhQ4aodu3a8vX1VZ8+fbRv3z6XmIyMDMXExMjpdMrpdComJkZHjx61excBAAAAVFLlWmwlJSXpscce05o1a7R8+XKdPHlS3bt312+//WbFTJ48WVOnTtWMGTO0fv16BQUFqVu3bjp27JgVExcXp8WLF2vBggX6+uuvdfz4cfXq1Uv5+flWTL9+/ZSamqrExEQlJiYqNTVVMTExF3V/AQAAAFQeDmOMKe8kTjt8+LACAgKUlJSkzp07yxij4OBgxcXF6emnn5Z0ahQrMDBQkyZN0qBBg5SZmak6depo3rx5uvvuuyVJ+/fvV7169fTpp58qOjpa27dvV1hYmNasWaPw8HBJ0po1axQREaHvvvtOTZo0OW9uWVlZcjqdyszMlL+/v32dUEzrAnuXdwqWdgeXlncKAAAAsEFF+s4pVZzvncWtDSrUNVuZmZmSpJo1a0qS0tLSlJ6eru7du1sxnp6eioyM1OrVqyVJKSkpysvLc4kJDg5W8+bNrZjk5GQ5nU6r0JKk9u3by+l0WjFnysnJUVZWlssDAAAAAIqrwhRbxhgNGzZMN9xwg5o3by5JSk9PlyQFBga6xAYGBlrL0tPT5eHhoRo1apwzJiAgoNA2AwICrJgzTZgwwbq+y+l0ql69ehe2gwAAAAAqlQpTbD3++OPatGmT3nvvvULLHA6Hy3NjTKG2M50ZU1T8udYzatQoZWZmWo+9e/cWZzcAAAAAQFIFKbaGDBmijz/+WCtXrtSVV15ptQcFBUlSodGnQ4cOWaNdQUFBys3NVUZGxjljDh48WGi7hw8fLjRqdpqnp6f8/f1dHgAAAABQXOVabBlj9Pjjj2vRokX68ssvFRoa6rI8NDRUQUFBWr58udWWm5urpKQkdejQQZLUpk0bubu7u8QcOHBAW7ZssWIiIiKUmZmpdevWWTFr165VZmamFQMAAAAAZcmtPDf+2GOP6d1339VHH30kPz8/awTL6XTK29tbDodDcXFxio+PV6NGjdSoUSPFx8fLx8dH/fr1s2IHDBig4cOHq1atWqpZs6ZGjBihFi1aqGvXrpKkZs2aqUePHho4cKBmzpwpSXrkkUfUq1evYs1ECAAAAAAlVa7F1htvvCFJioqKcmmfM2eO+vfvL0kaOXKksrOzNXjwYGVkZCg8PFyff/65/Pz8rPhp06bJzc1Nffv2VXZ2trp06aKEhARVrVrVinnnnXc0dOhQa9bCPn36aMaMGfbuIAAAAIBKq0LdZ6si4z5bZ1dR7ncAAACAslWRvnNKFed75yV5ny0AAAAAuFxQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANiAYgsAAAAAbECxBQAAAAA2oNgCAAAAABu4lXcCAAAAAP7Qu3d5Z/CHMeWdwCWOkS0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbuJV3ArgM9O5d3hn8YenS8s4AAAAAkESxBQAAAFQoY9ZVoB+ycUE4jRAAAAAAbECxBQAAAAA2oNgCAAAAABuUa7H13//+V71791ZwcLAcDoeWLFnistwYo3Hjxik4OFje3t6KiorS1q1bXWJycnI0ZMgQ1a5dW76+vurTp4/27dvnEpORkaGYmBg5nU45nU7FxMTo6NGjNu8dAAAAgMqsXCfI+O2333TttdfqwQcf1B133FFo+eTJkzV16lQlJCSocePGevHFF9WtWzft2LFDfn5+kqS4uDgtXbpUCxYsUK1atTR8+HD16tVLKSkpqlq1qiSpX79+2rdvnxITEyVJjzzyiGJiYrSUmevKxLp15Z3BH17ozYSEAAAAqBjKtdjq2bOnevbsWeQyY4ymT5+u0aNH6/bbb5ckzZ07V4GBgXr33Xc1aNAgZWZm6q233tK8efPUtWtXSdL8+fNVr149rVixQtHR0dq+fbsSExO1Zs0ahYeHS5Jmz56tiIgI7dixQ02aNLk4OwsAAACgUqmw12ylpaUpPT1d3bt3t9o8PT0VGRmp1atXS5JSUlKUl5fnEhMcHKzmzZtbMcnJyXI6nVahJUnt27eX0+m0YoqSk5OjrKwslwcAAAAAFFeFLbbS09MlSYGBgS7tgYGB1rL09HR5eHioRo0a54wJCAgotP6AgAArpigTJkywrvFyOp2qV6/eBe0PAAAAgMqlwhZbpzkcDpfnxphCbWc6M6ao+POtZ9SoUcrMzLQee/fuLWHmAAAAACqzCltsBQUFSVKh0adDhw5Zo11BQUHKzc1VRkbGOWMOHjxYaP2HDx8uNGr2Z56envL393d5AAAAAEBxlesEGecSGhqqoKAgLV++XK1atZIk5ebmKikpSZMmTZIktWnTRu7u7lq+fLn69u0rSTpw4IC2bNmiyZMnS5IiIiKUmZmpdevWqV27dpKktWvXKjMzUx06dCiHPQMAAEBF07t3eWfwhzHlnQDKTLkWW8ePH9cPP/xgPU9LS1Nqaqpq1qyp+vXrKy4uTvHx8WrUqJEaNWqk+Ph4+fj4qF+/fpIkp9OpAQMGaPjw4apVq5Zq1qypESNGqEWLFtbshM2aNVOPHj00cOBAzZw5U9Kpqd979erFTIQAAAAAbFOuxdaGDRt04403Ws+HDRsmSYqNjVVCQoJGjhyp7OxsDR48WBkZGQoPD9fnn39u3WNLkqZNmyY3Nzf17dtX2dnZ6tKlixISEqx7bEnSO++8o6FDh1qzFvbp00czZsy4SHsJAAAAoDJyGGNMeSdxKcjKypLT6VRmZmaFuH5rXWAFGuuuQF5ot5SbGgMAgBKrUKcRrqtAyVQw7Q5WjC96xa0NKuwEGQAAAABwKaPYAgAAAAAbUGwBAAAAgA0otgAAAADABhRbAAAAAGADii0AAAAAsAHFFgAAAADYgGILAAAAAGxAsQUAAAAANqDYAgAAAAAbUGwBAAAAgA0otgAAAADABm7lnQAAAABQ3sas613eKeAyxMgWAAAAANiAkS1cVsas6y1VpB+mli4t7wwAAABQTii2cNlZt668M/hDu/JOAAAAAOWG0wgBAAAAwAYUWwAAAABgA4otAAAAALAB12wBAACgXPSuQJNajSnvBHBZYmQLAAAAAGxAsQUAAAAANuA0QgAAAJSLMesq0HmEgA0otgA7VaST0bnBMgCUi4r0X0FFw3VSuNxRbAEAKryK9GWV3y0AAMVFsQXYaN268s7gD+3KOwHgclGRKj+J6g8AKjCKLQAXX0X6ssoXVQAAYBOKLaCSWBdYcQqcdgyzAahEKtIkEC+04wcm4GKi2AIAAGWCQWsAcEWxBQAAUElUpFE2oDKg2AJw0TFxCAAAqAwotgCgAqlQ19Yd5DwslExFGjXp3bviHL/cSwqovKqUdwIAAAAAcDliZAsAgEtYRZqUoiKN4FSkUTYAlRfFFoBKrSKdtlfRVKQv8Tg7igoAqLg4jRAAAAAAbMDIFgCgSIyYFK0CTaYJAKjgGNkCAAAAABtQbAEAAACADSi2AAAAAMAGFFsAAAAAYAOKLQAAAACwAcUWAAAAANigUhVbr7/+ukJDQ+Xl5aU2bdroq6++Ku+UAAAAAFymKk2xtXDhQsXFxWn06NHauHGjOnXqpJ49e2rPnj3lnRoAAACAy1ClKbamTp2qAQMG6OGHH1azZs00ffp01atXT2+88UZ5pwYAAADgMuRW3glcDLm5uUpJSdEzzzzj0t69e3etXr26yNfk5OQoJyfHep6ZmSlJysrKsi/REjhekFfeKQAAAAAXVUX5Ln46D2PMOeMqRbH1yy+/KD8/X4GBgS7tgYGBSk9PL/I1EyZM0Pjx4wu116tXz5YcAQAAAJyH01neGbg4duyYnOfIqVIUW6c5HA6X58aYQm2njRo1SsOGDbOeFxQU6Ndff1WtWrXO+pqLJSsrS/Xq1dPevXvl7+9frrlcjuhfe9G/9qJ/7UX/2ov+tRf9az/62F4VqX+NMTp27JiCg4PPGVcpiq3atWuratWqhUaxDh06VGi06zRPT095enq6tFWvXt2uFEvF39+/3A+0yxn9ay/61170r73oX3vRv/aif+1HH9urovTvuUa0TqsUE2R4eHioTZs2Wr58uUv78uXL1aFDh3LKCgAAAMDlrFKMbEnSsGHDFBMTo7Zt2yoiIkKzZs3Snj179Ne//rW8UwMAAABwGao0xdbdd9+tI0eO6Pnnn9eBAwfUvHlzffrppwoJCSnv1ErM09NTY8eOLXSaI8oG/Wsv+tde9K+96F970b/2on/tRx/b61LsX4c533yFAAAAAIASqxTXbAEAAADAxUaxBQAAAAA2oNgCAAAAABtQbAEAAACADSi2KqC///3v6tChg3x8fIp9I2VjjMaNG6fg4GB5e3srKipKW7dudYnJycnRkCFDVLt2bfn6+qpPnz7at2+fDXtQsWVkZCgmJkZOp1NOp1MxMTE6evToOV/jcDiKfLz00ktWTFRUVKHl99xzj817U/GUpn/79+9fqO/at2/vEsPxe0pJ+zcvL09PP/20WrRoIV9fXwUHB+uBBx7Q/v37XeIq8/H7+uuvKzQ0VF5eXmrTpo2++uqrc8YnJSWpTZs28vLyUsOGDfXmm28Wivnwww8VFhYmT09PhYWFafHixXalX+GVpH8XLVqkbt26qU6dOvL391dERIQ+++wzl5iEhIQiP49PnDhh965USCXp31WrVhXZd999951LHMfvH0rSv0X9X+ZwOHTNNddYMRy/f/jvf/+r3r17Kzg4WA6HQ0uWLDnvay7Jz1+DCudvf/ubmTp1qhk2bJhxOp3Fes3EiRONn5+f+fDDD83mzZvN3XffberWrWuysrKsmL/+9a/miiuuMMuXLzfffvutufHGG821115rTp48adOeVEw9evQwzZs3N6tXrzarV682zZs3N7169Trnaw4cOODyePvtt43D4TA//vijFRMZGWkGDhzoEnf06FG7d6fCKU3/xsbGmh49erj03ZEjR1xiOH5PKWn/Hj161HTt2tUsXLjQfPfddyY5OdmEh4ebNm3auMRV1uN3wYIFxt3d3cyePdts27bNPPHEE8bX19fs3r27yPhdu3YZHx8f88QTT5ht27aZ2bNnG3d3d/PBBx9YMatXrzZVq1Y18fHxZvv27SY+Pt64ubmZNWvWXKzdqjBK2r9PPPGEmTRpklm3bp35/vvvzahRo4y7u7v59ttvrZg5c+YYf3//Qp/LlVFJ+3flypVGktmxY4dL3/35c5Tj9w8l7d+jR4+69OvevXtNzZo1zdixY60Yjt8/fPrpp2b06NHmww8/NJLM4sWLzxl/qX7+UmxVYHPmzClWsVVQUGCCgoLMxIkTrbYTJ04Yp9Np3nzzTWPMqQ8Ad3d3s2DBAivm559/NlWqVDGJiYllnntFtW3bNiPJ5Y8uOTnZSDLfffddsddz6623mptuusmlLTIy0jzxxBNlleolqbT9Gxsba2699dazLuf4PaWsjt9169YZSS5fGCrr8duuXTvz17/+1aWtadOm5plnnikyfuTIkaZp06YubYMGDTLt27e3nvft29f06NHDJSY6Otrcc889ZZT1paOk/VuUsLAwM378eOt5cf9vrAxK2r+ni62MjIyzrpPj9w8XevwuXrzYOBwO89NPP1ltHL9FK06xdal+/nIa4WUgLS1N6enp6t69u9Xm6empyMhIrV69WpKUkpKivLw8l5jg4GA1b97ciqkMkpOT5XQ6FR4ebrW1b99eTqez2P1w8OBBLVu2TAMGDCi07J133lHt2rV1zTXXaMSIETp27FiZ5X4puJD+XbVqlQICAtS4cWMNHDhQhw4dspZx/J5SFsevJGVmZsrhcBQ6TbmyHb+5ublKSUlxOa4kqXv37mftz+Tk5ELx0dHR2rBhg/Ly8s4ZU5mOVal0/XumgoICHTt2TDVr1nRpP378uEJCQnTllVeqV69e2rhxY5nlfam4kP5t1aqV6tatqy5dumjlypUuyzh+TymL4/ett95S165dFRIS4tLO8Vs6l+rnr1u5bRllJj09XZIUGBjo0h4YGKjdu3dbMR4eHqpRo0ahmNOvrwzS09MVEBBQqD0gIKDY/TB37lz5+fnp9ttvd2m/7777FBoaqqCgIG3ZskWjRo3S//73Py1fvrxMcr8UlLZ/e/bsqbvuukshISFKS0vTmDFjdNNNNyklJUWenp4cv/+vLI7fEydO6JlnnlG/fv3k7+9vtVfG4/eXX35Rfn5+kZ+dZ+vP9PT0IuNPnjypX375RXXr1j1rTGU6VqXS9e+ZpkyZot9++019+/a12po2baqEhAS1aNFCWVlZevnll9WxY0f973//U6NGjcp0Hyqy0vRv3bp1NWvWLLVp00Y5OTmaN2+eunTpolWrVqlz586Szn6Mc/yeUty+OHDggP7zn//o3XffdWnn+C29S/Xzl2LrIhk3bpzGjx9/zpj169erbdu2pd6Gw+FweW6MKdR2puLEXAqK279S4X6SStYPb7/9tu677z55eXm5tA8cOND6d/PmzdWoUSO1bdtW3377rVq3bl2sdVdUdvfv3Xffbf27efPmatu2rUJCQrRs2bJCRW1J1nupuFjHb15enu655x4VFBTo9ddfd1l2OR+/51PSz86i4s9sL83n8eWqtH3x3nvvady4cfroo49cfmRo3769ywQ6HTt2VOvWrfXqq6/qlVdeKbvELxEl6d8mTZqoSZMm1vOIiAjt3btX//jHP6xiq6TrvNyVti8SEhJUvXp13XbbbS7tHL8X5lL8/KXYukgef/zx887s1aBBg1KtOygoSNKpir9u3bpW+6FDh6zqPigoSLm5ucrIyHAZHTh06JA6dOhQqu1WJMXt302bNungwYOFlh0+fLjQLyFF+eqrr7Rjxw4tXLjwvLGtW7eWu7u7du7cecl/Wb1Y/Xta3bp1FRISop07d0ri+JUuvH/z8vLUt29fpaWl6csvv3QZ1SrK5XT8nk3t2rVVtWrVQr94/vmz80xBQUFFxru5ualWrVrnjCnJ38DloDT9e9rChQs1YMAAvf/+++rates5Y6tUqaLrr7/e+ryoLC6kf/+sffv2mj9/vvWc4/eUC+lfY4zefvttxcTEyMPD45yxlfX4LY1L9fOXa7Yuktq1a6tp06bnfJw5UlJcp0/9+fPpPrm5uUpKSrK+iLZp00bu7u4uMQcOHNCWLVsuiy+rxe3fiIgIZWZmat26ddZr165dq8zMzGL1w1tvvaU2bdro2muvPW/s1q1blZeX51IAX6ouVv+eduTIEe3du9fqO47fC+vf04XWzp07tWLFCus/pXO5nI7fs/Hw8FCbNm0KnSq5fPnys/ZnREREofjPP/9cbdu2lbu7+zljLodjtSRK07/SqRGt/v37691339Utt9xy3u0YY5SamnpZH6tFKW3/nmnjxo0ufcfxe8qF9G9SUpJ++OGHIq/tPlNlPX5L45L9/L3YM3Lg/Hbv3m02btxoxo8fb6pVq2Y2btxoNm7caI4dO2bFNGnSxCxatMh6PnHiRON0Os2iRYvM5s2bzb333lvk1O9XXnmlWbFihfn222/NTTfdVGmnzm7ZsqVJTk42ycnJpkWLFoWmzj6zf40xJjMz0/j4+Jg33nij0Dp/+OEHM378eLN+/XqTlpZmli1bZpo2bWpatWpF/56nf48dO2aGDx9uVq9ebdLS0szKlStNRESEueKKKzh+i1DS/s3LyzN9+vQxV155pUlNTXWZajgnJ8cYU7mP39NTO7/11ltm27ZtJi4uzvj6+lqzhz3zzDMmJibGij899fCTTz5ptm3bZt56661CUw9/8803pmrVqmbixIlm+/btZuLEieU+9XB5KWn/vvvuu8bNzc289tprZ70Nwbhx40xiYqL58ccfzcaNG82DDz5o3NzczNq1ay/6/pW3kvbvtGnTzOLFi833339vtmzZYp555hkjyXz44YdWDMfvH0rav6fdf//9Jjw8vMh1cvz+4dixY9Z3XElm6tSpZuPGjdZMuZfL5y/FVgUUGxtrJBV6rFy50oqRZObMmWM9LygoMGPHjjVBQUHG09PTdO7c2WzevNllvdnZ2ebxxx83NWvWNN7e3qZXr15mz549F2mvKo4jR46Y++67z/j5+Rk/Pz9z3333FZoG98z+NcaYmTNnGm9v7yLvPbRnzx7TuXNnU7NmTePh4WGuuuoqM3To0EL3iqoMStq/v//+u+nevbupU6eOcXd3N/Xr1zexsbGFjk2O31NK2r9paWlFfp78+TOlsh+/r732mgkJCTEeHh6mdevWJikpyVoWGxtrIiMjXeJXrVplWrVqZTw8PEyDBg2K/AHm/fffN02aNDHu7u6madOmLl9mK5uS9G9kZGSRx2psbKwVExcXZ+rXr288PDxMnTp1TPfu3c3q1asv4h5VLCXp30mTJpmrrrrKeHl5mRo1apgbbrjBLFu2rNA6OX7/UNLPh6NHjxpvb28za9asItfH8fuH07ciONvf++Xy+esw5v+vLAMAAAAAlBmu2QIAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAXDZWrVolh8Oho0ePlncqAABQbAEAytahQ4c0aNAg1a9fX56engoKClJ0dLSSk5PLdDtRUVGKi4tzaevQoYMOHDggp9NZptsqjf79++u22247b9zF6i8AwMXnVt4JAAAuL3fccYfy8vI0d+5cNWzYUAcPHtQXX3yhX3/91fZte3h4KCgoyPbtlKXy6K/c3Fx5eHjYtn4AwP8zAACUkYyMDCPJrFq16pxxR48eNQMHDjR16tQxfn5+5sYbbzSpqanW8rFjx5prr73W/Otf/zIhISHG39/f3H333SYrK8sYY0xsbKyR5PJIS0szK1euNJJMRkaGMcaYOXPmGKfTaZYuXWoaN25svL29zR133GGOHz9uEhISTEhIiKlevbp5/PHHzcmTJ63t5+TkmKeeesoEBwcbHx8f065dO7Ny5Upr+en1JiYmmqZNmxpfX18THR1t9u/fb+V/Zn5/fn1J+ysjI8MMHDjQBAQEGE9PT3PNNdeYpUuXWss/+OADExYWZjw8PExISIj5xz/+4fL6kJAQ88ILL5jY2Fjj7+9vHnjgAWOMMd98843p1KmT8fLyMldeeaUZMmSIOX78+DlzAQAUH6cRAgDKTLVq1VStWjUtWbJEOTk5RcYYY3TLLbcoPT1dn376qVJSUtS6dWt16dLFZTTnxx9/1JIlS/TJJ5/ok08+UVJSkiZOnChJevnllxUREaGBAwfqwIEDOnDggOrVq1fk9n7//Xe98sorWrBggRITE7Vq1Srdfvvt+vTTT/Xpp59q3rx5mjVrlj744APrNQ8++KC++eYbLViwQJs2bdJdd92lHj16aOfOnS7r/cc//qF58+bpv//9r/bs2aMRI0ZIkkaMGKG+ffuqR48eVn4dOnQoVX8VFBSoZ8+eWr16tebPn69t27Zp4sSJqlq1qiQpJSVFffv21T333KPNmzdr3LhxGjNmjBISElzW89JLL6l58+ZKSUnRmDFjtHnzZkVHR+v222/Xpk2btHDhQn399dd6/PHHi8wDAFAK5V3tAQAuLx988IGpUaOG8fLyMh06dDCjRo0y//vf/6zlX3zxhfH39zcnTpxwed1VV11lZs6caYw5NTLk4+NjjWQZY8xTTz1lwsPDreeRkZHmiSeecFlHUSNbkswPP/xgxQwaNMj4+PiYY8eOWW3R0dFm0KBBxhhjfvjhB+NwOMzPP//ssu4uXbqYUaNGnXW9r732mgkMDLSex8bGmltvvfWC++uzzz4zVapUMTt27Cjy9f369TPdunVzaXvqqadMWFiY9TwkJMTcdtttLjExMTHmkUcecWn76quvTJUqVUx2dvZ58wYAnB8jWwCAMnXHHXdo//79+vjjjxUdHa1Vq1apdevW1khLSkqKjh8/rlq1alkjO9WqVVNaWpp+/PFHaz0NGjSQn5+f9bxu3bo6dOhQifPx8fHRVVddZT0PDAxUgwYNVK1aNZe20+v+9ttvZYxR48aNXfJLSkpyye/M9ZY2v/P1V2pqqq688ko1bty4yNdv375dHTt2dGnr2LGjdu7cqfz8fKutbdu2LjEpKSlKSEhw2cfo6GgVFBQoLS2txPsBACiMCTIAAGXOy8tL3bp1U7du3fS3v/1NDz/8sMaOHav+/furoKBAdevW1apVqwq9rnr16ta/3d3dXZY5HA4VFBSUOJei1nOudRcUFKhq1apKSUmxTtU77c8FWlHrMMaUOD/p3P3l7e19ztcaY+RwOAq1ncnX19fleUFBgQYNGqShQ4cWiq1fv34p9gIAcCaKLQCA7cLCwrRkyRJJUuvWrZWeni43Nzc1aNCg1Ov08PBwGbkpK61atVJ+fr4OHTqkTp06lXo9F5Lfn/urZcuW2rdvn77//vsiR7fCwsL09ddfu7StXr1ajRs3LlQs/lnr1q21detWXX311aXKEQBwfpxGCAAoM0eOHNFNN92k+fPna9OmTUpLS9P777+vyZMn69Zbb5Ukde3aVREREbrtttv02Wef6aefftLq1av13HPPacOGDcXeVoMGDbR27Vr99NNP+uWXX0o16lWUxo0b67777tMDDzygRYsWKS0tTevXr9ekSZP06aeflii/TZs2aceOHfrll1+Ul5dXKKY4/RUZGanOnTvrjjvu0PLly5WWlqb//Oc/SkxMlCQNHz5cX3zxhV544QV9//33mjt3rmbMmGFN1nE2Tz/9tJKTk/XYY48pNTVVO3fu1Mcff6whQ4aUoLcAAOfCyBYAoMxUq1ZN4eHhmjZtmn788Ufl5eWpXr16GjhwoJ599llJp063+/TTTzV69Gg99NBDOnz4sIKCgtS5c2cFBgYWe1sjRoxQbGyswsLClJ2dXabXGc2ZM0cvvviihg8frp9//lm1atVSRESEbr755mKvY+DAgVq1apXatm2r48ePa+XKlYqKinKJKU5/SdKHH36oESNG6N5779Vvv/2mq6++2pqZsXXr1vr3v/+tv/3tb3rhhRdUt25dPf/88+rfv/8582vZsqWSkpI0evRoderUScYYXXXVVbr77ruLvY8AgHNzmNKeYA4AAAAAOCtOIwQAAAAAG1BsAQAAAIANKLYAAAAAwAYUWwAAAABgA4otAAAAALABxRYAAAAA2IBiCwAAAABsQLEFAAAAADag2AIAAAAAG1BsAQAAAIANKLYAAAAAwAb/B4J+UFrSL1xnAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from nltk.sentiment import SentimentIntensityAnalyzer # Import sentiment analysis tool\n", + "\n", + "# Download sentiment analysis tool\n", + "nltk.download(\"vader_lexicon\") \n", + "sia = SentimentIntensityAnalyzer() \n", + "\n", + "# Compute sentiment scores for each article\n", + "df[\"sentiment\"] = df[\"cleaned_text\"].apply(lambda text: sia.polarity_scores(text)[\"compound\"]) \n", + "\n", + "# Plot sentiment distribution\n", + "plt.figure(figsize=(10,5))\n", + "plt.hist(df[df[\"label\"] == 1][\"sentiment\"], bins=20, alpha=0.7, label=\"Real News\", color=\"blue\") \n", + "plt.hist(df[df[\"label\"] == 0][\"sentiment\"], bins=20, alpha=0.7, label=\"Fake News\", color=\"red\") \n", + "plt.title(\"Sentiment Distribution in Fake vs. Real News\") \n", + "plt.xlabel(\"Sentiment Score\") \n", + "plt.ylabel(\"Count\") \n", + "plt.legend() \n", + "plt.show()\n", + "\n", + "# Measures the emotional tone of articles\n", + "# Shows if fake news is more negative or emotional\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Random Forest Accuracy: 0.83\n", + "Logistic Regression Accuracy: 0.77\n", + "SVM Accuracy: 0.79\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAArwAAAF0CAYAAADB6eoHAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAPeVJREFUeJzt3XlcVFXjx/HvALKvboiKuJW75p6Ya265ZxaWYSpuZbk+LeaCWskjWWaa+mgIuUZqmZmZlHtaKq6puSsuqEkJLokC9/eHL+fXCC4gOnr9vF+v+8ece+6559xhhi9nzlwshmEYAgAAAEzKwd4dAAAAAO4lAi8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai+Ah1ZMTIwsFossFotWrVqVab9hGCpdurQsFosaNmyYq+e2WCwaOXJkto87cuSILBaLYmJi7qj+6dOn9c4776hSpUry9PSUq6urHnvsMfXv31/79+/P9vkfNtef4yNHjti7KwAeYk727gAA3C0vLy9FRUVlCrWrV6/WwYMH5eXlZZ+O3aWNGzeqdevWMgxDr7/+uurUqSNnZ2ft3btXs2fPVq1atfT333/bu5v3VKtWrbRhwwYFBATYuysAHmIEXgAPvZCQEM2ZM0efffaZvL29reVRUVGqU6eOUlJS7Ni7nElJSVG7du3k6uqq9evXq2jRotZ9DRs2VO/evbVgwQI79vDe+ueff+Tq6qoCBQqoQIEC9u4OgIccSxoAPPRefPFFSdK8efOsZcnJyVq4cKG6d++e5TF//fWXXnvtNRUpUkTOzs4qWbKkhg4dqtTUVJt6KSkp6tmzp/LlyydPT0+1aNFC+/bty7LN/fv366WXXlLBggXl4uKicuXK6bPPPsvRmKZPn65Tp04pMjLSJuz+W8eOHW0eL168WHXq1JG7u7u8vLzUtGlTbdiwwabOyJEjZbFYtGPHDj3//PPy8fFR3rx5NWjQIKWlpWnv3r1q0aKFvLy8VLx4cUVGRtocv2rVKlksFs2ePVuDBg1SoUKF5ObmpgYNGmjr1q02dTdv3qxOnTqpePHicnNzU/HixfXiiy/q6NGjNvWuL1tYvny5unfvrgIFCsjd3V2pqalZLmnYunWrWrdubb3OhQsXVqtWrXT8+HFrncuXL2vIkCEqUaKEnJ2dVaRIEfXt21fnzp2zOXfx4sXVunVrLVu2TNWqVZObm5vKli2rGTNm3PL5AfBwIfACeOh5e3urY8eONiFl3rx5cnBwUEhISKb6ly9fVqNGjTRz5kwNGjRI33//vV5++WVFRkaqQ4cO1nqGYah9+/aaNWuWBg8erG+++UZPPvmknnnmmUxt7t69WzVr1tTvv/+ujz76SEuWLFGrVq3Ur18/jRo1KttjWr58uRwdHdWmTZs7qj937ly1a9dO3t7emjdvnqKiovT333+rYcOGWrduXab6L7zwgqpUqaKFCxeqZ8+eGj9+vAYOHKj27durVatW+uabb9S4cWO9/fbb+vrrrzMd/+677+rQoUP6/PPP9fnnn+vkyZNq2LChDh06ZK1z5MgRlSlTRp988ol+/PFHjR07VomJiapZs6bOnj2bqc3u3bsrT548mjVrlhYsWKA8efJkqnPx4kU1bdpUp0+f1meffaa4uDh98sknKlasmM6fPy/p/5+3cePGKTQ0VN9//70GDRqkL774Qo0bN870R8327ds1ePBgDRw4UN9++60qV66ssLAwrVmz5o6uPYCHgAEAD6no6GhDkrFp0yZj5cqVhiTj999/NwzDMGrWrGl07drVMAzDqFChgtGgQQPrcVOnTjUkGV999ZVNe2PHjjUkGcuXLzcMwzB++OEHQ5IxYcIEm3offPCBIckIDw+3ljVv3twoWrSokZycbFP39ddfN1xdXY2//vrLMAzDOHz4sCHJiI6OvuXYypYtaxQqVOiOrkN6erpRuHBho1KlSkZ6erq1/Pz580bBggWN4OBga1l4eLghyfjoo49s2njiiScMScbXX39tLbt69apRoEABo0OHDtay69e5WrVqRkZGhrX8yJEjRp48eYwePXrctJ9paWnGhQsXDA8PD5trev157NKlS6Zjru87fPiwYRiGsXnzZkOSsWjRopueZ9myZYYkIzIy0qY8NjbWkGRMmzbNWhYUFGS4uroaR48etZb9888/Rt68eY3evXvf9BwAHi7M8AIwhQYNGqhUqVKaMWOGdu7cqU2bNt10OcOKFSvk4eGRaUlA165dJUk///yzJGnlypWSpM6dO9vUe+mll2weX758WT///LOeffZZubu7Ky0tzbq1bNlSly9f1q+//pobw8zS3r17dfLkSYWGhsrB4f/f1j09PfXcc8/p119/1aVLl2yOad26tc3jcuXKyWKx2MxeOzk5qXTp0pmWIEjXroHFYrE+DgoKUnBwsPWaSdKFCxf09ttvq3Tp0nJycpKTk5M8PT118eJF7dmzJ1Obzz333G3HWrp0afn5+entt9/W1KlTtXv37kx1VqxYIen/n8/rnn/+eXl4eFif3+ueeOIJFStWzPrY1dVVjz/+eJbjBvBwIvACMAWLxaJu3bpp9uzZmjp1qh5//HHVq1cvy7pJSUkqVKiQTWCTpIIFC8rJyUlJSUnWek5OTsqXL59NvUKFCmVqLy0tTRMnTlSePHlstpYtW0pSlh/h30qxYsX0559/6uLFi7ete72/Wd3JoHDhwsrIyMh0N4e8efPaPHZ2dpa7u7tcXV0zlV++fDlTuzdeg+tl1/siXQvFkyZNUo8ePfTjjz9q48aN2rRpkwoUKKB//vkn0/F3cicGHx8frV69Wk888YTeffddVahQQYULF1Z4eLiuXr0q6f+ftxu/7GaxWDL1UVKm51eSXFxcsuwjgIcTd2kAYBpdu3bViBEjNHXqVH3wwQc3rZcvXz799ttvMgzDJvSeOXNGaWlpyp8/v7VeWlqakpKSbELRqVOnbNrz8/OTo6OjQkND1bdv3yzPWaJEiWyNpXnz5lq+fLm+++47derU6ZZ1r/ctMTEx076TJ0/KwcFBfn5+2Tr/7dx4Da6XXe9LcnKylixZovDwcL3zzjvWOqmpqfrrr7+ybPPGP0BuplKlSvryyy9lGIZ27NihmJgYjR49Wm5ubnrnnXesz9uff/5pE3oNw9CpU6dUs2bN7AwVgAkwwwvANIoUKaI333xTbdq00SuvvHLTek8//bQuXLigRYsW2ZTPnDnTul+SGjVqJEmaM2eOTb25c+faPHZ3d1ejRo20detWVa5cWTVq1Mi0ZTWLeCthYWEqVKiQ3nrrLZ04cSLLOte/TFamTBkVKVJEc+fOlWEY1v0XL17UwoULrXduyE3z5s2zOdfRo0e1fv16672QLRaLDMOQi4uLzXGff/650tPTc6UPFotFVapU0fjx4+Xr66stW7ZI+v/nb/bs2Tb1Fy5cqIsXL1r3A3h0MMMLwFT++9//3rZOly5d9Nlnn+mVV17RkSNHVKlSJa1bt05jxoxRy5Yt1aRJE0lSs2bNVL9+fb311lu6ePGiatSooV9++UWzZs3K1OaECRP01FNPqV69enr11VdVvHhxnT9/XgcOHNB3331nXVd6p3x8fPTtt9+qdevWqlq1qs0/nti/f79mz56t7du3q0OHDnJwcFBkZKQ6d+6s1q1bq3fv3kpNTdWHH36oc+fO3dE1ya4zZ87o2WefVc+ePZWcnKzw8HC5urpqyJAhkq7dOaN+/fr68MMPlT9/fhUvXlyrV69WVFSUfH19c3zeJUuWaPLkyWrfvr1KliwpwzD09ddf69y5c2ratKkkqWnTpmrevLnefvttpaSkqG7dutqxY4fCw8NVtWpVhYaG5sYlAPAQIfACeOS4urpq5cqVGjp0qD788EP9+eefKlKkiP7zn/8oPDzcWs/BwUGLFy/WoEGDFBkZqStXrqhu3bpaunSpypYta9Nm+fLltWXLFr333nsaNmyYzpw5I19fXz322GPWdbzZVatWLe3cuVPjx4/XV199pbFjxyo9PV2BgYF6+umnNWnSJGvdl156SR4eHoqIiFBISIgcHR315JNPauXKlQoODs7ZhbqFMWPGaNOmTerWrZtSUlJUq1YtffnllypVqpS1zty5c9W/f3+99dZbSktLU926dRUXF6dWrVrl+LyPPfaYfH19FRkZqZMnT8rZ2VllypRRTEyMdVbfYrFo0aJFGjlypKKjo/XBBx8of/78Cg0N1ZgxYzLNOgMwP4vx78+kAAC4hVWrVqlRo0aaP39+prtcAMCDijW8AAAAMDUCLwAAAEyNJQ0AAAAwNWZ4AQAAYGoEXgAAAJgagRcAAACmxn14s5CRkaGTJ0/Ky8vrjv/VJQAAAO4fwzB0/vx5FS5cWA4Ot57DJfBm4eTJkwoMDLR3NwAAAHAbx44dU9GiRW9Zh8CbBS8vL0nXLqC3t7edewMAAIAbpaSkKDAw0JrbboXAm4Xryxi8vb0JvAAAAA+wO1l+ypfWAAAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGp2D7yTJ09WiRIl5OrqqurVq2vt2rW3rD9nzhxVqVJF7u7uCggIULdu3ZSUlJRl3S+//FIWi0Xt27e/Bz0HAADAw8CugTc2NlYDBgzQ0KFDtXXrVtWrV0/PPPOMEhISsqy/bt06denSRWFhYdq1a5fmz5+vTZs2qUePHpnqHj16VP/5z39Ur169ez0MAAAAPMDsGng//vhjhYWFqUePHipXrpw++eQTBQYGasqUKVnW//XXX1W8eHH169dPJUqU0FNPPaXevXtr8+bNNvXS09PVuXNnjRo1SiVLlrwfQwEAAMADym6B98qVK4qPj1ezZs1syps1a6b169dneUxwcLCOHz+upUuXyjAMnT59WgsWLFCrVq1s6o0ePVoFChRQWFjYHfUlNTVVKSkpNhsAAADMwW6B9+zZs0pPT5e/v79Nub+/v06dOpXlMcHBwZozZ45CQkLk7OysQoUKydfXVxMnTrTW+eWXXxQVFaXp06ffcV8iIiLk4+Nj3QIDA3M2KAAAADxw7P6lNYvFYvPYMIxMZdft3r1b/fr104gRIxQfH69ly5bp8OHD6tOnjyTp/PnzevnllzV9+nTlz5//jvswZMgQJScnW7djx47lfEAAAAB4oDjZ68T58+eXo6NjptncM2fOZJr1vS4iIkJ169bVm2++KUmqXLmyPDw8VK9ePb3//vs6ffq0jhw5ojZt2liPycjIkCQ5OTlp7969KlWqVKZ2XVxc5OLikltDAwAAwAPEbjO8zs7Oql69uuLi4mzK4+LiFBwcnOUxly5dkoODbZcdHR0lXZsZLlu2rHbu3Klt27ZZt7Zt26pRo0batm0bSxUAAAAeQXab4ZWkQYMGKTQ0VDVq1FCdOnU0bdo0JSQkWJcoDBkyRCdOnNDMmTMlSW3atFHPnj01ZcoUNW/eXImJiRowYIBq1aqlwoULS5IqVqxocw5fX98sywEAAPBosGvgDQkJUVJSkkaPHq3ExERVrFhRS5cuVVBQkCQpMTHR5p68Xbt21fnz5zVp0iQNHjxYvr6+aty4scaOHWuvIQAAAOABZzEMw7B3Jx40KSkp8vHxUXJysry9ve3dHQAAANwgO3nN7ndpAAAAAO4lAi8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNQIvAAAADA1Ai8AAABMjcALAAAAUyPwAgAAwNSc7N0BXGOx2LsHeNQZhr17AADAvcEMLwAAAEyNwAsAAABTI/ACAADA1Ai8AAAAMDUCLwAAAEyNwAsAAABTI/ACAADA1Ai8AAAAMDUCLwAAAEyNwAsAAABTI/ACAADA1Ai8AAAAMDUCLwAAAEyNwAsAAABTI/ACAADA1Ai8AAAAMDUCLwAAAEyNwAsAAABTI/ACAADA1Ai8AAAAMDUCLwAAAEyNwAsAAABTs3vgnTx5skqUKCFXV1dVr15da9euvWX9OXPmqEqVKnJ3d1dAQIC6deumpKQk6/7p06erXr168vPzk5+fn5o0aaKNGzfe62EAAADgAWXXwBsbG6sBAwZo6NCh2rp1q+rVq6dnnnlGCQkJWdZft26dunTporCwMO3atUvz58/Xpk2b1KNHD2udVatW6cUXX9TKlSu1YcMGFStWTM2aNdOJEyfu17AAAADwALEYhmHY6+S1a9dWtWrVNGXKFGtZuXLl1L59e0VERGSqP27cOE2ZMkUHDx60lk2cOFGRkZE6duxYludIT0+Xn5+fJk2apC5dutxRv1JSUuTj46Pk5GR5e3tnc1Q5Y7Hcl9MAN2W/dwIAALIvO3nNbjO8V65cUXx8vJo1a2ZT3qxZM61fvz7LY4KDg3X8+HEtXbpUhmHo9OnTWrBggVq1anXT81y6dElXr15V3rx5c7X/AAAAeDjYLfCePXtW6enp8vf3tyn39/fXqVOnsjwmODhYc+bMUUhIiJydnVWoUCH5+vpq4sSJNz3PO++8oyJFiqhJkyY3rZOamqqUlBSbDQAAAOZg9y+tWW74LN8wjExl1+3evVv9+vXTiBEjFB8fr2XLlunw4cPq06dPlvUjIyM1b948ff3113J1db1pHyIiIuTj42PdAgMDcz4gAAAAPFDstob3ypUrcnd31/z58/Xss89ay/v3769t27Zp9erVmY4JDQ3V5cuXNX/+fGvZunXrVK9ePZ08eVIBAQHW8nHjxun999/XTz/9pBo1atyyL6mpqUpNTbU+TklJUWBgIGt48UhhDS8A4GHyUKzhdXZ2VvXq1RUXF2dTHhcXp+Dg4CyPuXTpkhwcbLvs6Ogo6drM8HUffvih3nvvPS1btuy2YVeSXFxc5O3tbbMBAADAHJzsefJBgwYpNDRUNWrUUJ06dTRt2jQlJCRYlygMGTJEJ06c0MyZMyVJbdq0Uc+ePTVlyhQ1b95ciYmJGjBggGrVqqXChQtLuraMYfjw4Zo7d66KFy9uXQ/s6ekpT09P+wwUAAAAdmPXwBsSEqKkpCSNHj1aiYmJqlixopYuXaqgoCBJUmJios09ebt27arz589r0qRJGjx4sHx9fdW4cWONHTvWWmfy5Mm6cuWKOnbsaHOu8PBwjRw58r6MCwAAAA8Ou96H90HFfXjxKOKdAADwMHko1vACAAAA9wOBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgagReAAAAmBqBFwAAAKZG4AUAAICpEXgBAABgatkOvMWLF9fo0aOVkJBwL/oDAAAA5KpsB97Bgwfr22+/VcmSJdW0aVN9+eWXSk1NvRd9AwAAAO5atgPvG2+8ofj4eMXHx6t8+fLq16+fAgIC9Prrr2vLli33oo8AAABAjlkMwzDupoGrV69q8uTJevvtt3X16lVVrFhR/fv3V7du3WSxWHKrn/dVSkqKfHx8lJycLG9v7/tyzof0UsFE7u6dAACA+ys7ec0ppye5evWqvvnmG0VHRysuLk5PPvmkwsLCdPLkSQ0dOlQ//fST5s6dm9PmAQAAgFyR7cC7ZcsWRUdHa968eXJ0dFRoaKjGjx+vsmXLWus0a9ZM9evXz9WOAgAAADmR7cBbs2ZNNW3aVFOmTFH79u2VJ0+eTHXKly+vTp065UoHAQAAgLuR7cB76NAhBQUF3bKOh4eHoqOjc9wpAAAAILdk+y4NZ86c0W+//Zap/LffftPmzZtzpVMAAABAbsl24O3bt6+OHTuWqfzEiRPq27dvrnQKAAAAyC3ZDry7d+9WtWrVMpVXrVpVu3fvzpVOAQAAALkl24HXxcVFp0+fzlSemJgoJ6cc3+UMAAAAuCeyHXibNm2qIUOGKDk52Vp27tw5vfvuu2ratGmudg4AAAC4W9mekv3oo49Uv359BQUFqWrVqpKkbdu2yd/fX7Nmzcr1DgIAAAB3I9uBt0iRItqxY4fmzJmj7du3y83NTd26ddOLL76Y5T15AQAAAHvK0aJbDw8P9erVK7f7AgAAAOS6HH/LbPfu3UpISNCVK1dsytu2bXvXnQIAAAByS47+09qzzz6rnTt3ymKxyDAMSZLFYpEkpaen524PAQAAgLuQ7bs09O/fXyVKlNDp06fl7u6uXbt2ac2aNapRo4ZWrVp1D7oIAAAA5Fy2Z3g3bNigFStWqECBAnJwcJCDg4OeeuopRUREqF+/ftq6deu96CcAAACQI9me4U1PT5enp6ckKX/+/Dp58qQkKSgoSHv37s3d3gEAAAB3KdszvBUrVtSOHTtUsmRJ1a5dW5GRkXJ2dta0adNUsmTJe9FHAAAAIMeyHXiHDRumixcvSpLef/99tW7dWvXq1VO+fPkUGxub6x0EAAAA7obFuH6bhbvw119/yc/Pz3qnhoddSkqKfHx8lJycLG9v7/tyTpNcOjzE7v6dAACA+yc7eS1ba3jT0tLk5OSk33//3aY8b968OQ67kydPVokSJeTq6qrq1atr7dq1t6w/Z84cValSRe7u7goICFC3bt2UlJRkU2fhwoUqX768XFxcVL58eX3zzTc56hsAAAAeftkKvE5OTgoKCsq1e+3GxsZqwIABGjp0qLZu3ap69erpmWeeUUJCQpb1161bpy5duigsLEy7du3S/PnztWnTJvXo0cNaZ8OGDQoJCVFoaKi2b9+u0NBQvfDCC/rtt99ypc8AAAB4uGR7SUN0dLTmz5+v2bNnK2/evHd18tq1a6tatWqaMmWKtaxcuXJq3769IiIiMtUfN26cpkyZooMHD1rLJk6cqMjISB07dkySFBISopSUFP3www/WOi1atJCfn5/mzZt3R/1iSQMeRSxpAAA8TO7ZkgZJ+vTTT7V27VoVLlxYZcqUUbVq1Wy2O3XlyhXFx8erWbNmNuXNmjXT+vXrszwmODhYx48f19KlS2UYhk6fPq0FCxaoVatW1jobNmzI1Gbz5s1v2qYkpaamKiUlxWYDAACAOWT7Lg3t27fPlROfPXtW6enp8vf3tyn39/fXqVOnsjwmODhYc+bMUUhIiC5fvqy0tDS1bdtWEydOtNY5depUttqUpIiICI0aNeouRgMAAIAHVbYDb3h4eK524MYvuxmGcdMvwO3evVv9+vXTiBEj1Lx5cyUmJurNN99Unz59FBUVlaM2JWnIkCEaNGiQ9XFKSooCAwNzMhwAAAA8YLIdeHNL/vz55ejomGnm9cyZM5lmaK+LiIhQ3bp19eabb0qSKleuLA8PD9WrV0/vv/++AgICVKhQoWy1KUkuLi5ycXG5yxEBAADgQZTtNbwODg5ydHS86XannJ2dVb16dcXFxdmUx8XFKTg4OMtjLl26JAcH2y5fP+f1797VqVMnU5vLly+/aZsAAAAwt2zP8N54T9urV69q69at+uKLL7K9DnbQoEEKDQ1VjRo1VKdOHU2bNk0JCQnq06ePpGtLDU6cOKGZM2dKktq0aaOePXtqypQp1iUNAwYMUK1atVS4cGFJUv/+/VW/fn2NHTtW7dq107fffquffvpJ69aty+5QAQAAYALZDrzt2rXLVNaxY0dVqFBBsbGxCgsLu+O2QkJClJSUpNGjRysxMVEVK1bU0qVLFRQUJElKTEy0uSdv165ddf78eU2aNEmDBw+Wr6+vGjdurLFjx1rrBAcH68svv9SwYcM0fPhwlSpVSrGxsapdu3Z2hwoAAAATyJV/LSxJBw8eVOXKlXXx4sXcaM6uuA8vHkXchxcA8DC5p/fhzco///yjiRMnqmjRornRHAAAAJBrsr2kwc/Pz+YWX4Zh6Pz583J3d9fs2bNztXMAAADA3cp24B0/frxN4HVwcFCBAgVUu3Zt+fn55WrnAAAAgLuV7cDbtWvXe9ANAAAA4N7I9hre6OhozZ8/P1P5/Pnz9cUXX+RKpwAAAIDcku3A+9///lf58+fPVF6wYEGNGTMmVzoFAAAA5JZsB96jR4+qRIkSmcqDgoJs7pkLAAAAPAiyHXgLFiyoHTt2ZCrfvn278uXLlyudAgAAAHJLtgNvp06d1K9fP61cuVLp6elKT0/XihUr1L9/f3Xq1Ole9BEAAADIsWzfpeH999/X0aNH9fTTT8vJ6drhGRkZ6tKlC2t4AQAA8MDJ8b8W3r9/v7Zt2yY3NzdVqlRJQUFBud03u+FfC+NRxL8WBgA8TLKT17I9w3vdY489psceeyynhwMAAAD3RbbX8Hbs2FH//e9/M5V/+OGHev7553OlUwAAAEBuyXbgXb16tVq1apWpvEWLFlqzZk2udAoAAADILdkOvBcuXJCzs3Om8jx58iglJSVXOgUAAADklmwH3ooVKyo2NjZT+Zdffqny5cvnSqcAAACA3JLtL60NHz5czz33nA4ePKjGjRtLkn7++WfNnTtXCxYsyPUOAgAAAHcj24G3bdu2WrRokcaMGaMFCxbIzc1NVapU0YoVK+7bLbwAAACAO5Xj+/Bed+7cOc2ZM0dRUVHavn270tPTc6tvdsN9ePEo4j68AICHSXbyWrbX8F63YsUKvfzyyypcuLAmTZqkli1bavPmzTltDgAAALgnsrWk4fjx44qJidGMGTN08eJFvfDCC7p69aoWLlzIF9YAAADwQLrjGd6WLVuqfPny2r17tyZOnKiTJ09q4sSJ97JvAAAAwF274xne5cuXq1+/fnr11Vf5l8IAAAB4aNzxDO/atWt1/vx51ahRQ7Vr19akSZP0559/3su+AQCA7LBY2Njsuz2g7jjw1qlTR9OnT1diYqJ69+6tL7/8UkWKFFFGRobi4uJ0/vz5e9lPAAAAIEfu6rZke/fuVVRUlGbNmqVz586padOmWrx4cW72zy64LRkeRdyWDDABfpnA3u7jL5P7clsySSpTpowiIyN1/PhxzZs3726aAgAAAO6Ju/7HE2bEDC8eRbwTACbALxPYmxlneAEAAIAHHYEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKnZPfBOnjxZJUqUkKurq6pXr661a9fetG7Xrl1lsVgybRUqVLCp98knn6hMmTJyc3NTYGCgBg4cqMuXL9/roQAAAOABZNfAGxsbqwEDBmjo0KHaunWr6tWrp2eeeUYJCQlZ1p8wYYISExOt27Fjx5Q3b149//zz1jpz5szRO++8o/DwcO3Zs0dRUVGKjY3VkCFD7tewAAAA8ACxGIZh2OvktWvXVrVq1TRlyhRrWbly5dS+fXtFRETc9vhFixapQ4cOOnz4sIKCgiRJr7/+uvbs2aOff/7ZWm/w4MHauHHjLWeP/y0lJUU+Pj5KTk6Wt7d3NkeVMxbLfTkNcFP2eycAkGv4ZQJ7u4+/TLKT1+w2w3vlyhXFx8erWbNmNuXNmjXT+vXr76iNqKgoNWnSxBp2Jempp55SfHy8Nm7cKEk6dOiQli5dqlatWuVe5wEAAPDQcLLXic+ePav09HT5+/vblPv7++vUqVO3PT4xMVE//PCD5s6da1PeqVMn/fnnn3rqqadkGIbS0tL06quv6p133rlpW6mpqUpNTbU+TklJyeZoAAAA8KCy+5fWLDd8/GIYRqayrMTExMjX11ft27e3KV+1apU++OADTZ48WVu2bNHXX3+tJUuW6L333rtpWxEREfLx8bFugYGBORoLAAAAHjx2m+HNnz+/HB0dM83mnjlzJtOs740Mw9CMGTMUGhoqZ2dnm33Dhw9XaGioevToIUmqVKmSLl68qF69emno0KFycMic8YcMGaJBgwZZH6ekpBB6AQAATMJuM7zOzs6qXr264uLibMrj4uIUHBx8y2NXr16tAwcOKCwsLNO+S5cuZQq1jo6OMgxDN/t+nouLi7y9vW02AAAAmIPdZngladCgQQoNDVWNGjVUp04dTZs2TQkJCerTp4+kazOvJ06c0MyZM22Oi4qKUu3atVWxYsVMbbZp00Yff/yxqlatqtq1a+vAgQMaPny42rZtK0dHx/syLgAAADw47Bp4Q0JClJSUpNGjRysxMVEVK1bU0qVLrXddSExMzHRP3uTkZC1cuFATJkzIss1hw4bJYrFo2LBhOnHihAoUKKA2bdrogw8+uOfjAQAAwIPHrvfhfVBxH148ingnAEyAXyawN+7DCwAAANx/BF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKkReAEAAGBqBF4AAACYGoEXAAAApkbgBQAAgKk52bsDAHCnLKMs9u4CHnFGuGHvLgDIAWZ4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmRuAFAACAqRF4AQAAYGoEXgAAAJgagRcAAACmZvfAO3nyZJUoUUKurq6qXr261q5de9O6Xbt2lcViybRVqFDBpt65c+fUt29fBQQEyNXVVeXKldPSpUvv9VAAAADwALJr4I2NjdWAAQM0dOhQbd26VfXq1dMzzzyjhISELOtPmDBBiYmJ1u3YsWPKmzevnn/+eWudK1euqGnTpjpy5IgWLFigvXv3avr06SpSpMj9GhYAAAAeIBbDMAx7nbx27dqqVq2apkyZYi0rV66c2rdvr4iIiNsev2jRInXo0EGHDx9WUFCQJGnq1Kn68MMP9ccffyhPnjw56ldKSop8fHyUnJwsb2/vHLWRXRbLfTkNcFP2eye4c5ZRvFBgX0b4A/5C4ZcJ7O0+/jLJTl6z2wzvlStXFB8fr2bNmtmUN2vWTOvXr7+jNqKiotSkSRNr2JWkxYsXq06dOurbt6/8/f1VsWJFjRkzRunp6TdtJzU1VSkpKTYbAAAAzMFugffs2bNKT0+Xv7+/Tbm/v79OnTp12+MTExP1ww8/qEePHjblhw4d0oIFC5Senq6lS5dq2LBh+uijj/TBBx/ctK2IiAj5+PhYt8DAwJwNCgAAAA8cu39pzXLDxy+GYWQqy0pMTIx8fX3Vvn17m/KMjAwVLFhQ06ZNU/Xq1dWpUycNHTrUZtnEjYYMGaLk5GTrduzYsRyNBQAAAA8eJ3udOH/+/HJ0dMw0m3vmzJlMs743MgxDM2bMUGhoqJydnW32BQQEKE+ePHJ0dLSWlStXTqdOndKVK1cy1ZckFxcXubi43MVoAAAA8KCy2wyvs7Ozqlevrri4OJvyuLg4BQcH3/LY1atX68CBAwoLC8u0r27dujpw4IAyMjKsZfv27VNAQECWYRcAAADmZtclDYMGDdLnn3+uGTNmaM+ePRo4cKASEhLUp08fSdeWGnTp0iXTcVFRUapdu7YqVqyYad+rr76qpKQk9e/fX/v27dP333+vMWPGqG/fvvd8PAAAAHjw2G1JgySFhIQoKSlJo0ePVmJioipWrKilS5da77qQmJiY6Z68ycnJWrhwoSZMmJBlm4GBgVq+fLkGDhyoypUrq0iRIurfv7/efvvtez4eAAAAPHjseh/eBxX34cWj6GF4J+A+vLA37sML3Ab34QUAAADuPwIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATM3J3h14EBmGIUlKSUmxc0+A++eh+HG/bO8O4FHH7wXgNu7ja+T66/F6brsVi3EntR4xx48fV2BgoL27AQAAgNs4duyYihYtess6BN4sZGRk6OTJk/Ly8pLFYrF3d3AHUlJSFBgYqGPHjsnb29ve3QEeOLxGgNvjdfJwMQxD58+fV+HCheXgcOtVuixpyIKDg8Nt/1LAg8nb25s3KeAWeI0At8fr5OHh4+NzR/X40hoAAABMjcALAAAAUyPwwhRcXFwUHh4uFxcXe3cFeCDxGgFuj9eJefGlNQAAAJgaM7wAAAAwNQIvAAAATI3ACwAAAFMj8MKuihcvrk8++cTe3QByxd3+PMfExMjX1zfX+mMmDRs21IABA+zdDQAPKQLvI65r166yWCyyWCxycnJSsWLF9Oqrr+rvv/+2d9fuqZEjR1rH/e/tp59+smufnnjiCbud3+y6du2q9u3b39NzbNq0Sb169bqjulmF45CQEO3bty/H54+JibH5efb391ebNm20a9euHLf5oPj666/13nvv2bsbeIicOXNGvXv3VrFixeTi4qJChQqpefPmWr16tfLnz6/3338/y+MiIiKUP39+XblyxfqaKleuXKZ6X331lSwWi4oXL36PR4LcQOCFWrRoocTERB05ckSff/65vvvuO7322mv27tY9V6FCBSUmJtps9evXz1FbV65cyeXe4WFUoEABubu75/h4Nzc3FSxY8K764O3trcTERJ08eVLff/+9Ll68qFatWt3zn9GrV6/e0/bz5s0rLy+ve3oOmMtzzz2n7du364svvtC+ffu0ePFiNWzYUBcuXNDLL7+smJgYZXWjqujoaIWGhsrZ2VmS5OHhoTNnzmjDhg029WbMmKFixYrdl7Hg7hF4Yf3Lt2jRomrWrJlCQkK0fPly6/709HSFhYWpRIkScnNzU5kyZTRhwgSbNq7Pno0bN04BAQHKly+f+vbta/NL8MyZM2rTpo3c3NxUokQJzZkzJ1NfEhIS1K5dO3l6esrb21svvPCCTp8+bd1/fRb0+huNp6enXn31VaWnpysyMlKFChVSwYIF9cEHH9x23E5OTipUqJDNdv0NbufOnWrcuLHc3NyUL18+9erVSxcuXMg03oiICBUuXFiPP/64JOnEiRMKCQmRn5+f8uXLp3bt2unIkSPW41atWqVatWrJw8NDvr6+qlu3ro4ePaqYmBiNGjVK27dvt87OxcTE3HYMyD2rV69WrVq15OLiooCAAL3zzjtKS0uz7j9//rw6d+4sDw8PBQQEaPz48Zk+Zr9x1nbkyJHW2aXChQurX79+kq59PH/06FENHDjQ+nxLWS9pWLx4sWrUqCFXV1flz59fHTp0uOU4LBaLChUqpICAANWoUUMDBw7U0aNHtXfvXmud9evXq379+nJzc1NgYKD69eunixcvWvcnJiaqVatW1tfq3LlzM43NYrFo6tSpateunTw8PKyzZd99952qV68uV1dXlSxZUqNGjbK5jje7JpI0efJkPfbYY3J1dZW/v786duxo3Xfjtf7777/VpUsX+fn5yd3dXc8884z2799v3X/9Wv74448qV66cPD09rX/cw/zOnTundevWaezYsWrUqJGCgoJUq1YtDRkyRK1atVJYWJgOHjyoNWvW2By3du1a7d+/X2FhYdYyJycnvfTSS5oxY4a17Pjx41q1apVeeuml+zYm3B0CL2wcOnRIy5YtU548eaxlGRkZKlq0qL766ivt3r1bI0aM0LvvvquvvvrK5tiVK1fq4MGDWrlypb744gvFxMTYhLauXbvqyJEjWrFihRYsWKDJkyfrzJkz1v2GYah9+/b666+/tHr1asXFxengwYMKCQmxOc/Bgwf1ww8/aNmyZZo3b55mzJihVq1a6fjx41q9erXGjh2rYcOG6ddff83RNbh06ZJatGghPz8/bdq0SfPnz9dPP/2k119/3abezz//rD179iguLk5LlizRpUuX1KhRI3l6emrNmjVat26d9ZfslStXlJaWpvbt26tBgwbasWOHNmzYoF69eslisSgkJESDBw+2mXW+cdy4d06cOKGWLVuqZs2a2r59u6ZMmaKoqCibjzwHDRqkX375RYsXL1ZcXJzWrl2rLVu23LTNBQsWaPz48frf//6n/fv3a9GiRapUqZKkax/PFy1aVKNHj7Y+31n5/vvv1aFDB7Vq1Upbt27Vzz//rBo1atzxuM6dO6e5c+dKkvU1vXPnTjVv3lwdOnTQjh07FBsbq3Xr1tn8fHfp0kUnT57UqlWrtHDhQk2bNs3mtXpdeHi42rVrp507d6p79+768ccf9fLLL6tfv37avXu3/ve//ykmJsb6B+itrsnmzZvVr18/jR49Wnv37tWyZctu+YlL165dtXnzZi1evFgbNmyQYRhq2bKlzR/Zly5d0rhx4zRr1iytWbNGCQkJ+s9//nPH1w8PL09PT3l6emrRokVKTU3NtL9SpUqqWbOmoqOjbcpnzJihWrVqqWLFijblYWFhio2N1aVLlyRd+4OqRYsW8vf3v3eDQO4y8Eh75ZVXDEdHR8PDw8NwdXU1JBmSjI8//viWx7322mvGc889Z9NOUFCQkZaWZi17/vnnjZCQEMMwDGPv3r2GJOPXX3+17t+zZ48hyRg/frxhGIaxfPlyw9HR0UhISLDW2bVrlyHJ2Lhxo2EYhhEeHm64u7sbKSkp1jrNmzc3ihcvbqSnp1vLypQpY0RERNy0/+Hh4YaDg4Ph4eFh3WrWrGkYhmFMmzbN8PPzMy5cuGCt//333xsODg7GqVOnrOP19/c3UlNTrXWioqKMMmXKGBkZGday1NRUw83Nzfjxxx+NpKQkQ5KxatWqm/apSpUqN+0z7s4rr7xitGvXLst97777bqbn7rPPPjM8PT2N9PR0IyUlxciTJ48xf/586/5z584Z7u7uRv/+/a1lQUFB1p/njz76yHj88ceNK1euZHnOf9e9Ljo62vDx8bE+rlOnjtG5c+c7HmN0dLQhyfDw8DDc3d2tr+e2bdta64SGhhq9evWyOW7t2rWGg4OD8c8//1hfl5s2bbLu379/v81r1TAMQ5IxYMAAm3bq1atnjBkzxqZs1qxZRkBAgGEYt74mCxcuNLy9vW1e2//WoEED67Xet2+fIcn45ZdfrPvPnj1ruLm5GV999ZXNtThw4IC1zmeffWb4+/tn2T7MZ8GCBYafn5/h6upqBAcHG0OGDDG2b99u3T9lyhTDw8PDOH/+vGEYhnH+/HnDw8PD+N///met8+/X5BNPPGF88cUXRkZGhlGqVCnj22+/NcaPH28EBQXdz2Ehh5jhhRo1aqRt27bpt99+0xtvvKHmzZvrjTfesKkzdepU1ahRQwUKFJCnp6emT5+uhIQEmzoVKlSQo6Oj9XFAQIB1VmjPnj1ycnKymZ0qW7aszce3e/bsUWBgoAIDA61l5cuXl6+vr/bs2WMtK168uM1aPn9/f5UvX14ODg42ZVnNSP1bmTJltG3bNuu2cOFCaz+qVKkiDw8Pa926desqIyPD5mPhSpUqWZdASFJ8fLwOHDggLy8v6+xC3rx5dfnyZR08eFB58+ZV165d1bx5c7Vp00YTJkzg49UHxJ49e1SnTh3r0gLp2nN+4cIFHT9+XIcOHdLVq1dVq1Yt634fHx+VKVPmpm0+//zz+ueff1SyZEn17NlT33zzjc1H+3di27Ztevrpp7N1jJeXl7Zt26b4+HhNnTpVpUqV0tSpU6374+PjFRMTY/0Z9fT0VPPmzZWRkaHDhw9r7969cnJyUrVq1azHlC5dWn5+fpnOdeNsc3x8vEaPHm3Tds+ePZWYmKhLly7d8po0bdpUQUFBKlmypEJDQzVnzhzrbNqNrr+f1K5d21qWL18+lSlTxua9wt3dXaVKlbI+/vd7Eszvueee08mTJ7V48WI1b95cq1atUrVq1ayfPL744ovKyMhQbGysJCk2NlaGYahTp05Ztte9e3dFR0dr9erVunDhglq2bHm/hoJcQOCFPDw8VLp0aVWuXFmffvqpUlNTNWrUKOv+r776SgMHDlT37t21fPlybdu2Td26dcv0JZh/L4OQrq3xy8jIkCTrFwP+HShuZBhGlvtvLM/qPLc69804OzurdOnS1u160L5ZP27s/78DsXRt6Uf16tVtQvS2bdu0b98+6zqv6OhobdiwQcHBwYqNjdXjjz+e46UXyD1ZPef//pm92c+vcYv/zB4YGKi9e/fqs88+k5ubm1577TXVr18/W1/ucnNzu+O61zk4OKh06dIqW7asevfurdDQUJvlMRkZGerdu7fNz+j27du1f/9+lSpV6qZjyqo8q9fAqFGjbNreuXOn9u/fL1dX11teEy8vL23ZskXz5s1TQECARowYoSpVqujcuXN31Jfr5bd7r7jVcwbzcXV1VdOmTTVixAitX79eXbt2VXh4uKRrf7R27NjRuqwhOjpaHTt2lLe3d5Ztde7cWb/++qtGjhypLl26yMnJ6b6NA3ePwItMwsPDNW7cOJ08eVLStUX8wcHBeu2111S1alWVLl1aBw8ezFab5cqVU1pamjZv3mwt27t3r80vs/LlyyshIUHHjh2zlu3evVvJyclZ3hLmXilfvry2bdtm8yWeX375RQ4ODtYvp2WlWrVq2r9/vwoWLGgTpEuXLi0fHx9rvapVq2rIkCFav369KlasaF1j6ezsrPT09Hs3MNxU+fLltX79epswtH79enl5ealIkSIqVaqU8uTJo40bN1r3p6Sk2HxJKitubm5q27atPv30U61atUobNmzQzp07Jd3Z8125cmX9/PPPdzEyaeDAgdq+fbu++eYbSdd+Tnft2pXpZ7R06dJydnZW2bJllZaWpq1bt1rbOHDgQJbB80bVqlXT3r17s2z7+icwt7omTk5OatKkiSIjI7Vjxw7rmv8blS9fXmlpafrtt9+sZUlJSdq3b999fa/Aw6d8+fI27+1hYWH65ZdftGTJEv3yyy82X1a7Ud68edW2bVutXr1a3bt3vx/dRS4i8CKThg0bqkKFChozZoykax9nbt68WT/++KP27dun4cOHa9OmTdlqs0yZMmrRooV69uyp3377TfHx8erRo4fNDFaTJk1UuXJlde7cWVu2bNHGjRvVpUsXNWjQIFtf1LlbnTt3lqurq1555RX9/vvvWrlypd544w2Fhobe8gsKnTt3Vv78+dWuXTutXbtWhw8f1urVq9W/f38dP35chw8f1pAhQ7RhwwYdPXpUy5cvt/kFXbx4cR0+fFjbtm3T2bNns/yiBe5OcnJyphn4hIQEvfbaazp27JjeeOMN/fHHH/r2228VHh6uQYMGycHBQV5eXnrllVf05ptvauXKldq1a5e6d+8uBweHm34aEBMTo6ioKP3+++86dOiQZs2aJTc3NwUFBUm69nyvWbNGJ06c0NmzZ7NsIzw8XPPmzVN4eLj27NmjnTt3KjIyMltj9vb2Vo8ePRQeHi7DMPT2229rw4YN6tu3r7Zt26b9+/dr8eLF1mVMZcuWVZMmTdSrVy9t3LhRW7duVa9eveTm5nbLT2gkacSIEZo5c6ZGjhypXbt2ac+ePYqNjdWwYcNue02WLFmiTz/9VNu2bdPRo0c1c+ZMZWRkZLls5LHHHlO7du3Us2dPrVu3Ttu3b9fLL7+sIkWKqF27dtm6PjCnpKQkNW7cWLNnz9aOHTt0+PBhzZ8/X5GRkTY/Iw0aNFDp0qXVpUsXlS5d+ra3poyJidHZs2dVtmzZez0E5DICL7I0aNAgTZ8+XceOHVOfPn3UoUMHhYSEqHbt2kpKSsrRfXqjo6MVGBioBg0aqEOHDurVq5fNPUctFosWLVokPz8/1a9fX02aNFHJkiWt66vuF3d3d/3444/666+/VLNmTXXs2FFPP/20Jk2adNvj1qxZo2LFiqlDhw4qV66cunfvrn/++Ufe3t5yd3fXH3/8oeeee06PP/64evXqpddff129e/eWdG29WYsWLdSoUSMVKFBA8+bNux/DfaSsWrVKVatWtdlGjBihIkWKaOnSpdq4caOqVKmiPn36KCwszBrUJOnjjz9WnTp11Lp1azVp0kR169ZVuXLl5OrqmuW5fH19NX36dNWtW9c6U/vdd98pX758kqTRo0fryJEjKlWqlAoUKJBlGw0bNtT8+fO1ePFiPfHEE2rcuLHNrOad6t+/v/bs2aP58+ercuXKWr16tfbv36969eqpatWqGj58uAICAqz1Z86cKX9/f9WvX1/PPvusevbsKS8vr5uO9brmzZtryZIliouLU82aNfXkk0/q448/tob8W10TX19fff3112rcuLHKlSunqVOnat68eapQoUKW54qOjlb16tXVunVr1alTR4ZhaOnSpZmWMeDR5Onpqdq1a2v8+PGqX7++KlasqOHDh6tnz56Z3su7d++uv//++45mba/fqhIPH4vBgiYAyLaLFy+qSJEi+uijj275MagZHD9+XIGBgfrpp5+y/SU6AHgQsOIaAO7A1q1b9ccff6hWrVpKTk7W6NGjJcmUH6GvWLFCFy5cUKVKlZSYmKi33npLxYsXz/F/IgQAeyPwAsAdGjdunPbu3StnZ2dVr15da9euVf78+e3drVx39epVvfvuuzp06JC8vLwUHBysOXPmsFwAwEOLJQ0AAAAwNb60BgAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFMj8AIAAMDUCLwAAAAwNQIvAAAATI3ACwAAAFP7P7m9FukKWxctAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from sklearn.ensemble import RandomForestClassifier # Import Random Forest model\n", + "from sklearn.linear_model import LogisticRegression # Import Logistic Regression model\n", + "from sklearn.svm import SVC # Import Support Vector Machine (SVM)\n", + "from sklearn.metrics import accuracy_score # Import accuracy evaluation\n", + "import matplotlib.pyplot as plt # Import Matplotlib for visualization\n", + "\n", + "# Define models to test (Removing MultinomialNB)\n", + "models = {\n", + " \"Random Forest\": RandomForestClassifier(n_estimators=100, random_state=42),\n", + " \"Logistic Regression\": LogisticRegression(max_iter=500),\n", + " \"SVM\": SVC()\n", + "}\n", + "\n", + "# Train and evaluate each model using Word2Vec features\n", + "results = {}\n", + "for name, model in models.items():\n", + " model.fit(X_train_w2v, y_train) # Train model using Word2Vec embeddings\n", + " y_pred = model.predict(X_test_w2v) # Make predictions\n", + " accuracy = accuracy_score(y_test, y_pred) # Calculate accuracy\n", + " results[name] = accuracy \n", + " print(f\"{name} Accuracy: {accuracy:.2f}\") \n", + "\n", + "# Get min and max accuracy values for dynamic scaling\n", + "min_acc = min(results.values()) - 0.02 # Add some space below the lowest value\n", + "max_acc = max(results.values()) + 0.02 # Add some space above the highest value\n", + "\n", + "# Plot model comparison\n", + "plt.figure(figsize=(8,4))\n", + "plt.bar(results.keys(), results.values(), color=[\"blue\", \"green\", \"red\"]) # Set distinct colors\n", + "plt.title(\"Model Comparison\") \n", + "plt.ylabel(\"Accuracy\") \n", + "plt.ylim(min_acc, max_acc) # Dynamically adjust the y-axis range\n", + "plt.show()\n", + "\n", + "\n", + "# Compares Random Forest, Logistic Regression, and SVM using Word2Vec embeddings\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# import streamlit as st # Import Streamlit for building web apps\n", + "\n", + "# st.title(\"Fake News Detector\") # Set app title\n", + "# user_input = st.text_area(\"Enter a news headline or article:\") # Text input for users\n", + "\n", + "# if st.button(\"Check\"): # Button to make prediction\n", + "# cleaned_input = clean_text(user_input) # Preprocess input text\n", + "# input_vector = vectorizer.transform([cleaned_input]) # Convert text to TF-IDF\n", + "# prediction = model.predict(input_vector)[0] # Make prediction\n", + "# st.write(\"Prediction:\", \"Real News\" if prediction == 1 else \"Fake News\") # Show result\\\n", + " \n", + "# # Creates a simple web app where users can enter text\n", + "# # Instantly predicts whether the article is fake or real\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Ironhack10", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/predicted_validation_data (1).csv b/predicted_validation_data (1).csv new file mode 100644 index 0000000..423f849 --- /dev/null +++ b/predicted_validation_data (1).csv @@ -0,0 +1,4957 @@ +title,text,subject,date,label +UK's May 'receiving regular updates' on London tube station incident: PM's office,"LONDON (Reuters) - British Prime Minister Theresa May is being regularly briefed after armed police rushed to an incident at a London underground station on Friday, with local media reporting there had been an explosion on a packed rush-hour commuter train. The prime minister is receiving regular updates, a spokesman from May s office said when asked if May was aware of the incident. ",worldnews,"September 15, 2017 ",1 +"UK transport police leading investigation of London incident, counter-terrorism police aware","LONDON (Reuters) - British counter-terrorism police were monitoring events after media reports of a blast on a train in Parsons Green station in west London on Friday, but the investigation into the incident is being led by transport police, a security source said. Armed police rushed to an incident at a London underground station on Friday with local media reporting there had been an explosion on a packed rush-hour commuter train. Counter-terrorism officers were on the scene of the incident. ",worldnews,"September 15, 2017 ",1 +Pacific nations crack down on North Korean ships as Fiji probes more than 20 vessels,"WELLINGTON (Reuters) - South Pacific island nations are scouring shipping records for vessels with links to North Korea after Fiji said it had identified 20 falsely flagged ships it suspects the isolated regime is using to evade United Nations sanctions. Fiji, along with Interpol and the Singapore-based regional shipping regulator Tokyo MoU, are investigating the vessels for links to North Korea, a spokesman for the country s Maritime Safety Authority (MSAF) told Reuters on Friday. Interpol and Tokyo MoU did not immediately respond to requests for comment on their investigations. The 18 members of the Pacific Islands Forum this month agreed to launch an audit of every ship registered in the Pacific to search for any links to North Korea. New Zealand Foreign Affairs Minister Gerry Brownlee said Pacific countries, including his own, were concerned North Korea was using falsely flagged cargo ships as one avenue to trade goods in spite of sanctions. What we do know is that declared North Korean GDP (gross domestic product) is not big enough to support the nuclear program that they re running so there has to be significant black market or offbook revenue going into the country, Brownlee told Reuters in a phone interview this week. The move came as the UN on Monday ramped up sanctions on North Korea, including tightening up oversight of vessels on the high seas. Authorities will now be allowed to check suspected vessels for prohibited cargo with the authority of the flag country. UN sanctions introduced in August banned North Korean exports of seafood as part of efforts to curtail the regime s access to foreign funds. North Korea had been expected to earn an estimated $295 million from seafood in 2017, one U.N. diplomat said. In Fiji s case, the North Korean-linked ships had adopted the island nation s flag without formally registering, the MSAF said. It was not known in what way the possibly more-than 20 vessels were linked to North Korea or what their suspected activities or locations were. The MSAF declined to provide details due to the ongoing investigation. In addition to the fraudulent use of flags, Pacific governments were concerned North Korean vessels could be quietly registering in nations that allow international ships to use their flags. If it s not clear why they re on that register, in other words, they re not regular callers into Pacific ports, then further investigation is needed to untangle the ship owner, said Brownlee. The review would take place over the next couple of months, Brownlee said, and Australia and New Zealand would provide intelligence to help the small island nations check any North Korean connections. ",worldnews,"September 15, 2017 ",1 +Three suspected al Qaeda militants killed in Yemen drone strike,"ADEN, Yemen (Reuters) - Three suspected al Qaeda militants were killed in a drone strike in southern Yemen late on Thursday, a local security official and residents said. The strike in Mudiyah district in Abyan province on the Arabian Sea coast had targeted a motorcycle which the suspected militants were riding, the official said. Abyan is one of several provinces in central and southern Yemen where Al Qaeda in the Arabian Peninsula (AQAP) and its local affiliate Ansar al-Sharia operate. AQAP has taken advantage of a more than two-year civil war between the Iran-aligned Houthi group and President Abd-Rabbu Mansour Hadi s Saudi-backed government to strengthen its position in the impoverished country. The United States has repeatedly attacked AQAP with aircraft and unmanned drones in what U.S. officials say is a campaign to wear down the group s ability to coordinate attacks abroad. The Saudi-led coalition supporting Hadi has also launched thousands of air strikes against the Houthis which control Yemen s capital and much of the country s north. The Houthis have in turn fired rockets towards Saudi cities and villages. They say their attacks are in response to Saudi strikes on Yemeni cities and villages. The coalition spokesman said on Thursday that a Saudi pilot had died a day earlier when his plane crashed in the southern province of Abyan due to technical failure , the Saudi news agency SPA said. The war has killed more than 10,000 people. ",worldnews,"September 15, 2017 ",1 +Chinese academics prod Beijing to consider North Korea contingencies,"BEIJING (Reuters) - Chinese academics are publicly broaching the idea that China and the United States should share plans on how to deal with a potential conflict on the Korean Peninsula, a sign some say of how North Korea s weapons test may be making Beijing more open to the once taboo subject. Chinese officials have rebuffed top U.S. military brass for years in their efforts to share contingencies for war or regime collapse in Pyongyang, suspicious over Washington s intentions and fearful that such engagement could further alienate North Korea, their once steadfast wartime ally. Jia Qingguo, the dean of the School of International Studies at China s elite Peking University and a respected advisor to Chinese leaders, said in an article this week that with the chances of war increasing daily, it might be time for China to prepare for the worst . When war becomes a real possibility, China must be prepared. And, with this in mind, China must be more willing to consider talks with concerned countries on contingency plans, Jia wrote in an article first published on the online East Asia Forum run out of Australian National University. Given recent developments, Beijing may have no better choice than to start talking with Washington and Seoul , Jia said. Ties between China and North Korea have deteriorated sharply in recent years, to the point some diplomats and experts fear Beijing may become, like Washington, a target of its neighbor s ire. Jia s comments, at the forefront of what is still a sensitive debate in China, were made before North Korea on Friday fired a missile that flew over Japan s northern Hokkaido far out into the Pacific Ocean. That test came after the U.N. Security Council s latest round of sanctions on Monday banning North Korea s textile exports and capping fuel supplies in response to Pyongyang s accelerated effort to target the United States with a powerful, nuclear-tipped missile. Xie Tao, associate dean at the School of English and International Studies at Beijing Foreign Studies University, said Chinese academics in years past would typically only express their opinions on whether China should be sharing plans with Washington behind closed doors. Now you can get all sorts of people from the left and right and they are allowed to make their views public, Xie told Reuters. You could interpret that as a signal that the Chinese government is perhaps willing now to consider, if not actually join up to, contingency plans, Xie said. My sense is that there must be some in-depth discussion about what could potentially happen if there is a collapse or internal chaos how Beijing and Washington should respond to this. During a trip to China in August, Joseph Dunford, Chairman of the U.S. Joint Chiefs of Staff, attended Chinese military drills at China s Northern Theater Command in the city of Shenyang, which covers China s border with North Korea. Some analysts perceived that as China opening a crack in the door to its own preparations, but neither side are showing their cards to the public. Dunford said in Beijing during that visit that despite Washington s urgings the conditions aren t set for such a detailed conversation between the two militaries. U.S. military officials have privately voiced frustration that previous channels established for direct military communications line are essentially unstaffed on the Chinese side. Dunford said creating a round-the-clock responsive communications link that could be used in a crisis was a top priority for military ties. For a graphic on North Korea's missile and nuclear tests, click: here ",worldnews,"September 15, 2017 ",1 +Flames raced along train at west London station: eye witness,"LONDON (Reuters) - Flames engulfed one carriage and raced along a train on a west London route to Parsons Green, forcing passengers to trample others as they rushed for an exit, an eyewitness told Reuters. The man said people were trampled on when they fled the train after hearing a whoosh and seeing flames race towards them. He said he did not hear a bang after police rushed to an incident at the station at Parsons Green. I just heard a kind of whoosh. I looked up and saw the whole carriage engulfed in flames making its way towards me, he told Reuters, adding that the train was packed with people. ",worldnews,"September 15, 2017 ",1 +London police advise people to avoid area near station incident,"LONDON (Reuters) - British police on Friday advised people to avoid the area near Parsons Green, a west London underground station, after media reports of a blast on a train. Officers from the Metropolitan Police Service and British Transport Police are in attendance along with the London Fire Brigade and London Ambulance Service, London s police said in a statement. We would advise people to avoid the area. ",worldnews,"September 15, 2017 ",1 +London ambulance service sends hazardous area response team to station incident,"LONDON (Reuters) - London s ambulance service said on Friday it had sent its hazardous area response team to an incident at a west London metro station after reports of a blast. We have sent multiple resources to the scene including single responders in cars, ambulance crews, incident response officers and our hazardous area response team, the London Ambulance Service said on Twitter. Our initial priority is to assess the level and nature of injuries. London s transport authority said it had extended a suspension of the underground line which runs through Parsons Green metro station in west London. ",worldnews,"September 15, 2017 ",1 +Witness says injured in stampede at London station: Reuters reporter,"LONDON (Reuters) - A woman at London s Parsons Green underground train station told Reuters on Friday she was injured in a stampede. Armed police were at the scene, a Reuters photographer said. A blast on an underground train at Parsons Green left some passengers with facial burns at the station, London s Metro newspaper reported on its website. ",worldnews,"September 15, 2017 ",1 +UK says world will stand together against North Korea after missile launch,"LONDON (Reuters) - Britain said on Friday the world would stand together against North Korea after the country fired a missile that flew over Japan into the Pacific Ocean, ratcheting up tensions after Pyongyang s test of a powerful nuclear bomb. Yet another illegal missile launch by North Korea, Foreign Secretary Boris Johnson tweeted. UK and international community will stand together in the face of these provocations. ",worldnews,"September 15, 2017 ",1 +"China urges peaceful, diplomatic resolution to North Korea tensions","BEIJING (Reuters) - China s Foreign Ministry said on Friday that it opposed North Korea s use of ballistic missiles in violation of United Nations Security Council resolutions. The emphasis on curbing North Korea s missile and nuclear capabilities should not come at the expense of pushing for a peaceful and diplomatic resolution, ministry spokeswoman Hua Chunying said after North Korea fired a missile that flew over Japan s northern Hokkaido island far out into the Pacific Ocean. Hua said China had made enormous sacrifices to implement United Nations Security Council resolutions and that its sincerity could not be doubted. ",worldnews,"September 15, 2017 ",1 +Swedish PM survives vote of no-confidence,"STOCKHOLM (Reuters) - Swedish Prime Minister Stefan Lofven easily survived a parliamentary vote of no confidence brought on Friday by the anti-immigration Sweden Democrats over a botched IT outsourcing project that may have led to the leak of sensitive information. Only 43 of the parliament s 349 members supported the motion. Had Lofven lost, the government would have resigned, just a year before a general election. Two ministers have resigned over the potential leak of sensitive data as a result of a deal under which IBM Sweden took over some IT functions of the Swedish Transport Agency. During the last 37 years, only eight votes of no-confidence have been tabled in parliament. None has been successful. ",worldnews,"September 15, 2017 ",1 +Russia's Lavrov and U.S. Tillerson discuss Syria: Russia,"MOSCOW (Reuters) - Russian Foreign Minister Sergei Lavrov held a phone call on the Syria crisis with his American counterpart Rex Tillerson, the ministry said in a statement on Friday. Lavrov and Tillerson spoke late on Thursday and discussed cooperation in their attempts to resolve the Syrian crisis with an emphasis on de-escalation zones, the ministry said. ",worldnews,"September 15, 2017 ",1 +Peru's Congress ousts cabinet as political crisis deepens,"LIMA (Reuters) - Peru s opposition-controlled Congress ousted center-right President Pedro Pablo Kuczynski s cabinet in a vote of no-confidence early on Friday, pitching the copper-producing Andean country into its worst political crisis in years. In a gamble that will likely force him to scrap his plans to travel abroad later in the day, Kuczynski had dared Congress on Wednesday to revoke its confidence in his cabinet if it insisted on forcing out his second education minister. Under Peru s constitution, if Congress does not deliver a president a vote of confidence for his cabinets twice, the president can summon new legislative elections. But the rightwing populist opposition party Popular Force, led by Kuczynski s defeated electoral rival, Keiko Fujimori, answered Prime Minister Fernando Zavala s request on Thursday to back his cabinet with a resounding no. Peru s single-chamber Congress, where Popular Force has an absolute majority, voted 77-22 to dismiss Zavala s cabinet. Kuczynski now has 72 hours to swear in a new cabinet. While he cannot name Zavala as prime minister again, Kuczynski can reappoint other ministers in his cabinet. Going forward, Kuczynski might have a freer hand to govern in the remaining four years of his term if the opposition steers clear of a fresh confrontation out of fear of losing its majority. But several opposition lawmakers said they would welcome taking the battle to the ballot box. If they close Congress, we re not afraid, said Hector Becerril, a hard-line Popular Force lawmaker. We re willing to seek the people s support again. And it won t be 13 seats we win, or 73. There ll be 100 of us! The vote came on the eve of Kuczynski s 8-day trip abroad, which includes plans for dinner with U.S. President Donald Trump on Monday, a speech before the U.N. General Assembly on Tuesday and a meeting with Pope Francis in the Vatican. Kuczynski, a 78-year-old former Wall Street banker who has vowed to modernize Peru and revive economic growth, took office a year ago with one of the weakest mandates of any president, having beat Fujimori by a razor-thin margin while his party only secured a small portion of seats in Congress. In a plenary debate that stretched on for more than seven hours, opposition lawmakers portrayed Kuczynski as an out-of-touch lobbyist who lacks authority and poses a danger to Peru. Congress has forced Kuczynski s former education and finance ministers to resign amid allegations of ethical breaches, while a third minister quit to avoid being censured. Popular Force announced this week that it planned to propose censuring Education Minister Marilu Martens over her handling of a teachers 2-month strike, which her supporters alleged was fueled by an alliance between Popular Force and extremists. We can t deliver the head of a minister as a trophy, Zavala told lawmakers after walking to Congress with the rest of the cabinet in a show of union. It s clear to us that the country can t make progress like this. ",worldnews,"September 15, 2017 ",1 +Taiwan jails mainland Chinese man on national security charge,"TAIPEI (Reuters) - A Taiwan court on Friday jailed a mainland Chinese man for 14 months for breaching national security laws, following months of strained relations over China s detention of a national from the self-ruled island. China, which sees Taiwan as a wayward province to be taken back by force, if necessary, severed official communications last year to pressure President Tsai Ing-wen, whose party traditionally favors independence, to concede its position. Zhou Hongxu, formerly a student in Taiwan, was charged for seeking to arrange meetings between a Taiwan government official and a Chinese Communist party official outside Taiwan, in return for payment to the Taiwan official, a court document showed. Zhou intentionally jeopardized national security, though the attempt was unsuccessful, the court said in the document released after the verdict. Zhou, who had met the Chinese official at a 2014 event in Shanghai in 2014, did not plead guilty, his lawyer said, despite a confession during the trial that he later described as having been made in improper circumstances. He appeared in court on Friday in a calm mood and dressed in dark colors. The court reduced his sentence, taking into account his confession, and the failure of the bid to breach national security, it said in its statement. On Monday, a Taiwanese activist, Li Ming-che, confessed in a Chinese court to attempting to subvert the Beijing government, videos of his hearing released by Chinese authorities showed, although his wife refused to recognize the court s authority. Li, a community college teacher known for his pro-democracy and rights activism, had gone missing on a trip to mainland China in March. ",worldnews,"September 15, 2017 ",1 +"Philippines orders retraining, reassignment of 1,200 police after alleged abuses","MANILA (Reuters) - The Philippine capital s police chief ordered that the entire 1,200-member police force in one of Manila s biggest areas be relieved of duty and retrained on Friday in response to a series of controversies, including the killing of two teenagers. Metro Manila s top officer Oscar Albayalde said all police personnel in the Caloocan area of the capital would undergo retraining and reorientation before being reassigned to other police units, not necessarily in Manila. We will start with the city s police precincts 2 and 7, Albayalde said. All personnel in Caloocan s headquarters and seven precincts would be temporarily replaced by the regional public safety battalion, a combat-trained unit. This will be done in batches, he said. Albayalde did not say how long the retraining would last and how long it would take for the entire police force in Caloocan to be replaced. It is the first time an entire city police unit has been relieved of its duties since President Rodrigo Duterte unleashed his bloody crackdown against illegal drugs 15 months ago, a campaign that has killed thousands of Filipinos. The move comes amid intense scrutiny of police activities in Caloocan in the wake of the killing of 17-year old Kian Loyd Delos Santos last month in what police said was an anti-drugs operation. His lawyers and family say he was murdered in cold blood. Three officers involved in his killing say he fired at them and they acted in self-defense. Duterte, known for his frequent speeches that call for drug dealers to be killed, ordered a thorough investigation into the Delos Santos killing and warned police he would not tolerate abuses. Another teenager, Carl Arnaiz, suffered a similar fate, accused of trying to rob a taxi driver and shooting at police who tried to arrest him. The taxi driver told reporters on Sunday he saw him alive in custody. About two dozen Caloocan residents, holding placards saying Stop the Killings , held a noisy protest outside the precinct s police headquarters. Dozens of police trainees stood in front and watched the protest. Friday s order came only a day after Philippine media reported members of the Caloocan precinct 4 raided an elderly woman s home and reportedly stole money in an incident captured on closed circuit television cameras. Reuters could not confirm the report independently. Activists accuse police of executing suspected users and dealers systematically during anti-drugs operations and say official reports that say victims violently resisted arrest are implausible, and contrary to witness accounts. Police reject those allegations and Duterte has been furious at critics and political opponents who say he has a kill policy . The video of the alleged robbery was uploaded on social media sites and went viral, which angered senior police generals. Albayalde immediately issued the orders to relieve the Caloocan precincts. From what we have seen this has been done or will continue to be done by others so it is best to implement this preemptive measure to avoid similar incidents, Albayalde told reporters. He warned other districts in Manila could face similar sanctions if they did not shape up. ",worldnews,"September 15, 2017 ",1 +South Korea's Moon says North Korea provocations will result in more isolation,"SEOUL (Reuters) - South Korean President Moon Jae-in said on Friday North Korea s latest launch of a missile over Japan will only result in further diplomatic and economic isolation for the North, and officials said Moon had also warned of possible new threats. President Moon ordered officials to closely analyze and prepare for new possible North Korean threats like EMP (electro-magnetic pulse) and biochemical attacks, Moon s spokesman Park Su-hyun told a briefing. North Korea said earlier this month it was developing a hydrogen bomb that can carry out an EMP attack. Experts disagree on whether the North would have the capability to mount such an attack, which would involve setting off a bomb in the atmosphere that could cause major damage to power grids and other infrastructure. ",worldnews,"September 15, 2017 ",1 +Cambodia PM calls on U.S. to withdraw Peace Corps volunteers,"PHNOM PENH (Reuters) - Cambodian Prime Minister Hun Sen called on the United States on Friday to withdraw Peace Corps volunteers in an escalating row over accusations that U.S. agents conspired with an opposition leader to plot treason. Hun Sen was responding after the U.S. embassy in Phnom Penh issued a travel warning that urged citizens to show caution amid anti-American rhetoric by officials . Are you scaring Cambodians? Hun Sen said of the United States in an address to garment workers at factories which export much of their production to the United States. Are you prepared to invade Cambodia and that s why you told Americans to be careful? It s good if you pull out the Peace Corps, Hun Sen said. The U.S. embassy declined to comment. It has previously dismissed the accusations of collusion with opposition leader Kem Sokha and called for his release. On Friday, the embassy was swearing in 71 new volunteers from the Peace Corps, which sends Americans abroad to help with local projects with the stated goal of promoting mutual understanding. Hun Sen said on Friday that he had ordered an investigation into whether any Americans were involved with Kem Sokha. Opponents of Hun Sen accuse him of arresting Cambodia National Rescue Party (CNRP) leader Kem Sokha and cracking down on independent media and other critics ahead of a general election next year. The evidence presented against Kem Sokha is a video recorded in 2013 in which he discusses a strategy to win power with the help of unspecified Americans. Hun Sen, a close ally of China, has taken a series of measures against U.S. interests this year from ending joint military exercises to expelling a naval aid unit to forcing a U.S.-funded pro-democracy group to leave. On Thursday, Hun Sen said he was suspending cooperation with Washington to find the remains of Americans killed in the Vietnam War. According to the U.S Embassy, more than 500 Peace Corps volunteers have served and worked in Cambodia since 2006, providing English teaching and teacher training as well as community health education. U.S. President John F. Kennedy established the Peace Corps in 1961 to promote world peace and friendship. ",worldnews,"September 15, 2017 ",1 +Australia to move 200 asylum seekers to new PNG detention center,"SYDNEY (Reuters) - Approximately two hundred men held in a remote Australian-run detention center will be moved to a new facility within weeks, the country s immigration minister said. Peter Dutton, Australia s immigration minister, said those men who have their refugee applications denied, ruling them ineligible for resettlement to the United States, and who are from countries such as Iran which precludes forced deportations, will be transferred to a new detention facility within Papua New Guinea (PNG) after Oct. 31. Those people, who total about 200, who have been found not to be refugees are to be moved into an alternative place of detention away from the regional processing center, Dutton told Australia s parliament. Dutton s comments mark the first insight into how Australia plans to manage the end of its policy of detaining asylum seekers in PNG, where 800 men are held, many of whom for four years. Canberra s hardline immigration policy requires asylum seekers intercepted at sea trying to reach Australia to be sent for processing at camps on PNG s Manus Island and on Nauru. They are told they will never be settled in Australia. Question marks remain, however, about the fate of the remaining men on Manus as a refugee swap deal with the United States stalls. Former U.S. President Barack Obama late last year agreed to resettle up to 1,250 asylum seekers held in Australian immigration centers in PNG and Nauru. In exchange, Australia agreed to take Central American refugees. Australia had hoped the men would have been resettled by Oct. 31 but with the swap deal stalling under President Trump after the U.S. hit it annual intake cap, Canberra is left seeking a solution. Australia s security contract with Spanish company Ferrovial SA will expire on Oct. 31, forcing the closure of the camp that has been subject to violence from locals. PNG officials have sought to transfer the men to a transit center nearby but nearly all, citing fears of violence, have refused despite threats that it may rule them out of U.S. resettlement. We are not willing to move from the center unless we are leaving for a country that is safe, said one, who declined to be identified because of the fear it would jeopardize his application for U.S. resettlement. ",worldnews,"September 15, 2017 ",1 +Japan PM says U.N. sanctions on North Korea must be firmly imposed,"TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe said on Friday that United Nations sanctions on North Korea needed to be firmly imposed. Abe, speaking to reporters, said that the international community must send a clear message to North Korea over its provocative actions. North Korea fired a missile on Friday that flew over Japan s northern Hokkaido far out into the Pacific Ocean, South Korean and Japanese officials said, further ratcheting up tensions after Pyongyang s recent test of a powerful nuclear bomb. ",worldnews,"September 15, 2017 ",1 +Brazil's Temer faces new graft charges over JBS testimony,"BRASILIA (Reuters) - Brazilian President Michel Temer was charged with obstruction of justice and racketeering on Thursday, according to a statement posted on the prosecutor general s office website, threatening to delay the government s economic reform agenda in Congress. It is the second set of criminal charges filed against the president based on the plea-bargain testimony of the owners of the world s largest meatpacker, JBS SA. They accused Temer of taking bribes in return for political favors and of conspiring to buy the silence of a witness who could implicate the leader. In a statement on Thursday, Temer strongly rejected all allegations of wrongdoing. Temer s earlier corruption charge, that he took bribes from JBS officials, was blocked in August by Temer s allies in the lower house of Congress, which has the power to decide whether a president should stand trial by the Supreme Court. Despite the lower house s move to block the charges, they remain valid and can be pursued by prosecutors once Temer leaves office. His term ends on Jan. 1, 2019. Brazil s top public prosecutor Rodrigo Janot has also filed charges against Joesley Batista, the billionaire former chairman of JBS who implicated Temer. Batista was arrested on Sunday for concealing other crimes in his plea bargain deal. Batista s lawyer Antonio Carlos Kakay rejected the charges brought by Janot, arguing in a statement that the prosecutor had violated the rules of plea bargains by using his client s testimony to incriminate him. On Wednesday, Batista s brother Wesley, the chief executive officer of JBS SA, was also arrested for alleged insider trading to avoid hefty losses related to the May plea deal. Late on Thursday, Supreme Court Justice Edson Fachin converted Joesley and executive Ricardo Saud s temporary detentions into preventative detention and gave them 10 days to respond before ruling on Janot s request to withdraw their plea deal. The arrests of the Batista brothers have improved Temer s prospects of surviving the new charges and serving out his term through 2018. Temer and his allies expect the new charges to be voted in the lower house next month with wider support than he obtained in the 263-227 vote last month blocking a trial. Fachin heeded a request from Temer s defense not to deliver the accusation to the lower house until after a supreme court plenary vote on the matter. The vote should be held before Wednesday. The allegations are part of Brazil s sprawling corruption probes that have resulted in ex-President Luiz Inacio Lula da Silva s conviction and four pending trials; investigations and charges implicating three former presidents and dozens of members of Congress; and guilty verdicts against well over 100 powerful business and political figures. Most of the schemes involve political kickbacks in return for contracts at government-run enterprises or cheap loans from Brazil s state development bank. The racketeering charge against Temer was based on the plea bargain testimony of L cio Funaro, a businessman who accused the president and his closest aides in the ruling PMDB party of operating a criminal organization to collect bribes in exchange for political influence. The obstruction of justice charge was based on testimony by Joesley Batista that Temer endorsed payments of hush money to try to keep Funaro from talking. A short legislative agenda ahead of an election year, the absence of public pressure to oust Temer and the lack of any convincing replacement for him are also likely to weigh in the president s favor. Given the short timetable, the general public apathy and lack of a viable alternative, it is quite possible that Brasilia will continue to punt this down the road, said Matthew Taylor, a professor at the American University in Washington. ",worldnews,"September 14, 2017 ",1 +U.N. Security Council to meet on North Korea missile test on Friday,"UNITED NATIONS (Reuters) - The United Nations Security Council will meet at 3 p.m. EDT (1900 GMT) on Friday on the latest North Korea missile test, diplomats said, at the request of the United States and Japan. North Korea fired a missile that flew over Japan s northern Hokkaido far out into the Pacific Ocean on Friday, South Korean and Japanese officials said, further ratcheting up tensions after Pyongyang s recent test of its most powerful nuclear bomb. The 15-member Security Council unanimously stepped up sanctions against North Korea on Monday over its Sept. 3 nuclear test, imposing a ban on the country s textile exports and capping imports of crude oil. It was the ninth U.N. sanctions resolution adopted on North Korea since 2006. ",worldnews,"September 15, 2017 ",1 +"Saviors or profiteers? Bangladesh fishermen rescue Rohingya, for a price","SHAMLAPUR, Bangladesh (Reuters) - For tens of thousands of Rohingya Muslims, an informal fleet of small wooden fishing boats has meant deliverance from what they say is an indiscriminate assault on their villages by the Myanmar army. Deliverance, however, comes at a price. Some refugees told Reuters they paid as much as 10,000 taka ($122) per adult to boatmen to make the five-hour crossing from Myanmar s coast to ports in southern Bangladesh. While the fishermen say they have a moral obligation to help desperate fellow Muslims escaping persecution, Bangladeshi officials accuse them of profiteering. Ordered to stamp out what they call human trafficking, they have made arrests and even set fire to fishing boats. Of course we want to keep going back to rescue more people. Our Muslim brothers and sisters are in a bad situation, so I have to go and bring them, said Mohammed Alom, 25, a fisherman in the Bangladeshi village of Shamlapur. Around 400,000 Rohingya have arrived in Bangladesh in less than three weeks and people are still coming, by land as well as by sea, after attacks by Rohingya militants sparked a fierce counteroffensive by Myanmar s army. Senior United Nations officials have described the violence as ethnic cleansing . The influx is placing huge strain on authorities in southern Bangladesh, one of the poorest parts of a poor country. Don t say rescuers. The rescuers should be going and they should rescue people, not in terms of money, said Lieutenant Colonel Ariful Islam, Border Guards Bangladesh commander in Teknaf on the country s southern tip, referring to the fishermen bringing refugees ashore. These people are very poor, it s just extorting from them whatever they have. We are helping those who arrived, but we re trying to insist that no human trafficking should take place. Reuters interviewed three Rohingya fishermen and two Bangladeshi boat owner-operators, all of whom had made at least two visits to Myanmar in recent weeks. The men didn t believe the profits they made detracted from what they saw as a rescue mission. Shaif Ullah, 34, a Bangladeshi, who co-owns a fishing boat, said he made 100,000 taka ($1,220) rescuing the family of a Rohingya in Malaysia who paid him via BKash, a popular mobile money service, after he returned to Bangladeshi shores. People from Malaysia and Saudi Arabia call me and tell me to go there to get their family, he said. They are crying for my help. I take money from them, yes, but it s also a humanitarian act. Two refugees have told Reuters their family members were detained by fishermen or brokers in Bangladesh when they could not pay for the journey. Several also complained they had to hand over gold and other jewelry to boat operators. We had no chance to negotiate with the boatmen, said Ali Johar, 75, an elder from his village in southern Maungdaw, just across the Naf river that forms the border between Myanmar and Bangladesh, now staying in Shamlapur. He handed over his wife s gold necklace and a gold ring, in addition to 7,000 taka for the rescue of him and about 30 members of his extended family, including young children, he said. But we are grateful to the fishermen for bringing us here, he said. There were so many people trying to get here. If they didn t bring us, we would be stuck. Pronay Chakma says it was a stroke of fate that thrust him into a key role in Bangladesh s response to the crisis. The 31-year-old administrator arrived in Teknaf to start a new job as sub-district assistant commissioner for land on Aug. 23, two days before northwestern Myanmar exploded into violence. The thing is that, yes, the fishermen can go there, no problem, but if they demand money from the pain of stricken people, is it humanitarian? No, he said. Chakma - a Buddhist member of the Chakma tribe who live scattered throughout South Asia - is an executive magistrate, which means he can hand down jail terms in simple criminal cases. He interrupted an interview with Reuters to sentence a man to three months for possession of five methamphetamine tablets. Chakma and another local official have sentenced at least 100 people to terms of up to six months for continuing to charge Rohingya refugees for ferrying them to safety. Each and every time we are warning them, he said. Yes, you can do that, but not in exchange of money. He pointed to the deaths of women and children who, unable to swim, have died after their boats capsized near Bangladeshi shores. Fishermen and local residents told Reuters that authorities have also broadcast messages in their villages by loudspeaker ordering them not to pick up Rohingyas. At least five boats caught bringing refugees in exchange for money have been set on fire on the beach by officials. The boatmen Reuters spoke to said they were cautious about operating in bad weather and rejected allegations of coercion or detaining refugees. Tens of thousands of people may still be waiting to cross the mouth of the Naf river, according to estimates by refugees, fishermen and rights groups. I would like to go back to bring these people, because Muslims are suffering, said Bangladeshi boat owner Moni Ullah, 38. For me, it s hard to sit here and not go there, because I have seen so many people crying on the beach. ($1 = 81.9300 taka) ",worldnews,"September 15, 2017 ",1 +U.S. nuclear commander says assuming North Korea tested hydrogen bomb,"OFFUTT AIR FORCE BASE, Neb. (Reuters) - The U.S. general who oversees America s nuclear forces said on Thursday he was making the assumption that North Korea did in fact test a hydrogen bomb on Sept. 3, crossing a key threshold in its weapons development efforts. Although Pyongyang immediately claimed it successfully tested a hydrogen bomb, the United States had previously declined to characterize it. Air Force General John Hyten, head of the U.S. military s Strategic Command, however, said he had a responsibility, as a military officer responsible for responding to the test, to assume that it was a hydrogen bomb, based on the size of the blast. I m assuming it was a hydrogen bomb. I have to make that assumption as a military officer, Hyten told a small group of reporters who were accompanying Defense Secretary Jim Mattie on a trip to Hyten s headquarters in Nebraska. I m not a nuclear scientist, so I can t tell you this is how it worked, this is what the bomb was. ... But I can tell you the size that we observed and saw tends to me to indicate that it was a hydrogen bomb and I have to figure out what the right response is with our allies as to that kind of event. The North Korean nuclear test, its sixth and by far most powerful, prompted the U.N. Security Council to step up sanctions. It followed a series of North Korean missile tests, including one that flew over Japan and another that the U.S. assessed to be an inter-continental ballistic missile (ICBM). South Korea s military said shortly after Hyten s remarks that North Korea fired an unidentified missile eastward from the Sunan district in its capital, Pyongyang. A hydrogen bomb usually uses a primary atomic bomb to trigger a secondary, much larger explosion. Such a weapon, with the first stage based on nuclear fission - splitting atoms - and the second on nuclear fusion, produces a blast that is much more power than traditional atomic bombs, or pure fission devices. The sheer destruction and damage that you can create with a weapon that size is significantly of a concern, Hyten said. Hyten said that despite the nuclear and missile tests, North Korea still had not demonstrated that it had a reliable ICBM that could deliver a nuclear warhead. But he noted it was only a matter of time before its scientists achieved that, given the pace of testing. It s just a matter of when, not if, he said, adding it could be months or years. Experts doubt that President Donald Trump, like his predecessors, will be able to force North Korea to abandon its nuclear program through economic or diplomatic pressure. Current and former U.S. officials have declined to comment on operational planning but acknowledge that no existing plan for a preemptive strike could promise to prevent a brutal counterattack by North Korea, which has thousands of artillery pieces and rockets trained on Seoul. That raises the question of whether the United States might be able to live with a nuclear-armed threat from North Korea. A senior Trump administration official, speaking to reporters last week on condition of anonymity, said it was unclear whether the Cold War-era deterrence model that Washington used with the Soviet Union could be applied to a rogue state like North Korea, adding: I don t think the president wants to take that chance. Hyten, who would command U.S. forces in a nuclear war, expressed confidence in the U.S. nuclear deterrent. Do we have the ability to deter North Korea from developing capabilities that could potentially threaten us? That s a different question, he said. But do I, U.S. Strategic Command, have the ability for the United States to deter an adversary from attacking the United States with nuclear weapons? Yes. Because they know the response is going to be the destruction of their entire nation. ",worldnews,"September 14, 2017 ",1 +"China, Russia must take direct action against North Korea: Tillerson","WASHINGTON (Reuters) - U.S. Secretary of State Rex Tillerson on Thursday urged China and Russia to take direct action against North Korea in response to its latest missile launch. China and Russia must indicate their intolerance for these reckless missile launches by taking direct actions of their own, Tillerson said in a statement. He said China supplies North Korea with most of its oil and Russia is the largest employer of North Korean forced labor. ",worldnews,"September 15, 2017 ",1 +"South Korea condemns North Korea missile launch, says will boost response ability","SEOUL (Reuters) - South Korea s foreign ministry on Friday strongly condemned North Korea s missile launch earlier in the day, calling it a serious act of defiance that threatens international peace and security. The ministry said in a statement that South Korea is fully prepared to respond against any North Korean threat and that it would boost its response ability against Pyongyang s provocations. It did not provide further details. ",worldnews,"September 15, 2017 ",1 +U.N. seeks 'massive' help for Rohingya fleeing Myanmar 'ethnic cleansing',"DHAKA/YANGON (Reuters) - The United Nations appealed on Thursday for massive help for nearly 400,000 Muslims from Myanmar who have fled to Bangladesh, with concern growing that the number could keep rising, unless Myanmar ends what critics denounce as ethnic cleansing . The Rohingya are fleeing from a Myanmar military offensive in the western state of Rakhine that began after a series of guerrilla attacks on Aug. 25 on security posts and an army camp in which about a dozen people were killed. We urge the international community to step up humanitarian support and come up with help, Mohammed Abdiker, director of operations and emergencies for the International Organisation for Migration, told a news conference in the Bangladeshi capital. The need was massive , he added. The violence in Rakhine and the exodus of refugees is the most pressing problem Nobel Peace laureate Aung San Suu Kyi has faced since becoming national leader last year. U.N. Secretary-General Antonio Guterres and the U.N. Security Council on Wednesday urged Myanmar to end the violence, which he said was best described as ethnic cleansing. The government of Buddhist-majority Myanmar rejects such accusations, saying it is targeting terrorists . Numerous Rohingya villages in the north of Rakhine have been torched but authorities have denied that security forces or Buddhist civilians set the fires. They blame the insurgents, and say 30,000 non-Muslim villagers were also displaced. Smoke was rising from at least five places on the Myanmar side of the border on Thursday, a Reuters reporter in Bangladesh said. It was not clear what was burning or who set the fires. Ethnic cleansing is not recognized as an independent crime under international law, the U.N. Office on Genocide Prevention says, but it has been used in U.N. resolutions and acknowledged in judgments and indictments of the International Criminal Tribunal for the former Yugoslavia. A U.N. panel of experts defined it as rendering an area ethnically homogeneous by using force or intimidation to remove persons of given groups . The crisis has raised questions about Suu Kyi s commitment to human rights, and could strain relations with Western backers supporting her leadership of Myanmar s transition from decades of strict military rule and economic isolation. Critics have called for her to be stripped of her Nobel prize for failing to do more to halt the strife, though national security remains firmly in the hands of the military. Suu Kyi is due to address the nation on Tuesday. U.S. Senate Majority Leader Mitch McConnell said on Thursday he had spoken with Suu Kyi and that she said she was working to get aid to areas affected by violence. U.S. Deputy Assistant Secretary of State Patrick Murphy had what one U.S. official called a tough conversation with Myanmar s ambassador to the United States on Wednesday ahead of Murphy s trip to Yangon this weekend. Murphy will be meeting with Myanmar government officials next week to voice concern about the state of the Rohingya people and to press for greater access for humanitarian workers and reporters, the State Department said. China, which competes with the United States for influence in Myanmar, endorses the offensive against the insurgents and deemed it an internal affair , Myanmar state media said. The counterattacks of Myanmar security forces against extremist terrorists and the government s undertakings to provide assistance to the people are strongly welcomed, the Global New Light of Myanmar newspaper quoted China s ambassador, Hong Liang, as telling government officials. But at the United Nations in New York, China set a different tone, joining a Security Council expression of concern about reports of violence and urging steps to end it. The council met on Wednesday to discuss the crisis and later expressed concern about reports of excessive violence ... and called for immediate steps to end the violence in Rakhine, de-escalate the situation, re-establish law and order, ensure the protection of civilians ... and resolve the refugee problem . This week, the Trump administration called for protection of civilians. Bangladesh says the refugees will have to go home and has called for safe zones in Myanmar. Myanmar says safe zones are unacceptable. The IOM s Abdiker declined to say how many refugees he thought might end up in Bangladesh. The number may rise to 600,000, 700,000, even one million if the situation in Myanmar does not improve, he said. The most important thing was that the refugees be able to go home safely, said George William Okoth-Obbo, assistant high commissioner for operations at the U.N. refugee agency. The international community has to support to ensure their return ... peacefully and with safety, he told the news conference. On Wednesday, the Myanmar government said 45 places had been burned. It did not provide details, but a spokesman said out of 471 villages in the north of Rakhine, 176 had been deserted and at least some people had left 34 more. The spokesman, Zaw Htay, said the people going to Bangladesh were either linked to the insurgents, or women and children fleeing conflict. Government figures show 432 people have been killed, most of them insurgents, since Aug. 25. ",worldnews,"September 14, 2017 ",1 +"Hurricane Max downgraded to tropical storm, moves inland over Mexico","MEXICO CITY (Reuters) - Hurricane Max was downgraded to a tropical storm on Thursday evening, bearing down on a region with the popular tourist resorts of Acapulco, Zihuatanejo and Ixtapa. Max s maximum sustained winds decreased to 70 miles per hour (113 km per hour) on Thursday evening, and the storm was about 80 miles (129 km) east of Acapulco, the National Hurricane Center in Florida said. The storm is expected to continue weakening dramatically as it moves inland over Southern Mexico, and it will likely be downgraded to a tropical depression on Thursday evening. Nevertheless, the center warned of heavy rains and flooding in the coastal states of Guerrero and Oaxaca. In the state of Guerrero, home to some of Mexico s major tourist resorts, Max could dump as much as 20 inches (51 cm) of rain in coastal areas, the NHC said, potentially triggering flash floods and mudslides. The storm is bad news for Acapulco as tourists prepare to travel to the city to celebrate Mexico s Independence Day this weekend. Meanwhile, tropical storm Norma formed in the Pacific on Thursday, according to the NHC. The storm, which is currently 360 miles (579 km) south of Cabo San Lucas, on the southern tip of the Baja California peninsula, could become a hurricane by late Friday. Max arrives a week after a powerful 8.1-magnitude quake shook southern Mexico, destroying thousands of buildings in the state of Oaxaca and killing at least 98 people nationwide. ",worldnews,"September 14, 2017 ",1 +North Korea launch put millions in Japan into 'duck and cover': Mattis,"OMAHA, Neb. (Reuters) - U.S. Defense Secretary Jim Mattis said on Thursday that North Korea s missile launch over Japan put millions of Japanese into duck and cover before it landed in the Pacific Ocean, and added that top U.S. officials had fully coordinated after the test-launch. We have just got done with the calls we always make to coordinate among ourselves. Steady as she goes, Mattis told reporters traveling with him during a visit to the U.S. Strategic Command, which oversees U.S. nuclear forces. ",worldnews,"September 15, 2017 ",1 +Western powers press Iraq Kurd leaders to shelve 'very risky' independence vote,"ERBIL/KIRKUK, Iraq (Reuters) - The United States and Western allies pressed Iraqi Kurdish leaders to ditch a very risky independence vote on Thursday, presenting an alternative plan in an attempt to avoid conflict between the oil rich region and central government in Baghdad. The referendum, slated for Sept. 25, has become a potential flashpoint in the region, with Western powers concerned it could ignite conflict with Baghdad and divert attention from the war against Islamic State militants. Heading into a referendum for Sept. 25, there is no prospect for international legitimacy, Brett McGurk, a U.S. special envoy, told reporters after a delegation also including the U.N. and Britain met Kurdish President Massoud Barzani. This is a very risky process. McGurk said he was encouraged that Kurdish leaders could embrace an alternative plan focusing on dialogue between the Kurdistan region and Baghdad and a delay in the referendum. He refused to give details. The Kurdish presidency said the autonomous region s political leaders would study the proposal, without giving details. But Barzani himself was later quoted by local media as telling a pro-independence rally the vote would go ahead on Sept. 25 as planned. The move came after Iraq s parliament voted to remove the governor of Kirkuk, a staunch supporter of Kurdish independence. Kirkuk Governor Najmaddin Kareem said he had no intention of following Baghdad s dismissal order, issued at the behest of Prime Minister Haider al-Abadi. I will stay in office, he told Reuters. The referendum will go on as planned...The prime minister does not have the power to ask parliament to remove me. Iraqi lawmakers authorized Abadi this week to take all measures to preserve national unity before the independence referendum. Baghdad and Iraq s neighbors are opposed to the vote. Iraqi lawmakers say it will consolidate Kurdish control over several disputed areas, including oil-rich Kirkuk. Turkey has the region s largest Kurdish population and fears a Yes vote could fuel separatism in its southeast where Kurdish militants have waged an insurgency for three decades in which more than 40,000 people have been killed. Iran and Syria also oppose the vote, fearing it could fan separatism among their own Kurdish populations. Iraqi lawmakers say the referendum will consolidate Kurdish control over several disputed areas, including oil-rich Kirkuk. Kirkuk province is claimed by both the central government in Baghdad and Barzani s semi-autonomous Kurdish region in northern Iraq. Kareem is a vocal supporter of the referendum and campaigned for the vote also to be held in Kirkuk. Kurds have long claimed Kirkuk and its huge oil reserves. They regard the city, just outside their Kurdistan region in northern Iraq, as their historical capital. But the ethnically mixed city also has Arab and Turkmen populations. Kareem has long riled the federal government. Last spring, Kirkuk s governorate voted to raise the Kurdish flag over state buildings, despite Baghdad s insistence that only Iraq s national flag should fly in the multi-ethnic city. He (Kareem) is an elected governor of the council of Kirkuk, said Hoshyar Zebari, a close adviser to President Barzani. That is the only body that can remove him. The escalating tactics this week by the Iraqis are causing a large public backlash, and will strengthen the Kurdish referendum enormously, Zebari said. Kurdish MPs in Iraq s parliament boycotted Thursday s vote, which produced a majority for the governor s removal, lawmaker Husham al-Suhail told Reuters. Asked whether parliament had the right to dismiss Kareem, Suhail referred to an article of Iraq s provincial law, which parliament used as the legal basis for the vote and which stipulates the prime minister s authority to remove a regional governor. Suhail gave no details about what Kareem was accused of and Kareem himself said he had not been informed. This is unlawful ... I have the support of the government council, I have the support of the people, we are here and we will continue, he said. ",worldnews,"September 14, 2017 ",1 +Japan foreign minister thinks North Korea missile was ICBM: NHK,"TOKYO (Reuters) - Japanese Foreign Minister Taro Kono said he thinks the missile that North Korea fired on Friday was an intercontinental ballistic missile (ICBM), given its firing range, public broadcaster NHK reported. North Korea fired a missile on Friday that flew over Japan s northern Hokkaido far out into the Pacific Ocean, South Korean and Japanese officials said, further ratcheting up tensions after Pyongyang s recent test of a powerful nuclear bomb. ",worldnews,"September 14, 2017 ",1 +Catalan independence campaign kicks off as Barcelona gives backing,"TARRAGONA, Spain (Reuters) - The Catalonian government on Thursday launched its official campaign for an independence referendum, which Madrid has declared illegal, buoyed by the support of the capital Barcelona. Crowds filled a bull ring in the northeastern city of Tarragona, applauding and shouting We will vote! as regional president Carles Puigdemont arrived to rally support for the Oct. 1 vote. In a boost for the credibility of the referendum, the mayor of Barcelona said earlier on Thursday that the vote would go ahead in the city, having previously expressed concern that civil servants involved may lose their jobs. A town hall spokesman was unable to comment further or explain how civil servants could be protected. Puigdemont himself is facing criminal charges of misuse of public money, disobedience and abuse of office for organizing the referendum, and prosecutors have summoned hundreds of the region s mayors for questioning. Police raided a newspaper office and a printing press last week, looking for signs of preparation, and the regional court has ordered Civil Guard agents to shut down web pages providing information about the referendum. Regional home affairs councillor Joaquim Forn said there was a bigger than usual presence of national police in Catalonia. They are moving throughout the region. They must be looking for ballot boxes, he told RAC1 radio. A majority of Catalonia s 5.5 million voters want to have their say on the northeastern region s relationship with Spain, but the independence cause has lost support in recent years and surveys indicate less than 50 percent of the population would choose full self-rule. ",worldnews,"September 14, 2017 ",1 +Japan's Suga: government strongly protests latest N Korea missile launch,"TOKYO (Reuters) - North Korea fired a ballistic missile over Japan on Friday morning, Japan s government said, strongly protesting against what it called Pyongyang s latest intolerable provocation. The missile was launched at 6:57 a.m. Japan time (2157 GMT), flew over Hokkaido and splashed down at 7:16 a.m. (2216 GMT) some 2,000 kilometres east of the northern island s Cape Erimo, said Chief Cabinet Secretary Yoshihide Suga. Japan protests the latest launch in the strongest terms and will take appropriate and timely action at the United Nations and elsewhere, staying in close contact with the United States and South Korea, Suga told reporters. (In paragraph two, corrects time that missile splashed down.) ",worldnews,"September 14, 2017 ",1 +Brazil's Temer says new graft charges part of 'irresponsible campaign',"BRASILIA (Reuters) - Brazilian President Michel Temer, shortly after being hit with fresh graft charges on Thursday, said in a written statement that the nation s top prosecutor is on an irresponsible campaign of making allegations to cover his own failures. Temer was charged by Prosecutor General Rodrigo Janot with obstruction of justice and racketeering based on the plea-bargain testimony of the owners of the world s largest meatpacker, JBS SA. They accused Temer of taking bribes in return for political favors and of conspiring to buy the silence of a witness who could implicate the president. ",worldnews,"September 14, 2017 ",1 +"North Korea threatens to 'sink' Japan, reduce U.S. to 'ashes and darkness'","SEOUL/TOKYO (Reuters) - A North Korean state agency threatened on Thursday to use nuclear weapons to sink Japan and reduce the United States to ashes and darkness for supporting a U.N. Security Council resolution and sanctions over its latest nuclear test. The Korea Asia-Pacific Peace Committee, which handles the North s external ties and propaganda, also called for the breakup of the Security Council, which it called a tool of evil made up of money-bribed countries that move at the order of the United States. The four islands of the archipelago should be sunken into the sea by the nuclear bomb of Juche. Japan is no longer needed to exist near us, the committee said in a statement carried by the North s official KCNA news agency. Juche is the North s ruling ideology that mixes Marxism and an extreme form of go-it-alone nationalism preached by state founder Kim Il Sung, the grandfather of the current leader, Kim Jong Un. Regional tension has risen markedly since the reclusive North conducted its sixth, and by far its most powerful, nuclear test on Sept. 3, following a series of missile tests, including one that flew over Japan. The 15-member Security Council voted unanimously on a U.S.-drafted resolution and a new round of sanctions on Monday in response, banning North Korea s textile exports that are the second largest only to coal and mineral, and capping fuel supplies. The North reacted to the latest action by the Security Council, which had the backing of veto-holding China and Russia, by reiterating threats to destroy the United States, Japan and South Korea. Let s reduce the U.S. mainland into ashes and darkness. Let s vent our spite with mobilization of all retaliation means which have been prepared till now, the statement said. Japan s Nikkei stock index and dollar/yen currency pared gains, although traders said that was more because of several Chinese economic indicators released on Thursday rather than a reaction to the North s latest statement. South Korea s won also edged down around the same time over domestic financial concerns. Despite the North s threats, South Korean President Moon Jae-in said he was against having nuclear weapons in his country, either by developing its own arsenal or bringing back U.S. tactical nuclear weapons that were withdrawn in the early 1990s. To respond to North Korea by having our own nuclear weapons will not maintain peace on the Korean peninsula and could lead to a nuclear arms race in northeast Asia, Moon said in an interview with CNN. South Korea s Unification Ministry also said it planned to provide $8 million through the U.N. World Food Programme and UNICEF to help infants and pregnant women in the North. The move marks Seoul s first humanitarian assistance for the North since its fourth nuclear test in January 2016 and is based on a longstanding policy of separating humanitarian aid from politics, the ministry said. The North s latest threats also singled out Japan for dancing to the tune of the United States, saying it should never be pardoned for not offering a sincere apology for its never-to-be-condoned crimes against our people , an apparent reference to Japan s wartime aggression. It also referred to South Korea as traitors and dogs of the United States. Japan criticized the North s statement harshly. This announcement is extremely provocative and egregious. It is something that markedly heightens regional tension and is absolutely unacceptable, Japanese Chief Cabinet Secretary Yoshihide Suga told reporters. Japanese Prime Minister Shinzo Abe, visiting India, called for strict enforcement of the U.N. resolution, saying the world must force a change. The 15-member Security Council voted unanimously on a U.S.-drafted resolution and a new round of sanctions against North Korea on Monday in response to its latest and most powerful test, banning North Korea s textile exports that are the second largest only to coal and mineral, and capping fuel supplies. North Korea had already rejected the Security Council resolution, vowing to press ahead with its nuclear and missile programs. A tougher initial U.S. draft of Monday s resolution was weakened to win the support of China, the North s lone major ally, and Russia. Significantly, it stopped short of imposing a full embargo on oil exports to North Korea, most of which come from China. The latest sanctions also make it illegal for foreign firms to form commercial joint ventures with North Korean entities. U.S. President Donald Trump has vowed that North Korea will never be allowed to threaten the United States with a nuclear-tipped missile, but has also asked China to do more to rein in its neighbor. China in turn favors an international response to the problem. Chinese Foreign Ministry spokeswoman Hua Chunying said the international community had reached a high consensus on trying to realize a peaceful solution. We urge the relevant directly involved parties to seize the opportunity and have the political nerve to make the correct political choice as soon as possible, Hua told a regular press briefing. The North accuses the United States, which has 28,500 troops in South Korea, of planning to invade and regularly threatens to destroy it and its Asian allies. The United States and South Korea are technically still at war with North Korea because the 1950-53 Korean conflict ended with a truce and not a peace treaty. (For a graphic on North Korea's missile and nuclear tests, click tmsnrt.rs/2vXbj0S) ",worldnews,"September 14, 2017 ",1 +Mexico accepts Israeli offer to help develop Central America,"MEXICO CITY (Reuters) - Mexico President Enrique Pena Nieto said on Thursday that his country had accepted Israel s offer to help it and the United States develop Central America, as Israel and Mexico seek to deepen business ties. Speaking at a news conference with Israeli Prime Minister Benjamin Netanyahu, Pena Nieto added that the two nations had agreed to update their free trade agreement, which was signed in 2000. We have agreed to establish and begin the ... negotiations to look over this agreement so that the commercial relationship between both nations intensifies and grows, he said. Netanyahu was joined by a business delegation including representatives from communications firm AudioCodes Ltd, cyber security firm Verint Systems Inc and Mer Group, which specializes in telecommunications and cyber security. In Central America, Pena Nieto said Israel s assistance could bolster the United States and Mexico s efforts in the region, particularly in Guatemala, El Salvador and Honduras. He noted that Israel brings experience from carrying out development projects in Africa. The United States and Mexico have been seeking to encourage investment in infrastructure improvements in Central America s so-called Northern Triangle in an effort to stem migration to the United States. Netanyahu s trip marked the first visit to Mexico by a sitting Israeli prime minister, Pena Nieto said. At the close of the news conference, Netanyahu invited Pena Nieto to Jerusalem. The relationship between the nations was strained earlier this year by a tweet in which Netanyahu appeared to praise U.S. President Donald Trump s plans to build a wall on the Mexican border. Israeli President Reuven Rivlin later issued a statement apologizing for any misunderstanding. ",worldnews,"September 14, 2017 ",1 +U.S. extends some Iran sanctions relief under nuclear deal,"WASHINGTON (Reuters) - The United States on Thursday extended some sanctions relief for Iran under the 2015 nuclear deal but said it has yet to decide whether to preserve the deal itself, the State Department said. President Donald Trump, who must make a decision by mid-October that could undermine the agreement, said Iran is violating the spirit of the 2015 deal under which Iran got sanctions relief in return for curbing its nuclear program. In a sign of Trump s desire to put pressure on Iran, which denies violating the deal, the U.S. Treasury announced new cyber-related and other sanctions on seven Iranian individuals, two Iranian entities and two Ukraine-based entities. We are not going to stand for what they are doing, Trump told reporters on Air Force One. But he stopped short of saying whether he will refuse to recertify the agreement. Trump must decide in October whether to certify that Iran is complying with the agreement, known as the Joint Comprehensive Plan of Action (JCPOA). If he does not, Congress has 60 days to decide whether to reimpose sanctions waived under the deal. The prospect of Washington reneging on the agreement has worried some of the key U.S. allies that helped negotiate the deal, especially as the world grapples with another nuclear crisis, North Korea s nuclear and ballistic missile development. Republican Senator Bob Corker, who chairs the Senate Foreign Relations Committee and wrote the law giving Congress the right to review the Iran deal, said he and the White House were preparing in case of a change in policy. He also said he recognized the need to work with allies. I think it s important that ... we take steps that, to the extent we can, we keep all of our allies together, Corker told Reuters. What you don t want to do is self-create a crisis for no reason. You want to make sure that you have an outcome here that is a good outcome for the United States and our interest. Asked if it made sense to abandon the Iran nuclear deal given concerns about North Korea, Corker said, I don t think you should prejudge what they re (the administration) going to do. Separately, U.S. Secretary of State Rex Tillerson argued that the United States must consider the full threat it says Iran poses to the Middle East when formulating its new policy toward Tehran, saying Iran had breached the spirit of the deal. We have to consider the totality of Iran s activities and not let our view be defined solely by the nuclear agreement, he told a news conference in London. Citing the preface to the 2015 agreement, Tillerson said in our view, Iran is clearly in default of these expectations. He cited Iranian support for Syrian President Bashar al-Assad, its development of ballistic missiles and cyber activities. The deal s preface does not oblige Iran to promote global peace. Rather, it says the nations involved anticipate that full implementation of this JCPOA will positively contribute to regional and international peace and security. State Department spokeswoman Heather Nauert told reporters the administration had approved waivers of some sanctions on Iran to maintain some flexibility as it develops its Iran policy. She did not specify which sanctions were waived. Earlier, sources said the United States will renew a waiver of the most punitive sanctions on Iran. Tucked into Section 1245 of the 2012 National Defense Authorization Act, Washington threatened to sanction the banks of Iran s main oil customers if they did not significantly cut their purchases of Iranian crude. Under the law, these sanctions can be waived for a maximum of 120 days, forcing the U.S. government to revisit the issue every four months. Even as the administration waived the oil-related sanctions, the Treasury Department announced it had sanctioned 11 entities and individuals for engaging in support of designated Iranian actors or malicious cyber-enabled activity. Of the 11, seven were Iranian individuals, two were Iranian entities and two were entities based in Ukraine. The Treasury alleged they either supported Iran s ballistic missile program or its Quds Force, or engaged in cyber attacks against the U.S. financial system. The action freezes any assets they may hold in the United States and generally prohibits U.S. individuals from doing business with them. ",worldnews,"September 14, 2017 ",1 +"Brazil prosecutors seek to extend Batista detention, source says","SAO PAULO (Reuters) - The Office of Brazil s Prosecutor-General Rodrigo Janot asked the Federal Supreme Court on Thursday to convert the temporary detention of billionaire beef tycoon Joesley Batista into preventative detention, a person with knowledge of the situation said. ",worldnews,"September 14, 2017 ",1 +"Myanmar faces 'defining moment', must stop the violence: U.S.","LONDON (Reuters) - Myanmar is facing a defining moment and must stop the violence against its ethnic minority Rohingya population, U.S. Secretary of State Rex Tillerson said on Thursday. Attacks by Rohingya militants on security posts last month triggered an army operation that has killed more than 400 people, destroyed over 6,800 houses and sent nearly 400,000 Rohingya Muslims fleeing to Bangladesh. On a visit to London where he met British Prime Minister Theresa May and foreign minister, Boris Johnson, he told a news conference: I think it is a defining moment in many ways for this new, emerging democracy. He said he understood that Myanmar s Aung San Suu Kyi, a Nobel prize laureate and de facto head of the government in Myanmar, was in a power-sharing agreement with the military and the complex situation in which she found herself. I think it is important that the global community speak out in support of what we all know the expectation is for the treatment of people regardless of their ethnicity, he added. This violence must stop, this persecution must stop. ",worldnews,"September 14, 2017 ",1 +U.S. citizen fighting for Islamic State surrenders in Syria: Pentagon,"WASHINGTON (Reuters) - An American citizen fighting for Islamic State in Syria surrendered to U.S-backed fighters earlier this week and has been handed over to U.S. forces, the Pentagon said on Thursday. The American surrendered to the Syrian Democratic Forces (SDF), a U.S.-backed alliance of mostly Arab and Kurdish fighters, on or around Sept. 12. The US citizen is being legally detained by Department of Defense personnel as a known enemy combatant, Pentagon spokesman Major Adrian Rankine-Galloway said in a statement. It is not the first time an American citizen fighting for the group has been detained by U.S. allies. In June, a Virginia man who traveled to Syria to become a suicide bomber for Islamic State was convicted of providing material support to the militant group. Mohamad Jamal Khweis, 27, spent about 2-1/2 months in early 2016 traveling with Islamic State fighters in Syria and Iraq and participating in the group s religious training. He was detained by Kurdish peshmerga forces in northern Iraq in March 2016 and turned over to U.S. authorities. ",worldnews,"September 14, 2017 ",1 +U.S. calls on China to use 'powerful tool' of oil to sway North Korea,"LONDON (Reuters) - U.S. Secretary of State Rex Tillerson said on Thursday he was hopeful that China would come to its own decision to decide to use the powerful tool of oil supplies to persuade North Korea to reconsider its current path . On a visit to London where he met British Prime Minister Theresa May and foreign minister, Boris Johnson, Tillerson said the United States had wanted to see a much stronger resolution from the United Nations which agreed a new round of sanctions on Monday. It s clear that with respect to oil, and a complete embargo on oil from the U.N. Security Council, that s going to be very difficult, he said. In effect, that is directed at China alone because China supplies essentially all of North Korea s oil, he told a joint news conference with Johnson. I am hopeful that China, as a great country, a world power, will decide on their own, will take it upon themselves to use that very powerful tool of oil supply to persuade North Korea to reconsider its current path toward weapons development, reconsider its approach to dialogue and negotiations in the future. ",worldnews,"September 14, 2017 ",1 +Irma creates bittersweet travel bonus for luckier Caribbean islands,"(Reuters) - On Friday, a cruise ship carrying around 3,000 passengers will dock at St. John s harbor in the Caribbean island of Antigua. It will not be where the passengers expected to land when they booked, however. The Carnival Plc ship was meant to dock in Saint Martin, 100 miles (160 km) to the northwest. However, Hurricane Irma devastated the island, wrecking its port and infrastructure, and leaving it out of bounds for tourists. Antiguan officials now expect the Carnival Fascination to visit every Friday, and have gotten about 25 calls from major cruise lines such as Royal Caribbean Cruises Ltd and Norwegian Cruise Lines looking to make stops through the end of the year. For Asot Michael, Antigua and Barbuda s minister for tourism, the unexpected arrival of thousands of tourists is a bittersweet bonus. We are going to be benefiting. I don t want to benefit from others misfortune after such a disaster, Michael said. But because the port is so damaged in Saint Martin, so damaged in Tortola in the British Virgin Islands, we re getting some of those cancellations. Those cruise lines now are making ports of call into Antigua. Hurricane Irma left behind a stark divide in the Caribbean ahead of the winter tourism season that is the region s economic lifeblood. As travel to the region picks up again, cruise lines, hotels, airlines and other companies are directing customers to places that are able to host them, and away from the worst-hit areas. Popular winter vacation spots such as Saint Martin, the British Virgin Islands and Saint Barthelemy that were devastated by the storm could be sidelined for weeks or months. In 2016, 29.3 million tourists visited the Caribbean and spent $35.5 billion, both new records, according to the Caribbean Tourism Organization. For Saint Martin and Saint Bart, the holiday season looks very compromised, said Jean-Pierre Mas, chairman of French travel agency federation SNAV. My sentiment is that the winter season is lost. Decisions to book for the winter season are taken right now. Busy tourist destinations in the western Caribbean, such as Barbados and Trinidad, were well away from the path of the storm. Cozumel, on Mexico s Gulf Coast, got four additional visits this week as ships were rerouted to avoid the storm s impact, although Cozumel tourism officials said three cruises were canceled. Florida, which was anticipating another record year for its $100 billion a year tourism industry, is expected to rebound in time for the peak winter travel months, Moody s Analytics said earlier this week. Walt Disney Co reopened its Orlando Disney World theme park on Sept. 12. The Florida Keys, however, wrestled with more severe storm damage. [nL2N1LR0N1] [nF9N1L0029] [nL2N1LS1HW] Some travel companies said they are still assessing the situation and had not made firm decisions about rerouting ships. Tour operator Virgin Holidays said that it was beginning to return to regular operations in Antigua, despite damage to some properties on the island. Antigua wasn t as badly damaged as we feared, and we have reopened tourism there, although three resorts are currently not on sale because of the damage, a spokesman for Virgin Atlantic said. Barbados, Trinidad and Tobago, St. Lucia are three big tourist examples that were not impacted. However, the small island of Saint Martin, which France shares with the Netherlands, could miss out on much of its tourism season. French President Emmanuel Macron on Wednesday vowed to swiftly rebuild the islands of the French Caribbean, including Saint Martin, and a French public reinsurance body estimated a cost of at least 1.2 billion euros ($1.4 billion) from the damage there and in Saint Barthelemy. [nL2N1LT1SF] [nL5N1LQ09G] Hurricane Irma badly damaged many hotels on the island, such as AccorHotels Mercure hotel. A spokeswoman for Accor said that while nobody had been hurt, the hotel would be closed until Jan. 8 at least. While 70 hotel rooms remain operational, they are being used to house military forces and other staff that are supporting the relief effort. AccorHotels is offering cancellation and reimbursement for those who had booked stays at the hotel. ",worldnews,"September 14, 2017 ",1 +Irma shakes Havana's deadly crumbling buildings,"HAVANA (Reuters) - Roydis Vald s dilapidated home on Animas Street in the densely packed center of Old Havana had been declared uninhabitable by Cuba s Communist authorities years ago, his neighbors said. After Hurricane Irma shook the Cuban capital - a crumbling architectural jewel of the Caribbean - Vald s and his brother were found under a collapsed wall, just two of the seven people killed by falling buildings on the island. Havana s historic center, where baroque Spanish colonial-era palaces butt shoulders with sleek Art Deco apartment buildings, was already crumbling before it took a lashing from Irma - a visible reminder of the hardship caused by a 57-year U.S. trade embargo. Residents fear the violent storm - the worst to hit the Cuban mainland since 1932 - will accelerate the city s decline. While the eye of the hurricane did not reach the capital, tropical-storm force winds and heavy rains of its outer bands, as well as a storm surge, wrought havoc on its decrepit buildings. Salty water from Irma s heavy rains that has seeped into the brick and mortar of the capital s buildings will worsen corrosion and likely cause a raft of new collapses, residents and architects warn. Now when the sun comes out, that s when things will really start to fall apart in Havana, said Berta Rodriguez, a 71-year-old pensioner who lives on Animas Street and knew Vald s and his brother well. We spent years asking the state to remove them from there, she said, crying. The state has to answer for this. Irma has shone an unwelcome spotlight on the Caribbean nation s housing problems at a tricky time for the government. Already dealing with a cash crunch in the wake of a steep decline in aid from its key ally, Venezuela, Cuba also faces a political transition as President Raul Castro steps down next year, symbolizing the passing of the baton from the generation that led the 1959 Revolution. Rodriguez, who evacuated to her son s sturdier home during the hurricane, says she has been asking the Communist authorities for a new home for more than 20 years, echoing the frustrations of many Havana residents. After the Revolution led by Raul Castro s elder brother Fidel, the Cuban state confiscated many of Havana s grand historic buildings and distributed them to poor and middle-class families who over the years have divided them into ever-smaller units. Maintaining those buildings in a punishing tropical climate, however, fell by the wayside as the Communist government prioritized universal healthcare and education, as well as building infrastructure in the impoverished countryside. With state salaries averaging $30 per month and credit hard to get, Cubans say they do not have the money to fix up buildings themselves. A builder told me I need to repair the walls that are full of holes, but I couldn t find the cash, said Rodriguez, who suffers from chronic bronchitis made worse by her badly leaking ceiling. About 4,400 cases of damage to housing were reported in the capital due to Irma, state-run media said on Thursday. Of those, authorities confirmed nearly 1,200 buildings were entirely or partially destroyed. The city is working on restoring damaged roofs and preparing two shelters for families left homeless, the newspaper Granma added. But this will solve only part of a far greater problem. The housing deficit in the nation of 11 million people rose last year by 30,000 to nearly 900,000 units, the government told parliament in July. In Havana, it estimated a shortage of more than 200,000 homes. The state had built 316,595 homes between 1990 and 2013, an effort that the president of the Construction Commission Santiago Lajes Choy told parliament was still insufficient. Litza Penalver, whose sister s family lives in the building on Animas street partially destroyed by Irma, said authorities want to get residents out now. They want to demolish it, to cover up their errors, she said. They want to oblige us to stay in a large shelter and wait (for a new house) but the wait can last 30 years - Cuba doesn t have the resources. Many Havana residents say they would prefer to stay in their decrepit homes, no matter how dangerous, rather than move to large shelters that offer no privacy. Still, with the rainy season ongoing, many worry that more hurricanes could hit before it ends in November. While Irma has exacerbated frustration with Cuba s housing problems, even dissidents say it is unlikely to fuel outright opposition to the government. There might be more spontaneous, isolated expressions of discontent, said Jose Daniel Ferrer, leader of the Patriotic Union of Cuba (UNPACU), one of the island s largest dissident groups. But not organized protests with clear political aims given the high level of repression at the moment. Rodriguez, Penalver and others on Animas Street said theirs was not a political problem and noted they were strong supporters of the Revolution that toppled right-wing dictator Fulgencio Batista in 1959 and subsequently provided free healthcare and education to ordinary Cubans. I love my country, said Penalver, adding she had a Spanish passport but chose to live in Cuba. I m not looking for political problems. I m looking for solution to the housing issue. ",worldnews,"September 14, 2017 ",1 +Hostile same-sex marriage vote spurs Australia to amend anti-hate law," (In this Sept. 13 story, corrects definition of intersex in paragraph 5.) SYDNEY (Reuters) - The alarming volume of hate-speech during Australia s ballot over whether to legalize same-sex marriage spurred parliament to pass emergency legislation on Wednesday to outlaw opponents spewing their vitriol while the vote was in progress. Australia began a non-compulsory postal vote on Tuesday that will determine whether it becomes the 25th country to legalize same-sex marriage. But with an emotionally charged campaign raising concerns about the welfare of vulnerable Australians, the government moved to strengthen laws preventing hate-speech. The opposition Labor Party supported the amendment, though it had rejected the need for a ballot on the issue. Until voting ends on November 7, anyone found guilty of intimidation, or threats to cause harm on the basis of the sexual orientation, gender identity, intersex status - people who are born with genetic, hormonal or physical sex characteristics that are not typically male or female - or the religious convictions of someone will be liable to fines of A$12,500 (over $10,000) and a court injunction. This bill cannot stop all of the hurt, all of the prejudice that is being expressed, all of the lack of acceptance that is being communicated to LGBTI Australians, to same-sex couple families. But it provides limited protections, said Penny Wong, leader of the opposition in the senate. ",worldnews,"September 13, 2017 ",1 +U.S. must consider broader Iran threats when formulating new strategy: Tillerson,"LONDON (Reuters) - The United States must consider the full threat it says Iran poses to the Middle East when formulating its new policy toward Tehran, U.S. Secretary of State Rex Tillerson said on Thursday, adding that Iran had breached the spirit of a 2015 nuclear deal. Tillerson, made the comments during a visit to Britain to see Prime Minister Theresa May and foreign minister Boris Johnson. The trip was billed as focusing on the relief effort after Hurricane Irma, how to respond to North Korea s nuclear test, and resolving the political deadlock in Libya. But he was outspoken in his criticism of Iran when asked whether he believed it was meeting the obligations of a 2015 international nuclear agreement designed to curb an Iranian nuclear program in return for lifting most Western sanctions. Tillerson cited the preface of the nuclear deal, which calls on Iran to contribute positively to regional security. In our view, Iran is clearly in default of these expectations ... through their actions to prop up the Assad regime (in Syria), to engage in malicious activities in the region, including cyber activities, aggressively developing ballistic missiles, he told a news conference. We have to consider the totality of Iran s activities and not let our view be defined solely by the nuclear agreement. He was speaking before the United States announced it had imposed sanctions on seven Iranian individuals and two entities, alleging involvement in either malicious cyber activities or enabling Tehran s ballistic missile program. U.S. President Donald Trump has previously expressed doubts about the nuclear deal, and in April his administration said it would review whether the lifting of sanctions against Iran was in the United States national security interest. Trump is weighing a strategy that could allow more aggressive U.S. responses to Iran s forces, its Shi ite Muslim proxies in Iraq and Syria, and its support for militant groups. Earlier on Thursday, a North Korean state agency threatened to reduce the United States to ashes and darkness for supporting a U.N. Security Council resolution and sanctions over its latest nuclear test. Tillerson said he was hopeful that China would decide to use the powerful tool of oil supplies to put pressure on Pyongyang, but conceded that it would be difficult to agree an oil embargo through the United Nations Security Council. North Korea carried out its sixth and largest nuclear test earlier this month. I am hopeful that China, as a great country, a world power, will decide on their own, will take it upon themselves to use that very powerful tool of oil supply to persuade North Korea to reconsider its current path towards weapons development, reconsider its approach to dialogue and negotiations in the future, he said. Commenting on violence in Myanmar against the minority Rohingya population, Tillerson said the country faced a defining moment. I think it is important that the global community speak out in support of what we all know the expectation is for the treatment of people regardless of their ethnicity, he added. This violence must stop, this persecution must stop. He said he understood that Myanmar s Aung San Suu Kyi, a Nobel prize laureate and de facto head of the government in Myanmar, was in a power-sharing agreement with the military and it was a complex situation in which she found herself. (Corrects seventh paragraph to say ballistic missile program, not nuclear program.) ",worldnews,"September 14, 2017 ",1 +Yemen's Houthi leader says could target Saudi oil tankers if Hodeidah attacked,"DUBAI (Reuters) - Yemen s Houthi leader Abdel-Malek al-Houthi said on Thursday his group could target Saudi oil tankers should Saudi Arabia attack Yemen s main port at Hodeidah. We could target Saudi oil tankers and we could do anything, he said. In a televised speech, the leader also said his group s ballistic missiles were capable of reaching the United Arab Emirates capital of Abu Dhabi and anywhere inside Saudi Arabia. It was unclear whether the Houthi group has the capability to carry out its threats. Abdel Malek said the Houthis had successfully fired a missile at Abu Dhabi earlier this month, meaning the United Arab Emirates was no longer safe from attack. He gave no further details and there has been no indication by the UAE of any missiles landing on their territory. UAE Minister of State for Foreign Affairs Anwar Gargash said on Twitter his country was not intimidated by Houthi threats. The Houthis comments threatening the UAE and its capital are tangible proof of the need for the Decisive Storm (operation), Gargash said, referring to the Saudi-led coalition intervening in Yemen. Iran s militias have vile objectives and represent a real threat, he added. Yemen has been devastated by more than two years of civil war in which President Abd Rabu Hadi s government, backed by the coalition, is fighting to drive the Iran-allied Houthis out of cities they seized in 2014 and 2015 in a rapid rise to national power. Today the port of Hodeidah is being threatened and we cannot turn a blind eye to that, Abdel-Malek said. If the Saudi regime and with a green light from the U.S. attack Hodeidah then we have to take steps that we haven t taken before. The United Nations had proposed that the Red Sea port of Hodeidah, where 80 percent of food imports arrive, should be handed to a neutral party, to smooth the flow of humanitarian relief and prevent the port being engulfed by Yemen s two-year-old war. The government of President Abd-Rabbu Mansour Hadi accuses the Houthis of using the port to smuggle in weapons and of collecting custom duties on goods, which they use to finance the war. The Houthis deny this. ",worldnews,"September 14, 2017 ",1 +Kremlin accuses West of 'whipping up hysteria' over Russian war games,"MOSCOW (Reuters) - Russia accused the West on Thursday of whipping up hysteria over large-scale military exercises underway in eastern Europe and denied charges that they were being conducted with a lack of transparency. The exercises, codenamed ""Zapad"", or ""West"", started on Thursday and will last until Sept. 20. They are being conducted on military ranges in Belarus, western Russia, Russia's exclave of Kaliningrad and in the Baltic Sea. (For graphic, click tmsnrt.rs/2iIkjEU) We reject complaints of these exercises not being transparent, Kremlin spokesman Dmitry Peskov told a conference call with reporters. We believe that whipping up hysteria around these exercises is a provocation. It is a normal practice for any country to hold such exercises. Everything is being held in line with international law, Peskov said. Russian President Vladimir Putin may visit one of the stages of these drills, he said. NATO is closely watching the exercises and says they are larger than the 12,700 servicemen Moscow has publicized, actually numbering some 100,000 troops, and involve firing nuclear-capable ballistic missiles. Russia s defense ministry reiterated on Thursday that the exercises are of a purely defensive nature and are not a threat to any third country or group of countries. But NATO officials say the drills will simulate a conflict with the U.S.-led alliance intended to show Russia s ability to mass large numbers of troops at short notice in the event of a conflict. In a statement, the Pentagon said that while Russia and Belarus had taken some steps towards providing transparency, there were concerns about the official estimate of troop numbers. We urge Russia to share information regarding its exercises and operations in NATO s vicinity to clearly convey its intentions and minimize any misunderstandings, Lieutenant Colonel Michelle Baldanza, a Pentagon spokeswoman, said in a statement. In response to this uncertainty, the U.S. has built a joint, persistent rotational presence of air, land, and sea presence in the region to support our Allies, she added. Amid allegations about Moscow s aggressive ambitions from its post-communist neighbors, Russia s defense ministry has said that it does not intend to use the drills as a springboard to attack Lithuania, Poland or Ukraine. Moscow says it is the West that threatens stability in eastern Europe, because NATO has put a 4,000-strong multinational force in the Baltics and Poland. Russia s defense ministry said the current drills involve some 7,200 troops from Belarus and 5,500 from Russia, up to 70 aircraft and helicopters, up to 680 units of military hardware, including 250 tanks, up to 200 artillery pieces, multiple rocket launchers and mortars, and up to 10 warships. ",worldnews,"September 14, 2017 ",1 +Head of Russian general staff reassures NATO over war games: RIA,"MOSCOW (Reuters) - General Valery Gerasimov, the chief of Russia s general staff, told Curtis Scaparrotti, a U.S general who is NATO Supreme Allied Commander in Europe, that Moscow s latest military exercise was purely defensive, the RIA news agency reported. RIA said that Gerasimov was referring to the exercise, codenamed Zapad , or West , which began on Thursday and will last until Sept. 20. It is being conducted on military ranges in Belarus, western Russia, Russia s exclave of Kaliningrad and in the Baltic Sea. NATO is closely watching the exercises and says they are larger than the 12,700 servicemen Moscow has publicized, actually numbering some 100,000 troops, and involve firing nuclear-capable ballistic missiles. ",worldnews,"September 14, 2017 ",1 +Toll of U.S. staff hurt in mysterious Cuba incidents now 21: official,"WASHINGTON (Reuters) - U.S. officials are aggressively investigating what caused symptoms ranging from hearing loss to mild brain injury in 21 people linked to the U.S. Embassy in Cuba, a State Department official said on Thursday. Spokeswoman Heather Nauert told a briefing that no new incidents had been reported since late August but testing continued, with 21 people saying they had been injured in what some media accounts have called an acoustic attack. We are, at the State Department, very deeply concerned about what has taken place and what has happened to our American personnel who have been serving at our embassy in Cuba, Nauert said. This has certainly turned out to be a difficult situation for some of our people. The incidents, which began in late 2016, were first confirmed by a U.S. official in August. Nauert said at that time 16 people had been injured. Some of those had returned home for testing and treatment, Nauert said, while others had been tested in Cuba, where the embassy has a fulltime medical officer. News media have reported that Americans and Canadians working in Cuba have been diagnosed with hearing loss, nausea, headaches, balance disorders and conditions as serious as mild traumatic brain injury and damage to the central nervous system. The investigation into all of this is still underway. It is an aggressive investigation that continues and we will continue doing this until we find out who or what is responsible for this, Nauert said. She said U.S. diplomatic security personnel had been able to look through the rooms of some of those injured and conducted searches but still had not determined the cause of the injuries. Nauert said people were still being tested and it was possible the number of injured personnel would rise. ",worldnews,"September 14, 2017 ",1 +"Fearing Russia, Sweden holds biggest war games in 20 years","GOTHENBURG, Sweden (Reuters) - Neutral Sweden has launched its biggest war games in two decades with support from NATO countries, drilling 19,000 troops after years of spending cuts that have left the country fearful of Russia s growing military strength. On the eve of Russia s biggest maneuvers since 2013, which NATO says will be greater than the 13,000 troops Moscow says are involved, Sweden will simulate an attack from the east on the Baltic island of Gotland, near the Swedish mainland. The security situation has taken a turn for the worse, Micael Byden, the commander of the Swedish Armed Forces, said during a presentation of the three-week-long exercise. Sweden, like the Baltics, Poland and much of the West, has been deeply troubled by Russia s 2014 annexation of Ukraine s Black Sea peninsula Crimea and its support for rebels in eastern Ukraine. Russia is the country that affects security in Europe right now with its actions - the annexation of the Crimea and continued battles in eastern Ukraine - so it is clear that we are watching very closely what Russia is doing, Byden said. Around 1,500 troops from the United States, France, Norway and other NATO allies are taking part in the exercise dubbed Aurora. Non-NATO member Sweden has decided to beef up its military after having let spending drop from over 2 percent of economic output in the early 1990s to around 1 percent, and is re-introducing conscription. The armed forces, which at one point could mobilise more than 600,000, stand at just 20,000, with 22,000 more Home Guard volunteers. NATO generals say the Aurora exercise is not a response to Russian exercises that start on Thursday. But Byden, speaking as U.S. and French forces displayed mobile surface-to-air missile systems to be deployed during the exercise, stressed the importance of NATO for Sweden. We are a sovereign country that takes care of and is responsible for our safety. We do this together with others, ready to both support and receive help, he said. The United States shipped vehicles by sea from Germany, while France brought others by train. They are to be moved via a classified route to Sweden s east coast for the exercise where U.S. attack helicopters will play the enemy during Aurora. The government is determined to stick to the country s formal neutrality. Sweden has not fought a war since it clashed with Norway in 1814. But like its non-NATO neighbor Finland, Sweden has been drawing closer to NATO, allowing closer cooperation with alliance troops, with a view to working together in the event of an armed conflict. ",worldnews,"September 13, 2017 ",1 +"Trump says he will visit Japan, South Korea, China in November","ABOARD AIR FORCE ONE (Reuters) - U.S. President Donald Trump said on Thursday that he would visit Japan, South Korea and China in November, a trip he added would possibly include Vietnam for the Asia-Pacific Economic Cooperation (APEC) conference. Trump, who has been focused on working with China to try to curb North Korea s nuclear program, noted he had been invited to the U.S-ASEAN summit in the Philippines, but he was not definitive about his attendance. We ll probably all be going over (to Asia) in a group in November. And we ll be doing Japan, South Korea, possibly Vietnam with the conference, Trump said. When asked about the ASEAN summit in the Philippines, Trump acknowledged he had been invited, but said: We re going to see. U.S. Vice President Mike Pence announced in April during a visit to Jakarta that Trump would attend the summits in the Philippines and Vietnam. ",worldnews,"September 14, 2017 ",1 +Trump to meet Latin American leaders with eye on Venezuela,"BRASILIA (Reuters) - U.S. President Donald Trump has invited three Latin American leaders to dine with him next week in New York as he seeks to address the Venezuela crisis and build bridges with the region after an acrimonious start with neighbor Mexico. The political and economic turmoil in Venezuela, source of 10 percent of the oil consumed by the United States, will almost certainly top the agenda when he receives the center-right presidents of Peru, Colombia and Brazil at Trump Tower on Monday evening, diplomats said. Trump needs to show that he has good friends in the region who share a positive agenda with the United States, but I am not sure he will get what he wants, said a Brazilian diplomat, who asked not to be named to be able to speak freely on the matter. White House officials confirmed Trump will dine with several Latin Americans leaders on Monday night with Venezuela expected to be the main topic of conversation. Cuba will also be discussed, one of the officials said. The dinner will take place on the eve of the opening of the U.N. General Assembly in New York. Mexico s President Enrique Pena Nieto, who will leave office after elections next year, has decided not to attend. Trump has annoyed Mexico, his country s main trading partner in Latin America, by accusing it of stealing U.S. jobs, threatening to pull out of the North American Free Trade Agreement and insisting it pays for a border wall he plans to build to keep out illegal immigrants. Trump has no major initiatives under way with other Latin American countries. In fact, two of his three guests on Monday - Colombia and Peru - are members of the Trans-Pacific Partnership which the United States withdrew from shortly after he took office. On Wednesday, Trump upset Colombia, the South American nation with the closest ties to Washington, by threatening to blacklist it for failing to stop a surge in cocaine production, most of which ends up sold on the streets of U.S. cities. The two countries have long been close allies in the fight against illegal narcotics but in recent years broadened the focus of their relationship to include trade and Colombia s peace process with leftist guerrillas. Colombian President Juan Manuel Santos government rejected the criticism of his country s anti-drug record on Thursday. Shared concern over how to deal with Venezuela, where at least 125 people were killed in four months of demonstrations against the Socialist government, will dominate Monday s dinner, according to Latin America expert Michael Shifter. Trump and his team are very worried about Venezuela and they want to consult with Venezuela s neighbors Colombia and Brazil, and Peru s President Pedro Pablo Kuczynski, who has taken a leading role on the Venezuelan issue in the region, said Shifter, president of the Inter-American Dialogue, a Washington-based policy group. Thousands of Venezuelans have spilled over the border into Colombia and Brazil, fleeing the once-prosperous oil-producing nation that opponents of President Nicholas Maduro say has become a dictatorship. While the Latin American leaders due to meet with Trump have stepped up pressure on Maduro to free political prisoners and hold general elections, they are unlikely to agree to the tougher unilateral economic sanctions that the U.S. president favors. Colombia and Brazil prefer a negotiated solution to the crisis and not economic sanctions that will hurt the Venezuelan people more than the government, the Brazilian diplomat said. Meetings due this week in the Dominican Republic between the Venezuelan government and the opposition could be a start in solving the crisis, as long as Maduro is not just out to win time, the diplomat said. The opposition, however, says it has so far only agreed to send a delegation to discuss with Dominican President Danilo Medina the conditions under which talks could begin. Peru has not objected to the financial sanctions imposed by the Trump administration on the Maduro government, Shifter said. But if the U.S. ratchets up sanctions, like cutting off oil imports, and takes a more interventionist position on Venezuela, that could distance the United States from its Latin American neighbors, he said. ",worldnews,"September 14, 2017 ",1 +Bulgarian court sentences three Syrians on terrorism charges,"SOFIA (Reuters) - A Bulgarian court on Thursday sentenced three Syrians to six years in jail on terrorism charges. The Speciliased Criminal Court convicted the three men for entering the Balkan country aiming to carry out terrorist actions abroad, but acquitted them from charges of being members of Islamic State and Muslim Brotherhood. The three men, aged 20, 22 and 25, were arrested last February while trying to enter Turkey from Bulgaria and accused of attempting to join Islamic State in Syria. They have been in custody since then. The three men, who had obtained refugee status in Germany, denied any wrongdoing. Their lawyers said they will appeal the sentence. ",worldnews,"September 14, 2017 ",1 +Turkey feels betrayed over EU accession but still wants to join the club,"LONDON (Reuters) - Turkey feels betrayed by some European Union leaders who have called for the end of accession talks but still hopes eventually to join the bloc, Turkish EU Minister Omer Celik said on Thursday. The European Union has become increasingly critical of Turkey s membership drive since President Tayyip Erdogan launched a crackdown on critics - including journalists and academics - after a failed 2016 coup. Erdogan accused Berlin of Nazi-like tactics in March when it prevented Turkish ministers speaking at expatriate rallies in Germany. Chancellor Angela Merkel said in an election debate ten days ago it was clear Turkey should not join the EU and entry talks should end, despite it being a crucial NATO ally. Celik chided European Union leaders over statements on Turkish accession and said some, such as Merkel, were using the criticism to deflect attention away from the EU s internal problems such as Brexit, migration and reform. They put all those aside and they stoke antagonism towards Turkey in order to cover up their vital internal problems, Celik told Reuters in an interview. We are indeed disappointed by Merkel and some others in the EU: at one of the hardest times in our history we were left alone by our friends and allies, he said through a translator. When asked if Turkey felt betrayed, he said: Yes . The abortive coup, in which more than 260 people were killed as mutinous soldiers commandeered fighter jets, helicopters and tanks in a bid to seize power, has deepened a rift between Ankara and its Western allies. Turkish officials said some Western allies were far too slow in showing solidarity with Erdogan after the coup which they cast as a well-planned attempt to subvert Turkish democracy. Since then, some 50,000 people including journalists, opposition figures, civil servants and others have been detained. The crackdown has alarmed rights groups and some of Turkey s Western allies. Celik said that EU leaders such as Merkel had failed to keep their promises to Turkey on its EU bid which began in 1987 with an application to join what was then the European Economic Community. Turkey s accession negotiations began in 2005. The EU has failed to keep all of its promises whereas Turkey has delivered on all of the promises it made, Celik said. Jean-Claude Juncker, president of the European Commission, said on Wednesday he saw no prospect of Turkey joining the EU in the foreseeable future . What has Mr Junker done, what giant strides has he made, to find solutions to bring the EU and Turkey closer? That is my question for Mr Juncker, Celik said. If Germany keeps giving orders to the EU institutions such as cutting negotiations with Turkey then it will strengthen the hand of racist groups in Europe, he said. Formally ending Turkey s accession negotiations would require unanimity among EU states, which is lacking, though majority backing is enough to suspend them. Celik suggested that a leaders summit of the EU and Turkey be called to improve relations. Turkey has not given up on its target to be a full member of the EU: We are eager and willing to find solutions to move forward, he said. EU leaders will discuss Turkey at a summit in Brussels in October, though any formal decision on its future may not come before next spring. Celik dismissed concerns that Turkey s purchase of an S-400 air missile defense system from Russia indicated the NATO member could be turning away from the West. It is obvious on which side Turkey really is, he said. Turkey has made immense contributions to security and prosperity in Europe. When it comes to Turkey being an integral part of NATO and Turkey having friendly relations with Russia, it is not an either or : they don t exclude each other and are complementary to each other. ",worldnews,"September 14, 2017 ",1 +Trump says Iran is violating 'spirit' of Iran nuclear deal,"WASHINGTON (Reuters) - U.S. President Donald Trump said on Thursday that Iran is violating the spirit of the Iran nuclear deal, but stopped short of saying whether he will refuse to recertify the agreement. Talking to reporters aboard Air Force One as he flew to Washington after a visit to storm-hit Florida, Trump called the Iran deal negotiated by former President Barack Obama, one of the worst deals I have ever seen. Saying that Iran is violating the spirit of the agreement, Trump said, We are not going to stand for what they are doing. ",worldnews,"September 14, 2017 ",1 +Italy's Northern League criticizes magistrates after bank accounts frozen,"ROME (Reuters) - The leader of one of Italy s biggest political parties, the Northern League, criticized magistrates on Thursday after the Genoa court froze several of the bloc s bank accounts. Matteo Salvini, speaking to reporters at the lower house of parliament, said five of the party s bank accounts were frozen on Thursday, following a July conviction of party founder Umberto Bossi and others of illegal use of party funds. The court in Genoa in northern Italy has accepted a request by prosecutors in the fraud case to preventively freeze the accounts, a source close to the matter told Reuters. The magistrates are trying to outlaw a political party, Salvini said. They re trying to stop the advance of the League, which has reached a historic high. Salvini said he would meet with the party s lawyers on Friday to discuss how to fight the seizure. Bossi is no longer in frontline politics, but he remains an influential figure in the party. In July, the Genoa court said Bossi had used party funds to pay for family expenses. The ruling is being appealed and is not definitive. The League would win 15 percent of the vote if an election were held now, recent polls show, which is about three times higher than it faired in the 2014 European elections. That would make it the country s third most-popular party, and a national vote is due early next year. As hundreds of thousands of boat migrants have arrived in Italy in the past three years, the opposition Northern League has attacked the government s and the European Union s handling of the immigration crisis. At the same time, Salvini has tried to broaden the appeal of the party, which was founded to protest Rome s funneling of taxpayer money to the under-developed south. ",worldnews,"September 14, 2017 ",1 +France calls for rapid resolution in case of journalist arrested in Turkey,"ANKARA (Reuters) - France s foreign minister called on Thursday for a rapid resolution in the case of a French journalist seized by Turkish security forces on the Iraqi border last month, so that he can return to his family. Loup Bureau was held by Turkish border guards on the frontier with Iraq in early August after he was found to have photographs and interviews with Kurdish militia fighters among his possessions. We have asked for a swift trial so that our citizen can return to France and rejoin his family, Jean-Yves Le Drian told a news conference with his Turkish counterpart Mevlut Cavusoglu in the Turkish capital. We have also asked for Loup Bureau s family to be granted access to visit him and you (Cavusoglu) have confirmed this to me and we have asked for an improvement in his prison conditions, Le Drian said. Last month, French President Emmanuel Macron expressed his concerns about Bureau s detention in a telephone call with Turkish President Tayyip Erdogan. Turkey considers the Kurdish YPG militia, with which Bureau is accused of having links, to be an extension of the Kurdistan Workers Party (PKK) militant group. The PKK has fought a three-decade insurgency in southeast Turkey and is designated a terrorist organization by Ankara, the United States and European Union. ",worldnews,"September 14, 2017 ",1 +Brazilian police raid home of farm minister in graft probe,"BRASILIA/SAO PAULO (Reuters) - Brazilian police raided the home of Agriculture Minister Blairo Maggi on Thursday in a corruption investigation linked to his time as a state governor, adding to the graft scandals rocking President Michel Temer s government. Last month the Supreme Court opened a bribery probe into Maggi s role in a scheme known as mensalinho, a payment of a monthly stipend to lawmakers in exchange for political support in his home state of Mato Grosso. He served two terms as governor there between 2003 and 2010. According to a person with direct knowledge of the matter, the raid was linked to a plea deal by former Mato Grosso state governor Silval Barbosa, who accuses Maggi of participating in the corruption scheme. Barbosa was Maggi s vice-governor, replacing him in the top job in 2010 when Maggi resigned to run for a seat in Brazil s Senate. Barbosa was subsequently elected to a four-year term that ended in 2014. Maggi denied any wrongdoing, claiming in a statement that Barbosa lied in his plea bargain testimony. I never authorized any illegal actions while in office nor have I obstructed justice, Maggi said. Maggi is a billionaire who was once Brazil s largest soybean producer. His family firm Amaggi SA runs large farms in Mato Grosso and operates a commodity trading business that competes in Brazil with global firms like Archer Daniels Midland Co, Cargill Inc and Bunge Ltd. Mato Grosso, where federal police said they served search warrants in nine cities, is a major producer of grains and cattle. Raids were also conducted in S o Paulo and Bras lia, the police said in a statement. The probe marks the latest blow to Temer s administration, whose economic reform agenda has been repeatedly thwarted by graft investigations that have targeted top officials, including the president. Temer has denied any wrongdoing. ",worldnews,"September 14, 2017 ",1 +"Germany should be proud of its WW2 soldiers, far-right candidate says","BERLIN (Reuters) - Germans should be proud of what their soldiers achieved during World War One and Two, the top candidate of the far-right Alternative for Germany (AfD) said ahead of the Sept. 24 election at which his party his expected to enter parliament. The anti-immigrant AfD is on up to 12 percent in opinion polls, meaning it could become the third biggest party in Germany s lower house behind Chancellor Angela Merkel s conservatives and the Social Democrats (SPD). If I look around Europe, no other people has dealt as clearly with their past wrongs as the Germans, 76-year-old Alexander Gauland said in a speech to supporters on Sept. 2 that has since been posted on YouTube. The Nazis ruled Germany from 1933 to 1945, during which time they killed 6 million Jews in the Holocaust. People no longer need to reproach us with these 12 years - they don t relate to our identity nowadays, Gauland said, referring to the Nazi era. He said the battle of Verdun during World War One belonged to German history, as did Erwin Rommel, the World War Two field marshal celebrated as the Desert Fox , and army officer Claus von Stauffenberg, who led an unsuccessful attempt to assassinate Hitler in July 1944 with a bomb hidden in a briefcase. Gauland said Germany needed to reclaim its history. If the French are rightly proud of their emperor and the Britons of Nelson and Churchill, we have the right to be proud of the achievements of the German soldiers in two world wars, Gauland said. The AfD did not immediately respond to a request for comment. In January, Bjoern Hoecke, the AfD s chief in the eastern state of Thuringia, provoked outrage for describing the Holocaust Memorial in Berlin as a monument of shame and for demanding a 180 degree turnaround in the way Germany seeks to atone for Nazi crimes. ",worldnews,"September 14, 2017 ",1 +U.S. will stand be steadfast ally to Britain as Brexit takes shape: Tillerson,"LONDON (Reuters) - The United States will stand by Britain as it exits the European Union, U.S. Secretary of State Rex Tillerson said on Thursday after a meeting with British foreign minister Boris Johnson in London. While Brexit does present unique challenges to the British people, please know that you have a steadfast ally in the United States, Tillerson said at a news conference. We will stand by our ally as Brexit continues to take shape. We look forward to continuing this long relationship. ",worldnews,"September 14, 2017 ",1 +"U.S. sanctions seven Iranian individuals, two entities","WASHINGTON (Reuters) - The United States on Thursday slapped sanctions on seven Iranian individuals and two entities, alleging involvement in either malicious cyber activities or enabling Tehran s ballistic missile program. The action, announced on the U.S. Treasury Department s website, freezes any assets they may hold in the United States and prohibits U.S. individuals from doing business with them. (Corrects first paragraph to say ballistic missile program, not nuclear program.) ",worldnews,"September 14, 2017 ",1 +Turkish police fire tear gas at protesters outside hunger strikers' trial,"ANKARA (Reuters) - Turkish police fired tear gas to disperse protesters outside a courthouse in Ankara on Thursday at the start of the trial of two teachers who have been on hunger strike since losing their jobs in a crackdown following last year s failed coup. Literature professor Nuriye Gulmen and primary school teacher Semih Ozakca have been surviving on liquids and supplements for six months, and doctors have described their condition as dangerously weak. They were detained in May over alleged links to the militant leftist DHKP-C group, deemed a terrorist organization by Turkey, and the court on Thursday ruled that they be remanded in custody until the next session in two weeks. Neither they nor their original lawyers were in court. The gendarmerie said the defendants might try to escape from the courtroom, despite their weakened state, and arrest warrants were issued this week for 18 of their lawyers. Police attempted to break up the protests using tear gas, and riot police were present inside and outside the building. At least 20 protesters were detained, being dragged along the ground in the process. The first obstacle before a fair trial was the detention of their lawyers, which also served as a veiled intimidation attempt at the judges trying them. Now they are not brought to court, in an open breach of their right to defend, said Baris Yarkadas, a lawmaker from the main opposition Republican People s Party (CHP). At least a hundred lawyers were present at the courthouse to defend the teachers, along with CHP parliamentarians and the pro-Kurdish opposition Peoples Democratic Party (HDP). The court refused the applications of 1,030 lawyers who wanted to represent the teachers, saying it would limit the defense s representation to three lawyers for the duration of the trial. The trial s second hearing will be held in Ankara on Sept. 28. The teachers have said their hunger strike aimed to draw attention to the plight of roughly 150,000 people suspended or sacked since last July s failed coup, which President Tayyip Erdogan blames on followers of U.S.-based Muslim cleric Fethullah Gulen. Gulen denies any involvement. Last month, the European Court of Human Rights rejected a request by the two teachers to order Ankara to release them on health grounds. Since the failed coup attempt, some 50,000 people including journalists, opposition figures, civil servants and others have been detained in the crackdown. Rights groups and Turkey s Western allies accuse the government of using the coup as a pretext to muzzle dissent. Ankara says the purges are necessary due to the gravity of the threats it faces. ",worldnews,"September 14, 2017 ",1 +"France to make armed street patrols more random, nimble","PARIS (Reuters) - France will make the armed soldiers patrolling its streets against jihadi attacks more mobile and their deployment less predictable but will not cut their numbers, ministers said on Thursday. Some 10,000 soldiers, including 3,000 reservists, have been patrolling the streets of Paris and other French cities since the Islamic State attacks in early 2015 in what is known as Operation Sentinelle . But although opinion polls show people are reassured by soldiers on show at home, military chiefs said the operation has overstretched the army, soldiers have become targets for militants and some critics see it as no more than a PR exercise. There is no change in the size of the Sentinelle force, Defence Minister Florence Parly said in a news conference. What is changing, is the way we will organize these troops. We have to become more unpredictable, she said. Soldiers will continue to patrol the most sensitive sites such as airports, stations and areas popular with tourists, and will intervene during specific sport or cultural events. But other patrols will become more random and reactive, ministers said. Making the soldiers less static will reduce the risks of them becoming targets and improve troops morale, Interior Minister Gerard Collomb said. In February last year, a French soldier who was part of Operation Sentinelle shot an Egyptian man armed with machetes who attacked him near the entrance to the Louvre museum shouting Allahu Akbar. ",worldnews,"September 14, 2017 ",1 +No country for migrant stowaways caught on ferry between Ukraine and Turkey,"COPENHAGEN (Reuters) - Twelve migrants, apparently from North Africa, have been sailing to and fro on a Danish passenger ferry between Istanbul and Odessa for the last seven weeks locked in four cabins, with no country willing to take them. According to the Danish DFDS ferry operator, Turkey and Ukraine both refuse to accept the men, who have been violent and threatening suicide. There has been a tendency to violence and aggressions and they have threatened to jump overboard... so there is no alternative to locking them inside the cabins, a DFDS spokesman told Reuters on Thursday. DFDS has hired Turkish guards and invited authorities from the United Nations aboard to question the men of which they believe at least six are Moroccans and four Algerian. The origin of the remaining two is still unknown. The Danish Foreign Ministry has opened negotiations with Turkey, Ukraine and, since the ferry is sailing under the Lithuanian flag, with Vilnius. The problem can be solved. All it takes is a quick decision from Ankara or Kiev, a source in the Danish Foreign Ministry with knowledge of the negotiations told Reuters. A spokesman for the Ukrainian border service said the men wanted to go from Turkey to Romania but got on the wrong ferry and ended up in Ukraine, where they cannot be taken in because they do not have documents. The problem is that Turkey doesn t want to take them, but Turkey should take them because they sailed from Turkey, he said, adding that in accordance with the bilateral agreement, the country that delivered these people should take them back. That s why they ve been cruising about on that ferry, he said. A Turkish foreign ministry official said the case was being followed with all related institutions . DFDS suspected that the young men, in spite of various security measures, boarded by hiding in a trailer that was loaded onto the ferry. According to the ferry operator, the best solution would be if Ukraine or Turkey agreed to take the migrants, or to get final confirmation as to where the men are from, so they can be sent back to these countries. It is completely unsound that we should handle thi, DFDS said. This is a situation the border controls should handle, not a transportation company. ",worldnews,"September 14, 2017 ",1 +Support for German SPD slumps to lowest this year: poll,"BERLIN (Reuters) - Support for Germany s center-left Social Democrats (SPD) has slumped to its lowest level this year just 10 days before an election in which conservative Chancellor Angela Merkel looks set win a fourth term, a poll showed on Thursday. The weekly survey, conducted by Infratest dimap for ARD television, showed support for Merkel s CDU/CSU bloc unchanged at 37 percent, with the SPD dipping one percentage point to 20 percent. That was the SPD s lowest level since January, when it also scored 20 percent. The party has not polled a lower level in the Infratest dimap survey. The anti-immigration, euro-hostile Alternative for Germany (AfD) came in at 12 percent, up one point, making it the third-strongest political force. The business-friendly Free Democrats (FDP) followed with 9.5 percent. The radical Left party scored 9 percent, and the environmentalist Greens were on 7.5 percent. ",worldnews,"September 14, 2017 ",1 +Lawyer assisting in murdered Italian student investigation detained in Egypt,"CAIRO (Reuters) - An Egyptian lawyer who is helping investigate the case of murdered Italian student Giulio Regeni was prevented from flying to a U.N. conference and detained by a special prosecutor, his supporters and a security source said. Ibrahim Metwaly, who founded the Association of the Families of the Disappeared after his son disappeared in suspicious circumstances four years ago, himself went missing while heading for his flight to Geneva on Sunday. Members of his group said he was taken from Cairo airport by airport security and he was not heard from until Wednesday when a state security prosecutor ordered him detained for 15 days on charges of joining a group founded illegally , judicial sources said. There was no comment from the Interior Ministry. A security source said Metwaly was legally arrested and not subjected to any violations. Rights activists say Egyptian security forces resort to kidnapping government opponents and keeping them in secret jails where they can spend weeks, months, or years without charge. The authorities deny the accusation. Italian graduate student Giulio Regeni, who was conducting research on Egyptian trade unions, disappeared in Cairo on Jan. 25 last year. His body was discovered in a ditch on the outskirts of the Egyptian capital on Feb. 3, showing signs of extensive torture. Metwaly has been assisting lawyers working on the Regeni case as an expert on enforced disappearances, according to one of the lawyers. I have no doubts Ibrahim s arrest was in connection to the Regeni case and his upcoming trip, a source at the Egyptian Commission for Rights and Freedoms (ECRF), a Cairo-based NGO, told Reuters. ECRF lawyers are providing legal representation for the Regeni family in Egypt. Metwaly s son Abdelmoniem Metwaly said his father was now in a Cairo jail and that he was also charged with conducting espionage on behalf of a foreign entity , something he said referred to the U.N. Working Group on Enforced or Involuntary Disappearances which he was due to address in Geneva. There was no immediate comment from the U.N. body. Regeni s murder has strained ties between Italy and Egypt, traditional Mediterranean allies with strong economic ties. Security and intelligence sources said Regeni was arrested the day he vanished and taken into custody. Egyptian officials have denied any involvement in his death. Italy recalled its ambassador in April 2016 as it sought to obtain evidence from Egypt to solve the murder. Magistrates in Rome and Cairo have met half a dozen times over the past year but no one has been charged. A new Italian ambassador arrived in Cairo on Wednesday. Pier Antonio Panzeri, an Italian lawmaker who chairs the European Parliament s Subcommittee on Human Rights, said in a statement: I am disturbed by alleged reports that lawyer Ibrahim Metwaly was arrested ... while he was about to fly to Geneva to address the U.N. Working Group. ",worldnews,"September 13, 2017 ",1 +Kirkuk governor says Iraqi parliament vote to remove him 'unlawful',"KIRKUK, Iraq (Reuters) - The governor of Iraq s oil-rich Kirkuk province condemned a vote by Iraq s parliament on Thursday to remove him from office as unlawful and vowed to stay in power. The decision to remove Najmaddin Kareem came after Kirkuk - claimed by both the central government in Baghdad and the autonomous Kurdish region in northern Iraq - voted to take part in a referendum set for Sept. 25 on Kurdish independence. I will stay in office, Kareem told Reuters, hours after the parliamentary vote... The referendum will go ahead as planned. ",worldnews,"September 14, 2017 ",1 +Kurdish leader Barzani condemns Iraqi parliament vote to remove Kirkuk governor: Kurdish media,"(Reuters) - Kurdish President Massoud Barzani condemned the vote by Iraq s parliament to remove the governor of Kirkuk from office on Thursday, according to local media reports. Speaking at a pro-referendum rally in Zakho, a city in Iraq s autonomous region of Kurdistan, Barzani said that Baghdad had left no room for negotiations over the independence referendum, according to Kurdish TV channel Kurdistan 24. The decision to remove the governor, Najmaddin Kareem, comes after Kirkuk - an oil-rich province claimed by both the central government in Baghdad and the autonomous Kurdish region in northern Iraq - voted to take part in a referendum set for Sept. 25 on Kurdish independence. The governor has said he will stay in office. ",worldnews,"September 14, 2017 ",1 +Kurdish leaders studying western delegation plan to delay referendum,"ERBIL (Reuters) - Kurdish leaders will study a western delegation s plan to delay the autonomous region s planned referendum on independence, according to a statement from the Kurdish presidency. A delegation from the U.S., UN and UK, met with the autonomous region s president, Massoud Barzani, on Thursday with a proposal to postpone the vote scheduled to take place on Sept. 25. The delegation is concerned that the timing of the vote could disrupt the coalition s drive against Islamic State. But hours later at a pro-referendum rally in Zakho, Barzani told those gathered that they would vote on Sept. 25 as planned, according to local media. ",worldnews,"September 14, 2017 ",1 +U.S. special envoy encouraged that Kurds could embrace plan to delay referendum,"ERBIL (Reuters) - Brett McGurk, the U.S. special envoy to the coalition against Islamic State, on Thursday said he was encouraged that the Iraqi Kurdish leadership could embrace a plan to delay an independence referendum. Moving forward with the referendum on Sept. 25 would be a risky move for Iraq s autonomous Kurdish region because there was no international support for it at this moment, McGurk said in a news conference. ",worldnews,"September 14, 2017 ",1 +"Suicide attacks on restaurants, checkpoint, kill 60 in southern Iraq","BAGHDAD (Reuters) - Three suicide attacks claimed by Islamic State killed at least 60 people in southern Iraq on Thursday, a health official and police sources said, suggesting a shift in the ultra-hardline group s tactics since it lost control of its stronghold in Mosul. Iraqi and Kurdish security officials say the Sunni militants are likely to wage a guerrilla war in Iraq after their self-proclaimed caliphate in Mosul collapsed. Islamic State is also under siege in the Syrian city of Raqqa, its operational base for attacks in the Middle East and the West. Security officials described Thursday s attacks as an attempt to send a message to Islamic State followers that the group is still strong and can operate in other parts of Iraq following its territorial losses. After losing the war in Iraq and the shrinking of its power, Daesh returned back to its old style of an insurgency, by carrying out suicide attacks, which is a clear sign that the terrorist group is retreating, said police intelligence colonel Murtatha al-Yassiri. IS activity is usually concentrated in western and northern Iraq. Bomb attacks in the mostly Shi ite south, where the bulk of the country s oil is produced and security forces hold a tighter grip, have so far been relatively rare. Like its predecessor in Iraq, al Qaeda, Islamic State seeks to create sectarian tensions as a way to destabilize the OPEC oil producer. We expect more alike terrorist operations in future. Daesh is trying to desperately pretend among followers that it s still strong, al-Yassiri said. Daesh is an Arabic acronym for Islamic State, which is also known as ISIS. Wearing security force uniforms and driving stolen army vehicles, the attackers targeted a police checkpoint and two restaurants on a highway near the city of Nassiriya, using car bombs and suicide vests, the sources said. At least 100 people were injured, the police said in a statement. Islamic State claimed responsibility in a statement on its Amaq news agency. The group said it had killed dozens of Shi ites . The head of Nassiriya s health directorate, Jassim al-Khalidi, said the city s hospital had received 50 bodies and the death toll could rise because some of the wounded were in critical condition. Hospital sources said at least 10 Iranian pilgrims, who were visiting holy Shi ite shrines, were among the dead. The deadliest attack was at a restaurant west of Nassiriya. One attacker blew up his suicide vest inside the crowded restaurant while a group of other gunmen started to throw grenades and fire at diners, said police colonel Ali Abdul Hussain. Police sources said some police officers had died in the checkpoint attack, but the toll from that incident remained unclear. Security sources said forces were placed on alert in most of the southern provinces, including the oil city of Basra, in case of similar attacks. ",worldnews,"September 14, 2017 ",1 +Three more cars torched in South African taxi war,"JOHANNESBURG (Reuters) - A violent feud between South African meter taxi drivers and ride-hailing services Uber and Taxify escalated with another three vehicles torched using petrol bombs, police said on Thursday. Drivers for Uber [UBER.UL] and Estonian start-up Taxify operating in Johannesburg and capital Pretoria have faced threats and protests from regular taxi operators who accuse the app-based drivers of poaching customers with cheaper fares. One Uber vehicle and two other taxis were torched last week in the upmarket Sandton district and on Wednesday three Taxify vehicles were set alight in the Pretoria suburb of Sunnyside. Police said in one incident on Wednesday a Taxify driver responding to a pick-up request was cornered by a group of eight men who threatened him with violence just as he arrived at the location. The vehicle was alight after he had alighted from it. Another Taxify vehicle was set on fire at a different location. One of the vehicles was burned out completely, while the second on had slight damages, said police Captain Daniel Mavimbela. Mavimbela said the identity of the suspects had yet to be established. More than 6,000 vehicles use the e-hailing Uber application to find customers in South Africa, where the service has grown swiftly as public transport has not kept up with the rising population in sprawling cities. ",worldnews,"September 14, 2017 ",1 +EU executive warms to Franco-German call on emergency border checks,"BRUSSELS (Reuters) - The European Union s executive offered initial backing on Thursday to a Franco-German proposal to allow more permanent border checks within the bloc s free-travel zone. Five countries in the so-called Schengen travel zone - Germany, France, Denmark, Austria and Norway - restarted border controls after 2015 attacks in Paris and in an attempt to control the movement of refugees and migrants arriving in the bloc in unprecedented numbers the same year. Schengen rules allow for the reintroduction of such frontier controls for up to two years and the ones now in place expire in November. Germany and France, aiming for an extension and the ability to reinstate them in future, asked the EU to change the system to extend the maximum duration to four years. A joint proposal by Paris and Berlin, seen by Reuters, says that would be required in the context of a long-term terrorist threat after a raft of deadly Islamist attacks in Europe. The Commission recognizes that new security challenges have appeared in the past years, as demonstrated by the recent terrorist attacks in Barcelona and Turku, the EU s migration chief, Dimitris Avramopoulos, told journalists after talks with EU s interior ministers. He said the Brussels-based Commission would propose an update to the Schengen borders code later this month. French Interior Minister Gerard Collomb told journalists after the talks in Brussels: We had raised this problem some time ago with my German colleague ... and from what I heard from the Commissioner he indeed wants to make the Schengen code more flexible ... to allow us to protect our borders against terrorism. ",worldnews,"September 14, 2017 ",1 +U.S.-backed forces not planning on entering Deir al-Zor city,"WASHINGTON (Reuters) - U.S.-backed militias fighting Islamic State are not planning to enter the city of Deir al-Zor in eastern Syria, a U.S. military spokesman said on Thursday, reducing the chances of the American allies coming face to face with Syrian government forces. The Syrian army and its allies recently broke an Islamic State siege of an enclave in Deir al-Zor that had lasted three years. The Syrian Democratic Forces (SDF), a U.S.-backed alliance of mostly Arab and Kurdish fighters, meanwhile have also launched a separate assault in Deir al-Zor province, which has become Islamic State s last major foothold in Syria. Earlier this week, the SDF said it had reached an industrial zone miles to the east of Deir al-Zor city. The advances bring the SDF to within 15 km (10 miles) of the Syrian army. The advances against Islamic State, another blow to its control over territory it held for years as part of a self-declared caliphate, has raised concerns that it would bring the SDF into closer proximity to the Syrian government side, which is backed by Russia and Iran. U.S. Army Colonel Ryan Dillon, a spokesman for the U.S.-led coalition fighting Islamic State, told reporters that the battlefield was already congested and the plan was for the SDF to move down the middle Euphrates River Valley. I ll just tell you that the plan is not to go into Deir al-Zor city but there (are) plenty of ISIS fighters and resources and leaders that continue to have holdouts throughout the middle Euphrates River valley, Dillon told reporters in Washington through a video briefing. ",worldnews,"September 14, 2017 ",1 +Britain backs Libyan plans to work towards elections next year,"LONDON (Reuters) - British foreign minister Boris Johnson said on Thursday he believed that Libya s plans to work toward elections in 2018 were probably the right timescale . In July, rival leaders pledged in Paris to work towards elections in 2018 and a conditional ceasefire. U.N. Libya envoy Ghassan Salame said constitutional and electoral laws would have to be written to ensure any vote brought lasting change. Would it be premature to hold the elections within a year? I happen to think that could be about the right timescale, Johnson told a joint news conference with visiting U.S. Secretary of State Rex Tillerson. It is very important however, that you don t do it too fast and that you get the political groundwork done first, he added. There has to be a constitution, there has to be an accepted basis for those elections to take place. ",worldnews,"September 14, 2017 ",1 +U.S. considering wider Iran threat as part of its policy on nuclear deal: Tillerson,"LONDON (Reuters) - The U.S. government is continuing to develop its policy on Iran and will consider the wider threat it poses beyond its nuclear capabilities, U.S. Secretary of State Rex Tillerson said on Thursday. In April, U.S. President Donald Trump ordered a review of whether a suspension of sanctions on Iran related to a 2015 nuclear deal, negotiated under President Barack Obama, was in the U.S. national security interest. He has called it the worst deal ever negotiated. The Trump administration is continuing to review and develop its policy on Iran ... no decision has been made, Tillerson said during a news conference in London following a meeting with British foreign minister Boris Johnson. President Trump has made it clear ... we must take in to account the totality of Iranian threats, not just Iran s nuclear capabilities, that is just one piece of our posture towards Iran. Tillerson also said Iran was clearly in default of the expectations of the 2015 deal. ",worldnews,"September 14, 2017 ",1 +Catalonia refuses to send weekly accounts to Madrid before referendum,"MADRID (Reuters) - Catalonia will stop sending weekly financial accounts to Madrid, defying a demand by Spain s central government that the region prove it is not using public money to promote an independence drive. The decision follows a series of moves to block a Catalan referendum on self-rule, planned for Oct. 1, which Prime Minister Mariano Rajoy s government has declared illegal. In a letter dated Sept. 13, Catalan Deputy Governor Oriol Junqueras told Spanish Budget Minister Cristobal Montoro the region would no longer comply with the obligation to submit its accounts every week. He said the arrangement implied political control that is not related to the objectives of budget stability or to the purposes of state legislation in this matter . Madrid ordered Catalonia to start providing the weekly data in July. The government warned the region would lose access to some public funds if it was found to be using state money to organize the vote. All of Spain s regions pay taxes to the central government, and are then given a quota to spend on health, education and infrastructure. Catalonia, which has one of the strongest regional economies, says the system is unfair. After the referendum was announced, Madrid warned Catalonia it risked losing access to a separate funding program, set up in 2012 when economic crisis hammered regional budgets, if it failed to provide weekly accounts. Junqueras said in his letter that his administration was committed to financial stability and would still collaborate with Montoro s ministry, and continue to account for their spending every month. The will of the (Catalan) government is to continue to focus on dialogue and the exercise of democracy as a way to resolve the debate on political relations between Catalonia and Spain, the letter said. Catalonia accounts for around 20 percent of Spain s gross domestic product and has received some 70 billion euros ($83 billion) in funding from Madrid since 2012. ",worldnews,"September 14, 2017 ",1 +Islamic State claims responsibility for suicide attacks in southern Iraq: Amaq,"BAGHDAD (Reuters) - Islamic State has claimed suicide attacks that killed at least 50 people and injured more than 80 in a southern Iraqi city on Thursday. A statement on the Amaq news agency, which supports the hardline Sunni Muslim group, said the attacks carried out by the its suicide fighters targeted a restaurant and a checkpoint, killing dozens of Shi ites . ",worldnews,"September 14, 2017 ",1 +"EU sticks to Libya strategy on migrants, despite human rights concerns","BRUSSELS (Reuters) - The European Union is determined to go on preventing migrants setting off from the coast of Libya, interior ministers said on Thursday, despite criticism from rights advocates who say the strategy is aggravating human suffering. After more than two years struggling to stem the flow of refugees and migrants from the Middle East and Africa, the EU is now showing signs of optimism that it is finally in control. A 2016 deal with Turkey effectively closed one major migratory route and this year Italy has led the EU s efforts to curb sea crossings from Libya, supplying money, equipment and training for Libya s border and coast guard, and striking deals with local groups in control on the ground in a country still largely lawless after the 2011 death of Muammar Gaddafi. Mediterranean crossings have dropped from nearly 28,000 people in June to below 10,000 in August, according to U.N. data. Sources told Reuters late last month a new armed group on Libya s coast was stopping migrant boats from leaving. Human rights groups decry the EU s support for Libya s Prime Minister Fayez Seraj and allied militias who run migrant detention centers they have compared to concentration camps. The top U.N. human rights official said the EU strategy was very thin on the protection of the human rights of migrants inside Libya and on the boats, and silent on the urgent need for alternatives to the arbitrary detention of vulnerable people. To offset that, the bloc has stepped up financing for the U.N. agencies for migration (IOM) and refugees (UNHCR) to have them try to improve conditions for migrants inside Libya. We also need to redouble our efforts to provide assistance to the migrants stranded in Libya and .... exposed to unacceptable, inhumane treatment and human rights violations, EU s migration chief, Dimitris Avramopoulos, told journalists. But the EU is not changing tack on keeping them there. If we look at the flows of migrants across the Mediterranean a few months ago and now, the decrease in illegal migration has been big in numbers, Estonia s Interior Minister Andres Anvelt said ahead of talks in Brussels with his EU peers. We ll have a discussion about how to have this success story going on. Avramopoulos said the bloc s executive European Commission backed a U.N. call to resettle a further 40,000 refugees from Libya, Egypt, Niger, Ethiopia and Sudan, an effort to offer legal ways into the EU instead of smuggling or trafficking. Germany s Interior Minister Thomas de Maiziere told reporters: I m happy that the number of people sent across the Mediterranean by the smugglers to Italy has really fallen in the last two months ... These developments need to be carried on. We really need to work to ensure that many people simply do not make the trip across the desert to Libya. The neighborhood policy with Africa is very important for a sustainable decline in migrants coming to Italy. Struggling to come up with a plan, the EU has increasingly let Libya s former colonial power Italy take the lead. Interior Minister Marco Minniti has sponsored those efforts, curbing the sea operations of non-governmental aid groups and striking deals with Libyan mayors to fight people-trafficking, among other moves. Rome has also played a central role in training the Libyan coast guard, which has been accused of abuses, including shooting at aid workers trying to rescue migrants. The EU has denied that any of its funding goes to the militia in the coastal city of Sabratha, which has often prevented migrants from departing for Europe by locking them up. But a senior EU diplomat said the EU s strategy was complex. It is hard to know exactly what is going on in Libya. We have increasingly entrusted Italy with doing the job there, we give them money. There would never be any proof of EU money going directly to some armed group somewhere, the person said. Some of the methods may seem controversial. But there is also preventing loss of life at the sea and political stability in Italy to consider. We shouldn t be too judgmental. ",worldnews,"September 14, 2017 ",1 +Mexicans' positive view of the U.S. collapses in Trump era: poll,"MEXICO CITY (Reuters) - Mexicans positive image of the United States has fallen to its lowest level since at least 2002, with about two-thirds of people viewing the country led by President Donald Trump unfavorably, according to a poll released on Thursday. The U.S.-based Pew Research Center s findings reveal a drastic about-face in Mexicans views of their northern neighbor. In 2015, 66 percent had a positive view of the United States. By 2017, 65 percent of people disapproved of the world s top economy, Pew said. Unsurprisingly, few Mexicans approve of Trump s proposed border wall, with 94 percent of people opposing it. But Mexicans also fret about Trump s international footprint. Only 5 percent have confidence in him to do the right thing regarding world affairs, Trump s lowest rating among 37 nations polled in 2017, according to the poll. The survey is also grim reading for Mexican President Enrique Pena Nieto, his ruling Institutional Revolutionary Party (PRI) and the rest of Mexico s political class, less than a year before voters pick a new president in July. Mexicans favorable view of Pena Nieto has steadily fallen since Pew began measuring it in 2011, dropping from 61 percent six years ago to his current level of 28 percent. An often-large majority disapproves of how Pena Nieto has handled issues like the economy, graft, crime and U.S. relations, Pew said. The PRI was the most unfavorably viewed of the parties polled by Pew, with the conservative National Action Party enjoying the most positive views, albeit with relatively high negative perceptions. The leftist National Regeneration Movement (MORENA), led by current presidential front-runner Andres Manuel Lopez Obrador, was the second most positively viewed party, and also the least badly perceived. The vast majority - 85 percent - of Mexicans are unhappy with the way things are going in their country. Seventy percent of Mexicans believe the economy is going badly, with 35 percent saying the economy is going very badly. Mexicans main concerns are crime, political graft and drug violence, Pew found. Anxieties over those three issues had all risen compared with the finding in 2015. Although Mexicans harbor increasingly negative views of the United States, 55 percent said those that move north enjoy a better life, up from 2015. However, only 13 percent of people said they would live and work in the United States illegally, down from 20 percent in 2015. The survey was based on 1,000 face-to-face interviews in Mexico between March 2 and April 17, with a margin of error of 4.4 percent. ",worldnews,"September 14, 2017 ",1 +Myanmar’s Suu Kyi working to get aid to Rohingya: McConnell,"WASHINGTON (Reuters) - U.S. Senate Majority Leader Mitch McConnell said on Thursday he had spoken with Myanmar s Aung San Suu Kyi and that she said she was working to get aid to the Rohingya Muslim areas in the Southeast Asian nation that were affected by violence. Suu Kyi agreed with the need for immediate and improved access of humanitarian assistance to the region, particularly by the International Red Cross, and she conveyed that she is working toward that end, McConnell said on the Senate floor. McConnell, whose Republicans control majorities in both houses of Congress, repeated earlier criticism of a resolution introduced in the U.S. Senate urging Suu Kyi to do more for Myanmar s ethnic minority Rohingya population, and lessening the chance that any such measure could pass. McConnell has had close ties to Suu Kyi for years. He said Suu Kyi, a Nobel prize laureate and de facto head of the government in Myanmar, also known as Burma, told him when they spoke on Wednesday that violations of human rights would need to be addressed. Attacks by Rohingya militants on security posts last month triggered an army operation that has killed more than 400 people, destroyed over 6,800 houses and sent nearly 400,000 Rohingya Muslims fleeing to Bangladesh. Suu Kyi has been a target of criticism from fellow Nobel laureates and religious leaders across the world for failing to condemn human rights abuses against the Rohingya during the military s fierce response to Rohingya militant attacks. The United Nations appealed Thursday for massive help for the nearly 400,000 who fled to Bangladesh, amid concern the number could keep rising unless Myanmar ends what critics denounce as ethnic cleansing. McConnell said Suu Kyi s position in the government was exceedingly difficult and that as a civilian, she had virtually no authority over the military. He warned that weakening her could interfere with the country s transition from decades of military rule. McConnell said he expected a briefing soon from Suu Kyi s office and that she was trying very hard to improve conditions for the Rohingya. Burma s path to representative government is not at all certain and is certainly not over. And attacking the single political leader who has worked to further democracy within Burma is likely to hinder the objective over the long run, McConnell concluded. ",worldnews,"September 14, 2017 ",1 +Ryanair loses EU court battle to keep Irish law for crew abroad,"LUXEMBOURG/BRUSSELS (Reuters) - Ryanair lost an EU court battle on Thursday in which the airline had sought to continue forcing cabin crew based outside Ireland to take their disputes to Irish courts, in a case with implications across the low-cost airline sector. The European Court of Justice in Luxembourg ruled in favor of cabin crew based at the Irish carrier s Charleroi airport in Belgium on the question of which court should decide on their complaint. The employees took the airline to a local court, believing Belgian law would be more favorable to them. Ryanair argued that Irish courts had jurisdiction over their Irish contracts. But a Belgian court in Mons had requested the ECJ s ruling on whether its own judges had jurisdiction. The Court (of Justice) points out first of all that, as regards disputes related to employment contracts, the European rules concerning jurisdiction are aimed at protecting the weaker party, the Luxembourg-based ECJ said in a statement. Those rules enable inter alia an employee to sue his employer before the courts which he regards as closest to his interests. Low-cost carriers such as Ryanair and easyJet have bases all over Europe, including in France, Spain, Italy and Germany, where both planes and crews are stationed. This means crews can return to their home base each night, allowing the airlines to avoid costs involved with overnight rest stops. Ryanair said the ruling would not add to its costs. Its pilots are typically employed on contracts via third-party agencies, while easyJet uses local labor contracts. The Court said the place where a cabin crew s aircraft is stationed should also be taken into account when determining which court had jurisdiction. Philip von Schoeppenthau, Secretary General of the European Cockpit Association, called the ruling a landmark decision that is a ray of light for the thousands of pilots and cabin crew across Europe who have struggled to find legal protection at the place where they actually work on a daily basis, rather than being forced to seek judicial redress in Ireland . Schoeppenthau said the Court s ruling meant all cabin crews in Europe can derive their rights and applicable law from their Home Base as a general rule. Ryanair said it welcomed the ruling for recognizing that the home base of the employee should not be the sole factor in determining which court can hear disputes on labor issues. We do not believe this Mons ruling will in any way alter our Irish contracts of employment or the union rights which all of our people enjoy under the protection of the Irish Constitution, Ryanair Chief People Officer Eddie Wilson said. Michael O Leary, the company s Chief Executive, said in Berlin the ruling could give the unions more opportunity to take the airline to court or challenge whatever kind of provisions we provided in Ireland but ultimately, they cannot and will not be changing the Irish contracts or the structure of the Irish contracts. This won t change Ryanair s cost base by one cent, O Leary said. The crew involved in the case had employment contracts drawn up under Irish law which said their work was to be regarded as being carried out in Ireland since they were working on Irish-registered aircraft. But Charleroi airport in southern Belgium was designated as their base, meaning they started and ended their working days there and had to reside within an hour of that airport. Ryanair said that Ireland had adopted all EU rules on employment rights and in some cases offered better protection than other EU countries. The case will now go back to the Belgian court, which will make a final decision on the matter. ",worldnews,"September 14, 2017 ",1 +Hammond says UK 'very close' to deal on EU citizens' rights,"BUDAPEST (Reuters) - Britain is very close to reaching an agreement with the European Union on how to protect the rights of citizens after it leaves the bloc, British Finance Minister Philip Hammond said on Thursday. The rights of EU citizens in Britain is one of three issues the bloc wants to settle before it begins discussing the future relationship between Britain and the EU. We have made very good progress. We have a very high degree of alignment. Not yet completely concluded, but we are very close to having agreement on how we are going to protect each other s citizens who are in our countries, Hammond told a news conference in Budapest after meeting ministers of the Visegrad Group of eastern states. Our desire and intention is that people who have come to the UK to work and make their lives in the UK should be able to continue to live there, carry on their lives exactly as before. That is our clear and stated intention, he said. Hammond added however that British nationals who have moved to EU countries should be allowed to do the same. From a reciprocal basis the objective is to make everything look exactly as it did the day before we left the EU, he said. Hammond also said talks about Britain s departure from the EU should result in an exit roadmap. We want to give businesses on both sides of English Channel and both sides of the Irish border the confidence that they will not face a cliff edge when we leave the EU, he said. That is why we are proposing a time-limited transition period so that we can provide that certainty that our borders will continue to operate smoothly and that our businesses can continue to supply their customers and our citizens carry on with their day to day lives across continental Europe. ",worldnews,"September 14, 2017 ",1 +Swedish opposition parties drops vote of no confidence in defense minister,"STOCKHOLM (Reuters) - Sweden s center-right opposition no longer plans to bring a vote of no confidence in Defence Minister Peter Hultqvist over a botched IT outsourcing deal, after new information came to light, the alliance said. Losing Hultqvist, one of the government s most popular ministers, would have been a blow to Prime Minister Stefan Lofven, with Sweden due to hold elections in just a year s time. Other parties can still go ahead with a vote, but they would not get the majority necessary to oust him. Lofven has already replaced two ministers in his minority center-left government over the IT deal, and the opposition had also demanded the removal of Hultqvist, who has maintained he has done nothing wrong. However, the Liberals and the Center Party have now changed their minds, saying new information showed Hultqvist s involvement was not as serious as previously thought. This new information means that we can t support a vote of no confidence, Liberal Party Leader Jan Bjorklund told a news conference. Votes of no confidence are not common in Sweden. Since 1980, only seven have taken place and none of them has been successful. ",worldnews,"September 14, 2017 ",1 +Brazilians toil for gold in illegal Amazon mines,"CREPURIZAO, Brazil (Reuters) - Informal mining in Brazil is seen by many as a scourge polluting the Amazon rainforest, poisoning indigenous tribes and robbing the nation of its wealth. For others it is a way of life. Brazilian garimpos, or wildcat mines, are operated by small crews of men, often caked in red-brown mud and working with rudimentary pans, shovels and sluice boxes that have been used for centuries. More sophisticated operations use water cannons and boats sucking mud from the bottoms of rivers. Regardless of the method, searching for gold and other minerals like cassiterite and niobium is dirty, dangerous and often illegal. Looking for gold is like playing in a casino, said a 48-year-old miner. Miners asked not to be named, saying they feared the police as much of their work is illegal. He started in the wildcat mines as a teenager in the area around Crepurizao a ramshackle frontier town of 5,000 with a dirt landing strip that is a gateway for informal mining in the region. Garimpos are in the spotlight as Brazil debates opening an area known as Renca in the northern Amazon forest to mining, which has met with stiff resistance from environmentalists. Mines and Energy Minister Fernando Coelho Filho argues that licensed mining will be an improvement over the estimated 1,000 people currently mining in the reserve illegally. Crepurizao lies hundreds of miles south of Renca, but gives a window into life in the garimpos caught up in the debate. Living in makeshift homes of wood and plastic, miners in the area ship some 60 kilograms (132 lbs) of gold per month, according to traders. That much pure gold is worth millions of dollars on the global market, but high costs and layers of traders in the local market leave most miners living on the brink of poverty. Basic staples can cost four or five times the price in the nearest city, an eight-hour bus ride away. Fuel stations, a general store, a bar, an evangelical church and prostitutes vie for the income and attention of the miners, known as garimpeiros, when they aren t working or lazing in hammocks. There are 2,113 licensed garimpo sites in Brazil, according to ministry data, but environmental experts and two government officials, who asked not to be named, said far more small-scale mines skip the licensing and ignore regulations altogether. In Crepurizao, where mines often cluster close together, it was unclear which operations were licensed. The total area worked by garimpeiros in Brazil is thought to be small. But chemicals like mercury, which miners in Crepurizao dump to separate gold from grit, can leave a large footprint of contamination. In March last year, a government-backed study of indigenous villages in the northern state of Roraima revealed alarming levels of mercury. One group of villagers had more than double the level of mercury considered to be a serious health risk - such as damage to the central nervous system, kidneys, heart and reproductive process - detected in their hair. The Mining and Energy Ministry said a new oversight agency created in a decree by President Michel Temer, now pending congressional approval, would allow more effective government coordination and inspections to restrict illegal mining. Congressman Leonardo Quintao, who sits on the committee considering the new agency, said it will be able to raise more funding for oversight. He said the regulations target licensed miners, while illegal mining remains a matter for the police. Still, one Ibama enforcement officer, who was not authorized to speak to the media, said the government had left miners like those in Crepurizao in a precarious limbo. You can t just pull them out of the garimpos and the cities that are living off gold. And the government does not offer them structure and decent conditions, said the officer. So they re stranded there without the minimum conditions for survival. (Click on reut.rs/2f6E5c2 for related photo essay) ",worldnews,"September 14, 2017 ",1 +Hungary's Fidesz prepares campaign against 'Soros plan' for migrants,"BUDAPEST (Reuters) - Hungary s ruling Fidesz party, preparing for elections next April, promised on Thursday to highlight what it called a plan by billionaire financier George Soros to bring millions of migrants into Europe. Fidesz asked Prime Minister Viktor Orban s government to carry out a national consultation about Brussels plans to distribute asylum-seekers in the EU, a week after the EU s top court ruled against complainants Hungary and Slovakia. Previous such consultations have taken the form of sending out questionnaires to millions of voters, setting out the government s right-wing nationalist position and asking people if they agree. Soros, a Hungarian-born Jew who has spent a large part of his fortune funding pro-democracy and human rights groups, has been targeted by Orban s government repeatedly. His spokesman has described the government s portrayal of his views on immigration as fantasy . Orban has been one of the loudest opponents of mandatory migrant resettlement quotas proposed by the EU, arguing this would undermine its sovereignty and social fabric. His stance has gone down well with voters, and Fidesz is firmly ahead in opinion polls. Lajos Kosa, a party vice chairman, said the national consultation should focus on the alleged Soros plan, something that would place migration at the center of the campaign. The European Commission stops just short of saying that they carry out the Soros plan... but all their steps and ideas with regard to migration point in this direction, Kosa said, adding last week s EU court defeat for Hungary had opened the gates . Soros spokesman Michael Vachon in July dismissed the idea that the financier and philanthropist was promoting a scheme to import millions of illegal immigrants into Europe. Soros s actual position on migration is that the international community should provide more support to the developing countries that today host 89 percent of refugees and that Europe should accept several hundred thousand fully screened refugees through an orderly process of vetting and resettlement, he said. He said an anti-migrant billboard campaign by the Hungarian government, showing a smiling Soros and carrying the caption Don t let Soros have the last laugh , was reminiscent of Europe s darkest hours . The government ended the poster campaign over the summer. ",worldnews,"September 14, 2017 ",1 +Balkan police break up Turkish migrant smuggling ring,"SARAJEVO (Reuters) - Police in the Balkans have arrested 21 men suspected of smuggling close to 200 Turks to the European Union, officials said on Thursday. The suspects, including a Turkish national who is believed to be the ring leader, are accused of taking advantage of visa -free travel between Turkey and Bosnia and Montenegro to transfer migrants by plane from Istanbul to Sarajevo and Podgorica. They were then smuggled into EU member Croatia and further on to Western Europe, said police who ran a joint operation involving officers from Bosnia, Croatia and Montenegro. The suspected smugglers, who are nationals of Bosnia, Bulgaria, Croatia, Greece, Montenegro and Serbia, charged migrants 3,500 to 5,000 euros per person to reach EU member states, said Adnan Kosovac, a Bosnian border police official. Kosovac said that as well as the arrests on Wednesday, the police also raided several houses in western Bosnia and neighboring Croatia where the gang kept illegal migrants and seized mobile phones, SIM cards and money. ",worldnews,"September 14, 2017 ",1 +"EU: spot checks show confusion, not conspiracy in Kenyan election","NAIROBI (Reuters) - Observers found some technical problems but no evidence of vote-rigging in Kenya s presidential election last month, the European Union said on Thursday, based on random checks of tallies from polling stations. The finding was announced as Kenya gears up for a re-run of the contest between President Uhuru Kenyatta and challenger Raila Odinga on Oct. 17, after the Supreme Court nullified Kenyatta s victory citing irregularities in the tallying process. Credible elections would boost Kenya s role as East Africa s richest economy and a stable Western ally in a region roiled by conflict. But problems with the vote could spark unrest: 1,200 people died in violence after a disputed 2007 election. Bolstering the Supreme Court s findings of technical irregularities, the EU said in a statement it had examined 1,558 randomly selected scanned polling station results forms from 82 constituencies. A small percentage were unreadable, others had mathematical mistakes, and others were missing data or signatures. The country had nearly 41,000 polling stations and 290 constituencies. Odinga alleged that the original vote was marred by fraud and is threatening to boycott the re-run unless some demands are met, including the resignation of key election board officials. But the EU said it did not find anything indicating deliberate manipulation of the vote in the forms it examined. There was little variation in the patterns of anomalies ... and no obvious advantage to one camp or another. However, the observers noted that more than a quarter of polling stations were severely late in posting their manually completed tallying sheets online. In some cases they only did so after the legal deadline for the opposition to mount court challenges to the results had passed, they noted. The EU urged the election commission to use standardized forms with security features like serial numbers to reduce the opportunities for confusion in the upcoming polls. It said the electoral board must do a better job of publicly explaining the processes it would follow in tallying the vote. In a separate development on Thursday, ruling party lawmaker Ngunjiri Wambugu filed a court petition seeking to have Chief Justice David Maraga removed for gross misconduct in connection with the annulment of the election. Chief Justice Maraga needs to be censured, I believe he has participated in gross misconduct, which is unprofessional. I believe that gross misconduct is trying to influence a presidential election, Wambugu told reporters. ",worldnews,"September 14, 2017 ",1 +"In a first, Myanmar's 'ethnic cleansing' unites Suu Kyi's party, army and public","YANGON (Reuters) - If there s one thing that unites Aung San Suu Kyi s party, the army that once tried to crush her, and the majority of people in mostly Buddhist Myanmar, it is their vehement dislike of the Rohingya Muslims, seen as a threat to national security. We don t love the military, but we are together on this one, said Nyan Win, a top official of Suu Kyi s National League for Democracy (NLD), who the country s former junta had detained for nearly three years. Our sovereignty can t be violated and that is why we are united. These people are illegal immigrants, that s for sure. But the international community never mentions that, said Nyan Win, 75, who chairs the ruling NLD s media team and is one of the most influential members of the party. But even as the United Nations has called the army crackdown on the Rohingya ethnic cleansing , western diplomats - from countries competing with China for influence in the Southeast Asian nation - say abandoning Suu Kyi or reimposing sanctions could risk Myanmar s democratic transition. Though Rohingya families have lived in Myanmar for generations, they are denied citizenship and access to basic civil rights such as freedom of movement, decent education and healthcare. Attacks by Rohingya militants on security posts last month triggered an army operation that has killed more than 400 people, destroyed over 6,800 houses and sent nearly 400,000 Rohingya fleeing to Bangladesh. Rohingya refugees and rights groups say the army has launched a campaign aimed at driving them out. Suu Kyi, who holds the title of State Counsellor and is de facto head of government, has said the militant Arakan Rohingya Salvation Army (ARSA) is responsible for the burning of homes, civilian deaths as well as a huge iceberg of misinformation on the strife in Rakhine. Revered when she was under house arrest for some 15 years, the Nobel peace winner has been criticized by fellow Nobel laureates and some leaders across the world. A petition drive is under way to revoke her Nobel prize. Malala Yousafzai, a fellow Nobel Peace Prize laureate, called on her to condemn the shameful treatment of the Rohingya, saying the world is waiting for her to speak out. Shame on you Malala! You know nothing about real situation in our country, Myanmar Internet user Nann Wint War wrote in a tweet. There is no Rohingya, only Bengali terrorists in Rakhine, said the tweet, a reference to Rohingya that suggests they come from Bangladesh. Suu Kyi s government launched a media campaign aimed at shoring up public support for the operation. In Facebook and Twitter posts, it has shown off support for non-Muslims displaced by the violence and blamed the international community for distributing fake news about alleged rights abuses. Hard Evidence Please! , Suu Kyi s spokesman, Zaw Htay, said in a tweet last week reacting to a BBC News report that Rakhine Buddhist villagers set Muslim houses on fire. You wrote you just saw it, share your #Evidence. Aung Shin, an NLD spokesman, said only Myanmar citizens understand the situation in Rakhine as foreign countries made their assumption based on questionable facts they obtained. Many in Myanmar fear the Rohingya present a threat to the Buddhist Rakhine majority in Rakhine State. Sixteen non-Muslims were killed and nearly 30,000 have also been displaced, fleeing to larger towns. The conflict in Rakhine has stoked communal tensions across the country. A mob armed with sticks and swords, threatening to attack a mosque in central Myanmar, was only dispersed on Sunday after police with riot shields fired rubber bullets. Muslims have voiced fear that other mosques will come under attack and have asked for tighter security. Thiri Thant Mon, managing director at Yangon-based investment advisory firm Sandanila, said many in Myanmar think the international community has wrongly directed its attention to the Rohingya fleeing Myanmar, instead of the suffering of Rakhine Buddhists in one of its poorest states. The entire population here just feel misunderstood. They feel like we are not bad people. It s not us, it s them who are killing us and why aren t you talking about it? said Thiri Thant Mon, who herself does not identify with such views. The Rohingya issue has put Suu Kyi in an awkward position politically, the diplomats said. The military still controls much of the state apparatus even after the 2011 transition to democracy. It portrays itself as the true guardians of nationalism and Buddhism. They say that could be a reason for Suu Kyi s reticence. If she speaks out on such a sensitive issue, the situation will explode, making it harder for her to solve the problem in Rakhine, said Nyan Win, the NLD executive. We can accept them as humans but we cannot let them move around freely, which violates our sovereignty, he said, adding the Rohingya belong in camps for displaced people in Rakhine due to security reasons. We can t give them freedom of movement because they are not our citizens. ",worldnews,"September 14, 2017 ",1 +India calls Rohingya refugees 'threat to national security',"NEW DELHI (Reuters) - The Indian government on Thursday told the Supreme Court that Rohingya refugees were a threat to national security , pushing back against condemnation of its plans to deport them. India s top court is hearing a challenge to Prime Minister Narendra Modi s government s decision to deport Rohingya Muslims, filed by two Rohingyas living in Delhi who fled their village in Myanmar s western Rakhine State about six years ago. The decision to deport Rohingyas comes as Myanmar s military crackdown in Rakhine has forced hundreds of thousands of Rohingyas to seek shelter in Bangladesh, in a process the U.N. has described as ethnic cleansing. Myanmar says its forces are carrying out their legitimate duty to restore order after guerrilla attacks on Aug. 25 on security posts and an army camp in which about a dozen people were killed. Close to 40,000 Rohingya Muslims live in India after fleeing Myanmar over the past decade. Nearly 15,000 have received refugee documentation, according to the United Nations, but India wants to deport them all. Rohingyas are denied citizenship in Buddhist-majority Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. Some groups allied to Modi s Bharatiya Janata Party have stepped up calls for Rohingyas to leave, and Modi said last week that India shared Myanmar s concerns about extremist violence in Rakhine state. On Thursday, a senior lawyer representing India s government told the supreme court that the state considers that Rohingyas are a threat to national security. Intelligence agencies suspect that Rohingya Muslim leaders in India are in touch with Pakistan-based militant groups, the lawyer said. The lawyer declined to be named because an affidavit the home ministry is preparing to file with the court has not yet been finalised. Bangladesh is also growing hostile to the Rohingya, more than 400,000 of whom live there after fleeing Myanmar since the early 1990s. From Bangladesh, some Rohingyas have crossed into India. Aid groups and human rights activists have criticized the plans to expel Rohingyas, and some lawyers say deportation would violate India s constitution. India s supreme court is expected to start hearing the case on Monday. India this week sent 53 tonnes of relief materials to Bangladesh for Rohingyas fleeing Myanmar. ",worldnews,"September 14, 2017 ",1 +"London fire inquiry starts amid anger, despair of survivors","LONDON (Reuters) - A public inquiry into a fire that killed at least 80 people at London s Grenfell Tower will get to the truth about the tragedy, its chairman pledged on Thursday, but critics said survivors of the blaze were still being failed. The 24-storey social housing block, home to a poor, multi-ethnic community, was gutted on June 14 in an inferno that started in a fourth-floor apartment in the middle of the night and quickly engulfed the building. Grenfell Tower was part of a deprived housing estate in Kensington and Chelsea, one of the richest boroughs in London, and the disaster has prompted a national debate about social inequality and government neglect of poor communities. The inquiry started with a minute s silence to honor the victims, whose exact number remains unknown because of the devastation inside the tower. (The inquiry) can and will provide answers to the pressing questions of how a disaster of this kind could occur in 21st century London, its chairman, retired judge Martin Moore-Bick, said in his opening statement. He said the inquiry was not there to punish anyone or to award compensation, but to get to the truth. A separate police investigation is underway, which could result in manslaughter charges. There have been no arrests. The inquiry will examine the cause and spread of the fire, the design, construction and refurbishment of the tower, whether fire regulations relating to high-rise buildings are adequate and whether they were complied with. It will also look at the actions of the authorities before and after the tragedy. But critics warned of a disconnect between the technical, legalistic inquiry process and the ongoing ordeal of traumatized former Grenfell Tower residents still awaiting new homes. Prime Minister Theresa May pledged that all families whose homes were destroyed in the fire would be rehoused within three weeks, but three months later most still live in hotels. Just three out of 197 households that needed rehousing have moved into permanent homes, while 29 have moved into temporary accommodation. We lost everything. It s difficult for the other people to be in our shoes, Miguel Alves, who escaped his 13th-floor apartment in Grenfell Tower with his family, told the BBC. Now I m without anything, I m in the hotel, I have to cope with my family. My daughter, she just started school. They need some stability and that I cannot give to my family, he said. Emma Dent Coad, a member of parliament from the opposition Labour Party who represents the area, said the inquiry s remit was too narrow and would fail to address the blaze s deeper causes such as failings in social housing policies. She also criticized the choice of venue for Moore-Bick s opening statement, a lavishly decorated room in central London. We were sitting in a ballroom dripping with chandeliers. I think it was the most incredibly inappropriate place to have something like that, and actually says it all about the us-and-them divide that people see, she told the BBC. Many of those affected have also expressed disquiet about the fact that Moore-Bick and the other lawyers appointed to run the inquiry are all white and part of a perceived establishment far removed from their own circumstances. The experience of many residents of that tower is that they were ignored because of their immigration status, lawyer Jolyon Maugham, who is advising some residents, told the BBC. We need someone on the inquiry team that can speak to that experience and at the moment on the panel we have a bunch of white privileged barristers, he said. One of the difficulties facing the inquiry is that it needs former residents to give evidence but some fear possible deportation. The government has said it would grant a 12-month amnesty to anyone affected by the fire who was in Britain illegally. Supporters say only permanent residency rights will persuade people to come forward. ",worldnews,"September 14, 2017 ",1 +All the president's women: Duterte's fiercest critics and a surly political heir,"DAVAO, Philippines/MANILA (Reuters) - Philippines President Rodrigo Duterte has a problem with women, says the woman who has known him longer than perhaps any other: his sister Jocellyn. He s a chauvinist, she told Reuters in a recent interview. When he sees a woman who fights him, it really gets his ire. Then Jocellyn ran through a list of Duterte s female critics that included his vice president, a prominent senator who is now in jail and the head of the Philippines Supreme Court. All three have sparred with Duterte after denouncing his brutal war on drugs, which has killed thousands of people in the Asian nation since he took office in June 2016. Duterte has joked about rape, insulted the Pope and baffled friends and foes with often contradictory public statements. Neither this, nor his profanity-laden reactions to women critics, seem to have dented his popularity among Filipinos. The 72-year-old president is a self-confessed womanizer who once told a large gathering of local officials, I can t imagine life without Viagra. On the campaign trail last year, he joked about the gang rape of an Australian missionary who was killed in a prison riot. Speaking to Philippine troops in May, he said he would take responsibility for any rape they might commit. But women s rights advocates also praise him for handing out free contraceptives in his hometown, Davao City, where he was mayor for 22 years, and for championing a reproductive health bill opposed by the country s influential Catholic Church. In a recent statement, even Human Rights Watch - a fervent critic of the drug war - acknowledged Duterte s strong support for legislation aimed at protecting and promoting women. After nearly 15 months in power, he remains highly popular with men and women alike, according to the latest survey by Manila-based pollster Social Weather Stations. While foreigners frown at Duterte s rape jokes, says Gina Lopez, a former environment secretary in Duterte s male-dominated cabinet, Filipinos judge him by his actions not his words. When I see him dealing with women in the cabinet or whatever, he has been very above-board, very decent, she told Reuters. She said this decency also once extended to Vice-President Leni Robredo, who has publicly fallen out with Duterte. She is from an opposition party and was elected separately. He really liked Leni. They got along and he was always flirting, said Lopez. That s what men do, right? In a statement to Reuters, the president s office called Duterte an advocate of women s rights who had launched a massive campaign against gender bias while mayor of Davao. As president, it added, he had hand-picked the best and brightest women for his cabinet. Three of the country s 25 cabinet secretaries or ministers are women. Duterte spends up to four days a week in his far-flung hometown Davao, ruling a nation of 100 million people not from the presidential palace in the capital, Manila, but from a modest house shaded by a jackfruit tree. Duterte was mayor of Davao for 22 years. He sleeps until lunchtime, holds cabinet meetings infrequently and sometimes announces major policies without forewarning senior officials, leaving them scrambling to catch up. Duterte s volatility has baffled Washington, which has long seen the Philippines as a bulwark against Chinese expansionism. He has courted Beijing and publicly berated the United States in rambling speeches. Much of Duterte s venom is reserved for women who oppose him. In August, he called Agnes Callamard, a U.N. special rapporteur on extrajudicial killings, a daughter of a whore after she condemned the police shooting of a teenage drug suspect. He s a misogynist, said Senator Leila de Lima, who spoke to Reuters at a police detention facility in Manila. De Lima was arrested in February on drugs charges she says were trumped up as part of a presidential vendetta. To him, women are inferior, she said. It s totally insulting to him that a woman would be fighting him. According to Jocellyn Duterte, Duterte is also fighting with the woman he hopes will cement his political legacy: his daughter Sara. Sara Duterte reluctantly replaced her father as mayor of Davao City in the southern Philippines when he became president. Father and daughter barely speak, said Jocellyn. I know in his quiet moments he considers himself a failure as a father because of Sara fighting with him, she said. Jocellyn said she had her own problems with her older brother but they now get along. They have two other brothers. Jocellyn, who refers to the president as the mayor, said Duterte still eats the same simple food their mother Soledad once cooked: cheap fish simmered in vinegar. She also traces Duterte s authoritarianism to Soledad, who punished her children with a horsewhip or made them kneel at an altar for hours. You can see that in the mayor, says Jocellyn. Sometimes people perceive it as arrogance or call it close to being a dictator. But we grew up in that atmosphere. Their father Vicente, also a politician, was often absent, and the young Duterte saw the bodyguards, police and soldiers around him as role models, his sister said. He grew up in a macho culture where wives and daughters were expected to be submissive, Jocellyn said. His daughter Sara is anything but. In 2011, during her first term as Davao s mayor, she was caught on camera punching a local official who angered her. In 2016, Sara ran as mayor again, but only because she was pressured by her father s supporters, she told Reuters. If it were up to me, I would not have run, she said. She said she now only saw her father on special occasions, such as birthdays and Christmas, but denied they had differences. He s very busy, she said. Duterte and his daughter have a normal Filipino parent-child relationship which has its own share of ups and downs, said the president s office in its statement. Like her father, Sara is blunt, down-to-earth and thronged by admirers at public appearances in Davao. She told Reuters she wanted to practice law and, once her three-year term as mayor was up, had no wish or intention to continue in politics. But in a country famous for political dynasties spanning many generations, Duterte wants his daughter to preserve what the family has done for the city, said Jocellyn. He is trying to instill in Sara that it is our legacy, she said. Maybe she needs more time. ",worldnews,"September 14, 2017 ",1 +"A dead dictator, his rusting boat and a fight for history","RIJEKA, Croatia (Reuters) - In a Croatian port sits a boat built to carry bananas from Africa to Italy, that laid mines for Nazi Germany and was sunk by Allied planes before it was salvaged as the personal yacht of a globe-trotting communist leader. Josip Broz Tito and the state he led - Yugoslavia - have long passed into history, and the boat, the Galeb (Seagull), was left to rust in a corner of Rijeka s once mighty docks. Now, with Rijeka readying to become European Capital of Culture in 2020, city authorities have secured European Union money to restore the 117-metre (384-feet) boat as a museum, just as debate in Croatia rages over the life and deeds of the man who graced the pink mattress in the front port-side cabin. If the Galeb was a symbol of Tito s prestige on the world stage a communist leader welcome in ports West as well as East its restoration is part of Croatia s own tortured process of reconciliation with its 20th century history. To conservatives in Croatia, Tito who was born in what is today Croatia to a Croat father and Slovene mother was a totalitarian dictator: to look fondly on him means to be nostalgic for a shared federal state that denied Croats their own until they forged one in a 1991-95 war. Liberals, however, recall his guerrilla fight against the Nazis and the relative freedom and prosperity of Yugoslavs compared to those who lived in the Soviet Union or in its shadow. They see in the disdain of conservatives a thinly veiled fondness for the World War Two Croatian state that collaborated with the Nazis but was snuffed out with Tito s Partisan victory a sentiment that has gained a foothold in mainstream Croatian politics in recent years. It is a tug-of-war over history and identity that was encapsulated this month in the renaming by Zagreb s city council of the capital s Marshal Tito Square to Republic of Croatia square. Days later, the government ordered the removal of a plaque near the site of a World War Two concentration camp that bore a notorious slogan associated with the Nazi puppet regime in Croatia. We live in a time when history is being reinvented retroactively, said Ivan Sarar, who as head of culture at Rijeka s city council is in charge of its 2020 makeover. It s interesting that just by undertaking this (restoration) we have already been declared revisionists, he told Reuters. After years of false-starts, work on restoring the Galeb is imminent a mammoth, multi-million-euro task to recreate the 1950s chic of Tito s floating palace, host to over 100 heads of state and some of Hollywood s finest. Some of the furniture remains - in Tito s cabin, his turquoise-tiled bathroom and the adjacent salon with doors that open to the deck. But the ship itself is little more than a rotting hull. The Galeb was the stage for Tito s major contribution to history, said Sarar, a showcase for the non-aligned movement he helped found in answer to the East-West polarization of the Cold War. But Sarar stressed: We won t be soft on anyone. He noted Tito s cozy ties with dictators around the world, the exodus of Italian residents of Rijeka when he took the city as part of Yugoslavia, and his denial of democracy during 35 years of one-man rule until his death in 1980. Yugoslavia fell apart in war a decade later and some 135,000 people were killed. It was Tito s seizure of Rijeka and the Istrian peninsula that cemented his status in this part of Croatia as a liberator. Dozens of streets in Istria still bear his name, as do others in the Balkans - most notably in Serbia, once the dominant republic in Yugoslavia. Conservatives, however, struck a blow with the renaming of Zagreb s Marshal Tito Square, part of a deal struck by the mayor to secure his majority in the city assembly. The man behind the initiative, leading right-wing politician Zlatko Hasanbegovic, told Reuters that while Tito was undeniably a significant historical figure, so were Napoleon, Stalin and Lenin. In all countries, streets and squares bear the names of those who embody the values with which the entire nation identifies itself, he said, describing the restoration of the Galeb as part of an attempt to revive the cult of Tito. Those insisting on it should ask themselves how the tens of thousands of victims of Yugoslav communism look on that kind of quasi-cultural exhibitionism. In Rijeka, Sarar denied planning any kind of homage to Tito. We want to create a place for dialogue, away from the current situation of extreme black, white and red truths that lead nowhere, he said. It s bound to be difficult. ",worldnews,"September 14, 2017 ",1 +Independent Catalonia would need to apply to join EU: Juncker,"BRUSSELS (Reuters) - An independent Catalonia would have to apply to join the European Union, the president of the executive European Commission said on Thursday, adding that such a policy would apply to any new state. Catalonia s parliament has laid the ground for a referendum on independence from Madrid on Oct. 1, although Spain s Constitutional Court has suspended the vote. Judges are now considering whether the legislation contravenes Spain s constitution. If there were to be a yes vote in favor of Catalan independence, then we will respect that opinion. But Catalonia will not be able to be an EU member state on the day after such a vote, Commission chief Jean-Claude Juncker said on YouTube and broadcast by Euronews. Echoing a stance made by his predecessor, Jose Manuel Barroso, Juncker said any newly independent state must follow the same EU membership procedures as all aspirants, citing Scotland and, in jest, his home country, Luxembourg. If northern Luxembourg were to cede from the south, the same rules would apply, Juncker said. The EU s accession negotiations are an arduous process that involve complying with all EU standards and rules and winning the consent of all EU governments. This means that Spain would be able to block Catalonia s EU accession if it wished. Croatia was the last country to join the EU, in 2013 after first applying for membership in 2003. ",worldnews,"September 14, 2017 ",1 +Red Cross halts aid to swathe of South Sudan after staff member killed,"ADDIS ABABA (Reuters) - The Red Cross has halted operations across a third of South Sudan after gunmen shot dead a staff member, in what the U.N. said on Wednesday was the biggest such suspension during the country s four-year civil war. Kennedy Laki Emmanuel, a driver for the Red Cross, died on Sept. 8 when gunmen fired on a 10-vehicle convoy delivering aid in South Sudan s restive Western Equatoria state. In response, the International Committee of the Red Cross shut down activities across Equatoria, a region roughly the size of Britain that borders Congo and Uganda and has seen some of the heaviest fighting over the last year. The suspension affected more than 22,000 people about to get aid deliveries from the Red Cross. That included more than 5,000 farmers due to receive seeds in an area teetering on the edge of famine. The ICRC will not resume anything until we have a clear picture of exactly what happened and until we receive the necessary security guarantees, spokeswoman Mari Mortvedt told Reuters. The security of the ICRC staff is top priority. The U.N. s Office for Coordination of Humanitarian Affairs told Reuters that no aid group had shut down its operations over such a large area since South Sudan s civil war began in 2013. The conflict began after President Salva Kiir, an ethnic Dinka, fired his deputy Riek Machar, an ethnic Nuer. The U.N. says ethnic cleansing has taken place and warned of genocide, amid reports of murder, rape, and torture of civilians. More than two million South Sudanese have now fled the country, creating Africa s biggest refugee crisis since the 1994 Rwandan genocide, and more than half of those remaining need food aid. The country s original population was 12 million. At least 85 aid workers have been killed, according to the U.N., including 18 this year, making it the deadliest country for aid workers in the world. That number did not include a staff member for aid group World Vision, killed in the Western Equatoria town of Yambio on September 3. It was not clear whether that death was related to his work as an aid worker, so it was not included in the total, the group said. (This story corrects to make clear World Vision aid worker not included in total of 85) ",worldnews,"September 13, 2017 ",1 +Factbox: Quotes on Suu Kyi's handling of Myanmar's Rohingya crisis,"(Reuters) - Nearly 400,000 Rohingya Muslims have fled to neighboring Bangladesh since a surge in violence in Myanmar s Rakhine state began on Aug 25. The exodus of refugees, sparked by a fierce military response to a series of Rohingya militant attacks, is the most pressing crisis Nobel laureate Aung San Suu Kyi has faced since becoming leader last year. She has been the target of criticism from fellow Nobel laureates and religious leaders across the world, for failing to condemn the human rights abuses against the Rohingya. Here are a selection of quotes about her reticence: AUNG SAN SUU KYI - 1991 Nobel Peace Prize, Myanmar leader ""We have to take care of our citizens. We have to take care of everybody who is in our country, whether or not they are our citizens."" (Sept 7 - reut.rs/2x1S4Ey) DESMOND TUTU - 1984 Nobel Peace Prize, anti-apartheid leader, addressing Suu Kyi: ""My dear sister: If the political price of your ascension to the highest office in Myanmar is your silence, the price is surely too steep."" (Sept 7 - bit.ly/2xQIV0P) MALALA YOUSAFZAI - 2014 Nobel Peace Prize, women s rights activist Over the last several years, I have repeatedly condemned this tragic and shameful treatment. I am still waiting for my fellow Nobel Laureate Aung San Suu Kyi to do the same. ""The world is waiting and the Rohingya Muslims are waiting."" (Sept 4 - bit.ly/2eRtMZq) NOBEL WOMEN S INITIATIVE - Open letter to Aung San Suu Kyi from five Nobel Peace laureates ""How many Rohingya have to die; how many Rohingya women will be raped; how many communities will be razed before you raise your voice in defense of those who have no voice? (Sept 11 - bit.ly/2wWrA7u) PETITION HOSTED ON CHANGE.ORG - Online petition urging Nobel committee to revoke Suu Kyi s peace prize gathers more than 420,000 signatures. ""Until this second, the de facto ruler of Myanmar, Aung San Suu Kyi, has done virtually nothing to stop this crime against humanity in her country."" (bit.ly/1WBrfjn) ",worldnews,"September 14, 2017 ",1 +Finland says no ransom paid for released aid worker in Kabul,"HELSINKI (Reuters) - Finland did not pay a ransom for the release of a Finnish aid worker kidnapped in Afghanistan, the Nordic country s foreign minister said on Thursday. Finland has not paid, and will not pay ransom in the future. If we did, we would only encourage further kidnappings, Foreign Minister Timo Soini told a news conference via videolink from Washington. The ministry confirmed earlier on Thursday that the Finnish woman, who was abducted in May and held captive for 118 days, had been released. She was working for a Swedish aid group in Kabul and during her abduction a German colleague and their Afghan guard were killed. The foreign ministry gave no further details about the kidnapping or the release, but said the woman was in Afghanistan and in good condition in light of the circumstances . Kidnapping is a longstanding problem in Afghanistan, mainly affecting Afghans abducted for ransom. However foreigners have also regularly been targeted, either for ransom or to put pressure on their governments. ",worldnews,"September 14, 2017 ",1 +"Hong Kong's 'One Country, Two Systems' framework under pressure: Britain","HONG KONG (Reuters) - Important areas of Hong Kong s One Country, Two Systems framework are coming under growing pressure, illustrated by developments such as reports of mainland security officials operating in the autonomous city, a British government report said on Thursday. The One Country, Two Systems principle, implemented as the former British colony returned to Chinese rule in 1997, promises the city a high degree of autonomy, an independent judiciary and a range of freedoms not enjoyed in mainland China. The former colonial power has been issuing reports on Hong Kong every half a year since then, and the latest, which covers developments in the first six months this year, British Foreign Secretary Boris Johnson said the guiding principle has generally functioned well. However, at the same time, we cannot ignore that important areas of the One Country, Two Systems framework are coming under increasing pressure, Johnson wrote. Examples include further reports of mainland security officials operating within Hong Kong, he said, without elaborating, as well as reports of the local Beijing representative s office heightening its influence in the city. But for the first time, the half-yearly report stopped short of raising concern over five Hong Kong booksellers who disappeared in late 2015 and later mysteriously re-emerged in mainland Chinese custody. One of the five men, Swedish citizen Gui Minhai, is still in Chinese detention. The report also touched upon the apparent abduction of Chinese billionaire Xiao Jianhua, who in January disappeared from his downtown Hong Kong apartment in a wheelchair with his head covered. Although Hong Kong authorities said there was no evidence to suggest mainland law enforcement agents had acted on Hong Kong soil, Johnson noted that many in Hong Kong and internationally highlighted the numerous similarities between Xiao Jianhua s apparent abduction and the case of the Hong Kong booksellers. He also said he looked forward to welcoming the city s newly sworn-in leader, Carrie Lam, to visit London to discuss closer co-operation between the UK and Hong Kong as the UK prepares to leave the EU. In response to the report, the Hong Kong government said foreign governments should not interfere in the internal affairs of the city. Since the return to the motherland, the HKSAR (Special Administrative Region) has been exercising a high degree of autonomy ... This demonstrates the full and successful implementation of the one country, two systems principle, which has been widely recognized by the international community. ",worldnews,"September 14, 2017 ",1 +Cambodia suspends cooperation with U.S. in finding war remains,"PHNOM PENH (Reuters) - Cambodian Prime Minister Hun Sen said on Thursday he was suspending cooperation with the United States to find the remains of Americans killed in the Vietnam War in the latest ratcheting up of tensions between the two countries. Hun Sen has accused the United States of plotting treason with opposition leader Kem Sokha, an accusation rejected by the U.S. embassy, which has called for the release of the prime minister s main rival. The search cooperation is postponed until a number of issues are resolved between Cambodia and the United States, Hun Sen said according to pro-government website Fresh News. Hun Sen said that a total of 80 American soldiers had gone missing in Cambodia during the war in neighboring Vietnam and that half of them had been found. Hun Sen said the suspension will be lifted after Cambodia-U.S. ties are restored. Washington announced on Wednesday that it would stop issuing some visas after Cambodia refused to accept Cambodian citizens deported from the United States after being convicted of crimes there. Hun Sen said the policy of deporting them back to Cambodia break them up as families, as parents and children, and it s an inhumane (situation) in which some have committed suicide . The Vietnam War that ended in 1975 remains an emotive issue in Cambodia. Hun Sen says the United States has never apologized for its role in bombing his country to try to kill Vietnamese communist guerrillas and should forgive debts built up by a pro-U.S. junta that ruled until it was ousted by the genocidal Khmer Rouge. On a separate issue, Cambodia s Foreign Affairs Ministry said it would accept deportees from the United States. The U.S. Embassy in Phnom Penh declined to comment. ",worldnews,"September 14, 2017 ",1 +Ukraine gives cautious welcome to Putin's peacekeepers offer,"BERLIN (Reuters) - Ukraine on Thursday welcomed Russian President Vladimir Putin s declared openness to deployment of United Nations peacekeepers in separatist-controlled areas of eastern Ukraine, but said Russian troops must not join such an operation. Putin told German Chancellor Angela Merkel on Monday that UN peacekeepers might be deployed not only on the Donbass contact line separating the sides of the conflict but in other parts where inspectors of the international OSCE monitoring group operate. Kostiantyn Yeliseyev, foreign policy adviser to Ukrainian President Petro Poroshenko, said Putin s comments were a good sign but the devil is in the detail. In my view, as soon as we deploy UN peacekeeping we can speak about a real positive breakthrough in the field of the political settlement of the situation in Donbass, he said. Russia, which is a party to the conflict, must not take part in the future UN peacekeeping operation, he said. We believe this UN peacekeeping operation must be deployed along the whole occupied territory of Donbass including the uncontrolled part of the Ukrainian-Russian border. The conflict between Ukrainian forces and Russian-backed separatists has claimed more than 10,000 lives since it erupted in 2014. Russia denies Western accusations it fomented the conflict and provided arms and fighters. Germany and France have tried to persuade both sides to implement a peace deal agreed in Minsk in 2015 but with little success. German Foreign Minister Sigmar Gabriel said on Monday European sanctions imposed on Russia over its role in the Ukraine crisis should be phased out gradually if an internationally agreed ceasefire deal was implemented. But Yeliseyev said sanctions should stay in place until the Minsk peace deal is implemented in full. That is why we want all German politicians to be vigilant and not to speculate, not to make any kind of irresponsible statements which don t stop the aggression but, on the contrary, will stimulate and motivate the aggressor country, he said. Turning to Russian war games starting on Thursday in Belarus, the Baltic Sea, western Russia and the Russian exclave of Kaliningrad, Yeliseyev said Ukraine was concerned the exercises could destabilize the region and that Moscow might keep troops and weaponry near Ukraine for possible future offensive operations . ",worldnews,"September 14, 2017 ",1 +"Russia hunting bomb hoaxers, says targeted by 'telephone terrorism': Kremlin","MOSCOW (Reuters) - The Kremlin said on Thursday authorities were hunting for those behind what it called a campaign of telephone terrorism that has prompted tens of thousands of people to be evacuated from buildings across the country in the last few days. Authorities evacuated people from dozens of buildings in Moscow on Wednesday after a flurry of anonymous phone calls falsely asserting the locations had been mined. The calls, which have affected more than 20 towns and cities, are reported to have begun on Monday. This is telephone terrorism, Kremlin spokesman Dmitry Peskov told a conference call with reporters. The president (Vladimir Putin) was informed as soon as this wave of mischievous calls started. We are taking the necessary measures to identify those responsible. ",worldnews,"September 14, 2017 ",1 +"Russia says close to Syria deal with Turkey, Iran","ASTANA (Reuters) - Russia, Turkey and Iran are close to finalizing an agreement on creating four de-escalation zones in Syria, a senior Russian negotiator said on Thursday. The three sides are discussing details of the agreement at meetings in Astana, the capital of Kazakhstan, Alexander Lavrentyev, who leads the Russian delegation, told reporters. Our main task at this international meeting on Syria is to finalize and establish four de-escalation zones, Lavrentyev said. We are very close to reaching an agreement on creating these four zones. The meetings, which also involve representatives of the Damascus government and some rebel factions, will continue on Friday. Lavrentyev said the agreement was likely to include provisions on the deployment of monitors - such as military police servicemen - in the four zones and, more specifically, on their borders. The previous round of Syrian peace talks in Astana in July ended with no agreement after Turkey raised objections. Russia and Iran, which back Syrian President Bashar al-Assad s government, and Turkey, which supports some of the rebels, have been holding talks in Kazakhstan since January and the meeting this week is their sixth. ",worldnews,"September 14, 2017 ",1 +Britain seeks to smooth Brexit path for nuclear power,"LONDON (Reuters) - The British government said on Thursday it was in talks with the European Union to ensure a smooth transition for its nuclear industry as Britain moves away from Euratom s regulatory regime to a domestic one. The nuclear industry has raised concerns that its operations and investments could be hampered should Britain fail to replicate the regulatory regime provided by Euratom, the EU s atomic agency, in time for Brexit in March 2019. [L5N1LU4DZ] Discussions with the European Union are ongoing. We will be exploring a number of options for smooth transition from the current Euratom regime to a domestic one, Secretary of State for Business, Energy and Industrial Strategy Greg Clark said. The industry has said Britain not only needs its own safety regime, but also one that is approved by the International Atomic Energy Agency (IAEA). It also needs agreements signed with other countries on the transfer of equipment to guarantee power plants run smoothly. Clark said Britain would establish a regime that would match Euratom s standards and exceed those of the IAEA. He said the government was seeking deals with the IAEA to allow the body to inspect British nuclear facilities and verify safety standards. At a parliamentary hearing on Wednesday, Mina Golshan, the deputy chief of the Office for Nuclear Regulation which would run the safeguards regime, said the office had begun to build staff and expertise in this area. But she said specialized IT equipment, skills and people were still needed and one of the consequences of leaving Euratom was potentially the loss of access to experts residing in Europe that could help. There are uncertainties associated with this ... The biggest risk is our ability to recruit, she said. ",worldnews,"September 14, 2017 ",1 +"Russia says close to Syria deal with Turkey, Iran","ASTANA (Reuters) - Russia, Turkey and Iran are close to finalizing an agreement on creating four de-escalation zones in Syria, a senior Russian negotiator said on Thursday. The three sides are discussing details of the agreement at meetings in Astana, the capital of Kazakhstan, Alexander Lavrentyev, who leads the Russian delegation, told reporters. Our main task at this international meeting on Syria is to finalize and establish four de-escalation zones, Lavrentyev said. We are very close to reaching an agreement on creating these four zones. The meetings, which also involve representatives of the Damascus government and some rebel factions, will continue on Friday. Lavrentyev said the agreement was likely to include provisions on the deployment of monitors - such as military police servicemen - in the four zones and, more specifically, on their borders. The previous round of Syrian peace talks in Astana in July ended with no agreement after Turkey raised objections. Russia and Iran, which back Syrian President Bashar al-Assad s government, and Turkey, which supports some of the rebels, have been holding talks in Kazakhstan since January and the meeting this week is their sixth. ",worldnews,"September 14, 2017 ",1 +At least 19 drown when boat capsizes in northern India: police,"NEW DELHI (Reuters) - At least 19 people drowned and 10 are missing after a boat capsized in the Yamuna river in northern Indian on Thursday, a police officer said. The boat capsized on Thursday morning while farmers were being ferried to their farmlands. Dharavath Pradeep Kumar, a senior police officer who was leading rescue operations, said the boat was carrying 40 people, many more than its capacity of 25. It capsized not far from the river bank in Katha village in northern Uttar Pradesh state, 45 km (30 miles) north of the capital, New Delhi. Eleven people were rescued and were admitted to a government hospital, he said. Kumar said police were investigating the boat operator. ",worldnews,"September 14, 2017 ",1 +"With China in mind, Japan, India agree to deepen defense","GANDHINAGAR, India (Reuters) - The leaders of India and Japan agreed on Thursday to deepen defense ties and push for more cooperation with Australia and the United States, as they seek to counter growing Chinese influence across Asia. Prime Minister Shinzo Abe arrived this week in his counterpart Narendra Modi s home state, skipping the tradition of visiting the capital of New Delhi, for the tenth meeting between two leaders since Modi came to power in 2014. Relations have deepened between Asia s second and third largest economies as Abe and Modi, who enjoy a close personal relationship, increasingly see eye-to-eye to balance China as the dominant Asian power. Almost everything that takes place during the visit, including economic deals, will in part be done with China in mind, Eurasia analysts said in a note. Abe s visit comes days after New Delhi and Beijing agreed to end the longest and most serious military confrontation along their shared and contested border in decades, a dispute that had raised worries of a broader conflict between the Asian giants. In a lengthy joint statement, India and Japan said deepening security links was paramount. This included collaboration on research into unmanned ground vehicles and robotics and the possibility of joint field exercises between their armies. There was also renewed momentum for cooperation with the United States and Australia. Earlier this year, India rejected an Australian request to be included in four-country naval drills for fear of angering Beijing. Relations between India and Japan are not only a bilateral relationship but have developed into a strategic global partnership, Abe told reporters in Gandhinagar, the capital of western Gujarat state. We (India and Japan) will strengthen our collaboration with those countries with whom we share universal values. Abe flew to Gujarat to lay the foundation stone of a $17 billion bullet train project, India s first, that was made possible by a huge Japanese loan. Tokyo wants to win other high-speed rail lines India plans to build, to edge out Chinese ambitions to do the same and provide a boost for its high-end manufacturers. The visit was light on specific announcements, but India said it welcomed proposals for increased Japanese investment into infrastructure projects in its remote northeast, a region New Delhi sees as its gateway to Southeast Asia. China claims part of India s northeast as its own territory. Japanese investment into the northeast would give legs to our Act East policy, Indian Foreign Secretary S. Jaishankar told reporters. Modi and Abe also said they would push for more progress on the development of industrial corridors for the growth of Asia and Africa. Analysts say the planned $40 billion Asia-Africa Growth Corridor takes direct aim at China s Belt and Road project, envisaged as a modern-day Silk Road connecting China by land and sea across Asia and beyond to the Middle East, Europe and Africa. ",worldnews,"September 14, 2017 ",1 +Portugal heading for another record year for tourist arrivals,"LISBON (Reuters) - The number of foreign tourists visiting Portugal jumped around 13 percent in January-July, putting the country firmly on track for another record year for tourism, which has been a key driver of its economic recovery since a 2011-14 debt crisis. The National Statistics Institute said on Thursday in its monthly data on the hotel sector that over 7.1 million foreign visitors stayed in Portuguese hotels through July, which helped drive total hotel revenues over 17 percent higher to 1.8 billion euros ($2.14 billion). Portugal s arrivals growth outpaced those in neighboring Spain, which chalked up a 11 percent rise in the same period, according to official Spanish data. Despite a deceleration in July from June levels, both the tourist arrivals and revenues so far this year maintained the pace of growth seen in 2016, when tourist arrivals exceeded 10 million for the first time. August is traditionally the strongest month by far for holiday-making in Portugal, which lures foreign visitors with its beaches, historic sites and some of the lowest prices for wining and dining in western Europe. Pop star Madonna has this month become the most illustrious of a growing number of foreign residents in Portugal, which was also named Europe s top destination for expatriates in a survey by social network InterNations. Hotel revenues and all travel-related revenues account for about 10 percent of Portugal s gross domestic product. The tourism sector is also a key source of employment. Tourism has been growing since 2011, helping the heavily indebted country overcome its economic and debt crisis. Economic growth this year is expected to accelerate to over 2 percent from 1.4 percent in 2016. Portugal has opened dozens of new hotels in the past year and private entrepreneurs have redeveloped hundreds of apartment buildings in old parts of Lisbon and other areas to rent to tourists, helping the country s flagging construction sector. ",worldnews,"September 14, 2017 ",1 +Turkey says expects humanitarian aid can be delivered in Syria's Idlib,"ANKARA (Reuters) - Turkey said on Thursday it expected humanitarian aid could be delivered to Syria s northern province of Idlib, which is under the control of a rebel alliance spearheaded by the former al Qaeda offshoot Nusra Front. Our expectation is that Idlib, just like other de-escalation zones, becomes a region where humanitarian aid can easily be delivered, presidential spokesman Ibrahim Kalin told a news conference in Ankara. Turkey will do whatever falls upon it on this matter. Turkey said last month it was limiting the movement of non-humanitarian aid into Idlib because the area is controlled by a terrorist organization . ",worldnews,"September 14, 2017 ",1 +"Turkey remains dependable ally in NATO, Erdogan spokesman says","ANKARA (Reuters) - Turkey remains a dependable member of the NATO alliance, President Tayyip Erdogan s spokesman said on Thursday, after Western allies expressed concern over Ankara s decision to procure a missile defence system from Russia. Turkey s good relations with Russia are not an alternative to its ties to the West, but rather complementary, Ibrahim Kalin told a news conference. ",worldnews,"September 14, 2017 ",1 +Iraqi parliament 'has no right' to remove Kirkuk's governor: senior Kurdish official,"ERBIL, Iraq (Reuters) - Iraq s parliament has no right to remove Kirkuk s governor from office, a senior Kurdish official said on Thursday, after parliament voted him out following a request by Prime Minister Haider al-Abadi. He is an elected governor of the council of Kirkuk, said Hoshyar Zebari, a close adviser to Kurdish President Massoud Barzani. That is the only body that can remove him. The decision to remove the governor, Najmaddin Kareem, comes after Kirkuk - an oil-rich province claimed by both the central government in Baghdad and the autonomous Kurdish region in northern Iraq - voted to take part in a referendum set for Sept. 25 on Kurdish independence. ",worldnews,"September 14, 2017 ",1 +Russian submarines fire cruise missiles at Islamic state in Syria,"MOSCOW (Reuters) - The Russian Navy on Thursday fired seven cruise missiles at Islamic state targets in the suburbs of Syria s Deir al-Zor, the Russian Defence Ministry said in a statement on Thursday. It said the missiles were fired from two submarines in the eastern Mediterranean from a distance of 500-670 kilometers (727 miles). The targets were command posts, communication centers, as well as militants weapons and ammunition stockpiles in areas of south-east Deir al-Zor under the control of Islamic State, the ministry said. ",worldnews,"September 14, 2017 ",1 +"Roadside bombs wound 20, kill soldier in Thailand's troubled south","BANGKOK (Reuters) - Roadside bombs planted by suspected Muslim insurgents in southern Thailand killed one soldier on Thursday and wounded 20 other people, most of them soldiers and police, security forces said. The blasts occurred in Yala, one of the predominantly ethnic, Malay Muslim provinces in the deep south where a separatist insurgency has dragged on for decades, with more than 6,500 people killed since 2004 alone. The first bomb did not result in any casualties, but the other two killed one soldier and wounded 18 soldiers and police and two villagers. It is believed to be the work of violent groups already creating incidents in the area, Pramote Prom-in, a spokesman for regional security forces, told Reuters. As with most violence in Thailand s deep south, there was no claim of responsibility. The insurgents are fighting for secession from mostly Buddhist Thailand. Until they were annexed in 1909, Thailand s three southernmost provinces of Pattani, Yala and Narathiwat were part of an independent Malay Muslim sultanate. ",worldnews,"September 14, 2017 ",1 +Iraqi Kurdish referendum 'historic mistake': Turkey,"ANKARA (Reuters) - Turkey on Thursday welcomed an Iraqi parliament move to reject a referendum on Kurdish independence. The parliament in Baghdad authorized the prime minister to take all measures to preserve Iraq s unity in response to the move to hold an independence referendum in Iraq s semi-autonomous Kurdish region on Sept. 25. Kurdish leader Massoud Barzani vowed to press ahead with the vote, calling it a natural right . Barzani s referendum decision is a historic mistake. Turkey will follow policies that take Iraq s territorial integrity as a basis, Deputy Prime Minister Bekir Bozdag said. The northern Iraq referendum must be canceled, if not it will have a cost and retribution, he said, adding the move would erode the region s peace and bring security risks. Turkey has the region s largest Kurdish population and fears a Yes vote could fuel separatism in its southeast where Kurdish militants have waged an insurgency for three decades in which more than 40,000 people have been killed. Ankara has built solid ties with Barzani s administration, founded on strong economic and energy links as well as Ankara and Erbil s shared suspicions of other Kurdish groups and Iraq s central government. Iran and Syria also oppose the vote, fearing it could fan separatism among their own Kurdish populations. Western powers worry the plebiscite - which would include the oil-producing city of Kirkuk - could ignite conflict with the central government in Baghdad and divert attention from the war against Islamic State militants. Turkey s Foreign Ministry, in a statement on Thursday, said: We find the (Iraqi Kurdish) leadership s insistent stance regarding the referendum and its increasingly emotional statements worrying. It should be noted that this insistence will definitely have a cost, it added. We call on them to act with good sense and abandon this erroneous approach immediately. ",worldnews,"September 14, 2017 ",1 +Reborn German liberals could spell trouble for Merkel,"BERLIN (Reuters) - Later this year, Angela Merkel may form a new government with a party whose leader says Greece should leave the euro, Russia can keep Crimea and refugees will have to go home. The Free Democrats (FDP), a socially liberal, pro-business party, were long seen as the natural partners of Chancellor Merkel s conservatives. They ruled in coalition with her mentor, former Chancellor Helmut Kohl, for 16 years and were junior partners in Merkel s second government, from 2009 to 2013. But after crashing out of the German parliament four years ago, the FDP also known as the Liberals were forced to reinvent themselves. And the new incarnation, led by an ambitious 38-year-old who preaches an ultra-hard line on Europe, has unsettled the German political establishment, including members of Merkel s party. Nevertheless, if her conservatives can form a government with the FDP after a Sept. 24 election, Merkel will have little choice but to link up with the party and its young leader Christian Lindner. (For a graphic on German federal elections click tmsnrt.rs/2h0NqCT) For her center-right CDU/CSU, the prospect of reviving an alliance with the party s historic partner will be hard to resist, especially after four years of a right-left coalition with their longtime rivals, the Social Democrats (SPD). Merkel s horror scenario is a narrow majority with the FDP, said Frank Decker, a political scientist who was Lindner s thesis adviser at Bonn University. She would have no choice. She would be condemned to govern with them. Polls give Merkel s CDU/CSU bloc and the FDP a combined score of roughly 45 percent, just shy of a majority. If they do fall short, the FDP could still enter the government as part of an unwieldy three-way coalition that also includes the Greens. In 2013, after its former leader Guido Westerwelle failed to deliver on his promise of tax cuts, the party scored just 4.8 percent, the first time in the post-war era it failed to make the 5 percent threshold needed to enter parliament. Later this month, it is expected to double its score of four years ago. Lindner, with his banker suits and designer stubble, has almost single-handedly hauled the FDP back from the political wilderness. German media have likened him to French President Emmanuel Macron: the two are just a year apart in age and share a healthy self-esteem. In the FDP s highly personalized campaign posters, a brooding Lindner is shown in black and white, staring off-camera, like a model from a 1990s Calvin Klein ad. Look beneath the surface however, and there are big differences between Lindner and Macron. The French leader is promising to work with the next German government on an overhaul of the euro zone, introducing a budget and finance minister for the currency bloc. Lindner has dismissed those ideas with an aggressiveness that has surprised even some of his closest allies. If one takes Lindner and the FDP s campaign manifesto at face value, the party would introduce automatic sanctions for countries that violate EU budget rules, do away with the euro zone s bailout fund and make it easier for countries to leave the currency. Greece is a favorite target. Two weeks ago, Lindner told a banking conference in Frankfurt that a reintroduction of the drachma would be a boon for the country. All those who vacation in Mallorca would go to the Greek islands instead, he said. Martin Lueck, an investment strategist at Blackrock, sees a risk that the euro crisis could return, with Italian borrowing costs spiraling higher, if the FDP makes it into government. FDP officials play down such risks, pointing to moderating influences in the party like members of the European parliament Alexander Graf Lambsdorff and Michael Theurer. Our program is about direction. It shows what we would do if we were able to govern alone, which of course won t be possible, one senior official said. But aides to Merkel acknowledge that she would probably be more limited in what she could achieve with Macron if the FDP were a partner, particularly if Lindner became finance minister. He could make our European partners nostalgic for Wolfgang Schaeuble, one aide quipped, referring to Merkel s current finance minister, who is seen as a hardliner himself. If the FDP were to end up in a three-way coalition with the Greens, its more radical ideas would surely be blunted. That is why some members of Merkel s party say she would prefer a Jamaica coalition so named because the colors of the parties would match those of the green, yellow and black Jamaican flag to a two-way alliance with the FDP. In the final stretch, Lindner has floated an array of controversial ideas in an apparent attempt to lure voters from the hard-right Alternative for Germany (AfD) party. Last month, he recommended accepting Russia s 2014 annexation of the Crimea region of Ukraine as a permanent provisional arrangement . Last week, he said refugees should be forced to go home as soon as peace returned to the Middle East countries from which they fled. Even FDP members say they have trouble discerning how much of this is mere pre-election posturing. As the party s identity has become intertwined with its leader Lindner, its core beliefs have become muddied. The picture may become clearer on Sunday, when the FDP is due to unveil a l0-point list of policy priorities. Expect a modern twist on classic FDP positions tax cuts, investments in broadband and a Canada-style immigration law making it easier to bring in skilled workers that are closer to those of other European liberals like Macron. Regardless, the FDP faces a steep learning curve if it makes the leap from outside parliament into government a feat no party has achieved since the 1950s. Two-thirds of the FDP candidates who could win Bundestag seats have never worked there before. Only one has cabinet-level experience in Berlin. We ll see whether they have learned the lessons of the past, said Decker. Westerwelle was a great opposition leader but struggled in government. Lindner must avoid the same fate. ",worldnews,"September 14, 2017 ",1 +In the weeds: How top official got tangled in Nigerian aid scandal,"WACHAKAL, Nigeria (Reuters) - When millions of people in northeast Nigeria faced hunger and attacks by Islamist militant group Boko Haram in March 2016, the government acted: it decided to spend $1.4 million cutting down weeds around the village of Wachakal in order to stop flooding. Six months later, many of the weeds had grown back and 317 million naira (at the time $1.04 million) had been transferred from the company hired to destroy them to a firm founded by the government official in charge of dispensing aid, according to a Nigerian Senate report. The report, written by a committee of lawmakers from Nigeria s upper chamber of parliament, concluded that companies that received contracts for projects including the weeding from a government body overseen by the official, Babachir Lawal, transferred a total of 500 million naira (worth around $2.2 million) to the firm he set up. The report publicly called for a criminal investigation into the payments. Central to the probe was whether Lawal was involved in a suspected kickback scheme to divert aid money intended for the volatile northeast. The committee said the scheme involved inflating the value of contracts to enrich Lawal and his associates. The report did not provide evidence to show why it believed costs had been enlarged. Lawal, 62, is an ally of President Muhammadu Buhari and one of his first appointments. In a written statement responding to Reuters questions, Lawal denied wrongdoing and said he had been the victim of a Senate witch-hunt. The United Nations has warned that northeast Nigeria is gripped by one of the world s worst humanitarian crises. Boko Haram has burned down homes, destroyed livelihoods and killed thousands of people. Refugees living in camps complain of starvation and disease, while soldiers and police have been accused of rape. A Reuters review of the Senate report s findings shows how two pillars of Buhari s presidency - restoring stability in the northeast and fighting corruption - may have been undermined by the alleged misappropriation of aid money and food. The review draws upon documents detailing bank transfers and corporate records, visits to aid projects and interviews with senior politicians, diplomats and humanitarian workers. The final Senate report, published in May, recommended that Lawal be prosecuted for allegedly flouting procurement rules and breaking his oaths of office. He was suspended in April pending a presidential investigation launched after the Senate s findings first surfaced in an earlier draft of the report. The investigation into Lawal, ordered by Buhari, was headed by Vice President Yemi Osinbajo, who delivered his findings to the president on Aug. 22. The president has to look at the report, study it and then make his own decisions, Osinbajo said, without saying what was in the presidential investigation report. Buhari s office referred Reuters to the vice president s comments. Despite Buhari s vows to fight corruption, no major figures have been convicted so far. Boko Haram, who have killed around 20,000 people since 2009, have been pushed back in some areas yet continue to launch attacks, while millions of people in the northeast rely on some form of aid. Shehu Sani, who chaired the Senate committee that produced the report, said overall losses to suspected corruption in various forms in the northeastern humanitarian crisis in recent years had not been determined due to the probe s specific remit and factors that restricted its scope. He said the Senate investigation was limited by the timeframe examined, as it focused on government aid spending since the current administration took office in May, 2015. Sani also said some government agencies had refused to cooperate, access to bank account details was limited and the use of international donor funds was not investigated. We can say, conservatively, that over 10 billion naira ($33 million) of monies that were supposed to go to the IDPs (internally displaced persons) were misappropriated or unaccounted for, or misused from different segments of the Nigerian government, Sani told Reuters. He said he was referring to all forms of corruption related to funds involving Nigerian humanitarian aid dating back around three years, and not just allegations involving Lawal. He declined to elaborate further. The humanitarian crisis began in 2014. Nigeria s then-president, Goodluck Jonathan, set up the Presidential Initiative on the Northeast (PINE) to provide emergency assistance to communities and foster economic growth in the region. PINE had problems from the outset. According to a 2014 internal PINE presentation prepared by the then-chairman for the group s committee, a pilot scheme sent 51 food trucks to Borno state and 10 to Gombe state; none arrived. After he became president in 2015, Buhari made Lawal Secretary to the Government of the Federation (SGF) - Nigeria s top civil servant. Through PINE, Lawal oversaw millions of dollars of aid. The Senate report alleges that most aid contracts in 2016 did not help the needy. Instead, inflated contracts were awarded to companies belonging to top government officials cronies and close associates . It said a company called Rholavision Engineering Limited, which describes itself as Information and Communication Technology Engineers & Consultants and was founded by Lawal in 1990, was where money for companies that were awarded contracts by PINE came to first. In his statement, Lawal said he relinquished ties with Rholavision on Aug. 27, 2015, four days before being sworn in as SGF. But company registry records show he did not resign as a director until Sept. 8, 2016. In addition, a signed letter from Lawal to the Corporate Affairs Commission (CAC) dated Sept. 16, 2016 - contained in the appendices of the Senate report - said he wished to relinquish his shares in Rholavision. That can t be true, said Lawal in a text message when asked about the apparent discrepancy. This is forged, he said, when sent a picture of the letter to CAC. He declined to elaborate. Rholavision declined to comment. In March and August 2016, PINE awarded two contracts to cut weeds and improve irrigation in riverside communities in the northeastern state of Yobe. For some 30 years, the weeds had caused farmland to flood and prevented people from fishing. The contracts, worth a combined total of 531 million naira, were granted to Josmon Technologies Ltd. The first contract, awarded in March 2016, was for 273 million naira - at the time worth $1.4 million. The second contract was awarded to Josmon in August 2016. Nigeria s naira currency lost around a third of its value two months earlier, so the 258 million naira contract was then worth some $845,000. Rholavision, the company founded by Lawal, received a contract for a consultancy role in the weed-cutting project. The 7.1 million naira contract was awarded in March 2016 when that sum was equivalent to $36,040. Some work was done. Ali Dodo, a farmer in Wachakal, told Reuters that he and others cut weeds around the Komadugu-Yobe river over a month-long period from August 2016. He said contractors paid them 2,500 naira a day. Reuters was unable to determine how much was spent on the work in total. Bank records, however, show that Josmon Technologies paid 317 million naira to Rholavision between March and September 2016. Monday John Apeh, a Josmon director, told Reuters that Josmon has no relationship with Mr Babachir Lawal . In a text message, he said Josmon struggled to finance the PINE contract because the company had been experiencing financial difficulties and would only be paid when the work was complete. That led us to borrow money from Rholavision s MD , he said. Josmon said 195 million naira ($637,359) of the 317 million naira it sent to Rholavision was to repay that loan. Apeh declined to comment on what happened to the remaining 122 million naira. Lawal said in his statement: These purely business transactions between the companies cannot be classified as bribes. Dodo, the local farmer, said weeds started growing back within six months. Despite numerous setbacks, Nigeria s government is trying to reboot aid efforts. Buhari replaced PINE with the Presidential Committee on the Northeast Initiative last October. In June, the government promised to distribute 30,000 tonnes of grain to people displaced by Boko Haram, after saying more than half of food aid previously dispatched had gone missing. Zainab Ahmed, who heads Nigeria s Inter-Ministerial Task Force on the Humanitarian Response in the Northeast, told Reuters the deliveries would now be guarded by soldiers. Coordination between agencies is not perfect but it has improved a great deal and is getting better, she said. ",worldnews,"September 14, 2017 ",1 +Post-election conundrum awaits Germany's Merkel," BERLIN (Reuters) - Barring an upset, the main uncertainty surrounding Europe s most important election this year is not whether Angela Merkel will continue to lead Germany after next week s vote, but who with and how long they will take to get going. Although a surprise cannot be ruled out in the wake of any Russian interference, pollsters say they are confident about their surveys, which show Merkel s conservatives winning the most seats in the Bundestag lower house. The far-right, anti-immigrant Alternative for Germany (AfD) is set to enter parliament for the first time, and some experts have said it may gain more support than the roughly 10 percent polls suggest, an alarming prospect for many at home and abroad. But all the other parties have ruled out joining it in a coalition - an inherent part of Germany s electoral system - and the most likely scenario is probably a repeat of Merkel s grand coalition with the Social Democrats (SPD). She will start sounding out partners right after the Sept. 24 vote, but coalition building is a protracted process, which could paralyze policy for months at a time when Brexit has shaken Europe s foundations. The process is especially complex this time as the number of parliamentary groups could rise to six from four. Informal soundings and then exploratory talks precede formal coalition negotiations and party leaders may also seek approval from their members before signing off on any deal. Depending on the shape of the coalition, the main issues at stake are the integration of the more than 1 million migrants who have arrived in Germany in the last two years, and investment in Europe's biggest economy as well as Merkel's leading role in talks on reform of the European Union and relations with Russia and Turkey. Here are the main scenarios: CONSERVATIVES, SOCIAL DEMOCRATS ( GRAND COALITION ) The most likely option, according to opinion polls. Merkel s parliamentary party, made up of her Christian Democrats (CDU) and the Bavarian Christian Social Union (CSU) has governed with the SPD for eight of the 12 years that Merkel has been chancellor, including the last four. WHAT MAKES IT POSSIBLE: Merkel, who has steered the conservatives toward the political center ground, looks comfortable ruling with the SPD. Such a coalition would likely have a large majority, provide continuity and broadly agree on Europe, Turkey, foreign policy, migration and security issues. HURDLES: It is a last resort for both sides, especially the SPD, which fears it will lose out as junior partner. It wants more emphasis on investment, education, tackling inequality and fair pensions while conservatives are more focused on tax cuts. The SPD is also reluctant to back planned defense spending hikes. CONSERVATIVES, FREE DEMOCRATS ( BLACK-YELLOW ) The conservative block and pro-business Free Democrats (FDP) are traditional partners, especially on financial and economic policy, having ruled together for almost half of post-war Germany s seven decades. If they win sufficient votes, this is the most likely scenario. WHAT MAKES IT POSSIBLE: The pro-business FDP has rebounded this year, winning enough votes in a vote in Germany s most populous state, North Rhine-Westphalia, in May to share power with the CDU there. A repeat at federal level would herald tax cuts and deregulation and possibly tighter laws on immigration, asylum seeking and security. HURDLES: The FDP was wiped out of parliament in 2013 after four chaotic years ruling with Merkel. It has more radical tax reduction and privatization plans, opposes deeper EU integration and wants EU countries to be able to quit the euro zone. Party leader Christian Lindner has also suggested Germany accept Russia s 2014 annexation of Crimea from Ukraine, something Merkel has ruled out. CONSERVATIVES, FDP, GREENS ( JAMAICA - REFERENCE TO PARTIES COLOURS: BLACK, YELLOW, GREEN) As yet untested at a federal level, this combination rules in the northern state of Schleswig-Holstein. WHAT MAKES IT POSSIBLE - If Merkel s bloc can t form an alliance with the FDP or the Greens alone, it may try a three-way deal. Both smaller parties have played down this option but may be lured by the prospect of power. HURDLES - The Greens and FDP are at opposite ends of the political spectrum. Policy clashes would be likely on tax, energy, the EU and migrants. CONSERVATIVES, GREENS ( BLACK-GREEN ) Untested at a federal level, this has been mooted as an option under Merkel, who has pushed renewable energy. The CDU and Greens have worked together at regional level, including in a Greens-led coalition in the rich southern state of Baden-Wuerttemberg. WHAT MAKES IT POSSIBLE: The Greens leaders are pragmatic, worlds away from the eco-warriors who founded the party. The prospect of power may persuade them to compromise. Such a coalition would promote a strong Europe and focus on fighting climate change. The Greens would push for a phaseout of coal-fired power stations. HURDLES: Doubtful they would win a majority. Conservatives want lower taxes while Greens want to tax the super rich. Greens have a more liberal migrant policy which could pit them against the CSU, and they oppose plans to increase defense spending. Clashes are also likely on some aspects of energy policy and auto emissions regulation following the diesel scandal. A minority government would be a first and stability-craving Germans would not like it but may prefer it to new elections. WHAT MAKES IT POSSIBLE: If Merkel fails to find a partner, she may feel she has a mandate to rule given her personal popularity. She would probably get support for individual policies from the FDP, SPD and Greens. HURDLES: Merkel s natural caution coupled with Germans fear of instability, a legacy of the fragmentation in the years that preceded the rise of Hitler s Nazi party. SPD, LEFT, GREENS ( RED-RED-GREEN or R2G ) Highly unlikely. Never tested at a federal level, a tie up between the SPD and Greens, preferred partners, and the radical Left party, could be the only way for the SPD to take the chancellery. It is being tested in the state of Berlin under SPD leadership and, with a Left premier, in the state of Thuringia. WHAT MAKES IT POSSIBLE: For the first time, the SPD has not excluded the possibility of joining the Left. Such a coalition would probably focus on boosting investment and tackling inequality and adopt a more Russia-friendly stance. HURDLES: The Left s links with Communists in former East Germany and painful SPD memories of an exodus to the Left over deep labor market reforms more than a decade ago. While the SPD and Greens could rule together relatively easily, the Left wants a top tax rate of 75 percent, a 30-hour week and to replace NATO with an alliance including Russia. ",worldnews,"September 14, 2017 ",1 +Iraqi parliament votes to remove kirkuk governor from office: lawmakers,"BAGHDAD (Reuters) - Iraq s parliament voted on Thursday to remove the governor of Kirkuk from office following a request from Prime Minister Haider al-Abadi, according to several lawmakers who attended the vote. The decision to remove the governor, Najmaddin Kareem, comes after Kirkuk - an oil-rich province claimed by both the central government in Baghdad and the autonomous Kurdish region in northern Iraq - decided to take part in a referendum set for Sept. 25 on Kurdish independence. ",worldnews,"September 14, 2017 ",1 +Soldiers on Europe's streets dent NATO's defense edge,"BRUSSELS (Reuters) - The use of armed soldiers to patrol alongside pavement cafes and selfie-snapping tourists in European cities since jihadi attacks risks compromising deployments overseas, military leaders say. Belgium and major military power France, both active in EU and NATO missions, have cut back training to free up troops and NATO planners fear that over time armies may get better at guarding railway stations and airports than fighting wars. Some of the more than 15,000 soldiers serving at home in Europe say tramping the streets is a far cry from the foreign adventures they signed up for and that they feel powerless to defend against militants. We are standing around like flowers pots, just waiting to be smashed, said an officer just returned from Afghanistan for guard duty in Belgium, which, like France, has more troops deployed at home than in any single mission abroad. Security personnel have been targeted in both countries but patrols begun as a temporary measure after Islamic State attacks in 2015 have become permanent fixtures as opinion polls show that people are reassured by soldiers on show at home. Italy has had soldiers on the streets since 2008, Britain used them briefly this year and, along with Spain, is prepared for deployments if threat levels rise. Despite their painful history, Germany and Austria have debated having military patrols at home for the first time since World War Two. Across Europe, political debate is shifting from whether, to how to adapt the armed forces to a homeland role, a concern for military leaders eyeing budgets, morale and training. France s former military chief, who quit in July, said it had overstretched the army, while the head of Belgium s land forces told Reuters the domestic deployment was taking its toll. I see a lot of people who leave our defense forces because of the operation, General Marc Thys, the commander of Belgium s land forces, said in an interview, without giving numbers. Not everyone agrees. A defense ministry source in Italy said its domestic patrols had absolutely no impact on overseas missions or on training . But some in NATO worry protracted domestic operations will make key members of the 29-strong transatlantic alliance less ready to deploy to Afghanistan or eastern European borders with Russia. It is popular with the public, it is cheaper than the police, a senior NATO source said. But if the requirement came to send a lot of forces to reinforce our eastern allies ... would the government be willing to pull its soldiers off the street to do that, could it? The challenge of battling Islamic State at home and abroad, squeezes resources just as NATO leaders seek to show U.S. President Donald Trump they are reliable allies, after he repeatedly questioned the alliance s worth. Given the homeland operations, some military sources and experts say politicians face a tough choice: to expand the army, summon up reserves or create a new domestic security force - a halfway between the police and military - to replace them as Belgium has chosen to do over the coming years. It mobilizes so many people that we are having trouble deploying people abroad for U.N. and EU missions, said a second NATO source. The operations put 10,000 heavily armed combat troops on the streets in France and 1,800 in Belgium after Islamic State attacks in early 2015. The numbers are down to 7,000 and 1,200 respectively, but they still tie up roughly a tenth of deployable army personnel in each nation. They can also be bad for morale. The mix of schools, offices and warehouse hastily converted into barracks in Belgium are worse than Afghanistan, said a soldier, showing pictures of cramped rooms piled high with gear. Some 45 percent of soldiers surveyed by the Belgian military in December said they were thinking of quitting - many to the police - as being away had strained families and led to divorce. A source in the French military, which has not made polling public, said of its street patrols, known as Operation Sentinelle: Sentinelle is a burden whose impact on soldiers morale we ve never denied. For now, Thys said the Belgian armed forces are not pulling back from foreign missions but have less time for training. We take everything into account, our homeland operation and our international missions. If you go up on one side, we have to go down on the other side, Thys told Reuters. In France, training days were cut from 90 to 59 days last year, according to a defense ministry report in October. A decline of some 30 percent began with the deployment on home soil, experts say. The longer they do it, the less sharp as a military they are, said General Sir Richard Barrons, Britain s former military chief. But once you are committed to this it takes a very brave politician to turn it off. The new head of France s armed forces, which has thousands of troops abroad fighting Islamist militants in the Sahel, Iraq, Syria and elsewhere, says something has to give. We have to choose how to adjust our commitments, to give us back some flexibility, because who knows where the French army will have to deploy in a year, General Francois Lecointre was cited by local media as saying earlier this month. President Emmanuel Macron has announced a strategic review of the street patrols. His new armed forces minister, Florence Parly, said on Tuesday they would not be cut but would be made more flexible. In Italy, where up to 7,000 soldiers help police, a defense ministry source said they were moved around often to keep them from being bored - an approach that France and Belgium will both now put into play. Italy has escaped militant attacks so far and troops elsewhere have disarmed or killed would-be attackers - such as a knife-wielding assailant outside the Eiffel tower last month and a suitcase bomber in Brussels in June. But their effectiveness is hard to quantify, and attacks on men in uniform like that in Paris last month - with its familiar pattern of a car plowing into its victims - has renewed fears they may draw fire or shoot in error. In France, three in four voters approve of street patrols, although nearly 40 percent doubt they are effective in combating terrorism. In Belgium, support for the military is 80 percent, up from 20 percent before the mission. It s a PR operation: nothing more, said Wally Struys, a professor emeritus at Belgium Royal Military Academy. But Belgium s Thys and others see no end to the operations, which give the military an extra argument against years of declining budgets. They are part of the landscape now, said Saad Amrani, chief commissioner and policy adviser of the Belgian Federal Police. We depend on them. ",worldnews,"September 14, 2017 ",1 +UK terrorism arrests soar to record level after attacks this year,"LONDON (Reuters) - The number of people arrested in Britain on suspicion of terrorism offences rocketed by 68 percent in the last year to the highest figure on record during a period when the country suffered four deadly attacks, figures showed on Thursday. Statistics from the Home Office (interior ministry) showed there were 379 arrests in the year to June, up from 226 from the 12 previous months, and the most since 2001 when the data began to be collected. Britain is on its second-highest threat level, severe , meaning an attack is highly likely and 36 people were killed in terrorist incidents in the first six months of 2017. Among the arrests, 12 came after an attack in March on London s Westminster Bridge when a man drove a car into pedestrians killing four, before he stabbed a policeman to death outside parliament. Another 23 followed a suicide bombing at a pop concert in Manchester in May, and the following month police arrested 21 suspects after three Islamist militants drove into pedestrians on London Bridge before stabbing people at nearby restaurants and bars, killing eight. One arrest followed an attack in north London when a van was driven into worshippers near a mosque which left one man dead. Britain s most senior counter-terrorism officer Mark Rowley has said police have been arresting a suspect every day. He said this week that there had been a shift in the threat level rather than an isolated spike. In the three years until March this year, police foiled 13 potential attacks but in the next 17 weeks, there were the four attacks while the authorities thwarted six others, Rowley said. The pace has continued to be almost as challenging since then, he told a conference in Israel. The official figures showed that among the 379 arrests, 123 people were charged with an offense, of which 105 were terrorism-related, while 189 were released without charge. ",worldnews,"September 14, 2017 ",1 +Boys 'cried from barred windows' as Islamic school blaze kills 23 in Malaysia,"KUALA LUMPUR (Reuters) - A blaze at an Islamic boarding school in the Malaysian capital killed at least 23 people on Thursday, most of them teenage boys who cried for help from barred windows, officials and witnesses said. The fire broke out at around 5.40 a.m. in a top-floor dormitory in the three-storey building, firemen said, where most of the students were sleeping in bunk beds, with many of the windows covered by metal grills. One survivor said there was just one window the boys managed to open. Two teachers were also killed in the fire at the Darul Quran Ittifaqiyah, a 15-minute drive from the iconic Petronas Twin Towers in Kuala Lumpur, police said, adding that most of the victims died from smoke inhalation. The youngest was just seven, media said. The disaster has renewed calls for greater scrutiny of so-called tahfiz schools, where students learn to memorize the Quran. They are unregulated by the education ministry, being the responsibility of the religious department. Deputy Prime Minister Ahmad Zahid Hamidi said at least 31 fires had been reported at such schools in Malaysia since 2011, adding that they must follow safety regulations. We will continue to carry out investigations, especially through forensics, as we found that there was some security features that should have been complied with but weren t, Zahid told reporters outside the school. Fire department operations deputy director Soiman Jahid said the cause was likely a short circuit or a mosquito repellent coil. The dormitory had only one entrance, leaving many of the victims trapped, he said. The building was surrounded by metal grills that could not be opened from the inside. The students, after realizing the fire and heavy smoke, tried to escape through the window, Soiman said outside the school. But because of the grills, they could not escape. Soiman said the school had submitted a request for fire safety approval but no new checks had been carried out as the request was still being processed. The pupils all got locked in and they couldn t escape and got burned, Nadia Azalan, sister of a 13-year-old victim, told Reuters in tears as distraught family members gathered outside the building. Safety should come first. Mohamad Arif Mawardi, 24, who was sleeping on one of the lower floors, said he realized there was a fire only after he heard people shouting. We wanted to help the others but we couldn t because the fire was rampant. There was nothing we could do, he said. About 13 boys managed to open a window and escape, Arif said. Only those 13 who had access to that open window could escape, he said. A man identified only as Hazin, who lived next door to the school, said his son called the fire department after they heard screams and saw the flames. The children were crying for help, but I couldn t help them as the door was already on fire, he said. Viewed from outside, the only tell-tale signs of disaster were the blackened upper-floor windows, otherwise the tin-roofed building appeared unscathed, with a Malaysian flag hanging limply from the yellow wall. Only inside did the intensity of the inferno become clear. The dormitory was blackened, lined with the charred frames of bunk beds. Tahfiz schools have been under scrutiny since earlier this year when an 11-year-old boy died after reported abuse in Johor, north of Singapore. ",worldnews,"September 14, 2017 ",0 +Japan's Abe says U.N. resolution must force change in North Korea,"NEW DELHI (Reuters) - Japanese Prime Minister Shinzo Abe on Thursday called for strict enforcement of a U.N. resolution against North Korea over its latest nuclear test, saying the world must force a change in Pyongyang s policies. Abe made the remarks during a visit to India aimed at deepening economic and defenses ties to balance the weight of a rising China. New Delhi stood with Tokyo in its resolve for a firm response to Pyongyang, he said. I d like to appeal to the world, together with Prime Minister Modi, that we need to have North Korea change its policy through the thorough implementation of the newly adopted Security Council resolution by the international community. Prime Minister Modi and I are in full agreement on this, he said. The 15-member Security Council voted unanimously on a U.S.-drafted resolution and a new round of sanctions against North Korea on Monday in response to its latest and most powerful test, banning North Korea s textile exports that are the second largest only to coal and mineral, and capping fuel supplies. ",worldnews,"September 14, 2017 ",1 +German court rules public should have free access to beaches,"FRANKFURT (Reuters) - The public should not be forced to pay to walk on Germany s beaches or swim in the sea, a federal court ruled, calling into question private beaches along the North and Baltic Sea coasts. The coastal town of Wangerland, 170 km (100 miles) west of Hamburg, was sued by two residents of neighboring towns who demanded it provide free access to its two North Sea beaches. Wangerland s tourist office has largely fenced in the beaches, added facilities, playgrounds and lifeguards, and has been charging visitors a 3-euro ($3.57) entry fee during the summer season, with the exception of residents and tourists of the town itself. Under German law, anyone is allowed to enter unused tracts of land, a provision meant to give the public access to the country s natural beauty and create opportunities for fresh-air recreation free of charge. But a court in the state of Lower Saxony last year ruled in favor of Wangerland, saying the beaches in question were not unused but had been leased by the town for commercial purposes. The federal administrative court said in its ruling published on Thursday the town could not charge visitors to go for walks on the beach or to swim in the sea, but could for using the facilities set up there. Claims to nearly the entire beach, and not only the areas needed to operate the business, put excessive limits on general liberty, the court said in a statement, partly overturning the lower court s ruling. ",worldnews,"September 14, 2017 ",1 +NZ kingmaker calls for inquiry over China spy report,"(Reuters) - A populist politician whose party could emerge as a kingmaker at this month s New Zealand election has called for an inquiry into whether a member of the ruling National Party government has been working for China s intelligence services. Earlier this week the Financial Times reported that National Party member Jian Yang spent a decade at elite Chinese military academies and has been under investigation by New Zealand s national intelligence agency. Winston Peters, whose New Zealand First party is widely expected to form a ruling coalition with either the National or Labour parties, said that New Zealanders should be very concerned . National must act now and a full inquiry is required. Peters said on his official Twitter account. There must be proof Dr Yang is not a risk. Meanwhile, Dr Yang must step aside. Yang who is 55, had lived in China until he was 32, the Financial Times said. No information about his Chinese education or military background was included in his official biographies in New Zealand or those published when he was an academic at Auckland university, it said. Yang, who has been a major fundraiser for the National Party and has pushed for closer ties with Beijing, told media that he was the victim of a smear campaign and denied passing on any information to China during his time in New Zealand. I can understand people can be concerned, because they do not understand Chinese system, but once they understand the system they should be assured this is nothing really you should be concerned about, he said according to a Newshub report. Prime Minister and National Party leader Bill English said that he was well aware of Yang s background, employment and training in China. This is a New Zealand citizen. Dr Jian is a New Zealand citizen. The country is happy to have him as a citizen, English told New Zealand s 1News. English said he had been aware from early on that Dr Yang had had military training, including military intelligence . He s never tried to hide that background, English said. Meanwhile, Labour leader and contender for the premiership Jacinda Ardern declined to comment, saying only it was an issue for the National Party to respond to, according to the report. ",worldnews,"September 14, 2017 ",1 +South Korea's Moon says he's against having nuclear arms despite North Korea threat,"SEOUL (Reuters) - South Korean President Moon Jae-in said on Thursday he was against bringing nuclear weapons into his country despite North Korea s nuclear threats. Introducing nuclear weapons in South Korea would make it impossible for the two Koreas to establish peace and could fuel an nuclear arms race in Northeast Asia, Moon said in an interview with CNN, according to the presidential Blue House. ",worldnews,"September 14, 2017 ",1 +UK Foreign Secretary Johnson to hold talks with U.S.' Tillerson in London,"LONDON (Reuters) - British Foreign Secretary Boris Johnson will meet with U.S. Secretary of State Rex Tillerson in London on Thursday to discuss issues including Hurricane Irma, North Korea and Libya, his office said. Johnson, who this week visited the British territories of Anguilla and the British Virgin islands to see the devastation caused by Irma, will discuss the international response with Tillerson and French Political Director Nicolas de Riviere. I ve seen firsthand the devastation Hurricane Irma has caused people in the Caribbean. Close coordination with our allies is vital for both the short-term and long-term recovery efforts, Johnson said in a statement ahead of the meeting. The three will also discuss the situation in North Korea, which carried out its sixth and largest nuclear test earlier this month. The U.N. Security Council voted unanimously to boost sanctions on North Korea on Monday, but U.S. President Donald Trump has said they were a small step and nothing compared to what would have to happen to deal with the country s nuclear program. Johnson will also host a meeting on Libya, attended by Tillerson and other international representatives including Italian Foreign Minister Angelion Alfano, Egyptian Foreign Minister Sameh Shoukry and U.N. Libya envoy Ghassan Salame. ",worldnews,"September 13, 2017 ",1 +Vietnam seeks death penalty for embezzlement by ex-chairman of state energy firm,"HANOI (Reuters) - Prosecutors in Vietnam on Thursday said they were seeking the death sentence in an embezzlement case against a former chairman of state energy firm PetroVietnam, as the communist country steps up one of its biggest corruption crackdowns. Some high-ranking political officials have been punished as investigations widen into PetroVietnam and the banking sector, with dozens of banking and energy officials facing trial on charges such as embezzlement, mismanagement and abuse of power. In a statement, the Supreme People s Procuracy of Vietnam said it had sought a death sentence for the former chairman, Nguyen Xuan Son, on charges that include wrongdoing with serious economic consequences and abuse of power to usurp assets. It urged an overall penalty of death , listing punishments such as a jail term of 16 to 18 years for flouting state rules on economic management and life imprisonment for abuse of power, before seeking the death sentence for embezzlement . In 2009, PetroVietnam acquired an 800-billion-dong ($35-million) stake in Ocean Group s banking unit, Ocean Bank, which had to be completely written off in 2015, when the central bank took it over at no cost. Son could not be reached for comment as he is on trial, and Reuters could not immediately reach his lawyer. Prosecutors also sought life imprisonment for Ocean Group s founder, tycoon Ha Van Tham on charges ranging from embezzlement to abuse of power, the statement said, adding that dozens of other Ocean Bank staff could also face years in jail. Ocean Group, which has interests in real estate, finance, hotels and infrastructure, said it had no comment on the sentence sought for Tham, who cannot be reached as he is still on trial. Police opened three new cases against state firm units, among them Russian joint venture Vietsovpetro, Vietnam s sole refinery operator Binh Son Refining and Petrochemical, and PetroVietnam Exploration Production Corp. All three cases focus on alleged abuse of power to usurp assets and are linked to violations at Ocean Bank, Vietnam s police said in a statement on their website on Thursday. Police added another accusation of abuse of power against PetroVietnam s vice general director Ninh Van Quynh, they added, following his arrest and prosecution this month for alleged wrongdoing. Quynh could not be contacted for comment on the fresh charge as he is on trial. Last week a former central bank governor was prosecuted for alleged lack of responsibility. Dinh La Thang, a former PetroVietnam chairman, was removed from the powerful politburo and last month, a vice trade minister was sacked. ",worldnews,"September 14, 2017 ",1 +Support for NZ's Labour Party improves position as frontrunner in election race,"WELLINGTON (Reuters) - New Zealand s Labour Party on Thursday promised no surprise new taxes until 2020 and improved its position as frontrunner in a national election, with a poll showing its support edging up, threatening the National Party s ten-year grip on power. The result was at odds with a shock survey by another pollster this week that put the centre-right National in the lead and underscored the unusually volatile nature of the race to the vote on Sept. 23. Backing for the Labour Party rose 1 point to 44 percent, the One News-Colmar Brunton poll showed, while support for the National Party also gained 1 point, putting it at 40 percent. In another positive sign for Labour, its potential coalition partner, the Green Party, recovered, rising 2 points to 7 percent, comfortably above the 5 percent threshold needed to gain seats in Parliament. The nationalist New Zealand First Party fell 3 points to 6 percent, making it less likely that Labour would need the populist party to form a coalition government after the election. Poll results have been swinging wildly and a separate Newshub-Reid poll on Tuesday had shown a surprise surge for National, giving it a robust lead of almost ten points. The National Party has vowed to support free trade as global protectionism rises, in particular, by championing the Trans-Pacific Partnership pact, which Labour has said it would renegotiate. An average of polls released by Radio New Zealand on Wednesday, which included the results of Newshub s shock poll, put the two parties at almost even support. Thursday s poll was published on the same day Labour moved to stem criticism of a plan to set up an expert panel to consider new levies, such as a capital gains tax. To avoid any doubt, no one will be affected by any tax changes arising from the outcomes of the Working Group until 2021, said Labour finance spokesman Grant Robertson, in a statement. As rivalry has heated up, Labour leader Jacinda Ardern on Wednesday called National desperate liars in response to an advertisement saying the centre-left party would bring in new taxes and subverting its slogan, Let s Do This into Let s Tax This . Investors have been made jittery by the uncertainty over who will govern, but currency reaction to the latest poll was muted. The New Zealand dollar - the word s 11th most traded currency in 2016 - softened slightly to $0.7240 from $0.7250 shortly before the poll results. ",worldnews,"September 14, 2017 ",1 +"Macedonia wants EU membership process, Greek talks to run in tandem","LONDON (Reuters) - Macedonia hopes it has done enough to convince the European Union to start accession talks while a quarter-of-a-century-long row with neighbouring Greece rumbles on, its foreign minister said on Wednesday. Greece has vetoed the ex-Yugoslav republic s attempts to join both the EU and NATO because it says the name Macedonia implies a territorial claim over Greece s own northerly region of Macedonia. Macedonia s suggestion last month to use the name the Former Yugoslav Republic of Macedonia as it does at other international bodies was not immediately embraced by Greece, Macedonia s Foreign Minister Nikola Dimitrov told Reuters. The two sides are set to meet again later this month at the U.N. General Assembly in New York. Whatever the outcome, Macedonia wants the EU to agree that accession talks - which could take years - can at least get under way. If we have enough in terms of reform at home, we hope we will reach that stage (to start EU accession talks) and deal with the name issue in parallel, Dimitrov said. The time it takes to go through the EU membership process might give Greece, which has previously insisted that Skopje use a compound name such as New or Upper Macedonia, enough comfort that process can be halted if needed. European Commission President Jean-Claude Juncker gave a boost to Macedonia s EU hopes, and those of Serbia, Albania, Montenegro, Bosnia and Kosovo, saying on Wednesday: We must maintain a credible enlargement perspective for the Western Balkans. Joining NATO is more clear cut, meaning that for now there is unlikely to be much leeway from Greece. We cannot fight our way into the NATO alliance, we have to talk our way in, Dimitrov said. We need to be seen in Athens as an ally ... In the long run it is also in the Greek interest to have a law-governed neighbour to their northern border. Macedonia, a small ex-Yugoslav republic of about 2 million people, declared independence in 1991 and avoided the violence that accompanied much of the breakup of Yugoslavia. It was later rocked by an insurgency among its large ethnic Albanian minority that almost tore the country apart in 2001 and it has just emerged from two years of political turmoil after a wiretapping scandal brought down the previous ruling nationalist VMRO-DPMNE party bloc in 2015. Tensions boiled over again in April when protesters stormed parliament and assaulted the country s now prime minister after his party and ethnic Albanian allies voted to elect an Albanian as parliament speaker. Macedonia s position just above Greece meant it was also on the key Syrian refugee and north African migrant transit route to northern Europe until the EU and Turkey struck a deal to stem the flow. Turkey is due in the coming months to receive a tranche of the money that came with the deal and Dimitrov said it was important the arrangement remained firm. We think it is very important for Europe to continue to assist Turkey. I think closing the Balkan route and the Turkish-EU (financial) deal together helped both Europe and the refugees have a more organised approach to the problem so both are very important and we need both to stay in place. (This version of the story removes wrongly attributed acronym from paragraph 3) ",worldnews,"September 13, 2017 ",1 +Does Myanmar violence amount to human rights crimes?,"(Reuters) - Myanmar stands accused by rights groups of ethnic cleansing and human rights violations after violence broke out in the northwestern state of Rakhine, triggering an exodus of about 400,000 Rohingya Muslims to southern Bangladesh. At least 400 people have been killed, and thousands of homes and villages have been torched, since the military launched a counteroffensive against Rohingya insurgents in late August. Myanmar does not recognize the roughly 1.1 million Rohingyas as citizens, leaving them effectively stateless. The following are questions and answers on the violence: The military says it is protecting Myanmar against attacks by the Arakan Rohingya Salvation Army (ARSA), which it has labeled a terrorist group and accuses of killings and destruction in Rakhine state. Human rights monitors and fleeing Rohingya say the army and ethnic Rakhine Buddhist vigilantes have mounted a campaign of arson aimed at driving out the Rohingya. Rights groups say an independent investigation is required to determine possible abuses or violations by various parties. Yes, according to United Nations officials and rights groups. Top U.N. officials have said the violence in Myanmar is a case of textbook ethnic cleansing . The U.N. has in the past defined ethnic cleansing as rendering an area ethnically homogeneous by using force or intimidation to remove persons of given groups from the area. Ethnic cleansing is not recognized as a separate crime under international law. But allegations of ethnic cleansing as part of wider, systematic human rights violations have been heard in international courts against individuals - including former Bosnian Serb leader Radovan Karadzic, who was convicted of genocide. Phil Robertson, deputy director for Asia at Human Rights Watch (HRW), said initial investigations in Myanmar were indicative of an ethnic cleansing campaign . When an army is burning people out of their villages all over northern Rakhine state and using violence against civilians, it results in the kind of incredible refugee flows we re seeing, he added. Myanmar has denied allegations of ethnic cleansing. ARE WE SEEING GENOCIDE, WAR CRIMES, CRIMES AGAINST HUMANITY? Turkish President Tayyip Erdogan has said the killing of hundreds of Rohingya amounted to genocide, but rights groups have so far stayed away from these labels, because all three categories are clearly defined and covered in international law. For the ongoing violence to be considered war crimes, the parties involved would have to be at war. Currently, experts say, Myanmar is not technically at war because it only has one party - the military - that is organized enough to carry out intensive fighting operations. We have not yet been able to determine whether a state of war is present in Rakhine state, said HRW s Robertson. Crimes against humanity and genocide could be taking place even in the absence of war, but, under U.N. definitions, there would need to be proof of other conditions such as broader, systematic attacks against the Rohingyas. Human rights groups have accused Myanmar of laying anti-personnel mines along the border with Bangladesh to prevent Rohingya refugees from returning to Rakhine state. Because the crisis is not currently defined as a war, this cannot be considered a war crime, according to experts. However it would violate other international human rights laws, even though Myanmar is not party to the 1997 Mine Ban Treaty. For nations that are not parties to the treaty, the use of anti-personnel mines violates customary international law, because the weapons are inherently indiscriminate and cause disproportionate long-term harm to civilians, said Richard Weir, a legal expert at HRW. A Myanmar military source told Reuters that landmines were laid along the border in the 1990s to prevent trespassing and the military had since tried to remove them, but that none had been planted recently. In international law, an individual can be held criminally responsible for when a state or military commits war crimes or crimes against humanity. Rights groups have called for an independent investigation of abuses by all parties, including ARSA. Many believe the government and the military should be held responsible. Myanmar is systematically violating the rights of the Rohingya ... and both the government and the military now need to suffer serious consequences for this, said HRW s Robertson. This depends on the findings of an independent investigation, if the Myanmar government allows one to take place, experts say. Rights groups have called for the U.N. Security Council to also reprimand Myanmar in other ways, for instance, by imposing sanctions such as an arms embargo. They have also urged countries, including the United States and Australia, to suspend bilateral military ties. The 1991 Nobel Peace Prize winner has faced widespread international criticism for not doing enough to protect the Rohingya community. Suu Kyi has no direct control over the military, which remains powerful under Myanmar s army-written constitution. But she is Myanmar s foreign minister and de facto civilian leader and has defended the military operation. It s premature to speculate, said Robertson, adding that individual responsibility should be based on an impartial investigation. The International Criminal Court (ICC), based in The Hague, Netherlands, has the jurisdiction to prosecute crimes of genocide, war crimes, and crimes against humanity. Myanmar is among the countries, which also include the United States and China, that are not signatory to the treaty that created the ICC, so it is not obligated to cooperate. But if the U.N. Security Council were to refer a case to the court then Myanmar, being a member of the U.N., would be subject to its jurisdiction. Ad hoc tribunals and commissions have been set up in the past to hear cases of mass human rights violations. For instance, the United Nations established the International Criminal Tribunals for Yugoslavia and Rwanda to deal with crimes that took place there. Rights groups say they are protected by various U.N. human rights treaties, primarily the Universal Declaration of Human Rights, which Myanmar voted for in 1948. The document includes provisions for the right to life and right to a nationality - particularly relevant to the Rohingyas, who are effectively stateless. (Story amends headline.) ",worldnews,"September 14, 2017 ",1 +Coal mine explosion kills nine workers in northern China: Xinhua,"BEIJING (Reuters) - An explosion late on Wednesday at a small coal mine in China s northern province of Heilongjiang killed nine workers, the official Xinhua News Agency said on Thursday. The incident occurred at the Yuchen coal mine, which has 60,000 tonnes of annual production capacity, located in the city of Jixi. The latest accident follows an announcement by China s State Council on Aug. 31 to launch a new round of safety checks at coal mines and chemical plants starting in September after injuries during an incident at a state-owned coal mine in August. China s coal output in August fell to a 10-month low, data from the National Statistics Bureau showed on Thursday, suggesting mines have reduced production in the wake of major accidents. ",worldnews,"September 14, 2017 ",1 +EU workers drift from Britain just as restaurateurs need them most,"LONDON (Reuters) - Business is booming for Paul Murphy s recruitment agency in northwest England. Clients are rolling in with more jobs in restaurants, bars and hotels than ever before, but finding workers to fill them has become tricky. Britain s vote to leave the EU has complicated life for Murphy. A steady stream of continental Europeans who for years have taken up hundreds of thousands of positions in the hospitality business and other industries has started to dry up. It s definitely getting worse. The lead time to fill a chef vacancy at the moment ... could be anything between two and six months, said Murphy, whose Knight Benton Recruitment agency is based in the small town of Cleator Moor. By contrast finding a chef last year would take two months at most, he told Reuters. Citizens of the remaining European Union states - from Italians and Spanish to Poles and Romanians - face losing their automatic right to live in Britain when it leaves the bloc in March 2019. Murphy believes the government must produce an alternative immigration regime that ensures employers get the workers they need. Without a proper plan in place, they could crash the economy, he said. The hospitality sector, like farming and construction, has relied heavily on Europeans, and particularly on people from the poorer ex-communist states which began joining the EU in 2003. Citizens of other EU countries could make up as much as a quarter of the 3 million workers in hospitality, according to a KPMG report based on a survey of British Hospitality Association (BHA) members. That includes 75 percent of waiting staff, 37 percent of housekeepers and 25 percent of chefs. Last June s referendum has affected both the supply of labor and demand for it. European workers are starting to leave Britain or having second thoughts about coming in the first place, worried about their uncertain status after Brexit. On top of this, the pound has fallen more than 15 percent against the euro and about 21 percent against the Polish zloty since the referendum. That means Europeans sterling pay does not stretch nearly so far when they send money home, encouraging them to seek work elsewhere. But Murphy s clients need more staff. Cleator Moor lies on the edge of the Lake District national park, a top tourist draw. The weak pound has encouraged many Britons to holiday at home and attracted growing numbers of foreign visitors to places like the Lake District. They need feeding and accommodating. Smaller firms are particularly affected. Some are paying agencies to recruit for roles they used to fill easily themselves, raising salaries and offering more part-time hours. At a national level, big brands like the Pret a Manger sandwich chain and pizza restaurant group Franco Manca have warned about the impact on their businesses. Hospitality alone accounts for around 4.3 percent of the British economy, the BHA estimates, but the problem is wider. Numerous recruitment and sentiment surveys have suggested that firms across the economy are struggling to fill vacancies. Prime Minister Theresa May s government has to balance these concerns with those of the many Britons who say they voted for Brexit primarily to clamp down on migration from the EU. The government wants to keep the right of Irish citizens to work in Britain, an arrangement which long pre-dates the EU. But a leaked document last week showed it is considering restricting migration from other EU states to all but the highest skilled workers. The government has said only that it would set out its proposals later this year. Employers fear too hard a line will make matters worse. Already they raised salaries at the fastest pace for two years in August as the fall in EU migration aggravates the labor shortage, according to a survey by the Recruitment and Employment Confederation. Hospitality needs to recruit 200,000 people every year to make up for natural staff turnover and power its growth, according to the BHA. Without any new EU migration or an increase in applications from Britons, it estimates the industry could face a shortfall of more than 60,000 jobs every year. Since 2003 the number of people born in other EU states living in Britain has jumped from 1.26 million to 3.68 million in 2017, according to Oxford University s Migration Observatory. Eastern Europeans accounted for almost all the increase. But that trend has slowed sharply. In the 12 months to March, net migration from all countries was 246,000, down 81,000 from the previous year, official data show. More than half that drop was due to EU citizens leaving and fewer arriving since the Brexit vote. The biggest fall was among citizens of eight eastern European countries. Up-market fast food chain Leon, which runs 52 restaurants mostly in London and southeast England, is feeling the consequences. What we ve seen this year, particularly in the last quarter, is a significant drop in applications from EU nationals, said Marco Reick, the firm s people director. With staff from other EU states making up around 60 percent of Leon s 1,000-strong workforce, the firm has responded by splitting full-time roles into part-time positions. While more expensive initially, this makes them more attractive to British candidates who tend to want more casual work. Indian fine-dining restaurant group MW Eat says job applications from EU nationals are down around 80 percent since the referendum. We ve had to increase wages by in excess of 10 percent, said chairman Ranjit Mathrani. Even then, the group is taking on less qualified candidates, raising training costs. As a result, it is having to increase menu prices. Finding British replacements isn t easy. Mathrani said MW Eat would prefer to hire more locally-born workers, but many see hospitality as an unattractive career choice. On top of that unemployment is its lowest in decades, at 1.46 million people or 4.3 percent of the workforce in the three months to July. Peter Gowers, chief executive of the Travelodge budget hotel group, says there simply aren t enough available Britons. Even if the hotel industry recruited virtually every person on the unemployment register there wouldn t be enough people to fill all the roles needed in the 10 years following Brexit, he told the Mail on Sunday newspaper. Gowers called on the government to consider a guest worker program to avoid price rises and investment cuts. Other large firms say they have avoided the impact so far. One such is the Gordon Ramsay Group, which operates restaurants under the name of one of Britain s most outspoken celebrity chefs. CEO Stuart Gillies said that with two thirds of its workforce from other EU states, the firm has brought forward steps to retain staff including offering more flexible shifts. The government s ambition is to cut annual net migration to the tens of thousands . For some employers, the prospect of further falls in migration is unsettling. That really makes me very uncomfortable, because we re struggling as it is, said Reick. ",worldnews,"September 14, 2017 ",1 +German wage talks to include new focus: reduced working hours,"FRANKFURT/BERLIN (Reuters) - The trade union powerhouse that won the 35-hour work week for Germans more than two decades ago is mobilizing for a new campaign to reduce working hours at annual wage negotiations about to kick off nationwide. IG Metall, Germany s biggest union with 2.3 million workers mainly in the car and manufacturing industries, says shorter hours will help shift workers and those who need to care for children or elderly relatives, with wide implications for how German society evolves in the 21st century. If the union s gambit is successful, economists counting on strong wage rises will be watching to see if there are deflationary effects as domestic consumption overtakes exports as the driver of the euro zone s biggest economy. The union begins internal discussions at the local level on Thursday, just as campaigning in Germany s parliamentary election enters its final phase, with issues of work and family high on the agenda. The timing could have been made to order for a wage round in which our issues will have great support from society, IG Metall President Joerg Hofmann told a union conference in late June, as he launched the initiative. The value of time and the value of money will carry equal weight, Hofmann told journalists last week. IG Metall will release its national list of demands at the end of October. Negotiations with employers begin in November. Buoyed by record employment, a shortage of skilled labor and a strong economy, it is in its strongest bargaining position for years. Employers are rattled. Working time is our number one concern, Oliver Zander, chief executive of the Gesamtmetall umbrella association of employers that mirrors IG Metall, told reporters last week. We need more hours to be worked. Reducing working hours now could be problematic, particularly for small companies, he said, and argued productivity gains were not keeping up with unit labor costs. We have a very tough wage round ahead of us. IG Metall, whose members work at giants like Volkswagen (VOWG_p.DE) and Siemens as well as thousands of smaller firms, is trying to wrest back control of working conditions as employers demand ever more flexibility. According to the plan laid out in June, the union wants to establish that workers can reduce weekly hours to 28 for up to two years with a right to return to full-time work. In the cases of low-paid workers who need the extra time to care for relatives, employers would help make up the pay shortfall. A poll of nearly 700,000 workers at its plants earlier this year found that many shift workers in particular were dissatisfied with their influence over working patterns. One in three of those surveyed worked shifts. IG Metall acknowledges there may have to be a trade-off with the headline pay rise. Where big sums are involved, such as compensation for the shortfall, the employers will certainly want their payback, Hofmann told Germany s Deutschlandfunk radio last week. Bundesbank Chief Economist Jens Ulbrich said IG Metall s ideas about working time autonomy and partial compensation for reductions were uncharted territory. It s quite difficult to assess what the implications of the wage round will be on working time arrangements and wage growth, he told Reuters. Both the Bundesbank and the European Central Bank are keeping a close eye on the negotiations for any sign that wage growth is picking up, potentially lifting inflation and allowing the ECB to start winding down its massive stimulus program. Despite robust growth across the euro zone, wages have barely risen for years, likely reflecting hidden slack in the labor market - the shortfall between the work people want and the amount available. This is putting the ECB in a tight spot as it has missed its price growth target for nearly five years. The Bundesbank s latest forecast, for 1.4 percent German inflation in 2018, assumes actual wage rises of 2.9 percent, up from 2.4 percent in 2017 and 2.5 percent in 2016. It s not the first time the German work week has been cut. A decade ago, Germans voluntarily cut their hours to share the available work more equally during the global economic crisis. But where that was a crisis measure, this could be the beginning of a social trend, experts say. Employers got a hint of the mood this year, when most of the more than 100,000 employees at national rail operator Deutsche Bahn [DBN.UL] were given a choice of more money or more holidays and chose the extra days off. I do believe the trend will go in the direction of shorter working hours, said Anke Hassel, academic director of the Institute of Economic and Social Research (WSI) of the trade union-affiliated Hans Boeckler Foundation. IG Metall is the pioneer. Germans already work fewer than any other nation in the OECD - 1,363 hours a year on average - partly due to large numbers of women working part-time. Jon Messenger, working time specialist at the International Labour Organisation, said the fall in working hours could be seen as a natural evolution of working life, especially in the face of enormous technological change. That type of working hours reduction is not something I see much of, although I think it would be a good thing, he said. It seems to me like it would be a very logical response to increasing automation of production, for example. Willem Adema, senior economist at the social policy division of the Organisation of the Economic Cooperation and Development (OECD), agreed, especially when a reduction was coupled with the right to return to full-time work. Long hours are not necessarily more productive, he said. IG Metall s wage settlement will affect as many as 3.9 million workers, including members at plants not directly covered by the pact, and will have a strong influence on other agreements among the 44.4 million workers throughout Germany. If IG Metall goes a step further with working time, it will certainly send out signals in many areas, said Thorsten Schulten, wage expert at the WSI. I can well imagine that we will experience this as a broader issue perhaps already in the next wage rounds, and also in future rounds, he said. ",worldnews,"September 14, 2017 ",1 +Austria's leaders reject Juncker's vision for euro expansion,"VIENNA (Reuters) - Austria s Social Democrat Chancellor Christian Kern and conservative Foreign Minister Sebastian Kurz on Thursday rejected European Commission chief Jean-Claude Juncker s vision to expand eastward the euro and a border control free zone. In his annual State of the European Union speech, Juncker sketched out a vision of a post-2019 EU where some 30 countries would be using the euro, with an EU finance minister running key budgets to help states in trouble. French, German and eastern European officials have made positive comments about the speech. Kern, who is running against Kurz in parliamentary elections on Oct. 15, told ORF radio there was no point in expanding the euro and Schengen zone as long as tax fraud, the practice of contracting out work to lower-cost eastern European firms and breaches of limits for government debt had not been vanquished. It simply makes no sense to enlarge the euro zone before this has not been dealt with, because (otherwise) problems would get bigger, Kern said, pointing to Greece s struggle for years on the verge of bankruptcy as a prime example of such problems. If you like this is an expansion of the problems at the end of the day and not a plus in European cooperation. I think this concept is not thought through. Kurz also pointed to Greece as a bad example of including countries which do not fulfil the conditions for public finances the EU has set for itself. The euro and the Schengen zone is open for everybody, but only for those that fulfill the criteria... We must avoid another situation like the one in Greece, Kurz said. ",worldnews,"September 14, 2017 ",1 +East Timor President says to swear in Mari Alkatiri as PM,"DILI (Reuters) - East Timor is set to swear in Mari Alkatiri for a second stint as prime minister, the country s president said on Thursday, with Asia s youngest democracy facing stiff challenges to boost a flagging economy heavily reliant on oil and gas. Alkatiri, the secretary general of the Fretilin party, was East Timor s first prime minister after independence from Indonesia in 2002. He stood down in 2006 after a wave of unrest sparked by the sacking of 600 soldiers. Today I announce to all the people that the president of the republic ... has nominated Dr. Mari Alkatiri to become the prime minister, President Francisco Lu Olo Guterres told a news conference. Guterres called for people to remain calm and said Alkatiri would form a minority government. He expected Alkatiri s swearing-in to be held either later on Thursday or on Friday. The most important thing is the politicians need to think about how to maintain government stability in the future and ensure peace, he said. Fretilin, or the Revolutionary Front for an Independent East Timor, won the most votes in July s election but failed to get an outright majority. It intends to form a coalition with the small Democratic Party. It had been in a de facto coalition since 2015 with the National Congress for Timorese Reconstruction, a party founded by former independence fighter Xanana Gusmao. Alkatiri, who is a Muslim in the predominantly Roman Catholic nation, spent several decades living in exile in Mozambique during East Timor s struggle for independence. The next prime minister will face pressure to lift flagging oil production in the tiny nation of 1.3 million people, where unemployment and poverty remain high. Dwindling output from existing oil and gas fields, compounded by the slumping prices of the commodities, have hit the government s budget and crimped its ambition to develop manufacturing as an engine for economic growth. Australia and East Timor reached a breakthrough agreement earlier this month on a maritime border, ending a decade-old row that has stalled a $40 billion offshore gas project. The long-running dispute has led the owners of the Greater Sunrise fields - Woodside Petroleum, ConocoPhillips, Royal Dutch Shell and Japan s Osaka Gas - to shelve the project. ",worldnews,"September 14, 2017 ",1 +Japan refueling U.S. missile defense ships keeping watch on North Korean threat: source,"TOKYO (Reuters) - Japan s navy is supplying fuel to U.S. ballistic missile defense (BMD) ships in the Sea of Japan, in a sign of deepening co-operation between the allies amid the growing threat from North Korea, a source said. By providing fuel to the U.S. Aegis destroyers as well as its own BMD ships, Japan hopes to ensure patrols can be maintained without unnecessary gaps, said the source, who has knowledge of the operation. The refueling began in April, the Nikkei financial daily reported earlier. North Korea threatened on Thursday to sink Japan with nuclear weapons for dancing to the tune of the United States for backing a U.N. Security Council resolution that imposed fresh sanctions on Pyongyang. The U.S. Navy s Seventh Fleet usually has around six Aegis ships assigned to BMD operations around Japan. Japan operates four ships of its own. They are armed with interceptors designed to shoot down warheads in space before they plunge to their targets. Around half of the ships would normally be at sea at any one time. Japanese Prime Minister Shinzo Abe s administration in 2015 won lawmaker approval to expand the role of the nation s Self Defence Forces (SDF) under the pacifist constitution to allow them to take on a bigger role in the alliance with Washington, including resupplying and defending U.S. ships. Japan has delivered fuel to U.S. ships in the past under ad hoc legislation, including vessels deployed to support military operations in Afghanistan a decade ago. But this is the first time it has been undertaken under the new security law. Japan s Chief Cabinet Secretary Yoshihide Suga at his regular morning press briefing on Thursday said that this kind of co-operation would be undertaken by the allies. He declined to comment on the Aegis ship fuel shipments saying it could reveal details of SDF and U.S. Navy operations. ",worldnews,"September 14, 2017 ",1 +13 killed in gang battles in two Mexican states,"MEXICO CITY (Reuters) - At least 13 people were killed in battles between rival gangs in two states in central and western Mexico, officials said on Wednesday, as murders climb to record levels this year. Five people were gunned down in a bar on Tuesday night in the capital of central Guanajuato state while seven people were found dead in two different places in the western state of Michoacan, according to officials at state prosecutors offices. Three dismembered bodies, including a woman s, were found in the community of Angahuan near the drug-gang hotbed of Uruapan, the Michoacan prosecutors office said. Michoacan has been one of the bloodiest states in Mexico because of battles between rival gangs involved in drug trafficking, kidnapping, extortion of local businesses as well as mineral theft and illegal logging. Neighboring Guanajuato state has seen a spike in violence. Murders were up 37 percent in Guanajuato in the first seven months of the year compared to the same period last year. The murder rate has already risen above levels seen in 2011, which was the deadliest year under former president Felipe Calderon who sent the army out to battle drug gangs. Nationally, there were 14,190 murder investigations in the first seven months of the year, the highest total through July for any year in records going back to 1997. The increase in violence has hit the popularity of President Enrique Pena Nieto and his Institutional Revolutionary Party (PRI) ahead of next year s presidential election. ",worldnews,"September 13, 2017 ",1 +China's big money trumps U.S. influence in Cambodia," (Story corrects to million from billion in paragraph 12 of September 11th version.) By Prak Chan Thul and Matthew Tostevin PHNOM PENH (Reuters) - Accused of plotting treason with Cambodia s detained opposition leader, the U.S. embassy posted a picture of a red herring on its Facebook page. The cryptic suggestion that the accusations were false - a mystifying reference for many Cambodians - was followed by further posts on Monday showing how U.S. aid was helping to preserve temples and forests. Those posts also underscored the big difference between aid from the United States and aid from China, whose greater support for big ticket projects has helped allow Prime Minister Hun Sen to brush off criticism over the arrest of election rival Kem Sokha. Not only is China vastly outspending the United States in a country once destroyed by Cold War superpower rivalry, but its money goes on highly visible infrastructure projects and with no demands for political reform. U.S. aid goes more towards social projects and trying to build democracy - unwanted interference for the government of a prime minister who has ruled for over 30 years. Taking aid doesn t mean they can order us to do what they want. We aren t their ally. We aren t their slave, government spokesman Phay Siphan told Reuters. The Chinese always support us in economic growth and they never interfere in our decisions. The U.S. embassy made no immediate comment. Cambodia has dismissed U.S. and Western criticism of the Sept. 3 arrest of opposition leader Kem Sokha. China has backed Hun Sen. To ensure the security of Cambodia, China will cooperate with Cambodia in all circumstances, Wang Jiarui, vice chairman of China s national assembly, said in Phnom Penh last week, according to the official Cambodian record. The support doesn t only run one way. China relies on Cambodia in Southeast Asian meetings on issues such as its claims in the South China Sea. In Cambodia, China s military has also gained a strategic foothold. Figures from Cambodia s overseas development aid database show how important China has become. It accounted for nearly 36 percent of $732 million listed in bilateral aid for 2016 - nearly four times as much as from the United States. Most of the rest is from other Western countries, whose protests have also been dismissed. The disparity is even starker in investment. China provided nearly 30 percent of investment capital in Cambodia last year - more than Cambodians themselves. The United States accounted for only just over three percent. Meanwhile, U.S. President Donald Trump s proposed aid cuts have pointed to a possible 70 percent reduction in U.S. assistance to Cambodia from 2018, according to a draft proposal. What Cambodia gets from the United States and China is very different. Chinese projects include roads, bridges, irrigation systems, electrical transmission infrastructure and dams. The list of U.S. projects is much longer, but they are much smaller: in education, health, conservation as well as efforts to build democracy which grate on the government. The U.S. funded National Democratic Institute (NDI) pro-democracy group was expelled last month and accused of conspiring to help bring down Hun Sen - a charge rejected by the NDI and the opposition Cambodia National Rescue Party (CNRP). The fact the government has been criticized by Western donors over the recent crackdown just means Cambodia is becoming more dependent on China, said Ou Virak of the Future Forum think tank. The United States is a much bigger export market than China, particularly for Cambodia s garment factories, but the United States has not publicly suggested it could use trade to bring pressure for democratic change. Kem Sokha s deputy, Mu Sochua, said aid that did not include conditions on human rights did not serve Cambodia well. Cambodia needs China, it needs America, it needs democracy to pull it out of many years of poverty, she told Reuters. But Cambodia depends much less on aid than it did. This year will mark the seventh year of near 7 percent growth or above - a fact Hun Sen often points to in a country he took over after the devastating killing fields genocide committed by the Khmer Rouge, in which he was once a commander. World Bank figures show overseas development assistance fell from over 120 percent of central government expenditure in 2002 to barely 32 percent in 2015. Per capita gross domestic product rose from less than $340 in 2002 to nearly $1,300 last year. Dismissing U.S. interference in a speech on Monday, Hun Sen threatened a possible ban on the opposition party. Then he took a plane for Beijing where he said he would seek money for the health sector - an area dominated by Western donors until now. ",worldnews,"September 11, 2017 ",1 +Peru's Kuczynski dares Congress to dismiss entire Cabinet,"LIMA (Reuters) - The government of Peru s President Pedro Pablo Kuczynski told opposition lawmakers on Wednesday that they would have to dismiss the entire Cabinet - and move closer to facing removal themselves - if they try to oust a second education minister. Kuczynski accused the opposition-ruled Congress of trying to sabotage his education reforms as the right-wing Popular Force party prepared a motion to censure Education Minister Marilu Martens over her handling of a teachers strike that dragged on for two months. The president said ousting Martens would be completely unfair. It would be the second education minister censured and purely over political preferences, Kuczynski said. By turning the censure vote on Martens into a vote of confidence on his whole Cabinet, Kuczynski hopes to check Popular Force s ability to threaten his ministers. The president can dissolve Congress if it dismisses the Cabinet twice. Congress has already forced Kuczynski s former education and finance ministers to resign, while his ex-transportation minister quit to avoid a censure vote. Popular Force lawmakers said they would study the request for a vote of confidence on the Cabinet and noted they had not yet formally presented the censure motion for Martens - a sign they might back off. They re putting the governability of the country at risk over one minister? said Luz Salgado, an influential lawmaker with Popular Force, which controls Congress. It s completely irresponsible. The gamble could force Kuczynski, a former Wall Street banker, to appoint 19 new ministers as he tries to revive the economy and his slipping popularity in opinion polls. However, it might also give him a freer hand to govern during the remaining four years of his term. A prime minister has not challenged Congress to renew its confidence in a cabinet in decades, said political analyst Fernando Tuesta, underscoring how rapidly relations between the executive branch and Congress have deteriorated in Kuczynski s year-old government. Kuczynski took office last year after narrowly beating long-time favorite Keiko Fujimori, the eldest daughter of jailed former leader Alberto Fujimori. Kuczynski s party won less than 15 percent of congressional seats while Fujimori s party, Popular Force, won an absolute majority. ",worldnews,"September 13, 2017 ",1 +Florida deaths in sweltering nursing home show post-disaster perils,"HOLLYWOOD, Fla. (Reuters) - Inside a sweltering nursing home, a crisis unfolded on Wednesday as 150 centers across Florida still lacked power days after Hurricane Irma ravaged the state. Firefighters and medics responding to an emergency call in Hollywood north of Miami found three people dead inside a building whose second floor the police chief later described as extremely hot. Altogether, city officials said eight people between the ages of 71 and 99 had died, but the causes were not yet determined. An investigation of possible criminal negligence has begun, Hollywood Police Chief Tomas Sanchez told reporters. Attempts by Reuters to reach an official of the for-profit Rehabilitation Center at Hollywood Hills home by phone and email were unsuccessful. While Sanchez declined to say what the temperatures were on the second floor of the building, the deaths illustrate the perils that can persist and even increase in the aftermath of a major disaster for the elderly and medically fragile. Heat is a top killer after hurricanes and disasters cause power outages, said Dr. Thomas Kirsch, director of the National Center for Disaster Medicine and Public Health. Kirsch noted that hundreds of elderly people died in the 1995 Chicago heat wave and when Hurricane Katrina devastated New Orleans in 2005. The temperatures in Broward County north of Miami have reached 90 degrees Fahrenheit (32 degrees Celsius) in the three days since Irma smashed into Florida on Sunday. We often see that injuries and deaths after disaster in the United States are more common than those actually caused by the disaster itself, Kirsch said. After losing its full air conditioning on Sunday, the facility placed eight portable air coolers throughout the building and fans in the halls, state officials said in an emergency order late on Wednesday. Officials also contacted the power provider, the state said. Efforts to prevent such disasters in nursing facilities have improved in recent years, public health experts said, and that new federal regulations require facilities to have sufficient backup power to maintain reasonable temperatures. Such capacity is now being tested in Florida, home to among the highest concentrations of senior citizens in the United States with more than 1.6 million people ages 75 years or older, according to the 2015 U.S. Census. The U.S. Senate Aging Committee, citing the Florida deaths, on Wednesday said it would have a hearing next week on disaster planning for the elderly. At a housing community for senior citizens in Immokalee, Florida, some residents told a Reuters reporter on Tuesday they had nothing to eat in their small apartments that were without power. An office assistant was hunting for bottled water and ice for residents without running water. Among the state s nearly 700 nursing facilities, about 150 lacked power as of Wednesday morning, said the Florida Health Care Association, which represents most of the homes. Early on Wednesday, several calls were placed to emergency services from the Hollywood nursing home. More than 150 people were evacuated, many suffering from respiratory issues, dehydration and heat-related problems, according to Memorial Regional Hospital spokesman Randy Katz. As recently as Tuesday afternoon, the home had told state health officials it had power and access to fans and spot coolers, Florida Governor Rick Scott noted in a statement. An assisted living center that went without power for nearly three days said that its efforts to run fans and keep breezes flowing between open windows could only go so far. Inside temperatures climbed to 88 degrees Fahrenheit (31 Celsius), nearing a critical point. A day you can survive, two days ok, said Dan Nelson, chief operating officer for Cape Coral Shores assisted living, adding that after that things like what happened over in Hollywood unfortunately could happen somewhere else. The Hollywood center where the deaths occurred had earned a below average mark of two out of five stars from the nursing home rating system for Medicare, the U.S. health insurance program for the elderly and disabled, Medicare records showed. Elder care in disaster poses challenges even in the best circumstances, said Kathryn Hyer, a professor in the School of Aging Studies at the University of South Florida in Tampa, whose research shows that evacuations can be deadly for the medically frail who are dependant on equipment and medications. While sheltering in place can be preferable at times, she said, doing so requires planning to survive the aftermath. It s just hard, Hyer said, noting at least nursing centers offered some protections. I really worry about the people who are in the community alone and how they are doing. ",worldnews,"September 14, 2017 ",1 +Guatemala lawmakers curb penalties for illegal election financing,"GUATEMALA CITY (Reuters) - Guatemala s Congress on Wednesday approved a national emergency decree to curb penalties for illegal election financing after the country s president was linked to suspected irregularities during his 2015 election campaign. The change eliminates criminal responsibility for authorizing electoral funds that prove to be illegal and makes party accountants responsible for irregularities rather than party leaders. The reform, approved by a vote of 105-19, also reduces the penalty for illegal election financing from a maximum of 12 years to 10 and allows for paying a fine in order to avoid jail time. The decree was the latest blow to the prosecutor s office and the International Commission Against Impunity in Guatemala (CICIG) after Congress this week voted to preserve President Jimmy Morales immunity from prosecution. Prosecutors had sought to remove Morales immunity to investigate him over some $800,000 in allegedly unexplained campaign funds when he was the head of his party. Prosecutors are also investigating Guatemala s other major parties. Under the leadership of Ivan Velasquez, a veteran Colombian prosecutor, the CICIG has caused problems for Morales, first investigating his son and brother, and then seeking to prosecute him over the allegedly unexplained campaign funds. The U.S. ambassador to Guatemala, Todd Robinson, expressed his disappointment in a message on Twitter. Years of malnutrition, insecurity, crime, corruption. Congress? No action. Amazing how fast they act to protect selves from prosecution, he said in a post. Really? National emergency? What a shame! ",worldnews,"September 14, 2017 ",1 +Canadian teens tried to use Christmas lights for bomb: prosecutor,"MONTREAL (Reuters) - A young Montreal couple tried to use Christmas lights and sandpaper to make a homemade bomb, a prosecutor told a Canadian court on Wednesday in opening statements in the terrorism trial of the former college students. The items and a handwritten bomb-making recipe copied from a propaganda magazine published by al Qaeda militants were found after the Royal Canadian Mounted Police searched a condo rented by El Mahdi Jamali and Sabrine Djermane in 2015, prosecutor Lyne Decarie said in Quebec Superior Court in Montreal. It is not clear how the lights would have been used to make a bomb. Jamali, 20, and Djermane, 21, have pleaded not guilty to charges of trying to leave Canada to join a terrorist group, possessing an explosive substance, facilitating a terrorist activity, and committing an offense for a terrorist group. The 2015 arrest of the couple, teenagers at the time, came at a time when international security forces reported that waves of young people, including college students from Montreal, were heading to Syria to join Islamic State militants. Decarie said investigators found other materials, jihadist propaganda and evidence that the couple had watched a video by a Canadian fighter for the Islamic State. New luggage and clothes, along with passport applications were discovered during the search. The pair reiterated their not-guilty pleas before Decarie began her remarks and then listened from a high-security prisoners box that was enclosed in thick glass. RCMP began investigating the couple after receiving a tip, Decarie said, and arrested them days later. The prosecutor said she would call family and friends of the accused as well as police experts in terrorism and explosives as witnesses in the trial, which is expected to last 10 weeks. ",worldnews,"September 13, 2017 ",1 +Brazil's PSD party floats Meirelles' 2018 presidential bid,"BRASILIA (Reuters) - Congressmen from Brazil s Social Democratic Party (PSD) on Wednesday invited Finance Minister Henrique Meirelles to run for president in 2018, growing the list of potential contenders from within President Michel Temer s fragmented coalition. Meirelles, after meeting with PSD lawmakers at his house in Brasilia, wrote on Twitter that he felt honored but was not a candidate. The PSD leader in the lower house of Congress, Marcos Montes, nevertheless said Meirelles received the invitation with enthusiasm but would not respond immediately. Reuters reported late in August, citing a source close to Meirelles, that he wanted to run for president on the PSD ticket, but knew he would have a strong chance only if the economy improved substantially. Meirelles, in his Twitter post, said that he was focusing his energies on helping Brazil obtain sustainable growth after emerging from its worst recorded recession. Under Brazilian rules, ministers who wish to run in the October 2018 election will need to leave their posts by April, although a formal register would only happen in August. Other potential contenders being floated by ruling parties include Sao Paulo state governor Geraldo Alckmin and Sao Paulo city mayor Jo o Doria Jr., both from the PSDB party. A civil engineer by training, Meirelles is the former chairman of now defunct BankBoston Corp and former president of Brazil s central bank. ",worldnews,"September 13, 2017 ",1 +Risks to Brazil's Temer subside after bungled JBS plea bargain,"BRASILIA (Reuters) - The arrest on Sunday of Joesley Batista, a billionaire meatpacker who implicated President Michel Temer in a corruption scandal, has actually improved the Brazilian leader s prospects of surviving graft allegations and serving out his term through 2018. But the three-month political crisis triggered by the plea bargain allegations by Batista, formerly chairman of meatpacker JBS SA (JBSS3.SA), has consumed precious time that Temer has to pass legislation to overhaul Brazil s costly pension system and avoid a fiscal crisis in Latin America s largest nation. Temer and his coalition allies in Congress are confident they can block a second corruption charge that Brazil s top prosecutor, Rodrigo Janot, is expected to file against the president by the end of the week. A Supreme Court judge on Tuesday authorized a new probe of Temer for suspected corruption involving a decree regulating ports, a day after a separate police probe into Temer s allies kept pressure on the president. Yet as long as Temer is in office, any charges against the president must be approved by the lower house of Congress in which he has retained enough backing to avoid trial by the Supreme Court. Temer s political standing in Congress has improved a lot, because the economy is starting to grow again and the pressure of another corruption charge is falling, said the government s deputy whip in the lower house, Beto Mansur. The prosecutor s case has been weakened and the next charge will arrive here with little credibility, he told Reuters. A new poll by Arko Advice consultancy, however, shows that most lawmakers do not expect pension reform to clear Congress until 2018, and passing the unpopular measure in the run-up to next year s elections may be an uphill struggle. A proposed overhaul of the pension system, the main contributor to Brazil s record budget deficit, was headed for approval in the lower house of Congress until accusations against Temer in May derailed his plans. In a bombshell plea bargain agreement in May, Batista confessed to bribing hundreds of politicians and gave prosecutors a taped conversation of the president. The recording appeared to show Temer condoning hush money payments to silence a witness in a sprawling corruption scandal. Just two weeks ago, however, another tape inadvertently submitted to prosecutors by Batista with other documents appeared to show he had been helped by a close aide to Janot in crafting the deal. The Supreme Court revoked his immunity and ordered his arrest for concealing other crimes. Beyond the embarrassment to Janot in his last days in office - he steps down as top prosecutor on Sunday - the revelation has given Temer s lawyers an opening to try to dismiss evidence provided by Batista, while strengthening the president s hand in Congress to fight any further charges. The credibility of Temer s accuser was further undermined on Wednesday by the arrest of Batista s brother Wesley, the chief executive officer of JBS SA, for alleged insider trading to avoid hefty losses related to the May plea bargain. Temer mustered enough support to block Janot s initial corruption charge from putting him on trial, in a 263-227 vote in the lower house on Aug. 2. That margin is expected to widen if a second charge comes before the house. There is no motivation in Congress to remove president Temer. Many of the politicians who will vote are being investigated, so why would they empower the public prosecutors at this time? said Lucas de Arag o, a political scientist and partner at Arko Advice. Still, Arag o said fighting the next charge will cost Temer more pork barrel and patronage for lawmakers and at least a 30-day delay for pension reform, leaving the Senate with little time to pass the bill in 2017. No less than 83 percent of lawmakers believe pension reform will not be passed this year, according to an Arko poll of 201 Congressmen last week. Temer has ordered his minister to restart the pension reform debate in Congress immediately so that it can be put to the vote in the house my mid-October. The country lost 90 days. The economy could be recovering faster and growth would have been more robust if it had not been for this artificial crisis, said a Temer aide who requested anonymity because he was not authorized to speak publicly. Speaker Rodrigo Maia is expected to expedite the pension bill after Temer signed off on a bailout for his bankrupt state of Rio de Janeiro, a source on the economic team said. ",worldnews,"September 13, 2017 ",1 +Juncker: grab Brexit chance to forge a tighter EU,"STRASBOURG (Reuters) - European Commission chief Jean-Claude Juncker urged European Union governments on Wednesday to use economic recovery and Brexit as springboards toward a closer union, built on an expanded euro zone and a pivotal role in world trade. In his annual State of the European Union speech, Juncker sketched out a vision of a post-2019 EU where some 30 countries would be using the euro, with an EU finance minister running key budgets to help states in trouble. Tax and welfare standards would converge and Europe, not the United States, would be the hub of a free-trading world. The EU chief executive stressed his wish to heal divisions between eastern and western states. He sees that as vital to countering a drive, including by founding powers France and Germany, to set up new structures within the bloc that would exclude some poorer, ex-communist members in the east. The wind is back in Europe s sails, Junker told the European Parliament, citing economic growth and the easing of a succession of crises Greek debt, refugee inflows, the rise of eurokcepticism reflected in Brexit - that seemed to threaten the EU s survival. Now we have a window of opportunity, but it will not stay open for ever, he said, emphasizing a need to move on from and even profit from the British vote to leave the bloc in 2019. We will keep moving on because Brexit isn t everything, it is not the future of Europe, he said in a speech that Brexit supporters said showed they were right to take Britain out of a bloc set on creating more powerful, central institutions French, German and eastern European officials made positive comments, but several said Juncker would face stiff opposition. In a carefully balanced, hour-long discourse in Strasbourg, he called on nationalist eastern leaders though not by name to stop defying EU courts over civil rights, and on westerners to drop attempts to keep out cheaper eastern workers or palm off inferior food in poorer national markets. But his core proposal for countering what is known as a multispeed Europe by encouraging all states to join the euro and other EU structures faces resistance in both non-euro zone countries and potentially in Paris and Berlin, where the newly elected President Emmanuel Macron and about-to-be-re-elected Chancellor Angela Merkel are readying their own plans. Macron plans to present his ideas for reforming the 19-nation euro zone on Sept. 26, two days after the German election, a French diplomatic source said. EU officials hope leaders may discuss the issues at a dinner on Sept. 28 before a summit in Estonia. If we want the euro to unite rather than divide our continent, then it should be more than the currency of a select group of countries, Juncker said. The euro is meant to be the single currency of the European Union as a whole. He noted that only long-standing EU members Britain and Denmark have a legal right not to adopt the euro. EU officials say that with Britain leaving, and the eight remaining non-euro states accounting for only 15 percent of EU GDP, Juncker sees it as natural for EU and euro zone policy to operate in unison. For that reason, he rejected proposals, led by France, for a special euro zone budget, finance minister and parliament. These functions, he said, should be filled instead by a vice president of the Commission, chairing the Eurogroup of 19 euro zone finance ministers and managing a euro zone budget that would be part of the budget for the whole EU, overseen by Parliament. While Denmark in fact pegs its crown closely to the euro, a drive to push the likes of Poland and Sweden into the euro would be a hard sell in those countries, while Germany, France and others have been skeptical about letting poorer states join yet. Juncker proposed EU funding and technical help to encourage non-euro members to get themselves into a position to join. For Juncker, officials say, the departure of Britain, for all the difficulties it brings, means goodbye to the major power that has continually sought opt-outs from new integration projects, and offers an opportunity to end the habit for good. Everyone should be in everything, one senior official said. An aide to Macron said Juncker had made many ambitious proposals in line with French ideas and played down divergence on euro zone reform, noting Juncker would offer final ideas only in December. In Germany, government officials were restrained. But Beate Merk, a regional minister in Bavaria allied to Merkel, said expanding the euro to the whole EU would be a risky experiment that would greatly heighten Europe s problems . Euroskeptics responded critically to the Commission president s speech. Ryszard Legutko, an EU lawmaker from Poland s right-wing ruling party, warned against responding to problems with the same old more Europe, more Europe arguments. That is not the answer, he said. We need to get the EU s house in order before there can even be a discussion on centralizing even further. Nigel Farage of the UK Independence Party said: All I can say is, thank God we re leaving. Farage s allies cheered when Juncker finally mentioned Brexit near the end of his speech and said the British would come to regret their tragic referendum decision to leave. Looking ahead to March 30, 2019, the day when Britain will be out of the EU, Juncker said he had proposed that Romania, which will then hold its rotating presidency, should host a summit in the formerly German-speaking Transylvanian city of Sibiu. There leaders should set out plans for a more united Union, two months before voters elect a new European Parliament. ",worldnews,"September 13, 2017 ",1 +Juncker's EU plan is largely in line with Germany's vision: Schaeuble,"BERLIN (Reuters) - German Finance Minister Wolfgang Schaeuble said on Wednesday that European Commission President Jean-Claude Juncker s plan to build a closer European Union based on an expanded euro zone was largely in line with Germany s vision for the bloc. Schaeuble said that Juncker had discussed with Chancellor Angela Merkel his annual State of the EU speech in which he spoke of a vision of a post-2019 EU where some 30 countries would be using the euro. The plan also includes appointing an EU finance minister running key budgets to help states in trouble. It is good that he is putting pressure (to expand the euro zone) but the preconditions (for joining the euro zone) must be fulfilled, Schaeuble told the ARD broadcaster in an interview. It is in fact so that EU countries who fulfill the preconditions become members of the euro under the Lisbon Treaty . He added that EU countries wishing to adopt the single currency should not do so before their public finances and economies are sound enough as they could face the fate of Greece, which had to be bailed out by the EU and IMF in 2010. (The story adds dropped word in final paragraph) ",worldnews,"September 13, 2017 ",1 +Region must do more to pressure South Sudan leaders to end conflict: U.S. diplomat,"WASHINGTON (Reuters) - African countries should do more to pile pressure on South Sudan s political leaders, who seem incapable of resolving the country s four-year civil war, a top U.S. diplomat said on Wednesday. We think there is more our African colleagues can and should be doing at this point, especially in terms of focusing on leadership, that from our point of view is behaving in a way that is very irresponsible, Tom Shannon, U.S. under-secretary for political affairs at the State Department, told reporters. Shannon, speaking on the sidelines of a U.S-African Partnerships event at the U.S. Institute of Peace, said Washington had grown intolerant of South Sudan s leaders and the challenge was to work with African countries which are interested in seeing an end to the conflict. This is a manmade conflict of horrific dimensions, which is about political leaders measuring each other through force at the cost of their populations, said Shannon. His remarks come after the new USAID administrator, Mark Green, traveled to Juba on Sept. 2 to meet with South Sudan s President Salva Kiir and deliver a message from Washington that the United States was reviewing its relationship with his government. The Trump administration last week imposed sanctions on two senior South Sudanese officials and the former army chief for their role in the conflict, atrocities against civilians and attacks against international missions in South Sudan. South Sudan became the world s newest nation when it gained independence from Sudan in 2011. War broke out in late 2013 and more than a quarter of its population of 12 million have fled their homes. A confidential report by the United Nations last week said competing efforts to end South Sudan s civil war were allowing Kiir s government to exploit divisions among the international brokers. East African leaders said in June they want the warring sides to recommit to a peace deal they abandoned more than a year ago. . Among the international bodies trying to end the conflict are regional block IGAD, the U.N. Security Council, a troika of South Sudan s main Western backers prior to independence and an African Union panel. ",worldnews,"September 13, 2017 ",1 +North Korea defiant over U.N. sanctions as Trump says tougher steps needed,"SEOUL/WASHINGTON (Reuters) - North Korea displayed trademark defiance on Wednesday over new United Nations sanctions imposed after its sixth and largest-ever nuclear test, vowing to redouble efforts to fight off what it said was the threat of a U.S. invasion. U.S. President Donald Trump said the sanctions, unanimously agreed on Monday by the 15-member U.N. Security Council, were just a small step toward what is ultimately needed to rein in Pyongyang over its nuclear and missile programs. North Korea s Foreign Ministry said the resolutions were an infringement on its legitimate right to self-defense and aimed at completely suffocating its state and people through full-scale economic blockade . The DPRK will redouble the efforts to increase its strength to safeguard the country s sovereignty and right to existence and to preserve peace and security of the region by establishing the practical equilibrium with the U.S., it said in a statement carried by the official KCNA news agency. The Democratic People s Republic of Korea (DPRK) is North Korea s official name. The statement echoed comments on Tuesday by DPRK s Ambassador to the United Nations in Geneva, Han Tae Song, who said Pyongyang was ready to use a form of ultimate means . The forthcoming measures ... will make the U.S. suffer the greatest pain it ever experienced in its history, Han said. The North s Rodong Sinmun newspaper also accused South Korea of being Washington s puppet , criticizing Seoul s agreement with the United States to amend an existing bilateral guideline that will now allow the South to use unlimited warhead payloads on its missiles. The U.N. Security Council agreed to tighten sanctions on North Korea, banning its textile exports and capping fuel supplies, and making it illegal for foreign firms to form commercial joint ventures with North Korean entities. The U.N. resolution was triggered by North Korea s test of what it said was a hydrogen bomb. Damage to mountainous terrain at the North s nuclear test site in Punggye-ri seen in satellite imagery taken after the latest test was more extensive than anything seen after the five previous tests, said 38 North, a Washington-based project which monitors North Korea. There was also activity at another location in the Mount Mantap site involving large vehicles and mining equipment that suggests onsite work could now be changing focus to further prepare those other portals for future underground nuclear testing , 38 North said. The North accuses the United States, which has 28,500 troops in South Korea, a legacy of the 1950-53 Korean War, of continual plans for invasion. North Korea has also tested a missile capable of reaching the United States, but experts say it is likely to be at least a year before it can field an operational nuclear missile that could threaten the U.S. mainland. A U.S. official, speaking on the condition of anonymity, said intelligence agencies had observed North Korea moving a mobile missile launcher in the past 48 hours which could potentially indicate a possible missile launch by the North in the coming days. The official did not comment on the location or the type of missile, but emphasized that while a launch was possible, North Korea could simply be moving the launcher. Trump has vowed not to allow that to happen. A tougher initial U.S. draft resolution was weakened to win the support of China and Russia, both of which hold veto power on the U.N. Security Council. Significantly, it stopped short of imposing a full embargo on oil exports to North Korea, most of which come from China. We think it s just another very small step, not a big deal, Trump told reporters at the start of a Tuesday meeting with Malaysian Prime Minister Najib Razak. I don t know if it has any impact, but certainly it was nice to get a 15-to-nothing vote, but those sanctions are nothing compared to what ultimately will have to happen. U.S. Treasury Secretary Steven Mnuchin also warned China, North Korea s main ally and trading partner, that Washington would put additional sanctions on them and prevent them from accessing the U.S. and international dollar system if it did not follow through on the new measures. Another senior administration official told Reuters that any such secondary sanctions on Chinese banks and other companies were on hold for now to give Beijing time to show it was prepared to fully enforce the latest and previous rounds of sanctions. Washington has so far mostly held off on new sanctions against Chinese banks and other companies doing business with North Korea, given fears of retaliation by Beijing and possibly far-reaching effects on the world economy. Russia and China both say they respect U.N. sanctions and have called on the United States to return to negotiations with North Korea. They have also said they could kick-start talks with North Korea if the United States halts joint military drills with South Korea, which Washington has rejected. An article carried on the front page of the People s Daily, the official paper of China s ruling Communist Party, said the Korean Peninsula had reached the moment of choice where the United States and North Korea must break from the cycle of nuclear tests and sanctions. All parties involved in the peninsula have their own strategic considerations, but not being able to see beyond this vicious cycle is not in anyone s interest, the article said. Asked about the North Korean and U.S. rhetoric, China s Foreign Ministry reiterated a call for restraint and a return to dialogue. We hope all relevant parties can be rational and maintain restraint and not take actions that could further increase tensions on the peninsula , ministry spokesman Geng Shuang said at a regular briefing. In another show of force, South Korea s Air Force conducted its first live-fire exercise of Taurus long-range, air-to-surface missiles on Tuesday, the Defence Ministry said, as practice for precision bombing North Korean facilities. U.S. Ambassador to the United Nations Nikki Haley said the new sanctions could eventually starve North Korea of an additional $500 million or more in annual revenue. The United States has said that a previous round of sanctions agreed in August was aimed at cutting North Korea s $3 billion in exports by a third. ",worldnews,"September 10, 2017 ",1 +"Evacuated Islamic State fighters reach Syria's Deir al-Zor, pro-Damascus commander says","BEIRUT (Reuters) - Buses carrying evacuated Islamic State fighters reached Syria s Deir al-Zor on Wednesday in return for releasing a Hezbollah prisoner, a commander in the pro-Damascus alliance told Reuters. Damascus and Hezbollah allowed nearly 300 lightly armed militants and 300 relatives to leave the Syria-Lebanon border in a surrender deal, after an offensive there last month. The transfer marked the first time Islamic State publicly agreed to such an evacuation from territory it held. A U.S.-led coalition had stopped the 17 buses from reaching Deir al-Zor for weeks and the convoy split in two. It was not immediately clear if all the buses arrived in Islamic State territory in the eastern Syrian province on Wednesday. The deal has been completed, said the commander in the military alliance fighting in support of the Damascus government. The buses took the route between the town of al-Sukhna and Deir al-Zor, a main road that the Syrian army and allied forces captured in recent days, the commander said. Along the route, the combatants swapped the evacuees for a Hezbollah prisoner who had been in Islamic State captivity, the non-Syrian commander added. Under the evacuation deal in August, Islamic State militants left their border foothold after a week-long battle in return for safe passage to Deir al-Zor province in Syria. Iran-backed Hezbollah has played a major role in fighting Sunni militants along the border. Since early in the six-year Syrian conflict, it has sent thousands of fighters to support President Bashar al-Assad s government. Lebanon s Shi ite Hezbollah retrieved the remains of some of its forces killed in Syria as part of the swap, and was meant to get back one of its fighters that Islamic State held captive. The deal included recovering the bodies of nine Lebanese soldiers that Islamic State captured in 2014. The transfer ended any insurgent presence from the Syrian war on the frontier, where the Lebanese army also fought the militants in a separate offensive on its side. But the U.S.-led coalition against Islamic State blocked the convoy from entering IS territory in east Syria, near the border with Iraq, by cratering roads and destroying bridges. The convoy split in two, with 11 buses remaining in the open desert and others retreating into government territory. Last week, the U.S. coalition said its surveillance aircraft moved away from the buses in the no-man s land after pro-Syrian government forces advanced past the convoy. Damascus was responsible for the evacuees, it said. The Syrian army and its allies reached Deir al-Zor city, breaking an Islamic State siege of an enclave there that had lasted three years. U.S.-backed Syrian militias have also launched a separate assault in another part of Deir al-Zor province, which has become Islamic State s last major foothold in Syria. ",worldnews,"September 13, 2017 ",1 +UK PM May to make Brexit speech in Italy on Sept. 22: spokesman,"LONDON (Reuters) - Prime Minister Theresa May will make a speech on Britain s future relationship with the European Union on Sept. 22 in the Italian city of Florence, her spokesman said on Wednesday. The speech will focus on what kind of ties Britain wants to have with the EU after it leaves the bloc in March 2019 - something British negotiators have been keen to discuss with a so-far reluctant Brussels. The prime minister wanted to give a speech on the UK s future relationship with Europe in its historical heart, May s spokesman told reporters. She will underline the government s wish for a deep and special partnership with the European Union once the UK leaves the EU. Negotiations on the terms of the divorce with the EU have made limited progress since May started a two-year countdown to Brexit. That has prompted warnings from the EU that discussions on the future relationship between the two could be pushed back from their intended start time of October. The September round of Brexit talks has been pushed back by a week until the end of the month, in what EU diplomats said was a move designed to allow May to make her speech. Britain said the rescheduling was to allow both sides more time to make progress. May s speech could add weight to the British push to move talks forward, which ministers say is a crucial step in providing certainty for businesses worried about how Brexit will affect their ability to trade across borders. Her choice of venue - a city celebrated as the birthplace of the Renaissance period and made wealthy by international trade and banking - is a nod to the kind of free-trading relationship Britain wants to maintain with Europe and develop globally. Sceptics have said the British approach amounts to cherry picking the benefits of EU membership without paying for them. The UK has had deep cultural and economic ties spanning centuries with Florence - a city known for its historical trading power, the spokesman said. As the UK leaves the EU we will retain those close ties. As the prime minister has said many times, we are leaving the EU, not Europe. ",worldnews,"September 13, 2017 ",1 +Mauritius attorney general steps down amid money laundering probe,"PORT LOUIS (Reuters) - The attorney general of the island nation of Mauritius stepped down on Wednesday after allegations he had helped launder gambling money. Prime Minister Pravind Kumar Jugnauth told reporters he wanted an investigation into Ravi Yerrigadoo to be conducted transparently. The Indian Ocean island markets itself as a link between Africa and Asia and is striving to move from an economy mostly based on sugar, textiles and tourism toward offshore banking, business outsourcing, luxury real estate and medical tourism. A scandal could hurt its burgeoning financial services industry. If Ravi Yerrigadoo is cleared he will be able to resume office, Jugnauth said. Mauritius-based L Express newspaper reported on Wednesday that an affidavit had been filed before the Supreme Court accusing Yerrigadoo of trying to facilitate the transfer of gambling money through a financial structure. It was not clear who had filed the affidavit. In a statement, Yerrigadoo denied the allegations and said he had quit to avoid the perception of a conflict of interest while the investigation was in progress. In March 2016, the environment minister was also forced to resign over corruption allegations. ",worldnews,"September 13, 2017 ",1 +"U.N. chief, Security Council call on Myanmar to end violence","UNITED NATIONS (Reuters) - U.N. Secretary-General Antonio Guterres and the U.N. Security Council on Wednesday urged Myanmar authorities to end violence against the majority-Buddhist country s Rohingya Muslims that has forced some 400,000 people to flee to Bangladesh. Guterres said the situation in Myanmar s western state of Rakhine was best described as ethnic cleansing. When one-third of the Rohingya population had to flee the country, could you find a better word to describe it? he told a news conference. I call on the Myanmar authorities to suspend military action, end the violence, uphold the rule of law, and recognize the right of return of all those who had to leave the country, said Guterres, adding that he had spoken several times with Myanmar s national leader, Aung San Suu Kyi. The exodus of refugees, sparked by the security forces fierce response to a series of Rohingya militant attacks on Aug. 25, is the most pressing problem Suu Kyi has faced since becoming leader last year. The government says it is targeting terrorists, while refugees say the offensive aims to push Rohingya out of Myanmar. The 15-member Security Council met behind closed doors on Wednesday, at the request of Sweden and Britain, to discuss the crisis for the second time since it began and agreed to publicly condemn the situation. The council expressed concern about reports of excessive violence during the security operations and called for immediate steps to end the violence in Rakhine, de-escalate the situation, re-establish law and order, ensure the protection of civilians ... and resolve the refugee problem. British U.N. Ambassador Matthew Rycroft said it was the first statement from the Security Council on Myanmar in nine years. Such statements have to be agreed by consensus and Russia and China have traditionally protected Myanmar from any action. Myanmar said last week it was negotiating with Russia and China to ensure they blocked any censure by the Security Council over the violence in Rakhine state. The United Nations top human rights official earlier this week denounced Myanmar for conducting a cruel military operation against the Rohingya, branding it a textbook example of ethnic cleansing. Suu Kyi has canceled a trip to the U.N. General Assembly in New York next week to deal with the crisis. Rycroft said two high-level meetings on Myanmar were due to be held during the gathering of world leaders at the United Nations. The humanitarian situation is catastrophic, Guterres said. This is a dramatic tragedy. People are dying and suffering in horrible numbers and we need to stop it. ",worldnews,"September 13, 2017 ",1 +Wife of ex-Uruguay President Mujica becomes vice president,"MONTEVIDEO (Reuters) - Lucia Topolansky, a Uruguay senator and wife of former President Jose Mujica, became vice president on Wednesday following the resignation of Raul Sendic last weekend over concerns of misuse of public funds. Topolansky, 72, who is the first woman to serve as Uruguay s vice president, was named vice president under provisions of Uruguay s constitution. She said she would aim to liaise between leftist President Tabare Vazquez s administration and Congress. Like Mujica, Topolansky was a member of the Tupamaros Marxist guerrilla movement in her youth. The change was expected to have little impact on policy. Since 2005, Uruguay has been ruled by the left-wing Frente Amplio (FA) party, which has mixed progressive social policy, such as legalizing marijuana, with market-friendly regulations. The FA s ethics committee had ruled that Sendic, who headed state oil company Ancap from 2008 to 2009 and from 2010 to 2013, used his company credit card to buy personal items. Uruguay s constitution says Sendic should be replaced by the senator who received the most votes in the last elections, who was Mujica. But Uruguayan law bans presidents from serving a consecutive term as president or vice president. As the senator with the second-biggest number of votes, Topolansky was next in line. ",worldnews,"September 13, 2017 ",1 +Tunisia parliament approves controversial amnesty for Ben Ali-era corruption,"TUNIS (Reuters) - Tunisia s parliament on Wednesday approved a controversial law granting amnesty to officials accused of corruption during the rule of autocrat Zine El-Abidine Ben Ali, triggering angry protests from the opposition and activists outside. Opposition lawmakers sang the national anthem and shouted slogans before the session was temporarily suspended. Outside, dozens of demonstrators chanted This law will not pass and Whitewash corruption . The law was approved by 117 deputies. The opposition withdrew from the session in protest against the insistence of the ruling coalition on passing the law in an extraordinary session. I congratulate you on the return of the dictatorial state and reconciliation with the corrupt, Ahmed Seddik a deputy of the Popular Front said. Tunisians will not forgive you , he added. After months of protests, the bill was amended from an original draft which would have also granted amnesty to corrupt businessmen. As it stands, they will be liable to prosecution for crimes committed during Ben Ali s 24-year rule. Witnesses said police beat protesters who had shouted slogans against the President and the ruling parties Ennahda and Nidaa Tounes which supported the law. The opposition no longer has a pretext, they resorted to unacceptable methods. They rejected democracy , Sofian Toubel a lawmaker of Nidaa Tounes said. Critics of the so-called Economic Reconciliation Law say it is a step back from the spirit of Tunisia s 2011 revolution to oust Ben Ali, who fled after weeks of protests against corruption and inequality. This law is an advanced stage of counter-revolution, opposition lawmaker Ammar Amroussia said. But government officials say the law helps to turn the page on the past, improves the climate for investment and gives confidence to the administration and officials. The time has come to stop the isolation of those officials who could contribute to the building of the new Tunisia, said Mohamed Souf of the governing Nidaa Tounes party. We must reconcile, as happened in South Africa and Rwanda. The bill was proposed by President Beji Caid Essebsi, himself a former Ben Ali official, and sent to parliament in 2015. But debate was postponed after criticism that the original bill benefited business elites tied to the government. At Wednesday s session, tensions flared between the ruling coalition and the opposition lawmakers, who said the Supreme Judicial Council had not yet given its answer after being consulted by the parliament on the legality of the bill. Despite the consensus between secular and Islamist parties that helped the country s transition toward democracy, the bill has divided Tunisians between those who want to draw a line under the past and those who say they must deal with past graft. Since the 2011 uprising, Tunisia has been held up by Western partners as a model of democracy for the region. Economic progress has lagged, though, and corruption remains a major problem in the North African state. ",worldnews,"September 13, 2017 ",1 +Spain calls Catalan mayors for questioning on independence vote,"MADRID (Reuters) - Spain s state prosecutor has summoned more than 700 Catalan mayors who have backed an independence referendum, in an escalation of Madrid s efforts to block the vote that it has declared illegal. Officials engaging in any preparations for the vote could be charged with civil disobedience, abuse of office and misuse of public funds, the prosecutor said in a letter delivered to local authorities on Wednesday. If the mayors do not answer the summons, police should arrest them, it added. One mayor said the legal move was unprecedented. We don t think any European country has ever tried to make more than 700 mayors testify, said Neus Lloveras, mayor of Vilanova i la Geltru near Barcelona, head of the Association of Municipalities for Independence (AMI). We have nothing to hide. When we have to go and testify, we will say everything we have been saying for days, that we owe it to our people to keep working to make sure they can freely express themselves at the ballot box, he told reporters. But the small, anti-capitalist CUP group, which governs 19 Catalan municipalities, said it would not answer the summons, and called on other political forces to do the same. Catalonia s regional parliament passed laws last week to prepare for a referendum on Oct. 1. Spain s Constitutional Court suspended the vote after Prime Minister Mariano Rajoy challenged it in the courts. Judges are now considering whether the legislation contravenes Spain s constitution, which states that the country is indivisible. So far, 712 of a total 948 municipal leaders have said they would allow public spaces to be used for the referendum, according to AMI. The mayor of Barcelona - the region s most populous area - has yet to take a definitive position, and has asked for reassurances that civil servants involved in the process will not risk losing their jobs. The website set up by the Catalan government to give information on the vote, referendum.cat, stopped working on Wednesday evening, with Spanish media reporting that the regional prosecutor had ordered all websites promoting the referendum to be shut down. Civil Guard police confirmed that they had gone to deliver a warrant at the website s offices, but declined to say if judges had ordered it to be closed. Catalan leader Carles Puigdemont quickly posted two new web addresses on Twitter linking to a page with information on the referendum. Polls show a minority of Catalans want self-rule, although a majority want the chance to vote on the issue. Hundreds of thousands of people took to the streets of Barcelona this week to show support for independence. In a separate order, the Constitutional Court told regional government officials on Wednesday they had 48 hours to show how they were preventing the vote from going ahead. ",worldnews,"September 13, 2017 ",1 +Factbox: About 4.2 million still without power in U.S. Southeast after Irma,"(Reuters) - Some 4.2 million homes and businesses, or about 9 million people, were without power Wednesday afternoon in Florida, Georgia and the Carolinas after Hurricane Irma battered the region, down from a peak of more than 7.8 million customers on Monday, local utilities said. Most of the remaining outages were in Florida Power & Light s service area in the southern and eastern parts of the state. FPL, the state s biggest power company, said about 1.9 million had no power on Wednesday, down from more than 3.6 million on Monday. NextEra Energy Inc-owned FPL, which serves nearly 5 million homes and businesses, expects to restore essentially all its customers in the eastern portion of Florida by the weekend and the harder-hit western portion of the state by Sept. 22. It will take longer to restore those with tornado damage or severe flooding, FPL said. Outages at Duke Energy Corp, which serves the northern and central parts of Florida, fell to 922,000 on Wednesday, down from a peak of about 1.2 million on Monday, according to the company s website. Irma hit southwestern Florida on Sunday morning as a Category 4 storm, the second most severe on the five-step Saffir-Simpson scale. On Monday it weakened to a tropical depression. In Georgia, utilities reported that outages declined to about 550,000 on Wednesday, down from a peak of around 1.3 million on Monday. Other big power utilities in Florida are units of Emera Inc and Southern Co, which also operates the biggest electric companies in Georgia and Alabama. ",worldnews,"September 13, 2017 ",1 +Angola's opposition loses appeal to annul election result,"LUANDA (Reuters) - Angola s Constitutional Court rejected on Wednesday an appeal by the largest opposition party to annul the results of last month s election, which gave a landslide victory to the ruling MPLA party. In a 38 page court document, the Constitutional Court said the evidence presented by The National Union for the Total Independence of Angola (UNITA) did not prove there were any irregularities or biases in the electoral process. The ruling is final and cannot be appealed. A spokesperson for UNITA said the party did not have any immediate comment. The People s Movement for the Liberation of Angola (MPLA) won the Aug 23 vote with 61 percent, with UNITA second on 27 percent. UNITA had argued that in multiple provinces the results presented by the National Electoral Commission differed considerably from their own tally, alleging the results were not the product of local vote counting but were instead centrally engineered. The Constitutional Court dismissed this argument, saying the polling station tallies presented by UNITA did not show any bias against the party. ",worldnews,"September 13, 2017 ",1 +"Niger, Mali leaders seek funding for new anti-jihadist force","NIAMEY (Reuters) - Mali and Niger, two of the West African nations worst affected by jihadist violence, appealed on Wednesday for international funding for a regional force they have set up to counter Islamist insurgencies. Mali s President Ibrahim Boubacar Keita and Niger s Mahamadou Issoufou said the force assembled by the G5 Sahel bloc Mali, Mauritania, Burkina Faso, Niger and Chad was crucial to fighting a threat that went well beyong their borders. We bring this combat against terrorism not only to protect our own people and countries but for the whole world, Issoufou told a news conference in Niger s capital Niamey. For terrorism knows no border. It will go to Europe, it will go to the United States, he said. The world has to be mobilized. The idea of the G5 force was first dreamed up in 2015, but only in July last year did the countries set it up. It is expected to comprise around 5,000 troops. French President Emmanuel Macron has said he expects it to be operational by the autumn. Islamist groups, some with links to al Qaeda, seized Mali s desert north in 2012. French-led forces scattered them the following year but they still attack peacekeepers, soldiers and civilian targets in Mali, Niger, Burkina Faso and Ivory Coast. Issoufou said a multinational force in the Lake Chad region, including soldiers from Niger, Nigeria, Chad and Cameroon, had had some success against Islamist Boko Haram militants, but that this was financed by Africa s biggest economy, Nigeria, whereas no country in the G5 had sufficient resources. It is important that the international community takes note of this and gets together to give us resources to ensure our mission can be accomplished, he said. Analysts see the G5 force as the basis of an eventual exit strategy for around 4,000 French troops deployed to the region on counter-insurgency missions, mostly in Mali. We have only limited means, but if we mutualize our power, our sovereign elements will have more force, more vitality than we imagine, Malian President Keita said. Issoufou said the force would be divided into three deployments across the Sahel region: an eastern one consisting of Chadian and Nigerien forces, a central one with forces from Niger, Mali and Burkina Faso, and a Western one with troops from Mali and Mauritania. ",worldnews,"September 13, 2017 ",1 +"Kurds will find it hard to implement independence, says Iraqi foreign minister","CAIRO (Reuters) - Iraqi Kurdish leaders must be prepared to face the consequences if they unilaterally declare independence and find implementation more difficult than they expected, Iraqi Foreign Minister Ibrahim al-Jaafari said on Wednesday. Jaafari was in Cairo for an Arab League summit where the closing statement included a resolution calling a Kurdish independence referendum this month unconstitutional, mirroring the stance of Iraq s central government and national parliament. Jaafari told Reuters in an interview Kurdish leaders should think carefully before going ahead with any independence move. Those who make such a declaration should bear the responsibility for it. It is easy to declare whatever you want but it is not that easy to actualize it, he said in his Cairo hotel room. We are depending on dialogue and also Arab, and non-Arab advocacy. As we saw yesterday, the Arab diplomatic mobilization was attained by Arab foreign ministers, he said. The Kurdish area of northern Iraq has enjoyed broad autonomy since the first Gulf War in 1991. Since the 2003 U.S-led invasion and the overthrow of Saddam Hussein, it has been largely stable while the rest of Iraq has suffered insurgency. Kurds are set to hold the referendum on Sept. 25 but Baghdad opposes it, with lawmakers voting to reject it. Iraq s neighbors Turkey, Iran and Syria also oppose the referendum, fearing it could fan separatism among their own ethnic Kurdish populations. Western powers are concerned a plebiscite in Iraq s semi-autonomous Kurdish region - including the oil-rich city of Kirkuk - could divert attention from the war against Islamic State militants. Kurds have sought an independent state since at least the end of World War One, when colonial powers divided up the Middle East after the collapse of the multi-ethnic Ottoman Empire. Iraq is in the final throws of a U.S.-backed campaign to oust the Sunni militant groups which seized vast swathes of the country back in 2014. Iraqi forces took back its second largest city, Mosul in July, and Tal Afar last month. Jaafari said the international community must offer financial and other support to Iraq for the rebuilding of Mosul and other cities retaken from Islamic State. It is well known that nations who have emerged from war and destruction suffer great losses especially if the opposing party is implementing a scorched earth policy. (They) never surrendered land except after destroying it, he said. Homes, institutions, hospitals mosques, markets and worship places, all were destroyed. The money needed is not little, a great sum is required. ",worldnews,"September 13, 2017 ",1 +Pakistan kicks out medical charity MSF from country's tribal region,"PESHAWAR/ISLAMABAD, Pakistan (Reuters) - Pakistan on Wednesday told medical charity Medecins Sans Frontieres (MSF) to stop work and leave its impoverished tribal areas that border Afghanistan, the health organization said, ending its 14 year stay in the volatile region. MSF works out of two health facilities in the Kurram district of Pakistan s Federally Administered Tribal Areas (FATA) region, which has been plagued by militancy over the past decade and was the location of many U.S. drone strikes targeting commanders from al Qaeda and other militant groups. Though security has improved in FATA in recent years, sectarian militant attacks, primarily targeting Shi ite Muslims, still occur. Twin blasts in the Kurram s most populous town, Parachinar killed more than 75 people in June. Local officials say MSF provides essential healthcare facilities in FATA, an area with some of Pakistan s poorest healthcare and lowest literacy rates. We have been asked to close our medical activities in Kurram Agency, MSF said in a statement to the media, adding that Pakistan had refused to issue a No Objection Certificate (NOC) for the charity to work in the tribal areas. MSF is saddened by the decision from the authorities responsible for NGOs working in Kurram Agency. The closure brings to and end 14 years of MSF working with the FATA Health Services in Kurram Agency, country representative Catherine Moody said in the statement. Foreign nationals and organizations working in Pakistan require NOCs to operate in certain areas. Pakistani NGOs and journalists also face restrictions when working in the tribal areas. MSF provides diagnosis and treatment facilities to the community for Leishmaniasis, immunization for children, as well ... responding to emergencies, disease outbreaks and mass casualties, the organization said. The region s health directorate did not respond to requests for comment but Dr. Mohammad Ishaq, who works there, said MSF was asked to leave because they did not have a valid NOC. I personally think MSF was doing a great job for the patients in FATA, he said, adding that he did not know why its license to work there was revoked. We have been working in FATA since 2004. We were never denied an NOC in the past. This will affect many patients in the area, one MSF employee said, asking not to be identified. He added that the organization had 70 staff members working at the two health facilities. The official who notified MSF that their operations would need to be shut down added: I did what I was directed to by my bosses in Peshawar but really don t know the reason behind MSF being stopped. ",worldnews,"September 13, 2017 ",1 +U.N. Security Council condemns excessive violence in Myanmar,"UNITED NATIONS (Reuters) - The United Nations Security Council expressed deep concern on Wednesday about violence in Myanmar s Rakhine state, where about 400,000 Rohingya Muslims have been forced to flee to Bangladesh. In a statement, the 15-member council expressed concern about reports of excessive violence during the security operations and called for immediate steps to end the violence in Rakhine, de-escalate the situation, re-establish law and order, ensure the protection of civilians. British U.N. Ambassador Matthew Rycroft said it was the first time in nine years the council had agreed a statement on Myanmar. ",worldnews,"September 13, 2017 ",1 +"Canada stalls on Mali mission, could hit Security Council bid","ST. JOHN S, Newfoundland (Reuters) - Canada on Wednesday indicated it would again put off a decision on contributing troops to a U.N. peace operation in Mali, upsetting allies who said the new delay could undermine Canada s effort to obtain a seat on the Security Council. The Liberal government of Prime Minister Justin Trudeau last year said it would consider sending troops to Mali but has taken months longer than predicted to make up its mind amid fears soldiers would die. Allies had expected an announcement before Canada hosts a peacekeeping conference in November but in a Toronto Star interview published on Wednesday, Defence Minister Harjit Sajjan said the decision would not be made by then. Unhappy diplomatic sources from three nations said the delay could harm Canada s efforts to expand its influence in the United Nations, a body that the previous Conservative government treated with suspicion. If you want a seat on the Security Council, not being active at the U.N. isn t helpful, said one of the sources, who declined to be identified given the sensitivity of the situation. The United Nations has deployed some 10,000 peacekeepers to Mali to help deal with Islamist militants. Officials say sending Canadian troops to Mali would inevitably result in casualties, which could prove politically unpopular. Canada lost 158 troops in a 10-year stint in Afghanistan - more per capita than any other nation. Being a serious player at the United Nations means not always choosing the safe option, said a second diplomatic source. Trudeau came to power in 2015 and declared Canada is back, stressing the need for a more progressive foreign policy. As part of the effort to rebuild ties at the United Nations, Canada said it would commit up to 600 soldiers for possible U.N. deployment, and pressed for one of the Security Council s 10 non-permanent seats. Trudeau said on Wednesday that several hundred Canadian troops were taking part in international operations in Latvia, Iraq and Ukraine. We are serious about re-engaging with United Nations peace operations but ... we need to make sure we re doing it right, he told reporters. Trudeau, who spoke on the margins of a Cabinet retreat in St. John s, Newfoundland, is due to go to the United Nations next week and address the General Assembly. Canada is there to help, as always, and that is the message I will be bringing, he said when asked whether the Security Council bid would suffer. ",worldnews,"September 13, 2017 ",1 +Colombia sees peace with ELN rebels harder than FARC,"BOGOTA (Reuters) - Negotiating peace with Colombia s largest active rebel group, the ELN, will be tougher than the recent successful talks with FARC guerrillas due to the ELN s diffuse chain of command and radical ideology, the chief government negotiator said. President Juan Manuel Santos administration and the National Liberation Army (ELN) in February began negotiations in neighboring Ecuador that seek to end the role the group has played in a five-decade conflict that has left over 220,000 dead and millions displaced. Even though both sides have agreed to begin a three-month bilateral ceasefire from October, the road to a definitive peace accord will be long and complex, Santos negotiator, Juan Camilo Restrepo, told Reuters late on Tuesday. It s a highly radical, ideological group that totally lacks the pragmatism to negotiate that the FARC had, Restrepo, a 70-year-old former minister, said in the study of his Bogota apartment. The Santos government signed a peace deal with the larger Revolutionary Armed Forces of Colombia (FARC) in 2016 after negotiations in Havana, Cuba that lasted four years. Restrepo, a former finance minister, said the ELN s fractured chains of command, plus its greater urban support, were further complications. All those reasons indicate the negotiation with the ELN is more difficult, he said. Inspired by the Cuban revolution and the Liberation Theology of the Catholic priests that founded it in the 1960s, the 2,000-strong ELN has sought peace before, holding talks in Cuba and Venezuela between 2002 and 2007. Both collapsed with little progress. The ELN is considered a terrorist group by the United States and European Union for engaging in kidnapping, assassinations, drug trafficking, attacks on economic infrastructure and extortion of oil and mining multinationals. Pablo Beltran, the ELN s chief negotiator in Ecuador, has denied there is a weak chain of command and told Reuters last month that the group is united. During the ceasefire planned from Oct. 1, the ELN has pledged to suspend hostage taking, attacks on roads and oil installations, the use of landmines and the recruitment of minors. In turn, the government agreed to improve protection for community leaders and conditions for about 450 jailed rebels. There s optimism but not overflowing optimism, said Restrepo, who returns to the negotiating table in Ecuadorean capital Quito in the next few weeks. The official warned that although Colombia s military will avoid confrontations with the ELN during the ceasefire, it will go after the group if it engages in criminal activities like illegal mining and drug trafficking. Such behavior will be repressed with all the strength of the armed forces, he said. ",worldnews,"September 13, 2017 ",1 +Utilities in U.S. Southeast restore power to nearly half hit by Irma,"(Reuters) - Utilities in the U.S. Southeast returned power to almost half of the homes and businesses knocked out by Hurricane Irma, leaving about 4.3 million customers in the dark as of midday Wednesday, in one of the biggest restoration efforts in U.S. history. The total number of customers still out, representing about 9 million people in Florida, Georgia and the Carolinas, dipped from a peak of more than 7.8 million customers, or over 16 million people, on Monday. Major utilities in Florida - including NextEra Energy Inc s Florida Power & Light (FPL), Duke Energy Corp and Emera Inc s Tampa Electric - have mobilized tens of thousands of workers to deal with the outages after Irma landed early Sunday and carved a destructive path up Florida, which has a population of about 20.6 million. FPL, the state s largest utility, said its outages dropped to around 1.9 million customers on Wednesday from a peak of more than 3.6 million on Monday. Some Florida utilities, including FPL, warned customers it could take weeks to restore power in the hardest hit areas. FPL said on Tuesday it planned to restore power to eastern Florida by this weekend and to western Florida by Sept. 22. Irma, categorized as one of the most powerful Atlantic storms on record when it rampaged through the Caribbean, has killed at least 77 people, including 36 in the United States, officials said. FPL said on Wednesday it had provided power to some parts of a nursing home where people died after the facility lost electricity during Irma and that the home was not on a list critical facilities prioritized for emergency power restoration. Parts of the facility itself were energized by FPL, I can t give you anything more specific than that at this point, FPL spokesman Rob Gould told a news conference. Two elderly residents were found dead at the Rehabilitation Center of Hollywood Hills and three later died at a hospital. FPL, like other utilities, follows a plan to restore power to the largest number of customers as quickly as possible. FPL said after repairing any damage to its power plants and the lines that carry electricity from the generating facilities, the company next restores critical facilities, like hospitals, police and fire stations, communication facilities, water treatment plants, transportation providers and shelters. About 150 of Florida s nearly 700 nursing facilities do not have power restored, according to the Florida Health Care Association, an advocacy group representing facilities statewide. Locations without power have been flagged to the state to help utilities prioritize their work, the group said in a statement. The loss of these individuals is a profound tragedy within the larger tragedy of Hurricane Irma, the association said in a statement. Irma hit southwestern Florida on Sunday morning as a Category 4 storm, the second most severe on the five-step Saffir-Simpson scale. It had weakened to a tropical depression on Monday. More than 60,000 workers from across the United States and Canada were involved in the restoration efforts, including those from the affected companies and other utilities, according to the Edison Electric Institute, an industry trade group. ",worldnews,"September 13, 2017 ",1 +Florida nursing home where deaths occurred was not on priority list: utility,"(Reuters) - Florida Power & Light said on Wednesday it had provided power to part of a nursing home that housed six residents who died after the facility lost electricity due to Hurricane Irma, adding that it was not on a county priority list for emergency power restoration. Parts of the facility itself were energized by FPL, I can t give you anything more specific than that at this point, FPL spokesman Rob Gould told a news conference, referring to the Rehabilitation Center of Hollywood Hills. Two elderly residents were found dead at the nursing home, and four later died at a hospital. Police opened a criminal investigation at the nursing home in Broward County, which is north of Miami. Some residents were evacuated on early Sunday morning and some woke up feeling sick at the center, which had been without air conditioning, Broward County Mayor Barbara Sharief said. Gould said FPL met with Broward County officials in March before the storm season to discuss what facilities would be prioritized for power restoration this year. They identified which facilities were to be critical top infrastructure facilities, this was not one of them, he said about the Hollywood Hills center. Broward County officials did not immediately respond to a request for comment. FPL, a subsidiary of NextEra Energy Inc, has said earlier this week that the company prioritizes restoring power to critical facilities such as hospitals, police and fire stations, communications centers, water treatment plants, transportation and shelter. Gould said the incident at Hollywood Hills emphasizes that all facilities need to have backup plans in case power is lost during storms. Memorial Regional Hospital, a facility across from the nursing home, was identified as a top priority by the county and had power, Gould said. Florida has more than 680 nursing homes that house about 73,000 residents, the Florida Health Care Association said. ",worldnews,"September 13, 2017 ",1 +CSX resumes normal train operations into parts of Georgia: statement,"(Reuters) - Csx Corp said on Wednesday it has resumed normal train operations into Waycross and Savannah, in Georgia, and limited service into Jacksonville, Florida, where it has also reopened intermodal facilities. The No. 3 U.S. railroad also said engineering crews worked through the night to restore service in Georgia, South Carolina and Alabama but that customers should expect delays as backlogs are worked down. The railroad said intermodal terminals in Jacksonville, central Florida, and Tampa have reopened, though train service delays are still expected. ",worldnews,"September 13, 2017 ",1 +Suicide bomb near cricket stadium in Afghan capital kills at least three,"KABUL (Reuters) - A suicide bomber blew himself up at a checkpoint near the main cricket stadium in the Afghan capital Kabul on Wednesday, killing at least three people as a tournament was under way, officials said. Interior Ministry spokesman Najib Danesh said two police and one civilian were killed and five people wounded. Local Tolo News Television quoted the Afghan Cricket Board as saying all players were safe. The blast outside Kabul International Cricket Stadium took place during a match in Afghanistan s Shpageeza Cricket League, a T20 franchise tournament on the lines of the Indian Premier League and similar 20-over tournaments. A statement in Bosnian on Islamic State s Amaq news agency said a suicide attack had been carried out on members of the Afghan security forces in Kabul , although it was not immediately clear whether the statement referred to the same incident. The Shpageeza tournament, now in its fifth season, is one of a small number of Western-style sports competitions along with Afghan Premier League football that have grown up since a U.S.-led campaign toppled the Taliban in 2001. A small number of foreign players are also taking part in the competition. Cricket, which spread from refugee camps in Pakistan, has become one of Afghanistan s most popular sports and the national team has become increasingly successful, raising the profile of the game. ",worldnews,"September 13, 2017 ",1 +London police arrest woman after incident at Prince George's school,"LONDON (Reuters) - A woman has been arrested in London on suspicion of attempted burglary at a primary school attended by Prince George, the great-grandson of Queen Elizabeth, police said on Wednesday. The four-year-old son of Prince William and Kate Middleton started last week at Thomas s Battersea, a private school in southwest London. The event was widely publicized in Britain and beyond. London s Metropolitan Police said a 40-year-old woman was arrested on Wednesday in relation to an incident at the school on Tuesday, and was now in police custody. The woman is suspected of having gained access to the school, but police gave no details about exactly what had happened. We are working with the school, which is attended by His Royal Highness Prince George, to review its security arrangements after the incident, police said in a statement. A spokeswoman for Kensington Palace, the residence of Prince William and his family, said: We are aware of this issue but won t comment on security matters. ",worldnews,"September 13, 2017 ",1 +"Guinean forces kill one, wound several in bauxite mining town riot","CONAKRY (Reuters) - At least one person was killed and several wounded when Guinean security forces opened fire to break up a riot in the bauxite mining hub of Boke, witnesses said on Wednesday. Boke has suffered waves of rioting rooted in a perceived failure of mining to raise living standards, despite 15 million tonnes of aluminum ore being extracted annually by the West African nation s largest mining companies Societe Miniere de Boke (SMB) and Companie Bauxite de Guinee (CBG). Rioters on Wednesday pillaged a gendarmerie post and set fire to a security forces vehicle, before Guinean forces opened fire to push them back. They also blocked streets to prevent mine workers from going to work, although SMB said its basic operations were still in order. We feel the tension has increased somewhat, Frederic Bouzigues, general manager of SMB, told Reuters. Many of our employees have not been able to get back to work and this affects us even if our essential operations are not blocked. Guinea sits on about a third of the world s bauxite, but it remains one of the world s poorest countries, and unemployment around mining sites is not significantly lower than in other places. Residents of Boke protested this week over electricity shortages, another major gripe of residents. The government said calm had now been restored, after two days of demonstrations. I saw one person dead at the hospital, witness Mamadou Diallo told Reuters by telephone. It was a young man of 25 years. I saw about twenty people wounded, he added. Similar riots at the end of April paralyzed Boke, and youths trashed several government buildings before being pushed back by security forces firing live rounds, also killing at least one protester. It was a difficult situation but we took steps to restore calm, government spokesman Damantang Albert Camara said by telephone. Boke residents complain that while seeing none of the wealth from mining, they still suffer associated problems such as pollution from dust blowing off the back of trucks. ",worldnews,"September 13, 2017 ",1 +Transylvanian dream: Juncker's antidote to 'Brexit nightmare',"STRASBOURG (Reuters) - Transylvania may not seem everyone s idea of a fun weekend away to get over a painful break-up but that is Jean-Claude Juncker s prescription for EU leaders to cope with the blues on the day Britain walks out. Sibiu, the picturesque historic home of Romania s ethnic Germans, will be just the place for the other 27 national leaders to make a public show of unity on Saturday, March 30, 2019, the European Commission president told EU lawmakers on Wednesday in his annual State of the European Union address. His proposals for a more united bloc without Britain face scepticism from many governments. But the EU s chief executive has, officials said, calculated that expanding the euro zone and deepening its cooperation can win support from Angela Merkel and Emmanuel Macron, leaders of the founding powers France and Germany, and heal rifts with newer, poorer members in the east. His mention of Brexit brought cheers from UK Independence Party members in Strasbourg. They scoffed at Juncker s warning that Britons would soon regret leaving and said UKIP would look forward to that weekend 18 months hence to celebrate Britain s liberation from what they call EU diktat from Brussels. But aides say Juncker believes many of the 440 million other Europeans will only truly wake up to the fact the second-ranked economy is leaving pretty much around when it actually happens. And to reassure them at what Juncker said would be a very sad and tragic moment , their leaders should plan a get-together in Romania, one of the newest, and poorest member states, which just happens to be the rotating chair of the EU in early 2019. A rich cultural heritage Juncker noted that German-speakers like himself know it as Hermannstadt, capital of Transylvania s centuries-old Saxon community makes Sibiu a good spot to celebrate the Union of Europe s diverse peoples. The whole idea on that day is to focus on...matters to come for the Union, not on the ones who are leaving, one senior EU official said of the Sibiu summit, which was welcomed by Romanian President Klaus Ioannis, a former mayor of the city. And if hostile British commentators might be tempted to link the Transylvanian venue to a view of the EU as a bloodsucking vampire on the British taxpayer, Romanian locals insist their town has little to do with the region s Dracula legend. Aside from altering the atmospherics of what will certainly be a historic weekend for the European Union, the success of Juncker s vision for Sibiu in 2019 will depend on how national leaders respond to the proposals he sketched out on Wednesday. Most strikingly, the former Luxembourg premier who will step down in autumn 2019, wants to use the departure of the Union s opter-out-in-chief, Britain, to end a culture of states picking and choosing which bits of integration they want - for themselves and others - and to bring all 27 or more nations in to the euro currency zone, Schengen travel area and bank union. In a speech that carefully balanced indirect criticisms and praise for different leaders across the bloc, he slapped down Macron s embryonic proposals for a separate euro zone budget and plans to push ahead with deeper integration that could leave non-euro countries, especially in the east, on the EU s fringes. The German government, preparing for an election in two weeks that should hand Merkel a fourth term, is skeptical of Macron s plans but is also likely to be wary of the ambition of Juncker s proposals. Its initial reaction was restrained. EU officials, however, play down the idea that Juncker is making for a head-on confrontation with Merkel and Macron when he sets his face against a multispeed Europe that the veteran EU dealmaker believes bears the seeds of the EU s unraveling. Rather, Juncker sees his idea of a euro zone covering the whole EU, with its budget part of the overall EU budget and run from the existing Commission, as a practical application of the kind of suggestions Macron and Merkel seem to support but on which their administrations have offered little concrete detail. At the same time, EU officials argue, past attempts by Paris and Berlin to force a lead on integration, such as by Merkel and then president Nicolas Sarkozy at the height of the euro zone crisis in 2011, failed to gain traction. Juncker, they say, will try to persuade them that his broader approach is more viable. Nonetheless, his suggestion that the likes of Poland and Hungary, run by deeply eurosceptic governments, should join the strictures of the euro zone is unlikely to win rapid support in Warsaw or Budapest. Juncker s argument is, however, that if they refuse offers and pressure to join, they cannot then complain about being treated as second class members of the Union. Juncker, 62, said he had despaired of the EU at times but wants Sibiu to offer EU voters something other than Brexit to wake up to, two months before a European Parliament election. The biggest challenge to achieving his long list of ambitions by then will be overcoming entrenched national interests: Democracy is about compromise, he said in a blunt warning to the squabbling leaders he wants to come together in Transylvania. Europe cannot function without compromise. ",worldnews,"September 13, 2017 ",1 +Central African Republic defense minister sacked amid growing violence," ((This Sept. 12 story corrects name of sacked minister in paragraph 2)) BANGUI (Reuters) - Central African Republic president Faustin-Archange Touadera sacked his defense minister on Tuesday evening, according to a state radio broadcast, amid growing violence that threatens to spin the country out of control. The dismissal of Joseph Yakete was part of a wider Cabinet reshuffle. The statement did not say if his dismissal was related directly to growing violence. Thousands have died and a fifth of Central Africans have fled a conflict that broke out after mainly Muslim Seleka rebels ousted President Francois Bozize in 2013, provoking a backlash from Christian anti-balaka militias. Although unrest has since subsided, fighting has spiked this year and the United Nations warned this month that ethnic fighting could descend again into a much larger conflict if combatants are not disarmed. National security forces are too weak to tackle armed groups and counter the spillover from conflicts in neighboring countries, said the United Nations. In a sign of the deteriorating security situation, six Red Cross volunteers were killed in an attack on a health center in southeastern Central African Republic on Aug. 3, the aid organization said last month. ",worldnews,"September 12, 2017 ",1 +"Facing potential wheat crisis, Egypt plays down poppy seed risk","CAIRO (Reuters) - Poppy seeds found in two cargoes of imported wheat halted by Egyptian authorities are not very dangerous , Agriculture Minister Abdel Moneim Al-Banna told Reuters on Wednesday, in comments that could avert a trade row. Al-Banna said the cargoes from France and Romania would be sieved before a decision was taken on whether to allow them into the country. The world s biggest wheat buyer has panicked global suppliers in recent weeks by referring the two cargoes to its public prosecutor for containing what it said were drug-producing poppy seeds. The prosecutor has yet to issue a final decision on whether the wheat should be re-exported. Supplier Transgrain France and the French embassy in Cairo sent letters to state-buyer GASC arguing that the strand of poppy, papaver rhoeas, in the wheat was a harmless variety not used in opium production and commonly found in wheat fields. Banna s comments are the first by an Egyptian official to take a similar view. He said the seeds were not very dangerous , and that there is still a study that has not been completed to determine whether to re-export it to the country of origin or use it after the sieving. GASC later said it had determined that the seeds present in the Romanian cargo were not harmful as per an agriculture quarantine report and that it would be sieved. The poppy seeds found on the Romanian vessel according to a report that was signed by the head of the agriculture quarantine are not of the harmful opiate kind. The procedure therefore is sieving, GASC Vice Chairman Ahmed Youssef told Reuters. Traders are watching closely, and have said that any rejection could lead them to boycott the state s massive tenders, protesting what they describe as excessive inspection measures that have made doing business increasingly risky. All suppliers will wait and see what will happen, said one Cairo-based trader. In a similar trade row last year, Egypt temporarily banned any trace of ergot, a common grain fungus, in cargoes. That move halted the country s billion-dollar grain trade after suppliers said the zero-tolerance level was impossible to guarantee. GASC expects to buy about 7 million tonnes of wheat in the fiscal year that began last July in order to supply a bread subsidy program relied on by tens of millions of Egyptians. Inspectors from Egypt s agriculture quarantine service have slammed a food inspection system launched this year that was intended to streamline trade following the ergot dispute. They say the new system, which ends the process of sending Egyptian inspectors abroad to check on grain, has allowed harmful contaminants to enter the country. They successfully challenged the system in court, but a verdict to suspend it has not been implemented and is being appealed. We are being exposed to the biggest campaign to enter the largest quantities possible of poor quality wheat into Egypt and to make it the wastebasket of the world, a quarantine inspector said. ",worldnews,"September 13, 2017 ",1 +"U.N.'s Guterres calls on Myanmar to end violence, urges aid","UNITED NATIONS (Reuters) - U.N. Secretary-General Antonio Guterres on Wednesday called on authorities in Myanmar to end violence against the majority-Buddhist country s Rohingya Muslims and acknowledged the situation there is best described as ethnic cleansing. The humanitarian situation in Myanmar was catastrophic, Guterres said, and called on all countries to do what they could to supply aid. I call on the Myanmar authorities to suspend military action, end the violence, uphold the rule of law and recognize the right of return of all those who had to leave the country, Guterres said at a news conference. Pressure has been mounting on Myanmar to end violence that has sent about 370,000 Rohingya Muslims fleeing to Bangladesh, with the United States calling for protection of civilians and Bangladesh urging safe zones to enable refugees to go home. Asked if the situation could be described as ethnic cleansing, Guterres replied: Well I would answer your question with another question: When one-third of the Rohingya population had to flee the country, could you find a better word to describe it? The secretary-general also said he has spoken to Aung San Suu Kyi, Myanmar s national leader, several times. This is a dramatic tragedy. People are dying and suffering at horrible numbers and we need to stop it. That is my main concern, he said. Suu Kyi canceled a trip to the upcoming U.N. General Assembly to deal with the crisis, her office said on Wednesday. The U.N. Security Council is to meet on Wednesday behind closed doors for the second time since the crisis erupted. British U.N. Ambassador Matthew Rycroft said he hoped there would be a public statement agreed by the council. The government of Myanmar, also known as Burma, says its security forces are fighting Rohingya militants behind a surge of violence in Rakhine state that began on Aug. 25, and they are doing all they can to avoid harming civilians. The government says about 400 people have been killed in the fighting, the latest in the western state. The U.N. s top human rights official earlier this week denounced Myanmar for conducting a cruel military operation against the Rohingya, branding it a textbook example of ethnic cleansing. ",worldnews,"September 13, 2017 ",1 +Juncker's proposals in sync with French agenda: presidential official,"PARIS (Reuters) - European Commission chief Jean-Claude Juncker s speech on the state of the European Union contained many ambitious proposals chiming with French ideas, an official at President Emmanuel Macron s office told Reuters on Wednesday. Macron s office welcomed Juncker s support for the French president s proposals on vetting foreign investments considered to be strategic and his backing for democratic conventions. However, asked about the issue of a distinct euro zone budget and parliament, Macron s proposals which Juncker rejected, the French presidency official said Juncker had opened up options and that his timetable for detailed proposals in December were in line with Macron s. ",worldnews,"September 13, 2017 ",1 +Rape cases fuel anti-migrant angst in Italy ahead of election,"ROME (Reuters) - Rape allegations leveled against foreigners are fuelling anti-immigrant sentiment in Italy ahead of elections due early next year, when migration is likely to top the political agenda. Anti-immigration politicians have leapt on the crimes to ram home their message that the center-left government has been lax on border controls, allowing more than 600,000 migrants, mainly Africans, to enter the country over the past four years. There are too many of them. I will send quite a few home, Matteo Salvini, the head of the rightist Northern League, wrote on Twitter this week after police said a Bangladeshi man had been arrested in Rome on suspicion of raping a Finnish au pair. The Rome case came two weeks after a young Polish tourist said she was gang raped by four Africans, three of them aged under 18, on a beach in the Adriatic resort of Rimini. The woman s partner was badly beaten by the youths and a Peruvian transsexual said she was raped and assaulted by the same quartet later the same night. The leader of the gang was named as a Congolese asylum-seeker who had been allowed to stay in Italy on humanitarian grounds. The other three were Moroccan brothers aged 15 and 17, who were born in Italy, and a 16-year-old Nigerian. A gang of Maghreb worms, said Georgia Meloni, head of the rightist Brothers of Italy party, which is expected to be allied with the Northern League and Silvio Berlusconi s Forza Italia (Go Italy!) party at the election. An opinion poll in la Repubblica newspaper on Wednesday showed 46 percent of Italians thought migrants represented a threat to their personal safety and to public order against 40 percent in the last such survey in February. Five years ago the figure stood at just 26 percent. Opposition parties say the government cannot ignore the issue, pointing to official data showing that in the first seven months of the year 1,534 Italians were arrested or accused of rape compared with 904 foreigners suspected of the same crime. Some 40 percent of rapes are being committed by foreigners who make up 8 percent of the population. You can t sweep this under a carpet, said Deborah Bergamini, a lawmaker with Forza Italia. The influx of migrants is having major consequences. Though Italy was a colonial power in Africa in the 19th and 20th centuries and migrants have come to Italy for decades, the country mainly served as a transit route for the rest of Europe and so remains an overwhelmingly white country. However, EU migration policy means that increasing numbers of would-be asylum seekers are having to stay to secure residency permits, meaning many more Africans and refugees from the Middle East are trying to make Italy their home. Rising public concern over the inflows is starting to affect government policy-making, with the ruling center-left Democratic Party on Tuesday freezing a long-promised bill that would have granted citizenship to the children of immigrants. Some 70 percent of Italians backed the measure earlier this year, but support has now plummeted to just 52 percent, according to the la Repubblica survey. Interior Minister Marco Minniti has also intervened to stem the flow of migrants. I feared for democracy in this country, Minniti said last month, explaining why, after months of a de-facto, open-door policy, the government finally introduced measures aimed at preventing people from leaving Libya for Italy. Over the past 2-1/2 months, the number of migrants reaching Italy has fallen 70 percent from the same period a year ago to some 16,500, but the rape cases have ensured that media headlines have remained highly negative about the newcomers. German media were accused last year of initially ignoring allegations of sex assaults by migrants at New Year festivities in Cologne in order not to fuel anti-foreigner sentiment. The Italian media has no such hesitancy. First poverty, now they bring us disease, a front page headline in Libero daily said this month when an Italian child died of malaria just days after she had shared a hospital ward with two African children suffering the same illness. Malaria is transmitted by mosquitoes and cannot be passed person-to-person. It was eradicated from Italy in 1970 and doctors do not know how the girl, who had never been abroad, caught the disease. Cecile Kashetu Kyenge, a Congolese-born European parliamentarian with the ruling Democratic Party, says those sorts of headlines show how racism is on the rise. The newspapers turn migrants into the enemies of Italy and people start to believe this nonsense, said Kyenge, a former minister who receives regular racist abuse on social media. Racism is used as a political weapon and the situation is getting worse. The problem is we are living in a perpetual election campaign and politicians play on peoples fears. The Northern League has led the anti-migrant charge with its leader, Salvini, regularly denouncing migrants on Facebook. The party has been rewarded by a jump in support from 6 percent in 2014 to more than 15 percent today, making it the third largest political force in Italy in many opinion polls. The rise of the Northern League can be put down to the party s anti-migrant stance and Salvini s undoubted ability to play the populist card, said pollster Renato Mannheimer. He predicted that the issue would continue to predominate. The economy is a much more important issue, but sadly I think it will take a back seat to immigration in the coming election campaign, he said. ",worldnews,"September 13, 2017 ",1 +Rights groups ask China to stop detaining its critics,"GENEVA (Reuters) - Human rights activists called on China on Wednesday to stop detaining lawyers and critics, voicing concern for their health and fate in custody after the death of jailed Nobel laureate Liu Xiaobo attracted international attention in July. China said the concerns had no basis in fact. The activists highlighted the case of Jiang Tianyong, a prominent human rights lawyer disbarred in 2009, who disappeared last November and was held incommunicado for six months. Jiang s verdict is pending on charges of subversion, to which he confessed at a trial last month, saying he had been inspired to overthrow China s political system by workshops he attended overseas. The trial can be reasonably called neither fair nor impartial. In just the most obvious violation of due process, Mr Jiang was shown in a televised confession on state media in March 2017, Sarah Brooks of International Service for Human Rights told the United Nations Human Rights Council. Jiang s physical and psychological health are a subject of great concern, given the real risks of abuse in places of detention, she said. A Chinese diplomat told the Council that China firmly objected to the accusations about its legal handling of Jiang s and other cases, and said the NGOs should respect Chinese law and give up outrageous tactics . Jiang Tianyong is suspected of provoking trouble illegally, holding state secret documents, inciting subversion of the state and other criminal activities. He pleaded guilty, the diplomat said. China s treatment of dissidents stirred an outcry this year when Liu Xiaobo, serving an 11-year sentence for citing subversion of state power , died after being denied permission to leave the country for treatment for late-stage liver cancer. His wife, Liu Xia, has been under house arrest for six years and her whereabouts and condition since his death are unknown, Brooks said. Ms Liu Xia currently has personal freedom, the Chinese diplomat told the Council, adding that China had picked the most qualified medical experts to treat Liu Xiaobo and given him medical parole. Brooks also highlighted the case of Ilham Tohti, declared a case of arbitrary detention by a U.N. panel in 2014, who is serving a life sentence for separatism . The Chinese diplomat said Ilham s crime was clear. Ilham s case has nothing to do with human rights. He was trying to justify the acts of terror, divide the country and incite hatred, which no country could tolerate, she said. Zhang Qing, the wife of activist Guo Feixiong, told an NGO event in Geneva on Monday that he has suffered after being sentenced to six years in prison in late 2015. He conducted a 101-day hunger strike in 2016 to protest conditions. Guo has encountered a wide range of brutal and evil torture in jail, such as 13 days and nights of sleep deprivation, high-voltage taser to his private parts to extract a confession, she said. Guo was a veteran political prisoner whose voice had been silenced for demanding reforms, said Zhang, who lives in the United States. Human Rights Watch said this week that Beijing is waging a campaign of harassment against Chinese activists who seek to testify at the U.N. about repression, which it called the worst since the Tiananmen Square democracy movement was crushed. China s foreign ministry dismissed the accusations. U.N. High Commissioner for Human Rights Zeid Ra ad al-Hussein, addressing the Geneva forum on Monday, said that China was drafting its first national law on detention centres, with the aim of improving treatment, oversight and accountability. Zeid urged the government to ensure that the law grants access to independent legal counsel and family members, as well as addressing the ill-treatment in detention and deaths in custody . ",worldnews,"September 13, 2017 ",1 +Turkey will take its own security measures after Russia defense deal: Erdogan,"ANKARA (Reuters) - President Tayyip Erdogan on Wednesday dismissed NATO allies concern over Turkey s deal to buy a missile defense system from Russia and said Ankara would continue to take the security measures it thought right. Turkey, whose relations with its allies have frayed in recent months, said it opted for the S-400 because Western companies had offered no financially effective alternative. But NATO officials have voiced disquiet over the purchase of missiles incompatible with alliance systems. They went crazy because we made the S-400 agreement. What were we supposed to do, wait for you? We are taking and will take all our measures on the security front, Erdogan said in a speech in Ankara. Western firms which had bid for the contract included U.S. firm Raytheon (RTN.N), which put in an offer with its Patriot missile defense system. Franco-Italian group Eurosam, owned by the multinational European missile maker MBDA and France s Thales TCFP.PA, came second in the tender. Turkey, with the second-largest army in the alliance, has enormous strategic importance for NATO, abutting as it does Syria, Iraq and Iran. But the relationship has become fractious. Erdogan has been infuriated by Washington s support for Kurdish YPG fighters in the battle against Islamic State in Syria. Turkey sees the YPG as an extension of the militant Kurdistan Workers Party (PKK), which has waged a three-decade insurgency in Turkey s largely Kurdish southeast. The U.S. Pentagon said it had expressed concerns to Ankara about the Russian purchase. A NATO interoperable missile defense system remains the best option to defend Turkey from the full range of threats in its region, spokesman Johnny Michael said in a statement. France, however, said Turkey s decision was a sovereign choice which did not require comment from NATO allies. France s foreign minister is due to visit Turkey on Thursday. Germany has said it would restrict some arms sales to Turkey, reflecting the diplomatic strain over a security crackdown in Turkey following a failed military coup last year. Berlin had originally sought to freeze major arms sales, but scaled that back after Turkey said that would harm the joint fight against Islamic State. Berlin has criticized mass arrests that followed the failed coup and demanded the release of around a dozen German or Turkish-German citizens arrested in recent months. Turkey originally awarded a $3.4 billion contract for the defense system to China in 2013, but canceled that two years later, saying it would concentrate on developing a system domestically. Turkey later began talks with Russia, and in July Erdogan said the deal had been signed, although negotiations appear to have been drawn out over financing. Turkish media quoted Erdogan this week as saying he and Russian President Vladimir Putin were determined that the agreement should proceed. ",worldnews,"September 13, 2017 ",1 +France says Turkish-Russia missile deal a sovereign decision,"PARIS (Reuters) - France said on Wednesday Turkey s decision to buy a missile defense system from Russia was not cause for comment by NATO allies, remarks that were in contrast to other members that have raised concerns over the deal. Turkey, whose relations with its allies have frayed in recent months, said it opted for the S-400 because Western companies had offered no financially effective alternative. But NATO officials have voiced disquiet over the purchase of missiles incompatible with alliance systems. The purchase of military equipment by Turkey is a sovereign choice which does not need to be commented (upon) by members of the Atlantic alliance, Foreign ministry spokeswoman Agnes Romatet-Espagne said in response to a question on whether this was a blow to the alliance. The French comments come a day before the country s foreign minister begins a two-day visit to Turkey, where he will discuss regional issues, promoting support for a new peace initiative on Syria. He will also broach the subject of the arrest of French journalist Loup Bureau, who was seized by Turkish border guards on the frontier with Iraq in early August. ",worldnews,"September 13, 2017 ",1 +Juncker announces new code of conduct for EU executive members,"STRASBOURG, France (Reuters) - Members of the European Commission will have to wait two years before taking up new employment after they quit the EU executive under a new ethical code of conduct proposed by the President of the Commission on Wednesday. Seeking to bolster the public s trust in the EU institutions, Jean-Claude Juncker called for more enforced ethical standards and greater transparency in the Commission. The code of conduct will be enforced from Feb. 1, 2018, and will apply to all current members. This comes after Juncker s predecessor Jose Manuel Barroso caused public uproar after joining U.S. investment bank Goldman Sachs to advise it on Brexit, and former Commissioner Neelie Kroes was reprimanded for not declaring income that would effectively have reduced her pension. The cooling off period between a Commission term and the start of new employment was extended from 18 months to two years for members and three years for the president. The code also requires members to declare investments above 10,000 euro ($11,900) and establishes an Independent Ethical Committee to advise on all ethical issues. ",worldnews,"September 13, 2017 ",1 +German parties fret about Turkish voters as Erdogan makes mark," BERLIN (Reuters) - Nihan Sen s grandmother came to Germany in the 1960s but still speaks no German. By contrast, Nihan herself is a star of German youth culture, with 783,000 followers for her YouTube channel. Yet she acknowledges: I really do like a bit of Turkish television. She is not alone. Turkish broadcasters have an 84 percent market share among Germany s three million people of Turkish background, and 40 percent of them watch no German television at all, according to market researcher Data4U. As a captive audience of television broadcast from Ankara, Germany s Turkish citizens are caught in a tug-of-war for their loyalty ahead of a German national election on Sept. 24. Turkey s president, Tayyip Erdogan, has called on German voters of Turkish background to reject Germany s mainstream political parties, saying they are unfriendly to Turkey . The parties worry that Erdogan has more access to Turkish-speaking German voters than they do. Green Party co-leader Cem Ozdemir, the most prominent German politician of Turkish descent, has called for Germany s public media to start broadcasting a Turkish channel for the benefit of Turks, both in Germany and in Turkey. We need a German-Turkish broadcaster, he told the Rheinische Post newspaper in March. For years we ve neglected to help people from Turkey find a new political homeland, also politically, and now we re seeing the fruits of that. Traditionally, Turks in Germany have voted mainly for the Social Democrats or the Greens, the main center-left parties, which are known for being friendly to immigrants. But Erdogan has repeatedly urged them instead to reject both those parties, as well as Merkel s ruling conservatives. ""The majority, because they only watch Turkish TV, are informed very one-sidedly,"" said Joachim Schulte, head of Data 4U, which specializes in polling Germany's Turks. Schulte believes Erdogan's call could sway 300,000 votes -- a quarter of the Germans of Turkish descent who are eligible to vote. For now, voters of Turkish descent who turn away from the Social Democrats and Greens have few other choices. Schulte said those who become disaffected are more likely to stay home than back rival parties. But that could still affect the outcome in an election that is likely to be hard fought for every vote. A change in Germany s citizenship law in 2000 means the number of ethnic Turks with the right to vote has nearly doubled over the past decade, increasing their importance as a bloc. Polls show most Turks in Germany backed Erdogan when voting as expatriates in Turkish elections. For Erdogan, having influence over voters in Germany provides a chance to settle scores with German politicians he sees as enemies, while burnishing his credentials at home as a defender of Turks everywhere. Germany s mainstream parties have been outspoken critics of Turkey s crackdown since a failed coup last year, in which thousands of Turks have been jailed, including around a dozen who hold German citizenship. Turkey also demands that Germany hand over asylum seekers it accuses of involvement in the coup. For the Social Democrats and Greens, losing the Turkish vote poses a real risk: even a small swing could weaken them in potential talks with the conservatives about setting up a government after the vote. In recent weeks, a new party, the Alliance of German Democrats, led by ethnic Turks, has campaigned with a poster of Erdogan. Friends of Turkey, it reads. Stand with them! So far the new party is polling below one percent nationally and fielding candidates only in North Rhine-Westphalia, the big Western state home to more than a fifth of Germany s population. The national prospects for a minority ethnic party may be limited in a country with a 5 percent threshold to win seats, but a party appealing directly to Turks could undermine the bigger parties. Our poster was a quote from Erdogan: he was criticizing German politics and saying we should vote for parties that are our friends, said party spokesman Ertan Toker. Unlike the other German parties that are always negative about Erdogan, we are not. We saw this as him encouraging us to vote. Among the causes the new party has taken up: making it easier for ethnic Turks in Germany, most of whom still don t have the right to vote, to gain it. That struck a chord for Rascha, a 17-year-old Turkish girl in Duisburg, North Rhine-Westphalia. I was born here and I still don t have a German passport, she said. The process for getting one is long and bureaucratic. There s a new party that wants to give all permanent residents voting rights. Turkish community leaders from the big political parties say Erdogan s interventions into German politics are undoing decades of work on promoting integration. The political climate is poisoned by this, said Cansel Kiziltepe, Social Democrat parliamentary candidate in Berlin s multi-ethnic Kreuzberg district, where the Social Democrats, Greens and conservatives are all fielding candidates with Turkish roots. President Erdogan has torn down what we have built up over decades. We get threats, e-mails as ethnic Turkish lawmakers saying we aren t sufficiently loyal as Turks , Kiziltepe said. But I am a German politician and I do politics for Germany and for all people who live here. Timur Husein of Merkel s Christian Democratic Union was categorical about his loyalties: I am German, only German, said the son of a Turkish father and a Croatian mother. For YouTube personality Nihan, who confessed her passion for Turkish TV during an interview with Social Democrat leader Martin Schulz, the worry was that some Turks would end up alienated from wider German society. What can we do to stop parallel societies from emerging? she asked Schulz. Schulz was reassuring. ""It's not bad, or even hard, to have two identities. Why should you deny your roots?"" ",worldnews,"September 13, 2017 ",1 +Family of Australian woman fatally shot wants Minnesota cop charged,"(Reuters) - The family of an Australian woman who was fatally shot wants the Minneapolis policeman involved charged, their attorney said on Tuesday, the same day investigators sent the evidence collected to the local prosecutor. State investigators did not release their findings in the July 15 shooting of Sydney native Justine Damond, 40, who died from a single gunshot fired by Officer Mohamed Noor. The policeman was in a patrol car with Officer Matthew Harrity. Damond had called police about a possible sexual assault near her house and had approached the police after their arrival, authorities previously said. Damond was living in Minneapolis and engaged to be married. The shooting sparked outrage in Minnesota as well as in Australia, where Prime Minister Malcolm Turnbull called the incident shocking and inexplicable. Minneapolis police chief resigned after city officials said procedures had been violated during the incident and Damond didn t have to die. The attorney for Damond s family, Bob Bennett, said her family believes the officer should be held accountable. They certainly believe charges are merited, he said in a telephone interview. The most likely charges may be second-degree manslaughter, which carries a sentence of up to 10 years, Bennett said. Attorneys for the officers could not be reached. Noor previously expressed condolences to the Damond family in a statement, but declined to discuss the shooting. Hennepin County Attorney Mike Freeman will review the case file to determine what, if any, charges might be brought after the findings were submitted Tuesday, according to a statement. A decision is expected by the end of the year, his office said. Harrity told investigators he was startled by a loud sound near the patrol car shortly before Noor fired through the open driver s-side window, striking Damond. Court documents said a woman slapped the back of the car before the shooting. Noor was put on paid leave after the shooting. Neither officer had their body cameras activated, police have said. Damond s family has not yet filed a civil lawsuit, Bennett said. He is the same lawyer who reached a nearly $3 million settlement for the family of black motorist Philando Castile who was shot and killed by Minnesota police in July 2016 during a traffic stop. Because of past criticism over a lack of transparency when grand juries consider possible charges in police shootings, Freeman plans to decide on charges himself, his spokesman said. Freeman s office said in a statement it might ask for additional investigation into the matter. ",worldnews,"September 12, 2017 ",0 +Saudi calls for social media informants decried as 'Orwellian',"(Reuters) - Saudi Arabia has urged its people to report subversive comments spotted on social media via a phone app, a move denounced by a human rights watchdog as Orwellian . The appeal, announced on a Twitter account run by the interior ministry late on Tuesday, coincides with an apparent crackdown on potential government critics and a call by exiled opposition figures for demonstrations. When you notice any account on social networks publishing terrorist or extremist ideas, please report it immediately via the application #We re_all_security , it said, referring to a mobile phone app launched last year to enable civilians to report traffic violations and burglaries. Hours later, the public prosecutor tweeted a section of the kingdom s terrorism law which states: Endangering national unity, obstructing the Basic Law of governance or some of its articles, and harming the state s reputation or status are terrorist crimes. Exiled Saudi critics have called for demonstrations on Friday to galvanize opposition to the royal family and prominent clerics, intellectuals and activists, including prominent Islamist cleric Sheikh Salman al-Awdah, have been detained this week, activists say. Activists circulated lists of people detained on social media showing the number had risen to around 30 on Wednesday, including some with no clear links to Islamist activity or obvious history of opposition. Protests are banned in Saudi Arabia, as are political parties. Unions are illegal, the press is controlled and criticism of the royal family can lead to prison. Riyadh says it does not have political prisoners, but senior officials have said monitoring activists is needed to maintain social stability. The detentions reported by activists follow widespread speculation, denied by officials, that King Salman intends to abdicate to his son, Crown Prince Crown Prince Mohammed bin Salman, who dominates economic, diplomatic and domestic policy. There are also growing tensions with Qatar over its alleged support of Islamists, including the Muslim Brotherhood which is listed by Riyadh as a terrorist organization. Some Twitter users expressed support for the government s approach, using the We re all Security hashtag. No flattery, no silence whether for a relative or friend in securing the homeland, said one. Defend your security. Chaos starts with slogans of freedom and reform. Do not believe them. Another user called on people to photograph any low-lifes protesting on Friday and upload them to the app. Human Rights Watch, a New York-based watchdog, condemned the government dragnet, saying it called into question the authorities commitment to free speech and the rule of law. Saudi Arabia is reaching a new level of Orwellian reality when it goes beyond security services repression and outsources monitoring of citizens online comments to other citizens, said Middle East director Sarah Leah Whitson, referring to English writer George Orwell s dystopian novel Nineteen Eighty-Four . Saudi Arabia s new leadership is quickly showing it has no tolerance for critical thought or speech and is marshalling Saudi society to enforce red lines by spying on itself. The government has not clearly acknowledged this week s detentions or responded to requests for comment. But state news agency SPA said on Tuesday authorities had uncovered intelligence activities for the benefit of foreign parties by a group of people it did not identify. A Saudi security source told Reuters the suspects were accused of espionage activities and having contacts with external entities including the Muslim Brotherhood , which Riyadh has classified as a terrorist organization. The government toughened its stance on dissent following the Arab Spring in 2011 after it averted unrest by offering billions of dollars in handouts and state spending. But the Brotherhood, which represents an ideological threat to Riyadh s dynastic system of rule, has gained power elsewhere in the region. Since the kingdom s founding, the ruling Al Saud family has enjoyed a close alliance with clerics of the ultra-conservative Wahhabi school of Islam. In return, the clerics have espoused a political philosophy that demands obedience to the ruler. By contrast the Muslim Brotherhood advances an active political doctrine urging revolutionary action, which flies in the face of Wahhabi teaching. The Brotherhood-inspired Sahwa movement in the 1990s agitated to bring democracy to Saudi Arabia and criticized the ruling family for corruption, social liberalization and working with the West, including allowing U.S. troops into the kingdom during the 1991 Iraq war. The Sahwa were largely undermined by a mixture of repression and co-optation but remain active. The al-Saud family has always regarded Islamist groups as the biggest internal threat to its rule over a country in which appeals to religious sentiment cannot be lightly dismissed and an al Qaeda campaign a decade ago killed hundreds. Saudi Arabia, the United Arab Emirates, Bahrain and Egypt cut diplomatic and transport links with Qatar in June over its alleged support for Islamist militants, a charge that Doha denies. ",worldnews,"September 13, 2017 ",1 +Girl strapped with bomb kills five in Cameroon mosque,"YAOUNDE (Reuters) - A girl with a bomb strapped to her walked into a mosque in northern Cameroon where it exploded, killing five worshippers in an attack bearing the hallmarks of Islamist militant group Boko Haram, authorities said. The girl of 12 or 13 years old arrived at the Sanda-Wadjiri mosque in remote Kolofata at the first call to prayer at between five and six a.m., the governor of Cameroon s Far North region Midjiyawa Bakary told Reuters by telephone. The men were bowed in prayer when she came, Bakary said. Five of the worshippers were killed and the bomber also. He did not name any suspects, but Boko Haram has repeatedly used suicide bombers as well as strapping children with explosives to strike at civilian and military targets. The Nigerian jihadist group, which is now split into at least two factions, has been fighting for almost a decade to revive a medieval Islamic caliphate in the Lake Chad region, where Nigeria, Cameroon, Niger and Chad meet. Allied forces from the four countries have routed it in much of the territory it once controlled, but the group has responded by scattering and stepping up attacks on civilians. Amnesty International said last week that Boko Haram had killed 381 civilians in Nigeria and Cameroon since the beginning of April, more than double that for the preceding five months. Of those, 158 of the deaths were in Cameroon, which the rights group linked to a rise in suicide bombings, the deadliest of which killed 16 people in Waza in July. ",worldnews,"September 13, 2017 ",1 +"Five militants, two soldiers, killed in Egypt's Sinai","CAIRO (Reuters) - Five militants and two soldiers were killed on Wednesday in clashes that followed a failed attack on a security checkpoint in Egypt s strife-torn North Sinai province, a military spokesman said. Troops were seeking some of the militants who fled the scene during the clashes, the spokesman said in a statement. One of the militants, wearing an explosive vest, attempted to raid one of the security checkpoints and due to the vigilance of the security forces the terrorist was killed while the rest of the militants were dealt with, he said. Islamic State claimed responsibility for the attack, with its news agency Amaq saying one of its militants had set off a suicide vest at a security checkpoint. An Islamist insurgency in North Sinai has gathered pace since mid-2013 when the military ousted Islamist president Mohamed Mursi after mass protests against his rule and the group leading it pledged allegiance to Islamic State a year later. Hundreds of soldiers and police have been killed since and in recent months the attacks extended to Coptic Christians, who make up 10 percent of Egypt s 90 million population. ",worldnews,"September 13, 2017 ",1 +Buildings evacuated in Moscow after bomb threats: RIA,"MOSCOW (Reuters) - Russian authorities evacuated people from dozens of buildings in Moscow on Wednesday after a flurry of anonymous phone calls asserting the locations had been mined, RIA news agency reported. Three of Moscow s main train stations were being checked on Wednesday, along with the city s famous GUM department store near Red Square, and more than 20 other buildings, the news agency said. GUM said on its website it was temporarily closed for technical reasons. A Reuters TV cameraman said he saw police with sniffer dogs checking the building. Russia has this week experienced a wave of hoax bomb threats. Citing an unnamed source in the emergency services, RIA said the hoaxes had so far affected more than 20 Russian towns and cities. All of the calls had so far turned out to be false alarms. When asked about the matter, a Kremlin spokesman referred reporters to the police. RIA cited its source as saying that many of the hoax calls may have been made from Ukraine. Relations between Moscow and Kiev are at a low after Russia annexed Ukraine s Crimea in 2014 and pro-Russian separatists in eastern Ukraine rebelled against Kiev s rule. ",worldnews,"September 13, 2017 ",1 +Russia's Zapad war games unnerve the West,"TALLINN/VILNIUS (Reuters) - From planes, radars and ships in the Baltics, NATO officials say they are watching Russia s biggest war games since 2013 with calm and confidence , but many are unnerved about what they see as Moscow testing its ability to wage war against the West. NATO believes the exercises, officially starting on Thursday in Belarus, the Baltic Sea, western Russia and the Russian exclave of Kaliningrad, are already underway. It says they are larger than Moscow has publicized, numbering some 100,000 troops, and involve firing nuclear-capable ballistic missiles. Codenamed Zapad or West , NATO officials say the drills will simulate a conflict with the U.S.-led alliance intended to show Russia s ability to mass large numbers of troops at very short notice in the event of a conflict. NATO remains calm and vigilant, NATO Secretary-General Jens Stoltenberg said last week during a visit to an Estonian army base where British troops have been stationed since March. But Lithuania s Defense Minister Raimundas Karoblis was less sanguine, voicing widely-felt fears that the drills risk triggering an accidental conflict or could allow Moscow to leave troops in neighboring Belarus. We can t be totally calm. There is a large foreign army massed next to Lithuanian territory, he told Reuters. Some Western officials including the head of the U.S. Army in Europe, Gen. Ben Hodges, have raised concerns that Russia might use the drills as a Trojan horse to make incursions into Poland and Russian-speaking regions in the Baltics. The Kremlin firmly rejects any such plans. Russia says some 13,000 troops from Russia and Belarus will be involved in the Sept. 14-20 drills, below an international threshold that requires large numbers of outside observers. NATO will send three experts to so-called visitor days during the exercises, but a NATO official said these were no substitute for meeting internationally-agreed norms at such exercises that include talking to soldiers and briefings. Moscow says it is the West that threatens stability in eastern Europe because the U.S.-led NATO alliance has put a 4,000-strong multinational force in the Baltics and Poland. Wrong-footed by Moscow in the recent past, with Russia s seizure of Crimea in 2014 and its intervention in Syria s war in 2015, NATO is distrustful of the Kremlin s public message. In Crimea, Moscow proved a master of hybrid warfare , with its mix of cyber attacks, disinformation campaigns and use of Russian and local forces without insignia. One senior European security official said Zapad would merge manoeuvres across Russia s four western military districts in a complex, multi-dimensional aggressive, anti-NATO exercise . It is all smoke and mirrors, the official said, adding that the Soviet-era Zapad exercises that were revived in 1999 had included simulated nuclear strikes on Europe. NATO officials say they have been watching Russia s preparations for months, including the use of hundreds of rail cars to carry tanks and other heavy equipment into Belarus. As a precaution, the U.S. Army has moved 600 paratroopers to the Baltics during Zapad and has taken over guardianship of the airspace of Lithuania, Latvia and Estonia, which lack capable air forces and air defense systems. Russia s military show of force raises some uncomfortable questions for the alliance because NATO cannot yet mass large numbers of troops quickly, despite the United States military might, NATO officials and diplomats said. NATO, a 29-nation defense pact created in 1949 to deter the Soviet threat, has already begun its biggest modernization since the Cold War, sending four battalions to the Baltics and Poland, setting up an agile, high-readiness spearhead force, and developing its cyberspace defenses. But NATO has deliberately taken a slowly-slowly approach to its military build-up to avoid being sucked into a new arms race, even as Russia has stationed anti-aircraft and anti-ship missiles in Kaliningrad, the Black Sea and Syria. The last thing we want is a military escalation with Russia, said one senior NATO official involved in military planning, referring to Zapad. In the event of any potential Russian incursion into the Baltics or Poland, NATO s new multinational forces would quickly need large reinforcements. But a 40,000-strong force agreed in 2015 is still being developed, officials say. Lithuania s Karoblis said he hoped to see progress by the next summit of NATO leaders in July 2018. Baltic politicians want more discretion given to NATO to fight any aggressor in the event of an attack, without waiting for the go-ahead from allied governments. During Zapad, NATO is taking a low-key approach by running few exercises, including an annual sniper exercise in Lithuania. Only non-NATO member Sweden is holding a large-scale drill. NATO Deputy Supreme Allied Commander Europe James Everard told Reuters there was no need to mirror Zapad. It s not a competition, he said during a visit to NATO forces in Latvia. ",worldnews,"September 13, 2017 ",1 +Qatari Emir to meet Turkey's Erdogan in Ankara: Turkish presidency,"ANKARA (Reuters) - Qatar s Emir Sheikh Tamim bin Hamad al-Thani will hold talks in Ankara on Thursday with Turkish President Tayyip Erdogan, an ally of Doha in its dispute with Gulf Arab neighbors. Saudi Arabia, the UAE, Egypt and Bahrain cut diplomatic and trade links with Qatar three months ago, suspending air and shipping routes with the world s biggest exporter of liquefied natural gas. They say Qatar supports regional foe Iran and Islamists. Qatar denies the charges and says the economic boycott aims at neutering an independent foreign policy it says promotes peaceful regional reform and fighting terrorism. Last month Turkey held joint military exercises with Qatari forces in the Gulf state. It has said it will deploy 3,000 troops at a military base there and has increased trade with Qatar since the start of the embargo. Turkey s presidency announced Sheikh Tamim s trip in a statement on Wednesday but gave no details of the talks, which will coincide with a visit to Ankara by the prime minister of Kuwait, which has sought to mediate in the Gulf Arab dispute. ",worldnews,"September 13, 2017 ",1 +U.S. says air strikes in Somalia kill six al Shabaab fighters,"WASHINGTON (Reuters) - The U.S. military said on Wednesday it had carried out air strikes in Somalia against an al Qaeda-allied Islamist group and killed six militants. The group, al Shabaab, is fighting to topple Somalia s Western-backed transitional federal government and impose its own rule on the Horn of Africa country. The U.S. military s Africa Command (AFRICOM) said in a statement it had carried out three air strikes on Wednesday at 2:15 a.m. local time (2315 GMT Tuesday). The operation occurred in southern Somalia, about 260 kilometers (162 miles) south of the capital, Mogadishu, the statement said. Al Shabaab has lost control of most of Somalia s cities and towns since it was pushed out of Mogadishu in 2011. But it retains a strong presence in parts of the south and center and carries out gun and bomb attacks. ",worldnews,"September 13, 2017 ",1 +Cambodian opposition blocked from holding memorial service,"PHNOM PENH (Reuters) - Cambodia s main opposition party was blocked from holding a memorial ceremony on Wednesday for victims of a 1997 grenade attack on a political rally, with tension running high after the arrest of its leader last week. The U.S. embassy urged its citizens to exercise caution after Prime Minister Hun Sen s government accused the United States of conspiring with opposition leader Kem Sokha, who has been charged with treason. Potentially further fanning anti-American sentiment, the embassy announced it had stopped issuing visas for some Cambodian foreign ministry officials. Kem Sokha s Cambodia National Rescue Party (CNRP) had planned to hold a ceremony at a memorial in the capital, Phnom Penh, to mark an attack in which at least 16 people were killed at a rally on March 30, 1997 organized by former opposition leader Sam Rainsy. Similar memorials have been permitted in previous years around the Pchum Ben festival, when Cambodians pay respects to deceased ancestors. We tried to hold the ceremony at the memorial and we were stopped, Mu Sochua, one of the CNRP s deputy presidents, told Reuters. We don t want to confront the authorities but we want to show that these are signs of intimidation, she said, adding that the ceremony was then moved to a nearby pagoda. Phnom Penh s city hall spokesman Met Measpheakdey said the pagoda was the right place for the ceremony and the party s request to do it at the monument had been denied. Opponents of Hun Sen accuse him of arresting Kem Sokha and cracking down on independent media and other critics ahead of a general election next year in which he could face the toughest electoral challenge of more than 30 years in power. The United States and Western countries have called for Kem Sokha s release, drawing further anti-American rhetoric from the government. The U.S. embassy said it had no specific warnings of security issues but urged U.S. citizens to show caution. The embassy announced it had stopped issuing visas to some senior foreign ministry officials in a separate dispute over Cambodia s refusal to continue accepting Cambodian citizens the United States wants to deport China, Cambodia s biggest donor and investor by far, has stood by Hun Sen s government. Chinese friends are like a strong back that continues to help Cambodia in every circumstance so that no foreign country can break it up, Hun Sen said on his Facebook page on Wednesday after returning from a trip to China. ",worldnews,"September 13, 2017 ",1 +"Rights groups target police, spy chiefs globally under new U.S. law","PRAGUE/WASHINGTON (Reuters) - Police and spy chiefs from China to the Middle East, a Ukrainian oligarch and a former president of Panama are among the people a coalition of human rights groups wants targeted for sanctions under an expanded U.S. law aimed at curbing rights abuses and corruption worldwide. The coalition, in documents to be made public on Wednesday, submitted 15 cases to the U.S. State Department and U.S. Treasury, urging them to investigate using the law, called the Global Magnitsky Act. The law, which then-President Barack Obama signed in December 2016, expands the scope of 2012 legislation that froze the assets of Russian officials and banned them from traveling to the United States because of their links to the 2009 death in prison of a whistleblower, Sergey Magnitsky. The cases we have elected to highlight come from every region of the world, and involve horrific stories of torture, enforced disappearance, murder, sexual assault, extortion and bribery, the coalition of 23 groups said in a letter to U.S. Secretary of State Rex Tillerson and U.S. Treasury Secretary Steven Mnuchin. The groups said their information came from first-hand accounts of victims and their attorneys, investigative journalism and reports by non-governmental organizations (NGOs). (here) Police chiefs, public prosecutors and heads of security services in Bahrain, China, Egypt, Saudi Arabia, Mexico and Central Asian countries where prisoners were tortured, executed or died in custody are on the list compiled by the groups, which are coordinated by Washington-based Human Rights First. Among them are Chinese Deputy Minister of Public Security Fu Zhenghua and Beijing s Municipal Public Security Bureau deputy head Tao Jing. The groups accuse the two officials of bearing command responsibility for actions of forces under their control in the torture and 2014 death of human rights activist Cao Shunli. Cao s lawyer has said she was denied medical treatment until she was seriously ill, which the Chinese government denies. Dmitry Firtash, a Ukrainian oligarch indicted by a U.S. court in 2013 on bribery and other charges, is on the list. He denies wrongdoing and is fighting extradition from Austria. Lanny Davis, an attorney for Firtash, in a statement said the allegations were false and that any sanctions cannot be justified, adding: The constant repetition of false accusations on the Internet doesn t make them true. Another target is former Panamanian president Ricardo Martinelli, who is jailed in Florida facing extradition to Panama on charges he conducted illegal surveillance and stole state funds while in office. Martinelli has repeatedly denied the charges. President Donald Trump, a Republican who did not stress global human rights as a foreign policy priority during his presidential campaign or early months in office, told Congress in April that he was committed to robust and thorough implementation of the Magnitsky law. His administration has yet to impose sanctions or travel bans under it, but an official said the process of identifying potential targets is both internal and external. We have received nominations from multiple sources including the United States Congress and NGOs. Evidence permitting, our objective is to leverage the global reach of this authority and pursue geographically diverse tranches of targets on an ongoing basis, said the official, who spoke on condition of anonymity. Acting on the recommendations could pose risks for Trump if targeted governments retaliated. Washington needs Beijing s help in pressuring North Korea to halt its missile and nuclear tests, for example. The original Magnitsky legislation strained relations between Moscow and Washington. Magnitsky, a tax accountant and lawyer, was arrested in 2008 shortly after accusing Russian officials of involvement in fraud, and died in prison nearly a year later while awaiting trial. William Browder, whose Russian hedge fund employed Magnitsky as a lawyer, spearheaded an international campaign to push through the original Magnitsky Act, which now covers 44 Russians. He said travel bans and asset freezes are effective. It creates a very devastating consequence because people who thought they could act with absolute impunity no longer have that comfort, Browder said. The human rights coalition also hopes that pressure from politicians such as Republican Senator John McCain and Democratic Senator Ben Cardin, the authors of the original legislation and the update, will spur the Trump administration into action. McCain, in a statement to Reuters, said the role of NGOs is crucial, and envisioned under the new law. I will continue working to ensure the administration enforces the law and utilizes this powerful tool to advance freedom and justice around the world, he said. Rob Berschinski, a former Obama administration official who led the efforts at Human Rights First, said, Our process is designed to assist the government, but also to remove any excuse around whether it has the ability to levy sanctions. Now the question is simply one of political will. The Global Magnitsky Act requires the Trump administration to report to Congress by Dec. 10 on sanctions it has imposed under the law. ",worldnews,"September 13, 2017 ",1 +"China backs U.N. call for justice in Yemen, U.S. and Saudis don't","GENEVA (Reuters) - China signaled on Wednesday it was willing to back an international inquiry into atrocities in Yemen, as demanded by the U.N. High Commissioner for Human Rights, but Saudi Arabia and the United States said they did not support the idea. For three years running U.N. human rights chief Zeid Ra ad al-Hussein has asked the 47 countries in the U.N. Human Rights Council to set up an independent investigation into Yemen s war, which has killed at least 10,000, destroyed the economy, led to a cholera epidemic and pushed millions to the brink of famine. Despite his pleas, they have twice supported a Saudi plan to let Yemen investigate by itself. On Wednesday, the Netherlands and Canada unveiled a draft resolution to establish an international commission of inquiry (COI) to ensure that perpetrators of violations and abuses, including those that may constitute war crimes and crimes against humanity, are held accountable . The three-page text was supported by many countries when diplomats met to discuss amendments. We agree with the actions, including the COI, to promote the political solving of the Yemen crisis, a Chinese delegate told the meeting, which was boycotted by the Arab group of countries supporting a rival Saudi-led resolution. Britain and the United States said they wanted to see consensus around a single resolution. We do have concerns that a full international independent Commission of Inquiry is not likely to get us there, U.S. diplomat Michele Roulbet told the meeting. Saudi Arabia, which leads an international coalition battling the Iran-aligned Houthi movement in Yemen, said the time was not right for an international inquiry. Although Zeid has said Yemen is not up to the job of investigating its own war, Saudi Ambassador Abdulaziz Alwasil said Yemen s national commission was in a better position to investigate for the time being. We have no objection to the inquiry itself, we just have a discussion about the timing, whether this is the right time to establish an international commission, with the difficulties on the ground, Alwasil told reporters. Georgette Gagnon, head of field operations at the U.N. human rights office, said Yemen s own human rights commission was established by, is funded by and reports to a party to the conflict and said it was way past time for an effective probe. Not having an international inquiry would be a green light to the parties to the conflict, said Radhya Al-Mutwakel, co-director of Yemen s Mwatana Organization for Human Rights. Zeid said on Monday there had been only minimal efforts at holding people to account in what the United Nations has branded the world s worst humanitarian crisis. The Saudi envoy said the international community should focus its efforts on gaining access for humanitarian personnel. The Saudi-led coalition has also has set up a team to investigate civilian casualties. On Tuesday it said it had found a series of deadly air strikes had been largely justified. ",worldnews,"September 13, 2017 ",1 +Nein danke! Merkel spurns challenger's TV duel re-run offer,"BERLIN (Reuters) - Firmly on course for re-election, Chancellor Angela Merkel on Wednesday spurned her rival s request for a re-run of a head-to-head television debate in which he failed to dent her opinion poll lead. With voting taking place on Sept. 24, Martin Schulz s left-leaning Social Democrats (SPD) trail Merkel s conservatives by around 14 percentage points. Schulz challenged her to a second debate in a letter, arguing that they failed to address many key issues in the first encounter on Sept. 3, billed as a one-off and in which he at times rattled the chancellor. Her Christian Democratic Union (CDU) party rejected the idea, with an official saying: Angela Merkel enjoyed taking part in the a TV duel. The format worked out well. And she is leaving it at that. The SPD s Andrea Nahles, who is Germany s labor minister, accused the conservatives of cowardice for not allowing a second debate to tackle issues like health, education and pensions that she said were barely touched on in the Sept. 3 duel. In my view, this is weak of Mrs Merkel, she told Reuters in a television interview. Schulz, 61, is a more natural public speaker than Merkel, 63, but he failed to land a knock-out blow during the debate partly because the two camps agree on many policy areas. When he did try to stake out stronger positions, such as by accusing U.S. President Donald Trump of bringing the world to the brink of crisis with his tweets , she was able to appear more considered. Deploying her credentials as a global stateswoman, Merkel said she would work with Trump to achieve a diplomatic solution to the North Korea crisis a moderate approach that appealed to risk-averse German voters. A survey by Infratest Dimap for ARD television after the debate showed Merkel s overall performance was viewed as more convincing by 55 percent, compared to 35 percent for Schulz. In his letter to Merkel, a copy of which was seen by Reuters, Schulz argued they had not addressed voters questions about the digital economy, the future of the labor market, pensions and education in the debate. Schulz, whose SPD has ruled as junior partner in a grand coalition with Merkel s conservatives for the last four years, has tried to appeal to voters with a campaign for social justice but the message has not resonated widely. Merkel, in power since 2005, has told voters not to risk allowing an untested, SPD-led left-wing alliance to take power, urging them to stick with her in turbulent times . ",worldnews,"September 13, 2017 ",1 +Macri ally gains ground in Argentina Senate election against Fernandez,"BUENOS AIRES (Reuters) - Argentine President Mauricio Macri s favored candidate is gaining ground against former populist leader Cristina Fernandez in a closely watched Senate race in the country s largest province of Buenos Aires, sources from both parties and two analysts said. Macri s former Education Minister Esteban Bullrich of his Let s Change coalition appears to have reversed the trend since last month when Fernandez narrowly beat him by 0.08 percentage points in a nonbinding primary vote. While a second-place finish would still guarantee Fernandez a Senate seat, the number of votes she gets is being closely watched by investors who see the Oct. 22 vote as a gauge of her potential to stage a comeback in the 2019 presidential election. Analyst Ricardo Rouvier has not finished his latest poll but estimated that Bullrich was leading Fernandez by about 3 percentage points in Buenos Aires province, home to nearly 40 percent of Argentine voters. Cristina has a large number of votes, but she is stuck there, she has a ceiling, he said in an interview. Fernandez s 2007 to 2015 presidency saw Latin America s No. 3 economy cut off from international capital markets and several companies nationalized. Fernandez was indicted for corruption last year, though she dismisses the charges as politically motivated. A seat in Congress would give her immunity from arrest though not from trial. We have registered our growth in the polls, said a high-level government source who asked not to be identified. Citizen s Unity, the party Fernandez founded before launching her candidacy in June, confirmed the trend but said Bullrich had a smaller lead. What we have is an advantage of half a percentage point (for Bullrich); we have a tied election again, said a campaign spokesman who declined to be named. A representative for another Argentine pollster, who asked not to be identified because the firm is currently only surveying for private clients, said Bullrich has a four percentage point lead over Fernandez. The polarized show-down between Fernandez, who says Macri s economic austerity has hurt the provincial poor, and Bullrich has largely left out other parties and moderate candidates. Fernandez broke with Peronism, Argentina best-known political movement, for the election and her former Transportation Minister Florencio Randazzo attracted few votes in the primary. Sergio Massa, a presidential candidate in the 2015 election against Macri, finished a distant third behind Fernandez. Seeking to unify the opposition against Bullrich, Fernandez on Monday published a letter on Facebook asking for the support of those who did not vote for her. We hope that the Peronist voters who accompanied proposals such as Randazzo or Massa join this majority, said Jorge Taiana, Fernandez s former foreign minister and senate candidate, in an interview. The Citizen s Unity spokesman said the party is in talks with Peronist mayors who support Randazzo to try to convince them to back Fernandez. Four have switched over and the party has high hopes for three more, he said. No matter how many seats his coalition picks up in October - when Argentines elect one-third of the Senate and half the lower house of Congress - Macri will still lack a majority and will need to negotiate tax and other reforms he hopes to pass in the second half of his term. ",worldnews,"September 13, 2017 ",1 +"Juncker wants EU finance minister, no separate euro budget or parliament","STRASBOURG, France (Reuters) - The European Union should have a minister of economy and finance but no separate euro zone budget or parliament, the head of the European Commission said on Wednesday. Jean-Claude Juncker said such a minister should also be the chairman of all euro zone finance ministers and be accountable to the European Parliament. The minister would be in charge of economic and financial issues not only for the euro zone, but for all EU countries, Juncker said in a state of the union speech to the European Parliament. Creating a finance minister for the EU rather than for the euro zone is an attempt to prevent divisions among the 27 countries that will remain in the EU once Britain leaves in 2019, EU officials said. The idea of a euro zone finance minister has been promoted by French President Emmanuel Macron. He will offer more detailed proposals for reforms to the euro zone on Sept. 26, two days after Germany s federal election, a French diplomatic source said on Wednesday. Germany Chancellor Angela Merkel also said when she met Macron last month that she could imagine creating a combined European finance and economy minister. We need a European minister of economy and finance: a European minister that promotes and supports structural reforms in our member states, Juncker said. The new minister should coordinate all EU financial instruments that can be deployed when a member state is in a recession or hit by a fundamental crisis. He said that instead of creating a new post, the job should be given to a vice president of the European Commission a suggestion that is bound to meet with vehement resistance from euro zone governments, especially Berlin. His comments are part of the debate on the future shape of the 19-country euro zone, which Juncker said should expand to take in all the other EU members that are not yet part of it and do not have a formal option to opt out of using the euro. Member states that want to join the euro must be able to do so. This is why I am proposing to create a Euro-accession instrument, offering technical and even financial assistance, Juncker said, without giving details. He said that by the time Britain leaves the EU in March 2019, euro zone membership and participation in the EU s banking union - which entails a single EU supervisor, resolution authority and deposit guarantee scheme - should be the norm for all EU members. But even though all non-euro zone countries of the EU except Denmark are legally obliged to join the euro when they meet a set of criteria, some of the biggest, like Sweden and Poland, have no plans to do so in the foreseeable future, believing their own currency gives their economies more flexibility. Addressing French and German ideas of creating a separate budget for the euro zone, on top of the existing long-term EU budget, and a separate euro zone parliament, alongside the existing EU parliament, Juncker rejected both. We do not need a budget for the euro area but a strong euro area budget line within the EU budget. I am also not fond of the idea of having a separate euro area parliament. The parliament of the euro area is the European Parliament, he said. He said the euro zone bailout fund the European Stability Mechanism (ESM) should be transformed into a European Monetary Fund and become an EU institution, rather than an intergovernmental one as the ESM is now. The future European finance minister would be in change of the new European Monetary Fund (EMF) as well, he said. He did not give more details of the new tasks the EMF could take on, saying only the Commission would make a proposal on that, as well as the prerogatives of a European finance minister, in December. Euro zone finance ministers will open a debate on the future of the single currency area on Friday at an informal meeting in the Estonian capital of Tallinn. ",worldnews,"September 13, 2017 ",1 +Germany deports failed Afghan asylum seekers,"BERLIN (Reuters) - Germany deported eight Afghans with criminal records after their applications for asylum were rejected, said Interior Minister Thomas de Maiziere. It was the first collective deportation to Afghanistan since an attack in Kabul on May 31 that killed and injured hundreds and damaged German embassy buildings. At that time the German government canceled a flight that was due to return a group of failed Afghan asylum seekers after criticism from rights activists that Berlin was sending people to a dangerous country. Germany had begun mass deportations of Afghans in December in an effort to show it was tackling high migrant numbers by cracking down on those who failed to qualify as refugees. Chancellor Angela Merkel has made clear that Germany deports to Afghanistan only criminals and people it considers a threat. The eight male asylum seekers who landed in Kabul on Wednesday morning and were received by Afghan authorities had all committed serious offences, said de Maiziere. Some 3,300 Afghans returned home of their own volition last year. Germany deported 67 people to Afghanistan last year and more than 100 have been sent back so far this year. ",worldnews,"September 13, 2017 ",1 +"EU to race Britain for Australia, NZ trade deals","STRASBOURG (Reuters) - The European Union wants to launch and conclude free trade negotiations with Australia and New Zealand in the next two years, European Commission President Jean-Claude Juncker said on Wednesday, opening up a potential race with Britain. If Juncker s timeframe is achieved, the EU could nip in ahead of the UK, which is also courting both countries but cannot negotiate independent trade deals until it leaves the EU in March 2019. Juncker said there was a good chance that the EU would agree the main elements of a new free trade with the Mercosur countries of Argentina, Brazil, Paraguay and Uruguay and of an updated trade partnership with Mexico by the end of this year. And today, we are proposing to open trade negotiations with Australia and New Zealand, Juncker told EU lawmakers. I want all of these agreements to be finalised by the end of this mandate. And I want them negotiated in the fullest transparency, he added. The current Commission s term of office runs until Oct. 31, 2019. The EU is seeking to capitalize on new trade opportunities in response to a more protectionist America First stance from the United States under President Donald Trump. We will not miss any opportunity to step in. Whatever space the Americans leave behind, the Europeans will occupy, a senior U.S. official said. Juncker said, however, that while Europe favored open commerce, it needed reciprocity from its trading partners. We have to get what we give, he said. The European Union was not a group of naive free traders and would always defend its strategic interests. The European Commission is now proposing that it should have the right to review foreign investment in important assets. If a foreign, state-owned, company wants to purchase a European harbor, part of our energy infrastructure or a defense technology firm, this should only happen in transparency, with scrutiny and debate, Juncker said. France, Germany and Italy jointly welcomed the proposal to give member states a tool to intervene. Juncker did not mention any country, but most EU concern over reciprocity and investment has centered on China. China s COSCO Shipping [COSCO.UL] already owns a majority stake in Greece s biggest port, Piraeus, and a share of a terminal at Europe s largest port, Rotterdam. China contributed to the European Union s Galileo satellite navigation program, which critics say led to a massive transfer of technology. ",worldnews,"September 13, 2017 ",1 +Swedish opposition party to call vote of no-confidence in PM,"STOCKHOLM (Reuters) - Sweden s anti-immigration Sweden Democrat party on Wednesday tabled a parliamentary vote of no confidence in Prime Minister Stefan Lofven, demanding his resignation in the aftermath of a scandal over leaks of sensitive material. Lofven is almost certain to ride out the vote, which will take place on Sept. 15 at the earliest, as the main, center-right opposition bloc has said it will not give its support. But it will damage his standing just a year before the general election and ratchet up pressure on him to get rid of Defence Minister Peter Hultqvist, who has also been targeted by the Sweden Democrats over the IT scandal. The Prime Minister has talked about a breakdown, but he has not talked about the breakdown within his own government, Parliament member Paula Bieler said. If the Sweden Democrats attempt to unseat Lofven fails, they will call for a no-confidence motion in Hultqvist. The center-right Alliance bloc has also said it will table a motion of no-confidence in Hultqvist. If Hultqvist is forced to resign, he would be the third minister to fall victim to the IT scandal. No-confidence motions are rare in Swedish politics. Since 1980, only seven have taken place and none one has succeeded. ",worldnews,"September 13, 2017 ",1 +"Juncker chides EU candidate Turkey, upbeat on Western Balkans","STRASBOURG (Reuters) - The president of the European Commission said on Wednesday he saw no prospect of Turkey joining the EU in the foreseeable future but he had a more optimistic message for six Western Balkan nations also seeking membership. The European Union has become increasingly critical of Turkey s decades-long membership drive after President Tayyip Erdogan launched a major crackdown on critics - including journalists and academics - after a failed 2016 coup. Turkey has been taking giant strides away from the European Union for some time, Jean-Claude Juncker, head of the executive Commission, said in his annual keynote speech to the European Parliament on the state of the bloc. Accession candidates must give the rule of law, justice and fundamental rights utmost priority. This rules out EU membership for Turkey for the foreseeable future. Juncker referred to a war of words between Berlin and Ankara, in which Erdogan accused Berlin of Nazi-like tactics, prompting Chancellor Angela Merkel to call for an end to Turkey s membership talks, despite it being a crucial NATO ally. Journalists belong in newsrooms not in prisons. They belong where freedom of expression reigns, Juncker said. Stop insulting our member states by comparing their leaders to fascists and Nazis. Formally ending Turkey s accession negotiations would require unanimity among EU states, which is lacking, though majority backing is enough to suspend them. EU leaders will discuss Turkey at a summit in Brussels in October, though any formal decision may not come before next spring. Juncker put a final stamp on the EU s recently-revived engagement in the Balkans, where Serbia, Albania, Macedonia, Montenegro, Bosnia and Kosovo all want to join the EU one day. If we want more stability in our neighborhood, then we must maintain a credible enlargement perspective for the Western Balkans, Juncker said. The region on the EU s south-eastern edge, still scarred by the wars fought along political, ethnic and religious lines in the 1990s, is important for the bloc for issues from controlling immigration to countering security threats. Earlier this year, the EU accused Russia of seeking to destabilize the Western Balkans - which Moscow denied - and its concerns have led to a renewed engagement in the region. With Britain now scheduled to exit the EU in 2019, Juncker said he saw no new enlargement of the bloc before 2020. But thereafter the European Union will be greater than 27 in number, he added. EU officials say Serbia, Albania and Macedonia could be closest to joining, possibly allowing for an EU of 30 states by around 2025, though they avoid setting any firm deadlines. Juncker s comments came in a speech in which he urged the EU to catch the wind in its sails after years of battling crises from the euro zone to migration to Brexit. ",worldnews,"September 13, 2017 ",1 +Hungary rejects 'dead end street' of ceding powers to EU,"BUDAPEST (Reuters) - Hungary will not relinquish any of its national sovereignty to the European Union and will keep fighting against the EU s quota system for taking in asylum-seekers, Foreign Minister Peter Szijjarto told Reuters. As the EU plunges into an intense debate over deeper integration after Britain departs in 2019, Szijjarto said giving up more national powers was not the way to go. His comments highlighted the resistance that proponents of a closer and deeper EU - notably French President Emmanuel Macron - are likely to face from one of the bloc s most prickly and nationalist-minded members. I definitely do not share the approach ... that (the) less sovereignty on the level of the member states, the stronger the EU will be. I think it is a dead end street, Szijjarto said in an interview. The right-wing government of Prime Minister Viktor Orban, which currently chairs the four-nation Visegrad group of Central European states, has been the most vocal opponent of EU migration policy and what it sees as attempts by Brussels to erode member states sovereignty. Szijjarto said one area where Hungary supported a common approach was defense, as having a European army would strengthen member states to the benefit of the entire bloc. But taxation policy, for example, should remain with member states as that was a matter of competitiveness. Hungary has one of the EU s lowest personal income tax rates at 15 percent, and a corporate tax rate of just 9 percent. When asked in the interview late on Tuesday if Hungary could accept a common finance minister and budget for the EU, Szijjarto said: I understand if this is a scenario then first it only can be a scenario for the euro zone, and since we are not members of the euro zone, this question will be decided without asking our opinion. On Wednesday, however, European Commission President Jean-Claude Juncker delivered an annual address in which he set out an economic vision including a finance minister for the whole EU. Hungary has no target date to join the euro. Szijjarto dismissed the idea that Hungary or Poland, which also has a eurosceptic government, were becoming isolated in the EU, or that Slovakia and the Czech Republic were drifting away from them within the Visegrad group known as the V4. There are many attempts to break the V4 unity but they are going to remain unsuccessful, he said, adding that the Visegrad states were firm in their position to reject migrant quotas after foreign ministers met in Estonia last week. Everybody reassured the others that we are going to fight and we are not going to give up our positions regarding illegal migration and regarding the quotas. More than 1.5 million migrants and refugees have arrived in Europe since 2015, many fleeing war in the Middle East. The EU s highest court ruled last week that member states must take in a share of refugees, dismissing a challenge by Slovakia and Hungary. German Chancellor Angela Merkel has urged Hungary to quickly implement the court ruling, but Szijjarto called it a very dangerous political decision. This decision does not oblige Hungary to anything because this decision was not about whether Hungary has to receive migrants from tomorrow onwards, he said. We will always fight against obligatory quotas, we will never hide our opinion that illegal migration poses a huge threat on Europe, and this position of ours remains our position, regardless of any kind of pressure that has been put on us. ",worldnews,"September 13, 2017 ",1 +Israeli legislator quits in dispute over nephew's gay wedding,"JERUSALEM (Reuters) - An ultra-Orthodox Jewish lawmaker resigned from the Israeli legislature on Wednesday after drawing rabbis wrath for attending his gay nephew s wedding. Yigal Guetta of the Shas party said in an Israeli radio interview earlier this week that he and his family had gone to the celebration, held two years ago in Israel, because he wanted his sister s son to be happy, although gay marriage violated his own religious beliefs. A letter published on Monday by five prominent Israeli rabbis said same-sex marriage is an abomination . Accusing Guetta of desecrating God s will , they called on his party to fire him. Guetta made no immediate public statement after his resignation was confirmed by party officials. The newspaper Haaretz quoted a source close to the politician as saying he had refused to apologize and decided to quit, to avoid being asked to do so by Shas s own religious sages, who set party policy. Same-sex weddings held in Israel are not sanctioned by the state, and only Orthodox rabbis can issue marriage licenses. Couples may marry without a license, but the union won t be officially recognized. Israel does recognize same-sex couples who marry abroad and any other non-Orthodox weddings performed outside of the country. ",worldnews,"September 13, 2017 ",1 +EU should enforce rules to prevent vetoes on tax reforms: Juncker,"STRASBOURG (Reuters) - Tax reforms in the European Union, such as higher taxation of online giants, should no longer require unanimous votes from EU ministers, the head of the European Commission said on Wednesday, urging the use of rules that limit governments veto powers. Jean-Claude Juncker was speaking two days before EU finance ministers meet to discuss plans to introduce higher taxes on digital multinationals like Google and Amazon, which stand accused of paying too little tax in Europe. He urged EU states to adopt tax reforms with a qualified majority rather than by unanimity, a practice that has so far blocked major overhauls of tax legislation in the 28-country bloc. His proposal would end the ability of a single country to veto such decisions at ministerial level, although national leaders would retain veto power at EU summits. If taken up, the idea could reduce the power of smaller states, which offer some of the most favorable tax rates for multinationals, to block reforms. Juncker said it was possible under already existing rules to switch to majority voting in certain areas, and this should be applied to decisions on fair taxes of the digital industry . I want decisions in the Council (of EU ministers) to be taken more often and more easily by qualified majority, Juncker said. In separate remarks, the commissioner in charge of tax issues, Pierre Moscovici, said on Wednesday that the EU executive will present a new initiative on digital taxation in the coming weeks. The simpler decision-making should also be used to decide on legislative proposals on Value Added Tax (VAT) and on a common consolidated corporate tax base, which would harmonize national rules on tax deductions, Juncker said. He added that he also supported this solution for decisions on a European financial transactions tax, a long-running plan from which most EU states have opted out, but which remains under discussion among 10 euro zone countries. Europe has to be able to act quicker and more decisively, Juncker said in a speech to the European Parliament in Strasbourg, urging the use of so-called passerelle clauses to reduce countries veto powers. These provisions, included in the EU treaties, allow for simplified legislative procedures if EU leaders decide so unanimously, and if national parliaments do not oppose it. EU leaders, who usually meet every three months, tend to reach overall political agreements that are later translated into legislative acts by relevant ministers. ",worldnews,"September 13, 2017 ",1 +"As North Korea girds for latest sanctions, economy already feels the squeeze","DANDONG, China (Reuters) - The United Nations may have failed to slow North Korea s weapons programs, but the country s economy is already showing signs it is feeling the squeeze from the ongoing clampdown on trade, including a curb on fuel sales by China. The latest sanctions agreed on Monday by the UN Security Council ban the export of textiles from North Korea, one of its few substantial foreign currency earners. They also capped imports of oil and refined products, without imposing the full ban the United States had sought. Chinese traders along the border with North Korea and some regular visitors to the isolated country said scarcer and costlier fuel, as well as earlier UN sanctions banning the export of commodities such as seafood and coal, are now taking a toll. Our factory in North Korea is about to go bankrupt, said an ethnically-Korean Chinese businessman in Dandong who sells cars refurbished at a factory in North Korea. He declined to be identified due to the sensitivity of the situation. If they can t pay us, we re not going to give them goods for free, he said, referring to his North Korean customers. A trader at another auto-related businesses in Dandong said cross-border trade had been hurt over the past few years, which he attributed to sanctions and less access to petrol. Several Chinese traders told Reuters the sanctions had stymied North Korean businesses ability to raise hard currency to trade. Last month sales were really bad, I only sold a couple of vehicles, said the Chinese trader who sells new trucks, vans and minibuses to North Korea. In August last year, I sold tens of vehicles and I thought that was bad. On top of the sanctions, some traders said Chinese officials have stepped up efforts to curb smuggling across the border, a key source of fuel in the northern parts of North Korea. And Chinese bank branches in the northeast have curtailed doing business with North Koreans, according to branch staff. Still, North Korea has made strides in increasing its economic independence and not all traders or observers agreed the international pressure was having a major economic impact. Many residents, long accustomed to restrictions and shortages, were most concerned about the risk of already tight fuel supplies being cut further, said Kang Mi-jin, a North Korean defector in Seoul who reports for the Daily NK website. If the U.S. were to say they plan to bomb Pyongyang, North Koreans wouldn t care less. But if China says they are considering slashing oil exports to North Korea because of missile or nuclear tests, North Koreans would absolutely freak out, she said. Reuters reported in late June that state-run China National Petroleum Corp (CNPC) had suspended sales of gasoline and fuel to North Korea over concerns it would not get paid, and Chinese customs data showed that gasoline exports to the North had dropped 97 percent from a year earlier. Petrol and diesel prices in North Korea surged after the cut and have almost doubled since late last year. In early September, petrol cost an average of $1.73/kg, compared with 97 cents last December, according to data from the defector-run Daily NK. The cost of living has gone up, the price of petrol has risen and there are fewer cars on the streets, a foreign resident of the North Korean capital told Reuters. The only thing that had become cheaper was coal, he said, after China banned North Korean coal imports earlier this year. Some of the scarcity of oil products and higher prices may have been caused by hoarding in anticipation of a clampdown on supply. North Korea canceled an air show scheduled for this month in the coastal city of Wonsan, citing current geopolitical circumstances . Several Chinese traders said they believed it was because the military is saving aviation fuel. The new UN resolution imposes a ban on condensates and natural gas liquids, a cap of 2 million barrels a year on refined petroleum products, and a cap on crude oil exports to North Korea at current levels. North Korea uses far less crude than during its industrial heyday in the 1970s and 1980s, according to the U.S. Energy Information Administration. After cut-price supplies from China and the Soviet Union ended following the Cold War, consumption dropped from 76,000 barrels per day in 1991 to an estimated 15,000 last year, according to the EIA. The use of small-scale solar has become widespread in the North, with many apartment balconies dotted with panels providing power for cooking and lighting. China has not disclosed crude exports to North Korea for several years but industry sources say it supplies about 520,000 tonnes of crude a year to North Korea through an aging pipeline. The pipeline already operates at the minimum level for which the waxy crude from China s Daqing oil fields can flow without clogging, according to a senior oil industry source. Chun Yung-woo, a former South Korean envoy on the North Korean nuclear issue, said the North could endure for a year or two without oil imports. North Koreans are so used to living in harsh economic conditions that they would just get by for at least one year even if the oil ban is adopted, rationing the existing stockpile among top elites at a minimum level and replacing cars, tractors, equipment with cow wagons, human labor etc, he said. They would also manage to produce oil from whatever resources are available, whether it be coal, trees or plants. ",worldnews,"September 13, 2017 ",1 +Kenyan police fire tear gas after women attacked at election meeting,"KISUMU, Kenya (Reuters) - Kenyan police in the western city of Kisumu fired tear gas and bullets in the air on Wednesday to disperse young men who broke into a hotel and beat women attending an election meeting, an officer said. Kenya held presidential, legislative and local elections on Aug. 8, but three weeks later the Supreme Court nullified the presidential result, citing irregularities in the tallying process. A re-run is scheduled for Oct. 17. Although the ruling ushered in a period of uncertainty, many hope it will restore some faith in Kenya s tarnished institutions, reducing the long-term likelihood of political violence. On Wednesday, a Christian women s organization was holding a meeting related to the election re-run when the men broke into the hotel where they were meeting, said Joseph Keitany of the Administration Police in Kisumu County. The region is a stronghold of opposition leader Raila Odinga. We deployed police and they fired tear gas and bullets in the air and chased the group of young boys away, he told Reuters. The youth started beating women and they stole their laptops and money before police arrived. A Reuters witness said the men smashed windows and broke chairs. Another witness said young men attacked participants using the broken chairs. I was making my presentation when the youths came in, said pastor Alice Atieno. They started interrogating us and beating us on claims that we were buying IDs. Keitany said he believed the men stormed the hotel because of rumors circulating on WhatsApp that the women s meeting was intended to plan the renting of voter identification cards, a rigging tactic alleged by the opposition ahead of last month s election, where online hoaxes and fake stories were alleged from all sides. Participants in the meeting denied that was the purpose and said they were meeting to see how to encourage peaceful voting. A Reuters witness said he saw a Red Cross ambulance taking three women to hospital. In 2007, a disputed presidential vote led to protests and ethnic violence that killed 1,200 people. Following the August election, human rights organizations reported at least 28 deaths, mostly linked to police. But the protests were quelled when the opposition decided to take its complaints to court. Kenya s vocal civil society organizations have been working hard to plan monitoring and advocacy around the new vote. The east African nation is the region s richest economy and a stable Western ally in a region roiled by conflict. ",worldnews,"September 13, 2017 ",1 +"Exclusive: At a Russian polling station, phantom voters cast ballots for the 'Tsar'","VLADIKAVKAZ/IVNYA, Russia (Reuters) - At polling station no. 333 in the Russian city of Vladikavkaz, Reuters reporters only counted 256 voters casting their ballots in a regional election on Sunday. People were voting across Russia in what is seen as a dress rehearsal for next year s presidential vote. Kremlin candidates for regional parliaments and governorships performed strongly nationwide. When the official results for polling station no. 333 were declared, the turnout was first given as 1,331 before being revised up to 1,867 on Tuesday. That is more than seven times higher than the number of voters counted by Reuters - with 73 percent of the votes going to United Russia, the party of President Vladimir Putin. Election officials at the polling station said their tally was correct and there were no discrepancies. Reuters reporters were there when the polls opened at 08:00 until after the official count had been completed. They saw one man, who said he was a United Russia election observer, approaching the ballot box multiple times and each time putting inside voting papers. We must ensure 85 percent for United Russia. Otherwise, the Tsar will stop providing us with money, the man, Sergei Lyutikov, told a reporter, in an apparent reference to Putin. Putin is the strong favorite to win re-election next year. Many voters credit him with restoring national pride. However, with the economy forecast to grow only 1 percent this year enthusiasm for Putin is not as strong as it has been. Political analysts say that could result in a weak election turnout. Reuters reporters observed the vote at six polling stations on Sunday. At all six the reporters found discrepancies, of varying sizes, between the official vote tally and the number of voters the reporters counted. The reporters were present for the entire voting day except for in one place where a reporter missed the start because they were initially not allowed in. Kremlin spokesman Dmitry Peskov, responding to a Reuters request for comment, said: On the whole, no one has any doubts about the legitimacy of the elections, not the observers, not journalists. There were some incidents, probably. After all, it s a big country. But neither we nor journalists have the right to describe something as a violation until the central election commission describes it as such, he said. There were observers there. So in this case there probably should be complaints from them. So one needs to see if there were complaints from them. Russia s central election commission, asked about the discrepancies witnessed by Reuters, did not immediately respond. Ella Pamfilova, chair of the commission, told a news conference after polls closed that the irregularities that had been reported to her commission would be investigated. United Russia s party headquarters, in a statement sent to Reuters, said it gave no orders to anyone to stuff ballots or falsify results. It said all violations would be examined by election commissions and, if the law was broken, those responsible would be punished. The six polling stations the Reuters reporters visited were in three regions but there were thousands of polling stations operating in Russia on Sunday so the events only offer a small snapshot of what happened. Reuters reporters are unable to assess if such practices were widespread, or whether they had a material bearing on the outcome of the election. Opinion polls consistently show that United Russia has more support than any other Russian party. Golos, a non-governmental organization whose volunteers monitored the voting in 36 regions, said late on Monday it had received reports of 825 violations of election rules. They included multiple reports of inflated turnout figures and ballot-stuffing. However, the NGO said violations were down compared to previous elections. At polling station no. 333, located in a further education college in Vladikavkaz, capital of the North Ossetia region, voters on Sunday were electing a new regional parliament. Lyutikov was there throughout the day. He works as an aide to Vadim Suanov, a United Russia deputy in the outgoing North Ossetia regional legislature, according to the legislature s website. Suanov, who was running for re-election on Sunday, told Reuters he knew nothing about what his employee did in the polling station. Lyutikov cast his ballot in the first hours of voting but later inserted ballot papers about 10 times, according to the Reuters witnesses. Lyutikov told a Reuters reporter not to document him at the ballot box, threatening to break her mobile phone if the pictures and video footage were not deleted. At one point, he showed a reporter his passport, with his name, Sergei Ivanovich Lyutikov and his date of birth, April 17 1984. While he was approaching the ballot box, he was in sight of Yelena Khadonova, the chair of the election commission for polling station no.333. Asked about Lyutikov s actions, she said: I have nothing to comment on. I haven t seen anything. At a parliamentary election last September, Reuters reporters at several polling stations found cases of inflated turnout and ballot-stuffing. Russia election chiefs said they would investigate, and the police launched their own investigation. After Sunday s vote, Kremlin candidates were on track to win in all 16 regions where governors were being elected, according to preliminary results. In the six regions where parliaments were being elected, including in North Ossetia, United Russia was in comfortable first place. United Russia was less dominant in municipal elections in parts of Moscow, where support for opposition candidates is traditionally stronger. At another location, polling station no. 618 in Belgorod region, a Reuters reporter accompanied election officials on their visits to voters houses to administer home voting. The number of home voters was equal to about a quarter of those who voted at the polling station. Under Russia s electoral rules, voting at home is reserved for cases where a voter has specifically requested a visit, because for health reasons they are unable to make it to a polling station. Kremlin opponents and independent monitors say home voting is open to abuse because it is not subject to the same scrutiny as voting in a polling station, where monitors from several parties, and journalists, are often present. Despite the rule that home voting is only offered on request, several of the people visited by the election officials at their homes said they had not asked to vote at home. The election officials entered most of houses without knocking on the door. One man in his sixties was smoking a cigarette in his backyard when the election officials arrived. First build a road and then we ll talk, he told the officials, pointing at a bumpy path leading to his house. He denied he asked them to come, but still cast his vote. The officials said a relative or neighbor may have made the request on his behalf. Over the course of two hours, during which the reporter was with the officials at all times, they collected 14 filled ballot papers. When the officials returned to the polling station, they had 18 filled ballot papers. The officials who made the trip said the tally was correct. The head of the election commission at polling station no. 618, Lyubov Grushko, said: The difference in numbers is a provocative issue, we won t discuss it. ",worldnews,"September 12, 2017 ",1 +Austria's conservatives want schools to make 'sufficient' German compulsory,"VIENNA (Reuters) - Austria s conservative People s Party wants children who do not speak sufficient German to take compulsory language classes as a condition for being allowed to attend school, party leader Sebastian Kurz said on Wednesday. Tens of thousands of migrants from the Middle East, Afghanistan and Africa have arrived in Austria in the past two years. Their integration has become an important political topic and Kurz, whose party is the junior partner in a coalition government with the Social Democrats, has gained in popularity because of his hard stance on immigration. Though his proposal ostensibly applies to all children, public debate has centered around those from migrant backgrounds, most of whom are currently placed at school according to age. They receive separate language lessons but teachers have said that this is not enough to integrate them. One can only follow the curriculum if one s German is good enough, Kurz said at a news conference in Salzburg, where he presented his party s education program for parliamentary elections on Oct. 15. Who starts at school needs to understand the teaching language, the party chief said, echoing demands from the far-right Freedom Party. ",worldnews,"September 13, 2017 ",1 +Key points in Juncker's 2017 annual EU address,"STRASBOURG (Reuters) - European Commission President Jean-Claude Juncker made key proposals in his annual State of the European Union address to the European Parliament on Wednesday. For more on the speech, see: A vice president of the European Commission to chair the Eurogroup of euro zone finance ministers and play the role of European Finance and Economy Minister, promoting reforms in states and deploying EU financial instruments to help states in recession or crisis. But he rejects French ideas of a separate euro zone budget and parliament, rather a strong euro area budget line within the EU budget and EU parliamentary scrutiny. He backs that argument by calling for all EU states to adopt the euro and offering technical and financial help for countries that need it. With non-euro Britain leaving in 2019, only eight states accounting for 15 percent of EU GDP will be outside the euro zone. However, the likes of Poland and Sweden are wary politically of being drawn into the single currency. Juncker also wants all states to join the European Banking Union, making bank supervision common across the bloc and more common standards in labor and social policies. He wants to set up a European Labour Authority and also wants governments to give up veto rights in areas such as corporate taxation and VAT harmonization efforts and a new financial transaction tax. The Commission will propose in December ways to transform the euro zone bailout fund, the European Stability Mechanism (ESM) into a broader regional equivalent of the International Monetary Fund (IMF) for the European Union as well as the creation of a double-hatted European Minister of Economy and Finance. He also suggested making his successors as chief executives also the chairs of EU summits, fusing the roles of presidents of the European Commission and that of the European Council so as to make EU structures more comprehensible at home and abroad. Western Balkan states should have a realistic chance of joining the EU after 2019 but Turkey s abuse of fundamental rights rules out it joining in the foreseeable future. Britain s departure is tragic and the British too will come to regret it but it should not prevent the rest of the Union forging ahead with integration in an ambitious way, in the knowledge that favorable conditions will not last for long. Juncker made no policy statements on how Britain s exit should be handled or on plans for a new relationship. He called for an EU summit in the once German-speaking Transylvanian city of Sibiu on March 30, 2019, the first day Britain will no longer be in the Union. Romania will be chairing EU meetings then. It should agree plans for the future ahead of bloc-wide elections to the European Parliament scheduled for two months later. The EU is to launch new, transparent free trade talks with Australia and New Zealand and aim to conclude those as well as ongoing negotiations with Japan, Mexico and South American nations by the end of Juncker s mandate in late 2019. The EU is taking advantage of a cooling of the United States on free trade. Addressing unease in Europe about such deals, Juncker stressed their power to create jobs and impose EU standards in areas such as the environment on trading partners. New deals will also be stripped of controversial elements such as special business tribunals to make them easier to ratify. While being open, the EU will also introduce at Union level some of the powers which some governments have to review foreign investments in strategic assets such as infrastructure or sensitive security or technology firms and raise objections. A new European Cybersecurity Agency to be set up. He also wants a new European intelligence unit to coordinate sharing of information on suspected militants and to give the new European Public Prosecutor powers to investigate terrorism offences. A European Defence Union, supported by NATO, to be ready by 2025. The EU is to propose ways to increase from 36 percent the rate of failed asylum seekers being deported back to their homelands. This is seen as essential to get member states to agree new rules on asylum to share out responsibilities and give more help to genuine refugees. Juncker wants states to make good on pledges of aid to Africa to promote growth and slow emigration. Romania and Bulgaria should be brought into the Schengen passport-free zone without delay and Croatia as soon as possible part of a strategy to push all EU member states into all the bloc s structures, including the euro and banking union. After blasting carmakers many of them German for deliberately misleading consumers on the emissions of diesel vehicles, Juncker proposed an Industrial Policy Strategy to help industries stay or become world leaders in innovation, digitization and decarbonization . While pointedly demanding that EU governments respect EU law and court judgments a barb aimed mainly at ex-communist states in the east like Poland and Hungary Juncker stressed that the poorer east must not be treated as second class. He proposed efforts to ensure children are vaccinated to the highest standards across the bloc, fair pay and treatment for workers backed by a new Labour Authority and stronger national powers to punish companies which offer lower quality products in the east under the same labels as better produce in the west. Slovaks do not deserve less fish in their fish fingers. ",worldnews,"September 13, 2017 ",1 +EU's Juncker offers carrot and stick to eastern states,"STRASBOURG (Reuters) - European Commission chief Jean-Claude Juncker told the EU s eastern states on Wednesday he would fight for equal rights for their consumers, but their workers would not be allowed to unfairly undercut those in western members. Juncker extended an olive branch to the eurosceptic governments in Poland, Hungary, Slovakia and the Czech Republic in his annual speech on the state of the European Union, where east-west divisions have driven a painful wedge. East to west: Europe must breathe with both lungs. Otherwise our continent will struggle for air, Junker said. In a union of equals, there can be no second class consumers. I will not accept that in some parts of Europe, people are sold food of lower quality than in other countries, despite the packaging and branding being identical. Slovakia, the Czech Republic, Bulgaria and Romania have complained that food products sold by multinational producers on their markets are often of poorer quality than the same ones in the west. Juncker said national authorities would be given better legal instruments to root out such illegal practices , an attempt to woo the reluctant easterners at a time when the EU needs unity as it negotiates over the complex terms of Britain s departure in 2019. In another gesture toward the eastern states, Juncker said it was time to let Bulgaria and Romania into the EU s Schengen zone of passport-free travel. But he also said the bloc would go ahead with reforming its labor rules, which now allow workers from the poorer EU east to work in the wealthier west for low salaries. French President Emmanuel Macron has made ending this practice, which he says amounts to social dumping, a key priority. The eastern states are opposed, saying they should be allowed to compete in that way to catch up after decades of communist rule after World War Two. While the so-called posted workers only represent around one percent of the EU workforce, the issue has become sensitive. EU diplomats say the bloc will change the current rules, a plan also backed by Belgium, the Netherlands and Luxembourg, in a move that could make it easier for Macron to carry out economic reforms at home by showing he is delivering for French workers. In a Union of equals, there can be no second class workers. Workers should earn the same pay for the same work in the same place, Juncker said, adding he would seek to establish an EU Labour Agency for ensuring fairness in our single market. Juncker said he was saddened with the refusal by the ex-communist eastern states to take in refugees arriving in the bloc to help their western and southern peers. More than two years of bruising battles over migration have caused a lot of bad blood in the EU, spilling over to other policy areas and reinforcing calls from the west to cut generous EU funding for the eastern states who deny help. But Juncker reserved his most pointed criticism for Poland and Hungary, where nationalist governments have clashed with the Brussels on multiple issues, including a contested judiciary overhaul in Poland and Hungary s continued rejection of refugees despite the bloc s top court ruling that they must be taken in. The rule of law means that law and justice are upheld by an independent judiciary, Juncker said. The judgments of the European Court of Justice have to be respected by all. To undermine them, or to undermine the independence of national courts, is to strip citizens of their fundamental rights. The rule of law is not optional in the European Union. It is a must. As the EU contemplates deeper integration after Britain s departure, the eastern states - mostly outside the euro zone - fear they will be pushed out of the decision-making core and will lose out in a multi-speed EU. Juncker offered some reassurances on that, saying he did not favor a separate euro zone budget, or a euro zone finance minister, but closer ties between all 27 EU states remaining after Brexit. ",worldnews,"September 13, 2017 ",1 +Northern Ireland leaders appeal to VP Pence on Bombardier challenge,"BELFAST (Reuters) - A dispute between Boeing Co (BA.N) and Canadian rival Bombardier (BBDb.TO) that risks thousands of jobs in Northern Ireland could impact peace in the region, the leaders of its two main parties warned U.S. Vice President Mike Pence. British Prime Minister Theresa May has asked President Donald Trump to urge the world s largest aerospace company to drop its challenge against Bombardier, which could endanger a factory that employs 4,500 people in the British province. Bombardier is Northern Ireland s largest manufacturing employer and May s Conservatives are dependent on the support of the small Northern Irish Democratic Unionist Party (DUP) for their majority in parliament. For a small economy such as ours, the significance of the contribution that Bombardier makes cannot be understated. The threat facing us as a result of the ongoing case is alarming, and goes much wider than it may immediately appear, DUP leader Arlene Foster and Michelle O Neill of Sinn Fein said in letter to Pence, a copy of which was seen by Reuters. The security of our economy has and continues to be a crucial part of our efforts in delivering peace through prosperity. At a time when we are striving to take the next steps in our work on the Peace Process, and resolve our current political difficulties, this issue creates a new and potentially critical factor. Irish nationalists Sinn Fein and the pro-British DUP have for months tried in vain to re-establish a devolved power-sharing government, a key part of the 1998 peace deal that ended 30 years of sectarian violence in Northern Ireland. Washington played a key role in helping broker the deal. The parties confirmed that their leaders sent the letter, dated September 12. Boeing this year asked the U.S. Commerce Department to investigate alleged subsidies and unfair pricing at Bombardier, accusing it of having sold 75 of its CSeries medium-range airliners to Delta Air Lines (DAL.N) at well below cost price. A U.S. trade court is due to give a preliminary ruling on Boeing s complaint on Sept. 25. ",worldnews,"September 13, 2017 ",1 +"French PM shrugs off labor protests, truckers call strike","PARIS (Reuters) - French Prime Minister Edouard Philippe has shrugged off nationwide protests against planned reforms to France s strict labor regulations, saying on Wednesday he was listening but would nonetheless press ahead with the bill. In a sign that popular protest could gain momentum, truck drivers belonging to France s second and third largest unions said they would launch a rolling strike on Sept 25 to force the government into a reversal. Trucker strikes previously brought large parts of France to a halt, hurting the economy. More than 200,000 trade unionists turned out on Tuesday for the first mass protests against the labor market reforms on Tuesday, part of a series of measures on Macron s agenda for change. Others, including reform to the unemployment benefits and pension systems, are likely to be even more contested. The government plans to adopt the decrees on Sept. 22. I am listening and I am paying attention. But let me state that the French, when they vote, also have a right to be treated with respect, Philippe told France 2 television. And the reform that we are putting in place was announced by the president at the time of his election. Labor unions have thwarted previous attempts by governments on the political right and left to weaken France s strict labor code. In a change of tack, Macron s administration spent weeks negotiating its proposals with union bosses over the summer. Last month, the government set out measures including a cap on payouts for dismissals judged unfair and greater freedom for companies to hire and fire. The reform makes no direct reference to the 35-hour week, a totem of the labor code, though it hands firms more flexibility to set pay and working conditions. Macron, a 39-year-old former banker, inadvertently fueled worker anger when he declared on a trip to Athens that he would cede no ground to slackers, cynics and hardliners. The Elysee Palace said his comments were aimed at political leaders who had shirked ambitious reform in the past, but union leaders and political opponents on the left accused him of treating workers with contempt. Protesters in cities across France hit back too. In Paris some carried placards reading Slacker on Strike while in Bordeaux demonstrators chanted: Macron you re screwed, the slackers are in the streets. Jerome Verite, secretary general of the CGT union s transport federation on Wednesday told Reuters the truckers strike would last as long as necessary. We re headed for a social disaster. We want the government to reverse course on its decrees, he said. ",worldnews,"September 13, 2017 ",1 +Chinese sub docks at Malaysian port for second time this year,"KUALA LUMPUR (Reuters) - A Chinese submarine has docked in Malaysia, the second such visit to the Southeast Asian country this year, as western powers fret over China s expanding reach in the South China Sea. China claims nearly all the South China Sea, through which an estimated $3 trillion in international trade passes each year. Brunei, Malaysia, the Philippines and Taiwan also have claims. Tensions between China and Malaysia over their overlapping claims, however, appear to have eased after Malaysia agreed in November to buy four Chinese naval vessels and pledged with Beijing to handle South China Sea disputes bilaterally. The Royal Malaysian Navy confirmed the visit by the Chinese submarine, which docked at the Sepanggar naval base in the state of Sabah in Borneo between Friday and Monday. RMN chief Admiral Ahmad Kamarulzaman Ahmad Badaruddin said it was standard international procedure to welcome visits by foreign navy vessels, based on each nation s request and upon diplomatic clearance . This is part of our efforts to enhance defense diplomacy and strengthening bilateral relations, he told Reuters. The submarine was escorted by a surface ship from the PLA Navy and was returning to China after conducting escort missions in the Gulf of Aden, according to defense magazine Jane s 360, which first reported the submarine s docking. In January, a Chinese submarine docked in Sepanggar, only the second confirmed visit of a Chinese submarine to a foreign port, according to state media. Chinese warships have also been calling at ports in Pakistan, Bangladesh and Myanmar, unnerving regional rival India. ",worldnews,"September 13, 2017 ",1 +"Indonesia tightens rules to curb money laundering, terror funding","JAKARTA (Reuters) - Indonesia has issued new regulations aimed at curbing money laundering and terror-related financing across a broader range of financial service providers, including money changers, credit card issuers and electronic money providers. The move is part of efforts by Indonesia to bring rules up to international standards and join the Financial Action Task Force (FATF), an inter-governmental body fighting money laundering. Indonesia was taken off an FATF blacklist two years ago. The new regulations, issued by Bank Indonesia (BI), cover transactions handled by non-bank financial institutions and were made public on its website on Wednesday. BI said the new rules balanced a need to contain the risks of money laundering and terrorism-related financial crimes and promoting economic growth. Eny V. Panggabean, BI s executive director of payment system regulation, said the rules also addressed developments in the industry, digital economy and innovations in payments that include a more complex money changer business . The new BI regulations cover credit card issuers, electronic money providers, remittance and money transfer companies as well as fintech startups. Service providers now have to have an up-to-date list on alleged militants, radical organizations and individuals linked to the proliferation of weapons of mass destruction in order to cross check with customers. They must also assess customer risks depending on the country origin of an incoming transfer or the destination of outgoing transfers, and must not engage with so-called shell banks, which don t have a physical presence in a country where they are incorporated. Companies should report anything suspicious to the financial transactions watchdog. A financial service provider that fails to follow the rules could have its license revoked and directors, commissioners or shareholders banned from the financial services business for five years. A similar regulation was introduced a few months ago by the Financial Services Authority (OJK) for financial conglomerates, banks, insurance companies and other bigger players in the industry. The OJK rules also elaborated on procedures to handle suspicious transactions. Indonesia was put on an FATF list of jurisdictions with weak measures to combat money laundering and terrorism financing in 2012. In 2015, the FATF declared Indonesia off the blacklist due to progress in improving regulations. ",worldnews,"September 13, 2017 ",1 +Exclusive: Scandal-hit Vietnam official had been cleared by previous government,"(Reuters) - A former Vietnamese official who Germany says was kidnapped in Berlin to face charges in Hanoi over financial losses at a state construction firm had been cleared of wrongdoing by the previous government, according to documents seen by Reuters. The decision to re-open the case and aggressively pursue prosecution shows the tougher stance taken by the ruling Communist Party since Vietnam s security establishment emerged stronger from a power struggle last year in which ex-Prime Minister Nguyen Tan Dung lost out. The party says it wants to tackle corruption but some critics have accused Vietnam s rulers of embarking on a witch-hunt following the launch of investigations implicating increasingly senior figures. The internal crackdown drew global attention last month when Germany accused Hanoi of kidnapping Trinh Xuan Thanh, a former official with state oil firm PetroVietnam. He was accused of financial mismanagement that caused losses of $150 million at PetroVietnam Construction (PVC) during the time he served as chairman from 2009 to 2013. But according to a letter dated May 18, 2015 from then trade minister Vu Huy Hoang to then Prime Minister Dung, the official had stated his responsibility but the government had not found negative signs relating to his actions. Therefore, authorized agencies and units agreed not to take disciplinary action over Thanh, it said, noting that he had moved to a role at the trade ministry, where he had worked hard to try to resolve the problems at PetroVietnam Construction. Corrective work and post-inspection handling of PVC were done effectively and in accordance with the prime minister s requirements, the letter said. Responding to questions about the letter and whether there would be further prosecutions over the case, Foreign Ministry spokeswoman Le Thi Thu Hang said the party and state were resolute in dealing with corruption or lawbreaking by any organization or individual. Based on the results of the investigation, the functional agencies shall strictly handle those who violate the law in accordance with the provisions of Vietnamese law, she told Reuters. Reuters was unable to contact Thanh, former trade minister Hoang or former prime minister Dung either directly or through government offices. Thanh ran PetroVietnam Construction, a subsidiary of a sprawling state enterprise that is also involved in everything from oil and gas to power generation, ship building and insurance. After his return to Vietnam, Thanh was shown on state television saying that he had decided to surrender himself in order to face justice. The government has not said how he returned home. Thanh was a relatively junior figure among those who are under investigation in relation to PetroVietnam s dealings as well as in the banking sector. The most senior political casualty so far is Dinh La Thang, a former PetroVietnam chairman who was sacked from his role in the politburo. A vice-minister who had been responsible for appointing Thanh has also been sacked. Hoang has also been symbolically stripped of his title of former trade minister for violating state and party rules. Investigations continue into PetroVietnam and the trade ministry which oversaw it as well as into the central bank. There are widespread expectations that more members of Dung s administration will be prosecuted. Dung lost out last year in the battle to secure the post of Communist Party General Secretary, Vietnam s most powerful position. The post remained in the hands of Nguyen Phu Trong, whose modest public profile contrasts with the conspicuous wealth that some members of Dung s administration displayed. Fighting and preventing corruption, waste and negativity are no longer handled slowly and case by case. It has become a movement, Trong said in July. According to a survey by Transparency International conducted between July 2015 and January 2017, Vietnam had become the most bribery prone country in Asia after India and a majority of Vietnamese believed corruption had worsened. ",worldnews,"September 13, 2017 ",1 +"Erdogan adviser sees recovery in Turkey ties with Germany, EU","ANKARA (Reuters) - Ankara s relations with NATO ally Germany, hit by a deepening row, are expected to improve alongside a general upturn in ties with the EU early next year, boosting Turkish export and tourism prospects, an adviser to President Tayyip Erdogan told Reuters. I expect more calm with Germany after the Sept. 24 (German) election. I expect tensions to ease, Cemil Ertem, Erdogan s chief economic adviser, said in an interview on Tuesday. Turkish-German ties have come under pressure since Erdogan launched a crackdown after a failed coup last year. Germany has criticized mass arrests, refused to extradite people Turkey says were involved in the putsch and demanded the release of around a dozen German citizens arrested in recent months. Turkey s relations with the European Union will be rapidly repaired from the first quarter of 2018. I think Turkey s exports to the EU will increase further, Ertem said. The improvement in EU relations would also lead to a very good year for tourism in 2018, he said. The number of European tourists visiting Turkey has declined due to security concerns over the last couple of years. The economy would grow around 5.5-6 percent this year and around 5-7 percent next year, he said. Ertem dismissed concern about the level of the lira currency after another presidential adviser, Bulent Gedikli, said a stronger lira put exports at risk and called for the central bank to take action. Given that we implement a floating rate regime, it is wrong to say that the exchange rate is low or dangerous. The market can make a very rapid correction, he said, adding he was fine with the lira level set by the market. Ertem said the central bank was maintaining tight monetary policy and its use of an interest rate corridor enabled it to rapidly adjust the average cost of funding, rather than just depend on changes to the policy rate. In this sense we should leave behind debate about whether the central bank will cut rates or not, he said. Everyone wants low interest rates, the real sector, banks, the TCMB and the political side, he said, but added it was a matter for the central bank to deal with the market reality . He said Turkey would continue to make use of its Credit Guarantee Fund and may seek to focus its allocation on high-tech and intermediate goods producers. In March the government raised the size of the fund, which guarantees loans to small and medium-sized enterprises, more than tenfold to 250 billion lira ($70 billion). The government will also take measures to ease inflationist pressures caused by the immediate goods imports and may provide serious support to Turkish producers of such goods, he said. ",worldnews,"September 13, 2017 ",1 +UK police release new image of jogger in London bus mystery,"LONDON (Reuters) - British police released a new image on Wednesday in a fresh bid to trace a male jogger who appeared to push a woman into the path of an oncoming bus on a busy London street four months ago. Video footage of the apparently callous incident on Putney Bridge, southwest London, has been repeatedly screened on British television but the runner has yet to be found. Footage shows him jog past one man on the bridge on May 5 before knocking into the 33-year-old victim. She tumbled head-first into the path of an oncoming bus, which managed to swerve out of her way, missing her by inches. The new CCTV still was taken from the bus, and shows a white man in a gray top and dark shorts. Police said he came back the other way across the bridge 15 minutes later but did not acknowledge the victim when she tried to speak to him. Images of this alarming incident have been circulated widely and we continue to work through the information received to identify the man responsible, said Detective Sergeant Chris Griffith. Two men arrested last month in connection with the incident have both been released without charge. ",worldnews,"September 13, 2017 ",0 +United States stops issuing some visas in Cambodia,"PHNOM PENH (Reuters) - The United States embassy in Cambodia said on Wednesday it had stopped issuing some types of visas to Cambodians because Cambodia is not taking back citizens the United States wants to deport. The new policy comes at a time that U.S. President Donald Trump s administration is trying to crack down on immigrants who are in the United States illegally. The U.S. embassy in Phnom Penh said the visa restrictions were applied in accordance with U.S. Secretary of Homeland Security rules applying to a country that refuses to accept or is unreasonably delaying the return of its nationals. The Secretary of State must order consular officers to suspend issuing visas until informed by the Secretary of Homeland Security that the country in question has accepted the individuals, an announcement from the embassy said. The embassy had discontinued issuing some visas for Cambodian foreign ministry employees above the rank of director general and their families, with limited exceptions, it said. The argument over the return of Cambodians deported from the United States is only one of many between the United States and Cambodia, which has accused detained opposition leader Kem Sokha of plotting treason with U.S. support. Earlier this year, Cambodia stopped accepting the deportation of Cambodian nationals who had been convicted of crimes in the United States, saying it wanted to renegotiate a settlement agreement on human rights grounds. Reacting to the visa announcement, government spokesman Phay Siphan said it showed the United States did not recognise human rights. Cambodia still cooperates with the U.S., he said. But while the U.S. tells the world that it respects human rights, in reality they don t. They just drop bombs to kill people. ",worldnews,"September 21, 2017 ",1 +"Singapore names first woman president, raising eyebrows over election process","SINGAPORE (Reuters) - Singapore named a former speaker of parliament as the multicultural city-state s first woman president on Wednesday while critics expressed dismay that other candidates were disqualified and the election went uncontested. Aiming to strengthen a sense of inclusivity, Singapore had decreed the presidency, a largely ceremonial six-year post, would be reserved for candidates from the minority Malay community this time. The returning officer declared Halimah Yacob, 63, elected on Wednesday after nominations closed. Of the four other applicants, two were not Malays and two were not qualified to contest, the elections department said on Monday. Halimah had automatically qualified because she held a senior public post for over three years. If the election had been held, all citizens would have been eligible to vote. Several critics went online to protest against the stringent eligibility rules, which include a stipulation that a candidate from the private sector should have headed a company with paid-up capital of at least S$500 million ($370 million). The prime minister s office said it had no comment on criticism of the election process. It would have restored some of the lost moral authority by her winning against credible opponents through popular votes, said opposition politician Yee Jenn Jong in a blog post. She is, after all, a veteran in elections and has won handsomely in the four general elections she stood in. The rights group Association of Women for Action and Research (AWARE) said it hoped more will be done to improve access to politics for all of Singapore s women . Unfortunately, the process that led to this outcome has not reflected our hopes, it said in a statement posted online. Displays of dissent are rare in Singapore, one of the richest and most politically stable countries in the world. It has been ruled by the People s Action Party (PAP) since independence in 1965 and the current prime minister, Lee Hsien Loong, is the son of the country s founding father Lee Kuan Yew. In the 2015 general election held months after the death of Lee Kuan Yew the PAP won almost 70 per cent of the popular vote and swept all but six of parliament s 89 seats. The incoming president, who is to be sworn in on Thursday, appeared unfazed by the controversy. Although this is a reserved election, I m not a reserved president, Halimah said in a speech at the election nominations office. I m a president for everyone. Whether or not there is an election or no election, my promise is to serve everyone and I will serve with great vigor, with a lot of hard work, with the same passion and commitment. ",worldnews,"September 13, 2017 ",1 +"Japan's 'Dennis Rodman', ex-wrestler Inoki, urges lower tensions over North Korea","TOKYO (Reuters) - The standoff over North Korea could lead to nuclear war , a Japanese pro-wrestler turned lawmaker warned on Wednesday, urging nations to dial down the tension after the isolated country fired a missile over northern Japan last month. Tokyo could play a role in mediating with its neighbor, said the 74-year-old Antonio Inoki, who is known for fighting boxer Muhammad Ali four decades ago. We are seeing a situation where each raises his fist and the situation is escalating, Inoki, who recently returned from his 32nd visit to Pyongyang, told a news conference, wearing his signature red scarf. It s important to see who can be the first to lower his fist and reduce the tension, said Inoki, who, like U.S. basketball star Dennis Rodman, has made numerous visits to North Korea. Pyongyang must commit to denuclearization as a prerequisite for talks, Japanese Prime Minister Shinzo Abe said in an interview with the Nikkei business daily published on Wednesday. On Monday, the U.N. Security Council voted to tighten sanctions on the North over its sixth nuclear test. During meetings with North Korea s top diplomat Ri Su Yong and others on his visit, Inoki proposed that Japan s ruling Liberal Democratic Party send a delegation to Pyongyang, perhaps as a first step toward a visit by Abe, he added. I did make the proposal and was told they would be happy to receive such a delegation, said Inoki, who strode into the news conference as if entering the ring, his theme song blaring. Inoki said he sensed more LDP members were beginning to think dialogue was needed, but admitted the hurdle to an Abe visit was high. Abe and other Japanese officials have said now was the time for pressure, not dialogue. The square-jawed, 1.9-metre- (6-foot-three-inch-) tall Inoki developed close ties with North Korea because his mentor, pro-wrestling legend Rikidozan, hailed from North Korea but could never go home. First elected to parliament s upper house in 1989 from his Sports and Peace Party , Inoki made headlines the next year when he went to Iraq during the Gulf War and intervened on behalf of Japanese hostages, who were subsequently released. Inoki was elected again in 2013 as an independent. Like Rodman, he says it is vital to maintain lines of communication with the isolated North. It s important to keep the door open, Inoki said. ",worldnews,"September 13, 2017 ",1 +New Slovak education minister appointed after coalition crisis,"BRATISLAVA (Reuters) - Slovakia s president appointed on Wednesday the candidate of a junior coalition party as new education minister, defusing a month-long political crisis that had threatened the survival of the most pro-European Union government in central Europe. Martina Lubyova is the candidate of the Slovak National Party (SNS), a member of the ruling coalition that also includes Prime Minister Robert Fico s leftist Smer party and the ethnic Hungarian party Most-Hid. The SNS rattled the coalition on Aug. 7 by withdrawing its support for the government and calling for a new deal that would boost its role in decision-making. The conflict then escalated when Fico asked then-education minister Peter Plavcan of the SNS to resign after criticism from the European Commission that the ministry had chosen several companies with no history in research or innovation as recipients of EU subsidies aimed at supporting science. SNS leader Andrej Danko denied any funds had been misappropriated but agreed to replace Plavcan. Lubyova is a former director of forecasting at the Slovak Academy of Sciences. A new coalition deal struck this week also establishes regular weekly meetings and new communication rules within the coalition. They will be tested next month when the government is set to discuss a budget framework for the next three years. SNS has argued for more government investment to revitalize thermal spa resorts and wants to set up a national airline for Slovakia, a euro zone member state, but Smer says spending must not endanger the goal of reaching a balanced budget by 2019. The government needs the votes of all three coalition parties to maintain its majority in the 150-seat parliament. ",worldnews,"September 13, 2017 ",1 +"Give us some clarity on Brexit, French minister Griveaux tells UK","LONDON (Reuters) - The British government needs to provide more clarity and less ambiguity on Brexit for negotiations to succeed, French junior economy minister Benjamin Griveaux said during a visit to London on Wednesday. Asked what impact a no-deal Brexit scenario would have on France, Griveaux told reporters that it would be felt by the whole of Europe, but would be even worse for Britain. If it goes wrong, it will go wrong for everyone, he said. Griveaux, who helped President Emmanuel Macron set up the En Marche political movement that propelled him to power in May, is part of the 39-year old leader s inner circle. He was in London to meet company executives, predominantly in the financial services industry, with a view to persuading them to move some of their operations to France after Brexit. Griveaux declined to give details of any potential corporate moves, saying that it was for companies to make announcements about their own plans. Griveaux said he was confident that Paris, which has been a minor financial center dwarfed by London for decades, would be more prominent in future. In five to 10 years, Paris will be the first financial place in continental Europe, he said. London will remain an important and major financial place for sure. ",worldnews,"September 13, 2017 ",1 +Former assistant accuses exiled Chinese tycoon of rape in lawsuit,"BEIJING (Reuters) - A former personal assistant to an exiled Chinese-born billionaire, who has made claims of high-level Communist Party corruption, has filed a lawsuit in New York accusing him of raping her, court documents show. In the civil complaint lodged with the New York Supreme Court on Monday, the 28-year-old woman said she was lured by the businessman, Guo Wengui, to New York under the guise of a one-week business trip. Instead, she was held captive and ultimately subjected to repeated acts of mental cruelty and sexual violence , the suit says. She is seeking $140 million in compensation. Guo, who lives in New York, denied the accusation, describing it as fake . The complaint says the woman is a Chinese national who was employed by one of Guo s China-based companies. She was told upon arrival in New York that she would work as one of the real estate tycoon s personal assistants, the complaint, reviewed by Reuters, says. It said Guo, also known as Miles Kwok, forcibly took away the woman s passport, threatened her, monitored her internet usage and restricted access to her phone and laptop computer. The woman said she was subjected to verbal and physical abuse, which soon escalated to sexual assault, before she managed to escape to the Chinese embassy in London during a business trip with Guo. After her return to China, the woman provided a statement and evidence of her allegations to police in China, the lawsuit said, without detailing the evidence. The Associated Press reported late last month that Chinese police were investigating the woman s claims. Guo refuted the accusation. Of course it s fake, he told Reuters. He said the robbers of the country engineered the allegations to divert my attention, spread rumors and smear my reputation. Guo, who left China in 2014, has named senior Communist Party officials in a deluge of graft accusations via Twitter posts and video blogs, attracting a loyal online following. He has provided little evidence for his claims. China calls Guo a criminal suspect, and articles in state media have accused him of crimes including bribery, fraud and embezzlement. At China s request, Interpol issued a global red notice for Guo s repatriation in April. Guo lodged an application for political asylum in the United States last week. ",worldnews,"September 13, 2017 ",1 +Israel endorses independent Kurdish state,"JERUSALEM (Reuters) - Israel supports the establishment of a Kurdish state, Prime Minister Benjamin Netanyahu said on Wednesday, as Kurds in Iraq gear up for a referendum on independence that lawmakers in Baghdad oppose. Israel has maintained discreet military, intelligence and business ties with the Kurds since the 1960s, viewing the minority ethnic group whose indigenous population is split between Iraq, Turkey, Syria and Iran as a buffer against shared Arab adversaries. On Tuesday, Iraq s Kurdish leader Massoud Barzani said he would press ahead with the Sept. 25 referendum despite a vote by Iraq s parliament rejecting it. (Israel) supports the legitimate efforts of the Kurdish people to achieve their own state, Netanyahu said, in remarks sent to foreign correspondents by his office. Western powers are concerned a plebiscite in Iraq s semi-autonomous Kurdish region - including the oil-rich city of Kirkuk - could divert attention from the war against Islamic State militants. Netanyahu said Israel does however consider the Turkey-based Kurdistan Workers Party (PKK) a terrorist group, taking the same position as Turkey, the United States and the European Union. An Israeli general told a conference in Washington last week that he personally did not regard the PKK, whose militants have been fighting Turkey for more than three decades, as a terrorist group. Netanyahu, who is due to address the U.N. General Assembly on Sept. 19, voiced support for the Kurds aspirations for independence in a speech in 2014, saying they deserve political independence . His latest remarks appeared to be a more direct endorsement of the creation of a Kurdish state. But they will cut little ice in Baghdad, which has no diplomatic relations with Israel and has strong ties with Israel s arch-foe Iran. Iraq s neighbors Turkey, Iran and Syria oppose the referendum, fearing it could fan separatism among their own ethnic Kurdish populations. Kurds have sought an independent state since at least the end of World War One, when colonial powers divided up the Middle East after the collapse of the multi-ethnic Ottoman Empire. ",worldnews,"September 13, 2017 ",1 +"China issues guidelines to curb money laundering, terrorism financing and tax evasion","BEIJING (Reuters) - China s state council issued guidelines on Wednesday on improving supervision to curb money laundering, terrorism financing and tax evasion. China will step up monitoring of abnormal cross-border capital movements to crackdown on cross-border financial crimes, the state council said in a statement on its website, adding that it will implement U.N. Security Council resolutions against terrorism financing. ",worldnews,"September 13, 2017 ",1 +U.N. seeks 'massive' aid boost amid Rohingya 'emergency within an emergency',"KUTUPALONG CAMP, Bangladesh (Reuters) - Aid agencies have to step up operations massively in response to the arrival in Bangladesh of about 400,000 refugees fleeing violence in Myanmar, and the amount of money needed to help them has risen sharply, a senior U.N. official said on Wednesday. The exodus of Muslim Rohingya to Bangladesh began on Aug. 25 after Rohingya militants attacked about 30 police posts and an army camp. The attacks triggered a sweeping military counter-offensive by security forces in Buddhist-majority Myanmar which the U.N. rights agency said was a textbook example of ethnic cleansing . We will all have to ramp up our response massively, from food to shelter, George William Okoth-Obbo, assistant high commissioner for operations at the U.N. refugee agency, told Reuters during a visit to the Kutupalong refugee camp in Bangladesh. The United Nations said on Tuesday 370,000 people had crossed into Bangladesh but Okoth-Obbo estimated the figure was now 400,000. He declined to speculate on how many more might come. Bangladesh was already home to about 400,000 Rohingya, who fled earlier conflict in Myanmar including a similar security crackdown in western Myanmar s Rakhine state in response to militant attacks in October. Many of the new arrivals are hungry and sick, without shelter or clean water in the middle of the rainy season. We have an emergency within an emergency with conditions in existing camps, he said, pointing to a mud-clogged road in the camp. Last week, the United Nations appealed for $77 million to cope with the crisis but Okoth-Obbo said that would not now be enough. The appeal that was issued of $77 million on behalf of the aid agencies was based on the situation as it was roughly about two weeks ago, he said. There were only 100,000 people then. We are already four times that figure now. The funds need clearly is going to continue. He declined to say how much he thought was needed. He also declined to say if he thought aid agencies were getting proper access to the conflict zone in Myanmar, though he said it was important to ensure that people were safe where they were. Of course, also that access is provided to all the responders to provide humanitarian assistance, he added. Myanmar has restricted most aid agency access to the north of Rakhine. Some officials have accused aid agencies of supporting the insurgents. Okoth-Obbo said he agreed with the Bangladeshi position that the most important solution was for the refugees to be able to return home in safety. Bangladeshi Prime Minister Sheikh Hasina said on Tuesday the refugees would all have to go home and Myanmar should set up safe zones to enable them to do so. Under difficult circumstances this country has kept its borders open, Okoth-Obbo said of Bangladesh. All of us should support that and ensure that the response is strong. (Story corrects paragraph 2 reference to ethnic cleansing, not genocide.) ",worldnews,"September 13, 2017 ",1 +Al Qaeda warns Myanmar of 'punishment' over Rohingya,"YANGON (Reuters) - Al Qaeda militants have called for support for Myanmar s Rohingya Muslims, who are facing a security crackdown that has sent about 400,000 of them fleeing to Bangladesh, warning that Myanmar would face punishment for its crimes . The exodus of Muslim refugees from Buddhist-majority Myanmar was sparked by a fierce security force response to a series of Rohingya militant attacks on police and army posts in the country s west on Aug. 25. The Islamist group behind the Sept. 11, 2001, attacks on the Untied States issued a statement urging Muslims around the world to support their fellow Muslims in Myanmar with aid, weapons and military support . The savage treatment meted out to our Muslim brothers ... shall not pass without punishment, al Qaeda said in a statement, according to the SITE monitoring group. The government of Myanmar shall be made to taste what our Muslim brothers have tasted. Myanmar says its security forces are engaged in a legitimate campaign against terrorists , whom it blames for attacks on the police and army, and on civilians. The government has warned of bomb attacks in cities, and al Qaeda s call to arms is likely to compound those concerns. We call upon all mujahid brothers in Bangladesh, India, Pakistan, and the Philippines to set out for Burma to help their Muslim brothers, and to make the necessary preparations training and the like - to resist this oppression, the group said. ",worldnews,"September 13, 2017 ",1 +South Korea confirms traces of radioactive gas from North Korea's nuclear test,"SEOUL (Reuters) - South Korea said on Wednesday traces of radioactive xenon gas were confirmed to be from a North Korean nuclear test earlier this month, but it was unable to conclude whether the test had been a hydrogen bomb as Pyongyang claimed. North Korea conducted its sixth nuclear test on Sept. 3, prompting the U.N. Security Council to step up sanctions with a ban on the reclusive regime s textile exports and a cap on fuel supplies. The Nuclear Safety and Security Commission (NSSC) said its land-based xenon detector in the northeastern part of the country found traces of xenon-133 isotope on nine occasions, while its mobile equipment off the country s east coast detected traces of the isotope four times. It was difficult to find out how powerful the nuclear test was with the amount of xenon detected, but we can say the xenon was from North Korea, Choi Jongbae, executive commissioner, told a news conference in Seoul. The commission could not confirm what kind of nuclear test the North conducted, he added. Xenon is a naturally occurring, colorless gas that is used in manufacturing of some sorts of lights. But the detected xenon-133 is a radioactive isotope that does not occur naturally and which has been linked to North Korea s nuclear tests in the past. The NSSC also said the xenon traces detected had no impact on South Korea s environment and population. (Story refiles to correct typo in last paragraph.) ",worldnews,"September 13, 2017 ",1 +"Philippine president's Senate foes, allies vow to block budget cut for rights body","MANILA (Reuters) - Philippine President Rodrigo Duterte s critics and allies in the Senate vowed on Wednesday to block a lower house move to slash the annual budget of a public-funded human rights agency opposed to his bloody war on drugs to just $20. The house, dominated by Duterte s supporters, voted on Tuesday to allocate a 2018 budget of just 1,000 pesos ($20) to the Commission on Human Rights (CHR), which has investigated hundreds of killings during the president s ferocious anti-narcotics crackdown. Vice President Leni Robredo, who was not Duterte s running mate and has locked horns with him numerous times, said the lawmakers move effectively abolishes the CHR, a constitutional body. Duterte s signature campaign has left thousands of mostly urban poor Filipinos dead. Critics say the lawmakers are trying to retaliate against the CHR for pursuing allegations of executions by police during sting operations, which police deny. The CHR is among the domestic and foreign rights groups that Duterte frequently admonishes, accusing them of lecturing him and disregarding Filipinos who are victims of crimes stemming from drug addiction. The upper house minority bloc, composed of six staunch critics of the president, will seek to restore the 678 million peso budget the government and a Senate sub-committee had proposed for the CHR. Senator Risa Hontiveros described the plan to cut the budget to almost nil as a shameless rejection of the country s international and national commitments to champion human rights . Several allies of Duterte in the 24-seat chamber said they would scrutinize the house move and try to ensure the commission had a budget that would allow it to work properly. Senator Richard Gordon said the CHR had a job to do and should not be restricted. That is their role - to expose possible abuses, he said. Another legislator, JV Ejercito said senators would not make the CHR impotent. The CHR is in the thick of things and very relevant nowadays and probably even next year and the years to follow because of what s happening, he said in a statement. Duterte once threatened to abolish the CHR after its chief, Chito Gascon, sought to investigate alleged abuses by police anti-drugs units. Duterte on Tuesday appeared to distance himself from the lawmakers proposing the meager budget. He said CHR was constitutionally created and should probe whatever it wants, adding he was not here to destroy institutions . He had it coming. He opens his mouth in a most inappropriate way. He knows nothing, Duterte said, referring to Gascon. The congressmen are really angry. I have nothing against him. Give them a budget for all I care, whatever he likes to investigate. ",worldnews,"September 13, 2017 ",1 +Northern Ireland fears Brexit loss of EU peacemaking and cash,"BELFAST (Reuters) - The European Union has long aided efforts to heal the deep divisions that plague Northern Ireland, and many people on both sides of the sectarian rift fear what might happen when Brexit forces it to walk away. Since a 1998 peace deal ended three decades of violence between Protestant pro-British unionists and Catholic Irish nationalists, in which 3,600 died, the EU has pumped about 1.5 billion euros ($1.8 billion) into projects to shore up that peace - more than any other body apart from the British state. It has enjoyed broad support and influence as a force viewed by both sides as a neutral broker separate from the British government, which is distrusted by many nationalists, and the Irish government, distrusted by many unionists. It has been able to take on projects others shy away from, such as the reintegration of former militants, both IRA and pro-union loyalists, and support for relatives of dead fighters. Brexit is already rattling the region by raising concerns it will lead to a hard border with EU member Ireland. For some in both communities, the idea of a new, rigid frontier stirs painful memories of the British Army watchtowers and checkpoints that peppered the border during the decades of bloodshed. It s a very fragile situation here, and in Westminster there seems to be a lack of consideration for Northern Ireland, said Kate Clifford, director of the Rural Community Network, a community group that has received peace funding in the past. Without a (EU) peace program behind that, without the impetus of the external force that is Europe, that honest broker, things will become very difficult, she said. While no one expects a return to the widespread violence of Northern Ireland s Troubles of the 1960s to 1990s, sectarian tensions still run high and intermittingly erupt into rioting. Some British ministers argue that savings from leaving the bloc would allow the government to match all EU funding and last month British Prime Minister Theresa May said that her government would consider replacing that European money. Yet London has offered no guarantees and, with Brexit negotiations between London and Brussels in their infancy, there is little certainty about how leaving the bloc will affect Britain s finances. The British government s Northern Ireland office and the EU s Belfast office declined to comment. Since the EU s Northern Ireland PEACE program was founded in 1995, funded groups have worked with hundreds of thousands of Northern Ireland s 1.8 million citizens on conflict resolution, anti-sectarianism and supporting victims. By the end of its latest funding drive, it will have pumped in 1.5 billion euros. This makes it by far the largest funder of organizations working on peace projects outside the British government, which has provided several billion euros worth of funds to the sector but does not provide a single figure for its investment. For many such groups, the EU represents their largest single source of funds. The EU has separately funded major infrastructure projects to the tune of billions of euros, including the 250-metre pedestrian bridge that links the mainly Protestant and Catholic sides of the River Foyle at Londonderry, the city where many see The Troubles of having first exploded in 1969. While critics have at times questioned whether the bloc has spread its resources too thinly, its role is widely acknowledged as transformative for the region, particularly funding groups that have worked with thousands of former fighters and relatives of militants who died in the conflict. A lot of energy was put in to supporting the process whereby these groups which were previously killing each other were working together, said Avila Kilmurray, who managed EU PEACE funding for the reintegration of prisoners from the conflict from 1994-2014, as director of the Community Foundation for Northern Ireland. The danger is that if there is that hiatus in terms of funding that makes it (the cooperation) much more difficult to actually maintain. Many community workers voiced scepticism that Northern Ireland, already one of the British regions receiving the highest level of taxpayers money, will remain a priority for the British government in the upheaval of Brexit. In this work, I have met no one who actually believes that the Tory government care enough to match the funding, said Kieran McEvoy, a professor at Queen s University Belfast s Institute of Conflict Transformation. At Belfast s most notorious flashpoint area - the streets between the fiercely loyalist Shankill Road and the nationalist Falls Road - former militants from both sides now work together. Some bring children from both communities on joint holidays and contact each other during street trouble to try to calm the situation when matters start to get out of control. EU funding has been absolutely critical for projects that involve ex-militants, said Seanna Breathnach, a former IRA member. He works for the Coiste, which helps former fighters reintegrate into society and get jobs after leaving prison. Activists say former prisoners have been able to influence the kind of young men who might be tempted to join dissident militants opposed to the peace deal. The key is that young people are not sucked in - that we stop the glamorizing of violence that some people do, Breathnach said. Post-Brexit, activists say they will be faced with two main problems: convincing the British political establishment that Northern Ireland still needs a disproportionate level of state spending two decades after the peace; and to ensure Northern Irish politicians don t shy away from difficult projects. Kenny Donaldson is director of the South East Fermanagh Foundation, a support group for victims of militancy which gets 40-50 percent of its funding from the EU. His fear, he said, was that many in the British political establishment did not appreciate how fragile Northern Ireland remained, with communities still harboring deep distrust of each other We have to make that step from coexistence in isolation to meaningful integration, he said. While you only have coexistence you are too close to violence. ",worldnews,"September 13, 2017 ",1 +More than 50 arrested for looting in Miami during Irma: police,"MIAMI (Reuters) - Miami area police arrested more than 50 suspected looters during Hurricane Irma, including 26 people who were accused of breaking into a single Wal-Mart (WMT.N> store, authorities said on Tuesday. City officials on Tuesday lifted a local 7 p.m. to 7 a.m. curfew that had been in place since Sunday. As normality began to return, police commanders said officers will work 12-hour shifts, 24 hours a day, to discourage any more criminality. I said we would not tolerate criminal activity or looting or anybody who takes advantage of our residents, Deputy Chief of Police Luis Cabrera said at a news conference. I was not joking. The Wal-Mart incident took place on Saturday night at a store on the north side of the City of Miami, said Miami-Dade Police Department spokesman Alvaro Zabaleta. Among others suspected of looting were six men arrested on Monday and accused of breaking into stores at the Midtown Miami shopping complex, near the fashionable Wynwood district, before making off with merchandise that included shoes, bags and laptops. The looting attempts spanned the city, said Miami Mayor Tomas Regalado, from the well-heeled Brickell and downtown neighborhoods to the low-income Liberty City and Little Haiti areas. He said police will stay vigilant as the cleanup goes on. Officers have also been busy trawling roads that can be perilous for motorists because power cuts shut off traffic lights at intersections and streets have accumulated shredded vegetation spread by the storm s powerful winds. We have never experienced, not even with Hurricane Andrew, the amount of trees that are downed in the city, Regalado told the news conference. Hurricane Andrew hit Florida in 1992. Since Irma began bearing down on the state late last week, authorities have been warning any would-be looters against taking advantage of the situation. Rick Maglione, the police chief of Fort Lauderdale, about 30 miles (48 km) north of Miami, told residents to stay home during the storm and look after their loved ones. Going to prison over a pair of sneakers is a fairly bad life choice, Maglione said in a statement. Miami police posted a photo on Facebook of several accused looters sitting in a jail cell under the caption: Thinking about looting? Ask these guys how that turned out. #stayindoors. ",worldnews,"September 12, 2017 ",0 +"Iran arrests Islamic State member, foils attacks: Revolutionary Guards","(Reuters) - The Iranian Revolutionary Guards arrested a member of Islamic State and foiled a plan for suicide attacks, a Guards commander said on Wednesday. Col. Amin Yamini, the Guards commander for the western Tehran suburb of Shahriar, did not say when the arrest was made but said the attacks were being planned for a 10-day Shi ite religious holiday that begins next week. The Islamic State member arrested was from the Syrian branch of the militant Sunni organization and had planned to organize about 300 people to carry out suicide attacks, Yamini said, according to Basij Press, the news site for the Tehran branch of the Guards. On June 7, Islamic State attacked the parliament in Tehran and the mausoleum of Ayatollah Ruhollah Khomeini, the founder of the Islamic Republic, south of the capital, killing 18 people and wounding more than 40. Iran has blamed Saudi Arabia for being behind the deadly attacks. Riyadh has denied any involvement. The Revolutionary Guards fired several missiles at Islamic State bases in Syria on June 18 in response to that attack. According to Yamini, the Guards tracked the Islamic State organizer, who had a cell phone and satellite phone, and set up a meeting with him in the western Tehran suburb of Andisheh by posing as Islamic State members. When the person showed up, he was arrested. Valuable information has been gleaned from his cell phone, Yamini said, according to Basij Press. ",worldnews,"September 13, 2017 ",1 +Britain's May presses Northern Ireland leaders to restore power-sharing government,"LONDON (Reuters) - British Prime Minister Theresa May has spoken with the leaders of Northern Ireland s two main parties to press them to restore a power-sharing government that collapsed in January. Northern Ireland s Democratic Unionist Party (DUP) and its nationalist rivals Sinn Fein have failed so far to agree on how to reform the devolved administration, limiting the province s influence in Brexit negotiations. A government spokeswoman said on Wednesday that May had made separate phone calls to DUP leader Arlene Foster and the leader of Sinn Fein in Northern Ireland, Michelle O Neill, to make clear the importance of restoring a power-sharing executive to Northern Ireland as soon as possible . They discussed key outstanding issues that remain for both parties and the prime minister encouraged both leaders to come to an agreement soon in the interests of everyone in Northern Ireland. ",worldnews,"September 13, 2017 ",1 +Five crew missing after dredger collides with tanker off Singapore,"SINGAPORE (Reuters) - Five crew members of a Dominican-registered dredger were missing after a collision with an Indonesian-registered tanker in Singapore s territorial waters on Wednesday, Singapore s Marine Port Authority (MPA) said. The missing include four Chinese nationals and one Malaysian, the MPA said. Seven other Chinese nationals have been rescued, it said. The dredger capsized and is currently partially submerged, while the tanker reported damage to her starboard, MPA said. Singapore authorities are conducting search and rescue operations and the Singapore Navy has deployed three patrol craft. The Singapore Air Force has also deployed a helicopter to conduct an aerial search, the MPA said. It said there had been no disruption to shipping traffic in the Singapore Strait. ",worldnews,"September 13, 2017 ",1 +Turkey orders 79 school employees detained in post-coup probe: NTV,"ANKARA (Reuters) - Turkish authorities issued detention warrants for 79 former school employees on Wednesday over alleged links to last year s failed military coup, broadcaster NTV said. They were suspected of using ByLock, an encrypted messaging app which the government says was used by the network of U.S.-based cleric Fethullah Gulen, whom it accuses of orchestrating the abortive putsch in July 2016. The suspects worked at private schools and tutor schools which prepared students for university entrance exams, many of which used to be run by supporters of Gulen. Gulen, who has lived in self-imposed exile in the United States since 1999, has denied involvement and condemned the coup attempt. Since the coup attempt some 150,000 people have been sacked or suspended from jobs in the public and private sectors, including some who worked at schools founded by his supporters, and more than 50,000 have been detained for alleged links to it. The crackdown has alarmed rights groups and some of Turkey s Western allies, who fear the government is using the coup as a pretext to quash dissent. The government, however, says Gulen s network deeply infiltrated Turkey s institutions - the army, schools and courts - and only a massive purge could neutralize the threat. ",worldnews,"September 13, 2017 ",1 +"Trump, Malaysia's Najib skirt round U.S. probe into 1MDB scandal","WASHINGTON (Reuters) - U.S. President Donald Trump welcomed Malaysian Prime Minister Najib Razak to the White House on Tuesday, praising his country for investing in the United States while steering clear of an American investigation into a Malaysian corruption scandal. The visit is important for Najib, who faces elections next year and wants to signal he is still welcome at the White House despite a criminal probe by the U.S. Justice Department into a state fund called 1Malaysia Development Berhad (1MDB). Flanked by top advisers in the Cabinet Room, Najib told Trump that Malaysia Airlines would buy 25 Boeing 737 jets and eight 787 Dreamliners, and would probably add another 25 737s in the near future - a deal he said would be worth more than $10 billion within five years. Najib said Malaysia s Employees Provident Fund, a major pension fund, wanted to spend $3 billion to $4 billion on U.S. infrastructure development. Najib enjoyed close ties with Trump s predecessor, Barack Obama, playing golf in Hawaii in 2014, but relations cooled over human rights issues as well as the 1MDB scandal. Najib founded the fund, which is facing money laundering probes in at least six countries including the United States, Switzerland and Singapore. He denies wrongdoing. The U.S. Justice Department has said more than $4.5 billion was misappropriated from 1MDB by high-level officials of the fund and their associates, according to dozens of civil lawsuits it filed last year. The Justice Department sued to seize some $1.7 billion in assets it said were bought with misappropriated 1MDB funds, but asked for a stay on its civil lawsuits in August because it was conducting a related criminal probe. The White House had said it would not comment on the Justice Department investigation but a senior U.S. official acknowledged it was unusual to meet with Najib while 1MDB was under regulatory scrutiny. It s a weird situation, no doubt, the official said, explaining that the administration has prioritized developing relations with Southeast Asia to counter huge gains China has made in the region. Najib and his delegation stayed at the Trump International Hotel, according to several U.S. media reports, but the White House dismissed questions about the stay. We certainly don t book their hotel accommodations, so I couldn t speak to the personal decision they made about where to stay here in D.C., White House press secretary Sarah Huckabee Sanders said. In a speech to U.S. business leaders, Najib said opposition politicians had blown the 1MDB scandal out of proportion in a failed attempt to topple his government. I know that some of you will have heard some less positive stories about the Malaysian economy, particularly about 1MDB, Najib said. Indeed, there was a campaign to deliberately sabotage the company and undermine investor confidence in our economy in a failed attempt to topple the government in-between election cycles. He also said Malaysia s investigations into 1MDB revealed there had been some failings . The U.S. lawsuits had alleged $681 million of the misappropriated funds from 1MDB was transferred to the account of Malaysian Official 1 , which U.S. and Malaysian sources have previously identified as Najib. A Malaysian government investigation has cleared him of any wrongdoing. Najib s invitation to the White House was slammed by several rights groups who had urged the Trump administration to bring up Najib s record of cracking down on the media and others critics. Trump sees Malaysia, a majority Muslim nation, as an ally in its fight against Islamic militancy. It is also wants it to cut ties with North Korea. He does not do business with North Korea any longer, and we find that to be very important, Trump said referring to Najib. Ties between Malaysia and North Korea soured after North Korean leader Kim Jong Un s half brother was assassinated in Kuala Lumpur this year. It was also discovered that North Korea was using Malaysia as a base for its arms export and other businesses, that funneled money to Pyongyang. Before their meeting, Trump praised Najib for his tough stand on Islamic State. He s been very, very strong on terrorism in Malaysia, and a great supporter from that standpoint. For a graphic on Malaysia's 1MDB scandal, click: here ",worldnews,"September 12, 2017 ",1 +China says futile to use trial of Taiwanese activist to attack Chinese law,"BEIJING (Reuters) - Attacks on China s legal or political system using the trial of Taiwanese activist Lee Ming-che will prove futile, China s Taiwan Affairs Office said on Wednesday after Lee s wife and supporters rejected the authority of the court that tried him. Lee, a community college teacher known for his pro-democracy and rights activism, went missing on a trip to mainland China in March. Chinese authorities later confirmed that he was being investigated on suspicion of damaging national security. Lee confessed on Monday to attempting to subvert the Beijing government, according to videos of his hearing released by Chinese authorities. His wife and supporters said the trial was not fair and that they did not recognize the court s authority. An Fengshan, a spokesman for the Taiwan Affairs office, told a regular briefing that any attempts to use this case for political means, to influence or slander the mainland s handling of the case in accordance with the law, or to attack the mainland s political or legal systems will all be futile . The legal rights of Lee and his family had been upheld and guaranteed, he said. A meeting between Lee and his wife and mother had been arranged after the hearing at the request of his family, An said. The hearing process was broadcast by the court in videos and on social media website Weibo in what An said was an open trial. Activists who had traveled to Yueyang to support Lee said after the trial they had been barred from attending, saying that was proof the case was not truly open or fair. Releasing videos and transcripts of court hearings has become increasingly common in China as part of a push for greater judicial transparency and oversight. However, rights activists say that holding open trials in sensitive cases allows authorities to demonstrate state power as a deterrence, with statements and verdicts usually agreed in advance. Ties between Beijing and Taipei have been strained since President Tsai Ing-wen, leader of the independence-leaning Democratic Progressive Party, took office last year. Tsai s refusal to say that Taiwan and China are part of one country has angered Beijing, as have her comments about human rights on the mainland. Beijing maintains that Taiwan is part of China and has never renounced the use of force to bring it under its control. Proudly democratic Taiwan has shown no interest in being governed by the Communist Party rulers in Beijing. ",worldnews,"September 13, 2017 ",1 +"Trapped by landmines and a creek, Rohingya languish in no-man's land","COX S BAZAR, Bangladesh Reuters) - Until late last month, Syed Karim grew rice and sugarcane on a strip of unclaimed land along the international border where Myanmar ends and Bangladesh begins. On Aug. 25, the 26-year-old Rohingya Muslim man abandoned his home in a nearby Myanmar village and moved to the no-man s land, fleeing a crackdown by the military against his community in response to militant attacks. An estimated 370,000 Rohingya have fled to Bangladesh since that day. But Karim and thousands of his neighbors from Rohingya villages near the border face a unique predicament. They have fled to the safety of the buffer zone along the border and are now stuck. Bangladesh security forces have instructions to not let them in, said Monzurul Hassan Khan, a Bangladesh border guard officer. Some of the Rohingya there said they are too afraid to go back to their homes but not ready to abandon them altogether and become refugees in Bangladesh. I can see my house but can t go there, said Karim, whose Taung Pyo Let Yar village could be seen from his shack in the no-man s land. The top U.N. human rights official has called Myanmar s operations against the Rohingya as a textbook example of ethnic cleansing and the Security Council is to meet behind closed doors on Wednesday to discuss the situation. The 40-acre (16.2-hectare) buffer zone, about the size of 40 soccer pitches, is strung along the border, with a barbed wire fence on the Myanmar side and a creek on the other. Hundreds of tarpaulin bamboo shacks have come up on what used to be a paddy field, with hills in the south. Khan said 8,000 to 10,000 Rohingya had camped there. The UN refugee agency, which runs camps in Bangladesh, doesn t go there because of security reasons, said Vivian Tan, a spokeswoman for UNHCR. Tan said that they work with some NGOs to provide people in the area with plastic sheets and clothing. Myanmar has laid landmines on its side of the border, which have wounded at least four people, Bangladesh authorities and Rohingya refugees said. Buddhist-majority Myanmar says its security forces are fighting a legitimate campaign against terrorists it blames for the attacks on the security forces. Several Bangladesh officials said they suspected that about 100 fighters from the Arakan Rohingya Salvation Army (ARSA), the insurgents who attacked Myanmar police posts and an army base on Aug. 25, have also been spotted in the border area. Bangladeshi security officials said they learned from informers that suspected ARSA fighters were in the area early last week, after the Eid al-Adha festival. The officials, who requested anonymity because of the sensitivity of the situation, said 11 suspected fighters were also being treated in a hospital in Chittagong city, north of Cox s Bazar, which is close to the border. An ARSA spokesman denied that any of its fighters were using the no-man s land to launch attacks and said none of its fighters were in Bangladesh. Mostafa Kamal Uddin, Bangladesh s home secretary, said he did not have information about the presence of Rohingya militants in Bangladesh. Karim and other Rohingya people, mostly from the border villages, said they started fleeing to the buffer zone after the Aug. 25 attacks. Khan, the border guard officer, said their numbers swelled on Aug. 27. We kept hearing gunshots and also saw a fire and smoke on their side of the border, Khan said. He pointed to two brown patches of burned trees in Taung Pyo Let Yar village from his operations base on a hilltop in Bangladesh s Gundum village near the border. His men with automatic rifles kept watch as Rohingya children waded across the creek to fetch fresh water in aluminum pots and plastic bottles from a hand-pump on Bangladeshi soil. A toddler, with the knee-deep waters rising to his neck, struggled with three plastic bottles, dropping one before turning around and picking it up and pressing forward. In interviews at the buffer zone, where Reuters was taken by Khan, residents of three villages - Taung Pyo Let Yar, Mee Taik and Kun Thee Pin said they were spared in the previous big military crackdown in October last year. But things changed on Aug. 25. Mohammed Arif, a Rohingya man from Taung Pyo Let Yar village, said he fled into the woods near the village to hide when the army came. From there, he watched a mortar shell hit his two-storey house, burning it down. He crossed over the fence on Aug. 26 with his family. Arif said he had not seen any ARSA fighters in the no-man s land. In our country, Buddha worshippers treat us like a virus that needs to be eliminated. We have heard them saying, No Rohingya in Myanmar. But we will go back, Arif said. ",worldnews,"September 13, 2017 ",1 +Average of polls puts New Zealand's ruling Nationals just ahead,"WELLINGTON (Reuters) - New Zealand s ruling National Party reclaimed a slight lead in the latest average of polls, underscoring a tight race that has unsettled investors amid uncertainty over the make-up of the next government and its trade and immigration policies. The poll of polls compiled by Radio New Zealand showed National s support at 41.3 percent, just ahead of Labour on 40.5 percent, giving National 51 seats in parliament and Labour 50. Both parties would need to rely on the nationalist New Zealand First Party to form a coalition government under the country s proportional representation system as the winning party or parties need 61 of parliament s 120 seats to form government. The poll average suggests the two main parties are still neck and neck, even as individual polls point to contrasting results, with some giving a lead to Labour and others National. The uncertain outcome has thrown doubts over future policies on major issues like trade and immigration, both key drivers of New Zealand s relatively robust economic growth in recent years. Prime Minister Bill English s National Party has vowed to support free trade as global protectionism rises, in particular, by championing the Trans-Pacific Partnership pact, which Labour has said it would renegotiate. The New Zealand dollar, the 11th most traded currency in the world, slipped to $0.7295 on Wednesday after climbing to $0.7320 overnight following a separate single poll released on Tuesday that put National well ahead of Labour. There was a bit of a reality check this morning that this is just one poll and polls are not reliable, said Rodrigo Catril, forex strategist at National Australia Bank. The base case is still that whoever wins they will have to form a coalition. The Radio New Zealand figures showed support for New Zealand First averaging 7.5 percent, while the Green Party was at 5.5 percent, giving them 9 and 7 seats respectively. New Zealand First s economic policies tend to have more in common with those of Labour, but it has formed coalitions with both major parties in the past. Polls in recent weeks have suggested widely varying outcomes from the vote. A poll on Tuesday gave the National Party a near 10-point lead over Labour, suggesting they wouldn t need NZ First to form government. Earlier polls had given Labour a sizeable lead after it gambled on a late change of leadership, installing 37-year-old Jacinda Ardern, to revive its flagging popularity. ",worldnews,"September 13, 2017 ",1 +"Israeli leader in Argentina, lauds effort to solve 1994 Jewish center bombing","BUENOS AIRES (Reuters) - Benjamin Netanyahu on Tuesday used the first Latin America visit of a sitting Israeli prime minister to praise President Mauricio Macri s effort to solve the bombing of a Buenos Aires Jewish center in 1994 that killed 85 people. Argentine courts have blamed the attack on Iran. But no one has been brought to trial in either that case or the deadly 1992 bombing of the Israeli embassy in Buenos Aires. Iran denies playing a role in either attack. We know without a doubt that Iran and Hezbollah initiated and backed up the attacks, Netanyahu told reporters. Hezbollah is an Islamist militant group based in Lebanon. He praised fellow conservative Macri for jump-starting efforts to solve the crimes. Critics accuse previous Argentine leader Cristina Fernandez of trying to improve ties with Iran rather than focusing on bringing the bombers to justice. He strengthened Argentina s position compared with what it was before. I honor his commitment and the integrity of his effort to determine what happened, Netanyahu said. Under Fernandez, the prosecutor probing the attack on the AMIA Jewish community center was found dead in January 2015, just hours before he was to appear in Congress to outline his accusation that Fernandez had tried to clear the way for a grains for oil deal with Iran by whitewashing Iran s role in the truck bombing. The prosecutor, Alberto Nisman, was discovered on the floor of his Buenos Aires apartment with a pistol by his side and a bullet in his head. The death was classified as a suicide, but Nisman s family and friends dismissed that idea as absurd. Opinion polls show most Argentines believe his death was a homicide. Macri won the presidency and succeeded Fernandez in late 2015. He has since boosted ties with the United States and Israel while trying to attract the foreign investment he says is needed to stimulate an economy damaged by the inflationary policies and heavy currency controls of the Fernandez years. Macri has met with Nisman s family and says he has made a high priority of solving his death and the AMIA bombing. Netanyahu and Macri are also in ideological harmony on issues like free trade, development and security, Israel s ambassador to Argentina Ilan Sztulman told local radio. Netanyahu is traveling with executives of 30 Israeli companies looking to increase trade with Latin America. They include cyber security, irrigation and other agricultural technology firms that could help Argentina reinforce its position as the world s top exporter of soymeal livestock feed and a major supplier of corn and raw soybeans. After Argentina, Netanyahu will visit Colombia and Mexico before addressing the United Nations General Assembly on Sept. 19. The diplomatic flurry might take domestic attention off two corruption investigations centering on Netanyahu in Israel. He was accompanied on the trip by his wife Sara Netanyahu. On Friday, Israel s attorney general said he was considering indicting her on suspicion of using state funds for personal dining and catering services amounting to some $100,000. ",worldnews,"September 12, 2017 ",1 +Trump likely to visit China during November Asia trip: U.S. official,"WASHINGTON (Reuters) - U.S. President Donald Trump is likely to make a stop in China in November during his first official visit to Asia, a U.S. official said on Tuesday, a trip that will come amid tensions over North Korea s nuclear tests. Washington and its allies have said there is a growing urgency for China, North Korea s top ally and trading partner, to apply more pressure on its already isolated neighbor to get it to back down on its nuclear weapons and missiles programs. Chinese President Xi Jinping had invited Trump to visit China during their meeting in April in Palm Beach, Florida. The two leaders also met on the sidelines on the G20 summit in July. Trump is set to attend the U.S.-ASEAN summit and the East Asia summit in the Philippines in November, as well as the Asia Pacific Economic Cooperation (APEC) summit in Vietnam. China s foreign ministry did not immediately respond to a Reuters request for comment on Trump s potential visit. Japanese public broadcaster NHK cited unnamed diplomatic sources saying that Trump was also considering visiting Japan and South Korea during his Asian tour in November. In February, Trump accepted Prime Minister Shinzo Abe s invitation to visit Japan by the end of the year. The February agreement is still valid. We would definitely like to make it happen sometime within this year. But no specific timing has been fixed yet, a Japanese Foreign Ministry official said. Also, the Japanese daily Yomiuri Shimbun said on Wednesday Japan, the United States and South Korea are in final stages of talks to hold a trilateral summit on the sidelines of the U.N. General Assembly in New York. The newspaper, citing unnamed government sources, reported the meeting between Trump, Abe and South Korean President Moon Jae-in could take place on Sept. 21 and would focus on bolstering cooperation in response to North Korean provocation. On Monday, the U.N. Security Council unanimously voted to step up sanctions on North Korea, with its profitable textile exports now banned and fuel supplies capped. After several days of negotiations on the resolution, Washington dropped several measures to win the support of Russia and China, including a bid for an oil embargo and the blacklisting of North Korean leader Kim Jong Un and the national airline. In Hong Kong, former White House chief strategist Steve Bannon told the South China Morning Post the results of a U.S.-led investigation into alleged Chinese intellectual property theft would be announced before the Beijing summit to reset bilateral trade. The far-right architect of Trump s 2016 election victory, Bannon told an investor conference, organized by a unit of China s largest brokerage, that Trump and Xi had a rapport that should enable them to work out differences, said an attendee at the meeting which was closed to the press. Bannon, who was let go by Trump last month, told a private lunch gathering in Hong Kong that he still speaks with President Donald Trump every two to three days, the Wall Street Journal reported. ",worldnews,"September 12, 2017 ",1 +"France says Venezuela talks to take place, warns of sanctions","PARIS (Reuters) - Venezuela s government and opposition will hold a round of talks in the Dominican Republic on Wednesday, France s foreign minister said on Tuesday, warning Caracas that it risked EU sanctions if it failed to engage in negotiations. Venezuela was convulsed for months by demonstrations against leftist President Nicolas Maduro, accused by critics of knocking the oil-rich country into its worst-ever economic crisis and bringing it to the brink of dictatorship. I was happy to learn that dialogue with the opposition would restart tomorrow in the Dominican Republic, Jean-Yves Le Drian said in a statement after meeting his Venezuelan counterpart, Jorge Arreaza Montserrat, in Paris. Venezuela s Democratic Unity Coalition said it would send a delegation to meet with Dominican President Danilo Medina to discuss the conditions under which dialogue could be held, but denied that any talks as such had begun. The invitation by (Medina) does NOT represent the start of a formal dialogue with the government, the coalition said in a statement. To begin serious negotiations, we demand immediate concrete actions that show true willingness to solve problems rather than to buy time. The statement reiterated long standing opposition demands including the release of political prisoners, respect for the opposition-run congress and measures to ease a crippling economic crisis. Le Drian said Wednesday s meeting would involve Medina and former Spanish Prime Minister Jos Luis Rodriguez Zapatero. United Nations Secretary-General Antonio Guterres expressed his full support for the talks. The Secretary-General encourages the Venezuelan political actors to seize this opportunity to demonstrate their commitment to address the country s challenges through mediation and peaceful means, U.N. spokesman Stephane Dujarric said in a statement. Maduro routinely calls for dialogue with the opposition, but his adversaries see dialogue as a stalling mechanism that burnishes the government s image without producing concrete results. In a televised broadcast on Tuesday evening, he voiced renewed support for dialogue and said he was sending Socialist Party heavyweight Jorge Rodriguez to represent the government in the Dominican Republic. A dialogue process brokered by Zapatero and backed by the Vatican in 2016 did little to advance opposition demands. Many Maduro critics believe opposition leaders were duped in that dialogue process, and have grown suspicious of Zapatero as an intermediary. Like fellow-EU member Spain a few days earlier, Le Drian also warned Arreaza that if the situation continued there would be consequences. I reminded him of the risk of European sanctions and the need to rapidly see evidence from Venezuela that it is ready to relaunch negotiations with the opposition and engage in a sincere and credible process, he said. ",worldnews,"September 12, 2017 ",1 +Hardliners protest French labor reform after Macron chides 'slackers',"PARIS (Reuters) - Tens of thousands of hard-left trade unionists marched through French cities on Tuesday to protest against President Emmanuel Macron s labor law reforms, although turnout appeared lower than at demonstrations in previous years. Hitting back at Macron s pledge to give no ground to slackers , some in Paris carried placards reading: Slacker on Strike while in Bordeaux demonstrators chanted: Macron you re screwed, the slackers are in the streets. The interior ministry said 223,000 protesters turned out across the country, compared with about 400,000 during March 2016 s demonstration. Riot police clashed with hooded youths in isolated skirmishes on the fringe of the march led by the Communist Party-linked CGT union in Paris. The union said some 400,000 had marched across France, down from its estimate for 2016 of 1.2 million. Labor unions have scuppered previous attempts to weaken France s labor code, but this time there was comfort for Macron as two other unions, including the largest, the CFDT, declined to join the protests. We ve been passing laws which take apart the labor code for 20 years. The answer (to unemployment) doesn t lie in rolling it back further, said Maxime Durand, a train driver on strike. After weeks of negotiation, the government last month set out measures including a cap on payouts for dismissals judged unfair and greater freedom for companies to hire and fire. The reform makes no direct reference to the 35-hour week, a totem of the labor code, though it hands firms more flexibility to set pay and working conditions. The government plans to adopt the new measures, being implemented by decree, on Sept. 22. During a trip to Athens on Friday, Macron told the local French community: I am fully determined and I won t cede any ground, not to slackers, nor cynics, nor hardliners. He said the slackers comment was aimed at those who had failed to push through reforms in the past, although political opponents and some unions took it as an attack on the unemployed or on workers making the most of job protection. We will make Macron back down, far-left firebrand Jean-Luc Melenchon, who has become Macron s most vocal opponent in parliament, said on the sidelines of a protest in Marseille. French workers have long cherished the rights enshrined in the labor code, but companies complain it has deterred investment and job creation and stymied economic growth. Unemployment has been above 9 percent for nearly a decade. Macron s reforms are being followed in Germany as a test of his resolve to reshape the euro zone s second-biggest economy, a must if he is to win Berlin s backing for broader reforms to the currency union. The CGT is France s second-biggest union, though its influence has been waning. Its leader Philippe Martinez said Tuesday s nationwide protests were the first phase and more would follow. He called Macron s reference to slackers an insult to workers. The president should listen to the people, understand them, rather than cause divisions, Martinez told France 2 television. CGT workers from the rail, oil and power sectors heeded the strike call but by the afternoon there was no apparent impact on power and refining production, spokespeople for utility EDF (EDF.PA) and oil major Total (TOTF.PA) said. Just over 11 percent of the workforce at EDF, which operates France s fleet of 48 nuclear reactors, took part in the strike, a spokeswoman for the state-owned utility said. Macron landed in the French Caribbean on Tuesday to survey the devastation wrought by Hurricane Irma on the territory of Saint Martin. Governments on the political left and right have been trying for decades to overhaul the 3,000-page labor code, but ended up watering down their plans in the face of street demonstrations. Macron was economy minister in the Socialist government of president Francois Hollande, whose attempt at labor reform led to weeks of protests that at their peak brought 400,000 onto the streets, and stoked a rebellion within his own party. Hollande was forced to dilute his proposals, but so far there are no signs of Macron feeling compelled to back down. An opinion poll published on Sept. 1 indicated that voters have mixed views on the reform. Nearly six in 10 said they opposed Macron s labor decrees overall. But when respondents looked at individual measures, most received majority support. With economic growth accelerating, unemployment on a downward trend and the leading unions divided in their response to the reforms, it is not clear whether the protests will gain significant momentum. ",worldnews,"September 11, 2017 ",1 +Macron may see 'slackers' become protest rallying cry in France,"PARIS (Reuters) - President Emmanuel Macron s remark that he will not bow to slackers who resist labor reforms looked set to dog the image-conscious French leader, with opponents casting him as a champion of the wealthy and big business. The Elysee Palace and government ministers have scrambled to contain the fallout, saying the 39-year-old was referring to past leaders who lacked the courage to push through unpopular changes and accusing his opponents of twisting his comments. Macron, who on Tuesday visited islands in the Caribbean damaged by Hurricane Irma, has himself shown little contrition. I am fully determined and I won t cede any ground, not to slackers, nor cynics, nor hardliners, he said on Friday during a trip to Greece. His opponents were quick to pounce, branding him an out-of-touch president who has put himself above the person in the street. Fools, cynics, slackers, everyone take to the streets on Sept. 12 and 23, Jean-Luc Melenchon, leader of the hard-left France Unbowed party, said on Twitter, referring to two days of street protests. Philippe Martinez, head of the far-left CGT trade union, called Macron s comment scandalous . Who is the president referring to when he says he won t give an inch to slackers? To the millions without a job or in a vulnerable position? Macron s centrist government announced measures in August to hand more power to companies to set working conditions and adapt pay to market conditions, as well as making it easier to hire and fire employees. The president says the measures are needed to spur job creation, boost growth and attract investment. Unions say workers rights are being eroded and benefits undermined. Macron faced his first challenge on the streets on Tuesday when thousands of CGT trade unionists protested in cities across France. In Bordeaux, protesters chanted: Macron you re screwed, the slackers are in the streets while in Paris others carried placards reading: Slacker on strike . Asked on Monday if he regretted his comment, he replied: We cannot move forward if we don t tell it like it is. It s Macron s style, said Jerome Fourquet of pollster IFOP. He s not going to back down, make apologies. That carries a risk. Macron is not the first French leader to offend people with a casual comment. Former president Nicolas Sarkozy caused uproar while interior minister when in 2005 he branded youths behind the worst urban violence in France in decades as racaille ( scum or rabble ). That remark entrenched Sarkozy s reputation as a bully in the suburbs blighted by crime and unemployment outside Paris. Sarkozy s successor, Francois Hollande, suffered with the publication of a tell-all book in which his former partner accused the Socialist leader of describing the poor as toothless , undermining his efforts to portray himself as in touch with the needy. Before joining a protest in Marseille, Melenchon, who bills himself as a champion of French workers and rails against globalisation, said: Mr Macron knows he has a battle on his hands. He picked it. ",worldnews,"September 12, 2017 ",1 +Draining the swamp: Hard-hit Everglades town mops up after Irma,"EVERGLADES CITY, Fla. (Reuters) - As Hurricane Irma raged through Everglades City, a tiny fishing village in a vast alligator-infested swamp, Howie Grimm hunkered down inside his house with his 88-year-old mother, a useless cell phone and a new job title. He had been acting mayor for less than a week. When the winds started to wane, he jumped in his truck and moved his mother to a higher perch a trailer on stilts because he knew a storm surge would follow the eye of the storm. He watched from the trailer as the surge swallowed his truck. And that s how it all started, my what do you call it? mayorism? he recalled with a laugh on Monday, as he leaned on a flooded forklift in front of his business, Grimm s Seafood. While most of South Florida was spared the worst of the dangerous storm, this remote hamlet of about 400 residents in the southwest part of the state, felt the full wrath of Irma s winds and waves. And yet residents here seemed to take it in stride, surveying the damage with a good humor and a shrug of the shoulders. Little help had arrived from the outside world the day after the storm, but no one here seemed to be asking for much help, either. In a town surrounded by marshlands, storms and floods are part of the deal. The few residents that remained in this outpost for Irma s landfall on Sunday watched a surge up to eight feet high inundate roughly half of the homes and businesses - all the ones that were not up on stilts - and cake the town in gray swamp slime. Sammy Hamilton, 83, the city s mayor for 22 years until last week, lost two buildings housing tourism businesses, along with several vessels. One of his 55-foot tour boats ended up in a tree an ornament of sorts. That s how we decorate here for Christmas, said Hamilton, who stepped down over his handling of the town s sewer plant, which had fallen out of compliance with state environmental regulations and faces a major overhaul. The Florida Department of Environmental Protection sued the city in 2015, after inspectors caught the plant pumping sewage into nearby mangroves. Few residents expressed much anger with Hamilton over the sewer plant or his resignation days before a major flood. I love the old mayor, said Grimm, the acting mayor, who had criticized Hamilton s handling of the sewer debacle. He s done a lot of good. He just decided he d had enough. Everglades City is isolated geographically and culturally from the rest of South Florida by 1.5 million aces of preserved wetlands. Founded in the late 1800s, it later became the last stop on the Atlantic Coast Line Railroad. Its historic Rod and Gun Club, which has hosted a half dozen U.S. presidents, including Harry Truman when he dedicated the swampland surrounding the city as a national park in 1947. Today, the city s economy rests on three main commodities: stone crabs, alligators and airboats. The commercial catch of stone crabs once played a bigger role than tourism - which primarily involves scouting alligators on airboats - but that mix is changing, said Vicky Wells, a fifth-generation resident. Her brother was among those who happily made the switch from processing crabs to toting tourists around on airboats. It was a lot more money for a lot easier work, Wells said. People here do whatever they need to do to feed their family. And many do whatever is needed to protect their family from wind and water. Having weathered many storms, the Wells family built their home a decade ago to withstand a major hurricane. Vicky s husband, Bob Wells, 72, drove pilings 23 feet into the ground and used rebar to reinforce a concrete foundation every two feet. He encased the windows in concrete, too. We built this thing to stay. It stayed, Bob said. Across the street from the Wells home, Ricky Collins, a 68-year-old Everglades City native, washed muck from his driveway as his grandson pushed it out of his house with a broom. The flood didn t rattle him, and he didn t think it would change how his neighbors, even the newer arrivals, viewed living there. The difference in this town now is that we have a lot of foreigners I mean, people from out of state, he said. But they ll stay, too. They ll probably do better than we will, because they have better insurance and everything. Among the newcomers is Marlene Sassaman, 69, who moved here four years ago. She stayed for the storm and spent the next day mopping the mud out of her first floor. If you have a strong house, you re fine, Sassaman said As for the departure of the old mayor, she said she preferred to steer clear of any controversy. Let s just say he retired. I don t want to go there, she said. He was born and bred here, and his pappy was born and bred here I really love this place, because it s one of the last small towns in the country. ",worldnews,"September 12, 2017 ",0 +"After Irma, a mixed journey home for Florida evacuees","ORLANDO, Fla. (Reuters) - After fleeing homes in Hurricane Irma s path several days ago, Florida residents Lee Tinkler and Mercedes Lopez on Tuesday faced far different prospects as they departed from the Orlando hotels where they sought refuge. Tinkler, a retiree from Jupiter, Florida, said she was about to end the best experience of my life after waiting out the storm at a high-end convention hotel with her two daughters, their two babies and seven cats. But at a nearby Days Inn, Lopez s spirits were low as she shared a bucket of fried chicken with four families from the Florida Keys bunking together in two cramped rooms. They were returning to salvage belongings from destroyed homes. I don t have a house, I don t have a job, said Lopez, 50, who works for a gas station that was also devastated. We go back to nothing. They are part of a complicated return home after the largest evacuation in U.S. history which saw 6.5 million people flee the storm in Florida. After surviving what began as one of the fiercest Atlantic storms in a century, many are returning with conflicting emotions. The relief of going home is at times overwhelmed by the logistics of the trip and then putting their pre-storm lives back together. On social media, travelers traded advice on how to avoid the chaotic scenes many experienced on the way out: long lines for gasoline and traffic so bad that people slept in their cars. Hoping to avoid such congestion, Cathy Bobal, a 59-year-old retiree from Coconut Creek, Florida, decided on Tuesday to spend a fifth night in Orlando before leaving at 3 a.m. As she arranged her check-out from the Rosen Center, which reduced rates and waived pet and parking fees for evacuees, others were checking in. It s round two, she said. People are coming in because they don t have power. Tinkler, 73, left with plans to return the next time a hurricane menaced her home. I want to live in this world forever, she said, envisioning disaster reunions with the other guests. We had a party. Across town, the group from Marathon, Florida, was ending five nights at Days Inn not knowing whether authorities would even allow them back into their homes. It s a total disaster. Our house was destroyed. I ve seen the pictures, said Heidi Hernandez, 23, a school teacher. We re going down there to salvage what we can and then come back up. ",worldnews,"September 12, 2017 ",0 +Factbox: About 5.8 million without power in U.S. Southeast after Irma - utilities,"(Reuters) - Power outages from Hurricane Irma dropped to about 5.8 million customers in Florida, Georgia, North Carolina, South Carolina and Alabama by Tuesday afternoon, down from a peak of over 7.4 million late Monday, according to utilities in the affected region. Most remaining outages were in Florida Power & Light s service area in the southern and eastern parts of the state. FPL, a unit of NextEra Energy Inc and the state s largest power company, said its total outages dipped to about 2.5 million customers by Tuesday evening from a peak of over 3.6 million early on Monday. FPL said it expects to restore essentially all of its customers in the eastern portion of the state by the weekend and the harder-hit western portion Florida by Sept. 22. The company warned, however, it would take longer to restore power to customers who suffered tornado damage or severe flooding. Outages in Florida for Duke Energy Corp, which serves the northern and central parts of the state, fell to around 1 million customers by Tuesday afternoon, down from a peak of about 1.2 million on Monday, according to the company s website. Irma hit southwestern Florida on Sunday morning as a dangerous Category 4 storm, the second-highest level on the five-notch Saffir-Simpson scale. It gradually weakened to a tropical storm and then a tropical depression on Monday. In Georgia, utilities reported over 1.1 million customers without power on Tuesday, down from a peak of around 1.3 million late Monday. Other big power utilities in Florida include units of Emera Inc and Southern Co, which also operates the biggest electric companies in Georgia and Alabama. ",worldnews,"September 12, 2017 ",1 +Guatemala federal auditor to probe president's pay bonus,"GUATEMALA CITY (Reuters) - Guatemala s federal auditor on Tuesday said it will investigate a salary bonus the Defense Ministry gives to President Jimmy Morales that raises his earnings by more than a third, making him one of the best paid leaders in Latin America. The federal comptroller, which audits all government spending, said in a statement it had asked for information on the previously unknown 50,000 quetzals ($7,300) Bonus for Extraordinary Responsibility that is not officially part of the president s salary package. Defense Minister William Mansilla on Tuesday confirmed that Morales had since December 2016 received the payment, which lifts the president s salary to $27,400 a month. The president didn t ask for it. Instead, it was a group decision by the army, Mansilla said in a press conference. A technical board of auditors determined the bonus. The revelation of the unusual salary perk comes at an awkward time for the beleaguered Morales, who managed to retain his immunity from prosecution on Monday. Congress voted overwhelmingly to protect him after the attorney general submitted a request to investigate Morales over suspected financing irregularities during his 2015 election campaign. [nL2N1LS1EV] Last month, Guatemala s attorney general and the U.N.-backed International Commission against Impunity in Guatemala (CICIG) jointly sought to investigate Morales, a former comedian, over the illegal financing allegation. Two days later, Morales declared the head of the U.N. body persona non grata. Under the leadership of Ivan Velasquez, a veteran Colombian prosecutor, CICIG has caused problems for Morales, first investigating his son and brother then aiming at him. The Defense Ministry on Tuesday posted on its website documents, dated Jan. 1, 2016, that detailed the payment to the president and various other military officials. The considerations (for the bonus) were due to his position and the risks and dangers that (Morales) undertakes, Mansilla said in explaining the army s reasoning for the payment. Former Presidents Alfonso Portillo and Alvaro Colom told Reuters they had not received such a bonus. The president s office did not respond to requests for comment. The salary bonus means that Morales earns 70 percent more than Chilean leader Michelle Bachelet and 130 percent more than Mexican President Enrique Pena Nieto, two of the region s best paid top officials. The bonus is also 90 times the $300 minimum wage in Guatemala, where 60 percent of the population lives in poverty. ",worldnews,"September 13, 2017 ",1 +Brazil's top court approves new graft probe of President Temer,"BRASILIA (Reuters) - A Brazilian Supreme Court judge on Tuesday authorized an investigation of President Michel Temer for suspected corruption involving a decree regulating ports, adding to graft allegations the president has so far parried with backing from Congress. The new investigation is based on a wiretapped conversation of a former Temer aide, Rodrigo Rocha Loures, who, according to court documents, discussed shaping the decree in return for bribes channeled from a port operator to the president. In his ruling, Justice Luis Roberto Barroso said the new probe was warranted because Brazil s top prosecutor, Rodrigo Janot, had found strong indications of crimes, given that the decree signed by Temer answered part of the demands made by logistics firm Rodrimar SA. Temer s lawyer said in a statement sent to the Supreme Court that the allegations against the president are contaminated by untruths and malicious distortions. The decree was publicly debated and benefited all port operators and not just Rodrimar, it said. Rodrimar also denied that it had received any special treatment from the government. The company said the decree in question partially addressed widespread demands from Brazil s port operators. Temer has denied any role in the corruption scandals that have come to light during a sprawling three-year investigation of political bribery in Brazil. His lawyers have also challenge the plea bargain deal that yielded the wiretap of Rocha Loures, arguing that the billionaire beef tycoon who arranged the recordings was unfairly favored by a close aide to Janot. Last month, Temer s allies in Congress easily blocked a corruption charge leveled by Janot. He is also expected to beat additional charges that Janot could level this week before leaving office. The latest investigation approved by the court adds more allegations to the mix. Brazil s currency, the real, posted its biggest daily drop in nearly a month, slipping 0.8 percent against the U.S. dollar as the investigation and a separate police probe into Temer s allies kept pressure on the president. Temer s success in beating back accusations had bolstered bets that he would be able to return focus to his market-friendly proposals to overhaul Brazil s tax and social security policies, tackling a record deficit. ",worldnews,"September 12, 2017 ",1 +"Brazil police suspect Temer, aides involved in corruption","BRASILIA/SAO PAULO (Reuters) - Brazil s federal police suspect that President Michel Temer, alongside a group of close aides from his party, participated in illicit acts that rendered him up to 31.5 million reais ($10 million) in advantages and other perks. In a report on Monday, police said there were indications that Temer, 77, and the so-called Gang of the Lower House might have engaged in active and passive corruption acts, fraud and other crimes. The report was sent to the Federal Supreme Court, the only court with the authority to investigate a sitting president. While the report did not specify what advantages Temer might have obtained, it identified a series of transfers made from companies such as Odebrecht SA, and cash stemming from state contracts. The report gathered data from recent testimonies that incriminated Temer in the campaign financing of at least one ally. According to the police, Temer s Chief of Staff Eliseu Padilha and Wellington Moreira Franco, Temer s privatization tzar, were also named in the investigation, which started in 2015. The report could provide additional evidence for a second formal corruption accusation against Temer in as many months. Prosecutor-General Rodrigo Janot, whose term expires at the end of this week, filed the first almost two months ago but lower house lawmakers voted to drop it, alleging lack of sufficient evidence. Temer has been a central figure in the Brazilian Democratic Movement Party for decades, helping create a solid bloc in the lower house that has participated in the past four administrations. He became Brazil s vice president in 2011 and replaced his predecessor Dilma Rousseff when she was impeached last year for doctoring budget accounts. Press representatives of Temer, who enjoys immunity from prosecution in lower-tier courts, said in a statement he does not participate nor has ever been part of a criminal gang, noting he has never made use of any state structure to directly or indirectly extract any benefits from public office. Padilha said he would only respond to the accusation when he has access to the document. Moreira Franco told Reuters he has never participated in any illicit act. The investigation also includes Eduardo Cunha, a former lower house speaker who accelerated Rousseff s ouster and is jailed for his involvement in a massive bribery scandal. ",worldnews,"September 12, 2017 ",1 +Macron vows Caribbean rebuild as anger rises against European powers,"PORT-AU-PRINCE (Reuters) - French President Emmanuel Macron vowed to quickly rebuild the islands of the French Caribbean during a visit on Tuesday meant to dispel anger at his government s response to Hurricane Irma, which killed at least 43 people in the region. The clutch of Caribbean islands hardest hit by the storm were mainly overseas territories belonging to Britain, France and the Netherlands, whose tens of thousands of residents are European Union citizens. The U.S. Virgin Islands were also hard hit. European countries and the United States have sent troops to deliver aid and provide security after the storm toppled homes and hospitals, but locals and tourists short of food or shelter say help was slow to arrive. Macron, who is also facing the first test at home of his resolve to reform the economy with a day of protests against his labor reforms, denied that authorities reacted too slowly. Basic services in the region were lost after Irma, weakening law and order, and looting erupted on some islands. Haiti s government said on Tuesday more than 10,000 people were in shelters after heavy rains flooded the former French colony. Britain was forced to reinforce its marines on the British Virgin Islands after more than 100 very serious inmates escaped after a prison was breached in the storm, Alan Duncan, Britain s minister for Europe and the Americas, said on Tuesday. It was not clear if the prisoners had been captured. Macron was due to travel on Tuesday to St. Martin, an island France shares with the Netherlands that suffered some of the worst devastation from Irma. Most of the 10 people killed by Irma lived on French territories there. St. Martin will be reborn, I promise, Macron told reporters in Pointe-a-Pitre, on the French island of Guadeloupe. I will shake up all the rules and procedures so the job is done as quickly as possible. It will be done quickly, it will be done well, and it will be done better. Macron said 50 million euros will be made available as soon as possible, and 2,000 security forces have been deployed, including the army, roughly double the original contingent. The French government has said it would take at least three months for water distribution to normalize. The electricity supply has also been badly hit, authorities said. British Foreign Secretary Boris Johnson traveled on Tuesday to the Caribbean to visit British territories devastated by Irma. Among the hardest hit islands were the British Virgin Islands, Anguilla, plus Antigua and Barbuda. He is very keen to see for himself the devastation, to reassure governors who have done a magnificent job under quite the most incredible pressure, Duncan said. Four people died on Anguilla, up from one reported previously, Duncan said, while the death toll on the British Virgin Islands rose by one to five. Speaking on CNN, Stacey Plaskett, delegate to the U.S. House of Representatives for the U.S. Virgin Islands, said there was no real looting occurring, but rather desperate people scrambling for scarce supplies. Our airport, the terminal looks as if grenades have been inside there and bombed the places out, she said. This is not anything that we could ve been prepared for. ",worldnews,"September 12, 2017 ",1 +North Korea says Peru throwing 'gas on the fire' of nuclear spat,"LIMA (Reuters) - North Korea s ambassador to Peru said Tuesday that Lima s decision to expel him was akin to throwing gasoline on the fire on the dispute over Pyongyang s nuclear tests that it would continue to pursue without wavering. Peru declared the ambassador, Kim Hak-Chol, a persona non grata on Monday to protest North Korea s refusal to heed the world s constant calls to end its nuclear program - giving him five days to leave the Andean country. The bilateral and diplomatic measure taken yesterday by the Peruvian government lacks judicial and moral reasoning and doesn t further world peace and security at all, Kim said, reading from a statement at a news conference in Lima. To the contrary, it throws gasoline on the fire for which we express protest and regret, Kim added before declining to take questions from reporters. Peru s decision to expel Kim followed a similar move by Mexico last week and a public call from the United States last month for Latin American countries to sever ties with North Korea. Peruvian Foreign Minister Ricardo Luna said the move was strongly rooted in international law as reflected by new U.N. sanctions against North Korea passed on Monday. It s inappropriate to maintain relations with that country, Luna said in broadcast comments to journalists. Though we haven t broken off ties, by expelling him the level of diplomats in charge of relations is lowered. North Korea has faced growing condemnation from around the world following its sixth and largest nuclear test this month which fueled fears it could spark war. U.S. President Donald Trump has described the boosted sanctions passed by the U.N. Security Council on Monday as nothing compared to what ultimately will have to happen. Kim condemned the sanctions as part of the hostility from the United States regarding North Korea that he said has forced Pyongyang to pursue nuclear tests as a dissuasive measure. That s a problem between us and the United States, Kim said. We ll continue without wavering on the path of justice that we ve chosen despite the slander and defamation from the United States because we re certain our cause is just and will triumph. Kim will leave Peru as requested and two diplomats will remain in charge of the embassy, an embassy representative said. Peru does not have any diplomats in North Korea. Pyongyang opened its embassy in Peru in the 1980s during the first government of former President Alan Garcia, which bought weapons from North Korea at a discount for police. Trade between the two countries is minimal. ",worldnews,"September 12, 2017 ",1 +Quake pitches past into present in scarred Mexico City district,"MEXICO CITY (Reuters) - The powerful earthquake that rocked Mexico City last week had terrifying echoes of a more deadly 1985 shock in one housing project, raising tough questions about how ready one of the world s largest cities is for a major catastrophe. At its epicenter, Thursday s 8.1 magnitude quake was stronger than the disaster three decades ago that killed at least 5,000 people in Mexico City, toppling two tower blocks in the historic central neighborhood of Tlatelolco. Mexico City has made major advances since then, with regular earthquake simulations, improved building regulations, and seismic alarms designed to sound long enough before the shock to give residents time to flee. Nearly 100 people are known to have died in the latest quake, none of them in the capital. Yet experts noted the tremor s epicenter was further from Mexico City and two times deeper than in 1985, and warned it would be wrong to assume the capital could now rest easy. Such caution was palpable in Tlatelolco. Antonio Fonseca, 66, a longtime resident who witnessed the 1985 collapse of the tower blocks in the Nuevo Leon housing complex that killed at least 200 people, said memories of the event sparked panic attacks in the neighborhood when the quake rolled through the city on Thursday. I m quite sure that these buildings are very well reinforced, said Fonseca, a local history expert. But there are many people who are still wary. When the ground began shaking in September 1985, local workers laughed it off at first, continuing with breakfast. Nobody believed Fonseca when he told them Nuevo Leon had fallen, he recalled. Later, Fonseca saw a group of children in the neighborhood s central Plaza de las Tres Culturas who had been waiting for the school bus, their uniforms caked in white dust from the building s collapse. This time around, residents feared the worst. Streets filled across the city when the quake hit near midnight. Crying and praying, hundreds descended onto the plaza and some stayed for hours, questioning whether it was safe to return home. Minerva de la Paz Uribe, a retiree living on the plaza, was unable to evacuate with her father, who turned 104 the next day. She watched from her window as neighbors scrambled to escape. People leave running with their dogs. They leave screaming. Are we prepared? No, no, we re not prepared, she said, as a group of friends on the plaza murmured in agreement. Some 30 buildings in Tlatelolco were rebuilt after the 1985 disaster and a dozen were demolished. Mexico s new skyscrapers include hydraulic shock absorbers and deep foundations. But such safety features are less prevalent in much of the sprawling periphery, which is filled with cheap cinderblock homes like the buildings that collapsed on Thursday in the southern states of Oaxaca and Chiapas near the epicenter. Situated at the intersection of three tectonic plates, Mexico is one of the world s most earthquake-prone countries, and the capital is particularly vulnerable due to its location on top of an ancient lake bed. The government s widely panned response to the 1985 quake caused upheaval in Mexico, which some credited with weakening the one-party rule of the Institutional Revolutionary Party (PRI). After 71 years, the PRI was finally voted out in 2000. Signs of government incompetence, or worse, persist. Mexican news website Animal Politico on Monday reported that thousands of seismic alarms acquired by the government of Oaxaca five years ago were never distributed, with some appearing for sale on online auction sites. A spokesman for Oaxaca s civil protection authorities did not immediately respond to a request for comment. Mistrust of government has spurred some to form community groups. Among the most famous are the Tlatelolco Topos, or moles, formed from rescue squads that dug survivors and corpses out of the rubble in 1985, and have since traveled the world offering assistance in quakes and landslides. But disasters have a habit of catching people off guard. Georgina Mendez de Schaafsma was returning from taking children to school when the 1985 temblor struck Tlatelolco. To her horror, she realized her six-year-old daughter was home alone. Racing back, Mendez retrieved the girl. But three other relatives died in the Nuevo Leon collapses. Now 70, Mendez still lives in the same building, which had a number of floors removed after the 1985 quake. She stayed indoors when the tremors began on Thursday night and believes Mexico City is better equipped today - up to a point. In a catastrophe, I think we re never prepared, she said. Nature is stronger. ",worldnews,"September 12, 2017 ",1 +Violent street protests break out in Haiti over tax hikes,"PORT-AU-PRINCE (Reuters) - Protesters in Haiti damaged commercial buildings in the capital city and set cars on fire on Tuesday, angered by government tax hikes that come at a time when foreign aid is declining. The Port-au-Prince protest, called by former presidential candidate Jean-Charles Moise, took many by surprise and represents the biggest outcry against the administration of President Jovenel Moise since he took office earlier this year. The revolution has just started. Jovenel Moise will have to retract his taxes or he will have to leave immediately, said Jacques Menard, a 31-year-old protester. And this is a warning because the next phase can be very violent. Protesters took to the streets in separate groups in several districts in the metropolitan area of Port-au-Prince, erecting flaming barricades, blocking traffic, and confronting riot police, who fired tear gas and warning shots in the air. Several people were arrested, the police said, but there were no reports of any deaths or serious injuries. Lawmakers last weekend approved an unpopular budget that raises taxes on products including cigarettes, alcohol and passports. At the same time, foreign aid to Haiti is slowing. The country is one of the poorest in the Americas and suffered a devastating earthquake in 2010 and the worst of hurricane Matthew last year. If Jovenel Moise is intelligent, he should refrain from publishing the budget, otherwise he will have to face a series of street demonstrations that will further complicate the situation, Jean-Charles Moise said on local radio. Government officials were not immediately available for comment, but Economy and Finance Minister Jude Alix Patrick Salomon defended the budget over the weekend. There are people who are blaming many things on the budget that are not true, Salomon told reporters shortly after the spending plan was approved. There are people manipulating the public opinion. ",worldnews,"September 12, 2017 ",1 +"Biafra separatists, Nigerian army disagree over siege allegations","ONITSHA, Nigeria (Reuters) - A group campaigning for the secession of a part of southeastern Nigeria, formerly known as Biafra, on Tuesday accused the army of laying siege to their leader s home, a charge the armed forces denied. Rising tensions prompted the governor of Abia state, where the leader s residence is located, to impose a curfew. Members of the Indigenous People of Biafra (IPOB) group said soldiers had surrounded the home of leader Nnamdi Kanu. Groups have stepped up calls for secession since Kanu was released on bail in April after being detained for nearly two years on charges of criminal conspiracy and belonging to an illegal society. There was no surrounding of Nnamdi Kanu s residence. It is not true, said army spokesman Sani Usman. Secessionist sentiment has simmered in the region since the Biafra separatist rebellion tipped Africa s most populous country into a civil war in 1967-70 that killed an estimated one million people. The military presence in southeastern Nigeria has increased in the last few weeks to crack down on crime. The IPOB also said that soldiers stormed Kanu s family compound on Sunday, which the army also denied. Politicians waded into the dispute on Tuesday. Abia state governor Okezie Ikpeazu said in a statement that people were advised to observe a curfew from 6 p.m. (1700 GMT) to 6 a.m. (0500 GMT) from Sept. 12 to Sept. 14. A caucus of southeastern lawmakers in the Senate, the upper chamber of parliament, said in a statement through its chairman Enyinnaya Abaribe that the military had sent a strong signal that the region is under siege, which should not be so in a democracy . Renewed calls for Biafran secession prompted President Muhammadu Buhari to use his first speech after returning from three months of medical leave in Britain, in August, to say Nigeria s unity was not negotiable . Amnesty International in 2016 accused Nigeria s security forces of killing at least 150 Biafra separatists at peaceful rallies. The military and police denied the allegations. ",worldnews,"September 12, 2017 ",1 +Lights still out for 5.8 million U.S. customers after Irma,"NEW YORK (Reuters) - Some 5.8 million homes and businesses in Florida and nearby states still had no power on Tuesday after the pummeling from Hurricane Irma, as utility companies scrambled to get the lights back on in one of the biggest power restoration efforts in U.S. history. The total number of customers, representing about 12 million people, dipped from a peak of more than 7.4 million customers, or about 15 million people, late on Monday. Fuel shortages in the state also eased as 37.6 percent of gas stations were without fuel statewide, down from 46 percent Monday evening, according to fuel information service GasBuddy. Major utilities in Florida - including NextEra Energy Inc s Florida Power & Light, Duke Energy Corp and Emera Inc s Tampa Electric - have mobilized tens of thousands of workers to deal with the outages after Irma landed early Sunday and carved a destructive path up Florida, which has a population of about 20 million. FPL, the state s largest utility, said its outages dipped to around 2.5 million customers by Tuesday evening from a peak of more than 3.6 million on Monday morning, but that was still more than half of its customers. In total about 4.5 million FPL customers were affected by the storm, with more than 1.7 million having their service restored already, mostly by automated devices. We restored power to about 40 percent of the customers impacted by Irma in just one day, FPL spokesman Rob Gould told a news conference on Tuesday. By comparison, only 4 percent of 3.2 million customer outages following Hurricane Wilma in 2005 were addressed in the same time. The faster restoration time was due to $3 billion FPL spent on improvements including underground lines, concrete poles and intelligent devices to help restore power, Gould said. More than 60,000 workers from across the United States and Canada were involved in the restoration efforts, including those from the affected companies and other utilities, said Tom Kuhn, president of the Edison Electric Institute, an industry trade group. The industry s Irma response is one of the largest power restoration efforts in U.S. history, Kuhn said. Some Florida utilities, including FPL, had warned customers it could take weeks to restore power in the hardest hit areas. However, FPL, said on Tuesday that would restore power to eastern Florida by this weekend, and to western Florida by Sept 22. The state s gas supplies were severely disrupted before and during the storm as ports were closed, cutting Florida off from waterborne deliveries the state relies on. As ports began to reopen, queues of tanker trucks waited to be refilled. Gainesville and Miami had the highest number of stations out of fuel on Tuesday afternoon, with 62 percent and 49 percent respectively, according to GasBuddy. It was too soon to say what the power restoration would cost FPL, but in 2016, the company said it spent about $315 million to restore power after Hurricanes Hermine and Matthew, according to NextEra s federal filings. Most of those costs were related to Matthew, which caused a third as many outages as Irma did for FPL. To recover restoration costs, FPL files with state regulators and, if approved, adds a storm surcharge on the monthly bills of its nearly 5 million customers. That surcharge was capped at around $4 per month for the average residential customer, according to NextEra s 2016 annual report. The company said, however, it could request an increase if storm restoration costs exceed $800 million in any calendar year. Florida s second biggest power company, Duke, serving the northern and central parts of the state, said it still had about 1.2 million outages Tuesday morning, according to the company s website, while Duke s outages in North and South Carolina climbed to about 160,000. In Georgia, utilities reported around 1.2 million customers without power Tuesday morning, down from a peak of more than 1.4 million on Monday night. FPL said its two nuclear plants in Florida were safe. Both reactors at its Turkey Point facility, about 30 miles (48 km) south of Miami, remained shut early Tuesday, while both reactors at its St. Lucie plant, about 120 miles (190 km) north of Miami, were operating at full power. ",worldnews,"September 12, 2017 ",1 +Myanmar faces mounting pressure over Rohingya refugee exodus,"COX S BAZAR, Bangladesh (Reuters) - Pressure mounted on Myanmar on Tuesday to end violence that has sent about 370,000 Rohingya Muslims fleeing to Bangladesh, with the United States calling for protection of civilians and Bangladesh urging safe zones to enable refugees to go home. But China, which competes for influence in its southern neighbor with the United States, said it backed Myanmar s efforts to safeguard development and stability . The government of Buddhist-majority Myanmar says its security forces are fighting Rohingya militants behind a surge of violence in Rakhine state that began on Aug. 25, and they are doing all they can to avoid harming civilians. The government says about 400 people have been killed in the fighting, the latest in the western state. The top U.N. human rights official denounced Myanmar on Monday for conducting a cruel military operation against Rohingya, branding it a textbook example of ethnic cleansing . The United States said the violent displacement of the Rohingya showed Myanmar s security forces were not protecting civilians. Washington has been a staunch supporter of Myanmar s transition from decades of harsh military rule that is being led by Nobel peace laureate Aung San Suu Kyi. We call on Burmese security authorities to respect the rule of law, stop the violence, and end the displacement of civilians from all communities, the White House said in a statement. Myanmar government spokesmen were not immediately available for comment but the foreign ministry said shortly before the U.S. statement was issued that Myanmar was also concerned about the suffering. Its forces were carrying out their legitimate duty to restore order in response to acts of extremism. The government of Myanmar fully shares the concern of the international community regarding the displacement and suffering of all communities affected by the latest escalation of violence ignited by the acts of terrorism, the ministry said in a statement. Myanmar s government regards Rohingya as illegal migrants from Bangladesh and denies them citizenship, even though many Rohingya families have lived there for generations. Attacks by a Rohingya insurgent group, the Arakan Rohingya Salvation Army (ARSA), on police posts and an army base in the north of Rakhine on Aug. 25 provoked the military counter-offensive that refugees say is aimed at pushing Rohingya out of the country. A similar but smaller wave of attacks by the same insurgents last October also sparked what critics called a heavy-handed response by the security forces that sent 87,000 Rohingya fleeing to Bangladesh. Reports from refugees and rights groups paint a picture of widespread attacks on Rohingya villages in the north of Rakhine by the security forces and ethnic Rakhine Buddhists, who have put numerous Muslim villages to the torch. But Myanmar authorities have denied that the security forces, or Buddhist civilians, have been setting the fires, instead blaming the insurgents. Nearly 30,000 Buddhist villagers have also been displaced, they say. The U.N. Security Council is to meet on Wednesday behind closed doors for the second time during the crisis since Aug. 25. British U.N. Ambassador Matthew Rycroft said he hoped there would be a public statement agreed by the council on the crisis. It is important that the Security Council plays its role in responding, said Sweden s U.N. Ambassador Olof Skoog said on Tuesday. Britain and Sweden requested the meeting. However, rights groups slammed the 15-member council for not holding a public meeting. Diplomats have said China and Russia would likely object to such a move and protect Myanmar if there was any push for council action to try and end the crisis. This is ethnic cleansing on a large scale it seems, and the Security Council can t open its doors and stand in front of the cameras? It s appalling, frankly, Human Rights Watch U.N. director Louis Charbonneau told reporters on Tuesday. Sherine Tadros, head Amnesty International in New York, said if the council doesn t act the price is being paid. The danger is without some sort of public proclamation by Security Council members ... the message that you re sending to the Myanmar government is deadly, and they will continue to do it, Tadros told reporters. The exodus to Bangladesh shows no sign of slowing with 370,000 the latest estimate, according to a U.N. refugee agency spokeswoman, up from an estimate of 313,000 on the weekend. Bangladesh was already home to about 400,000 Rohingyas. Many refugees are hungry and sick, without shelter or clean water in the middle of the rainy season. The United Nations said 200,000 children needed urgent support. Two emergency flights organized by the U.N. refugee agency arrived in Bangladesh with aid for about 25,000 refugees. More flights are planned with the aim of helping 120,000, a spokesman said. Worry is also growing about conditions inside Rakhine State, with fears a hidden humanitarian crisis may be unfolding. Myanmar has rejected a ceasefire declared by ARSA to enable the delivery of aid there, saying it did not negotiate with terrorists. But Bangladeshi Prime Minister Sheikh Hasina said Myanmar should set up safe zones to enable the refugees to go home. Myanmar will have to take back all Rohingya refugees who entered Bangladesh, Hasina said on a visit to the Cox s Bazar border district where she distributed aid. Myanmar has created the problem and they will have to solve it, she said, adding: We want peaceful relations with our neighbors, but we can t accept any injustice. Stop this violence against innocent people. Myanmar has said those who can verify their citizenship can return but most Rohingya are stateless. In Beijing, Chinese foreign ministry spokesman Geng Shuang said, The international community should support Myanmar in its efforts to safeguard development and stability. ",worldnews,"September 12, 2017 ",1 +Senate leader opposes 'lecturing' Myanmar leader Suu Kyi,"WASHINGTON (Reuters) - U.S. Senate Republican leader Mitch McConnell said on Tuesday he would not support a resolution targeting Myanmar leader Aung San Suu Kyi over the treatment of the country s Rohingya Muslims, and said Washington should not be lecturing her. I don t favor a resolution going after her, McConnell, who has been engaged with issues related to Myanmar, also known as Burma, for years. I think she s the greatest hope that we have to move Burma from where it has been, a military dictatorship, to where I hope it s going. Senators John McCain, a Republican, and Richard Durbin, a Democrat, introduced a resolution last week condemning the violence and urging Suu Kyi to act. But McConnell said he did not support the resolution. My personal view is America kind of singling her out, and lecturing her when she s in a very challenging position is not helpful. So ... I don t intend to be a part of that, he said at a weekly news conference by the Senate s Republican leaders. McConnell did not respond to a question about whether there was any consideration of reconsidering Democratic former President Barack Obama s lifting of sanctions on Myanmar. International pressure has been mounting on Myanmar to end violence that has sent about 370,000 Rohingya Muslims fleeing to Bangladesh. The Trump administration has called for protection of civilians, and Bangladesh has urged safe zones so refugees can return home. While Washington has been a staunch supporter of Myanmar s transition from decades of harsh military rule being led by Suu Kyi, the Nobel laureate has been criticized as doing too little to stop the violence. In addition to co-sponsoring the resolution, McCain, the influential chairman of the Senate Armed Services Committee, said on Tuesday he would seek to remove U.S. military cooperation with Myanmar from a sweeping defense policy bill now making its way through Congress. The 2018 National Defense Authorization Act, or NDAA, had called for expanded military cooperation. While I had hoped the NDAA could contribute to positive reform in Burma, I can no longer support expanding military-to-military cooperation given the worsening humanitarian crisis and human rights crackdown against the Rohingya people, McCain said in a statement. ",worldnews,"September 12, 2017 ",1 +Russia: Moscow does not want to escalate situation around U.S. diplomats - agencies,"MOSCOW (Reuters) - Moscow does not want to escalate the situation around U.S. diplomats in Russia, Russian news agencies cited Russian Deputy Foreign Minister Sergei Ryabkov as saying on Tuesday after talks with U.S. Undersecretary of State Thomas Shannon in Helsinki. Ryabkov said Moscow is not currently planning to further reduce the number of U.S. diplomatic staff in Russia, the agencies reported. ",worldnews,"September 12, 2017 ",1 +U.S. diplomatic tiff with Russia should not be escalated: State Department,"WASHINGTON (Reuters) - U.S. Secretary of State Rex Tillerson believes the diplomatic tiff between Russia and the United States should not be escalated further and hopes the two countries can begin working to improve ties, a State Department spokeswoman said on Tuesday. I think the secretary believes that no further escalatory action is necessary at this point and we look forward to trying to forge ahead, State Department spokeswoman Heather Nauert told a briefing after being asked the possibility of further diplomatic cuts by the two sides. Nauert also noted that Ambassador Joseph Yun, the U.S. special representative for North Korean policy, was in Moscow on Tuesday for talks with Russian officials about efforts to curb Pyongyang s nuclear and missile programs. ",worldnews,"September 12, 2017 ",1 +"Barzani vows to press on with Kurdish referendum, defying Iraq parliament","BAGHDAD/ERBIL, Iraq (Reuters) - Iraq s Kurdish leader Massoud Barzani vowed on Tuesday to press ahead with a referendum on Kurdish independence on Sept. 25 despite a vote by Iraq s parliament to reject the move. Earlier the parliament in Baghdad authorized the prime minister to take all measures to preserve Iraq s unity. Kurdish lawmakers walked out of the session before the vote and issued statements rejecting the decision. Western powers fear a plebiscite in Iraq s semi-autonomous Kurdish region - including the oil-rich city of Kirkuk - could ignite conflict with the central government in Baghdad and divert attention from the war against Islamic State militants. Iraq s neighbors - Turkey, Iran and Syria - also oppose the referendum, fearing it could fan separatism among their own ethnic Kurdish populations. The referendum will be held on time... Dialogue with Baghdad will resume after the referendum, Barzani, president of the Kurdistan Regional Government (KRG), said in a statement on his ruling party s official website after the vote. Barzani told a gathering of Kurds, Arabs and Turkmen in Kirkuk that the referendum was a natural right , according to a tweet from his aide Hemin Hawrami. Barzani also said Kirkuk should have a special status in a new, independent Kurdistan. Iraqi lawmakers worry that the referendum will consolidate Kurdish control over several areas claimed by both the central government in Baghdad and the autonomous KRG in northern Iraq. This referendum lacks a constitutional basis and thus it is considered unconstitutional, the parliamentary resolution said, without specifying what measures the central government should take to stop Kurdistan from breaking away. Mohammed al-Karbouli, a Sunni Muslim lawmaker, said: Kurdish lawmakers walked out of (Tuesday s) session but the decision to reject the referendum was passed by a majority. A senior Kurdish official dismissed the vote as non-binding though an Iraqi lawmaker said it would be published in the official gazette after approval from the Iraqi presidency. The KRG has said it is up to local councils of disputed regions in northern Iraq to decide whether to join the vote. Kirkuk, an ethnically mixed city, voted last month to participate in the referendum, a move that stoked tensions with its Arab and Turkmen residents, as well as with Baghdad. Kurdish peshmerga forces took control of the Kirkuk area and other areas claimed by both Baghdad and the Kurds after Islamic State militants overran about a third of Iraq in 2014 and Baghdad s local forces disintegrated. At a news conference on Tuesday, Iraqi Prime Minister Haider al-Abadi said the Kurds were continuing to illegally export Kirkuk s oil, and he called for urgent talks. I call upon the Kurdish leadership to come to Baghdad and conclude a dialogue, Abadi said. A Kurdish delegation met officials in Baghdad for a first round of talks in August concerning the referendum. An Iraqi delegation was expected to visit the Kurdish capital of Erbil in early September for a second round of talks, but the visit has yet to happen with less than two weeks before the vote. Kurds have sought an independent state since at least the end of World War One, when colonial powers divided up the Middle East after the collapse of the multi-ethnic Ottoman Empire and left Kurdish-populated territory split between Turkey, Iran, Iraq and Syria. ",worldnews,"September 12, 2017 ",1 +"Hezbollah declares Syria victory, Russia says much of country won back","BEIRUT/MOSCOW (Reuters) - The Lebanese Shi ite group Hezbollah has declared victory in the Syrian war while Russia said government forces had driven militants from much of the country where President Bashar al-Assad s rule seemed in danger two years ago. The comments from two Syrian government allies mark the most confident assessments yet of Assad s position in the war, though significant parts of the country remain outside the government s control. Russia s assertion that the army had won back 85 percent of Syria was dismissed by the Syrian Observatory for Human Rights. It said the government held 48 percent of Syria. On Tuesday, Russia s defense minister met with Assad in Damascus to discuss joint military efforts and the fight against Islamic State. The government s most recent advances have recovered swathes of territory in eastern Syria from Islamic State, which is being targeted in the same region by U.S.-backed Kurdish and Arab militias. Hezbollah leader Sayyed Hassan Nasrallah, whose group has sent thousands of fighters to Syria, dismissed the fighting left to be done in Syria as scattered battles . We have won in the war (in Syria), he said in comments reported by the Lebanese newspaper al-Akhbar. Referring to Assad s opponents, Nasrallah said the path of the other project has failed and wants to negotiate for some gains . The comments, made at a religious gathering, were confirmed to Reuters by a source familiar with the speech. Hundreds of thousands of people have been killed in the conflict, which has fractured Syria into a patchwork of areas and generated a refugee crisis of historic proportions, forcing millions of people into neighboring states and Europe. Military backing from Iran and Russia has proven critical to Assad in the war with insurgents including rebels who have been backed by Gulf Arab states, Turkey and the United States, which has decided to end a program of covert support to rebels. Rebel groups were making steady advances against Assad as recently as 2015, when the deployment of the Russian air force to Syria turned the tide in his favor. Over the past year, Assad has crushed numerous pockets of rebel-held territory in the cities of Aleppo, Homs and Damascus, brokering local deals by which thousands of his opponents have been moved to remaining rebel-held enclaves of the country. Ceasefire deals brokered by Russia, Turkey, Iran and the United States in remaining rebel-held areas of western Syria have freed up manpower on the government side, helping its advance east into the oil-rich province of Deir al-Zor. Russian defense minister Sergei Shoigu visited Assad on Tuesday on the orders of President Vladimir Putin, the ministry said. The meeting focused on plans to recapture Deir al-Zor city and to strengthen efforts to combat terrorism in all Syrian territory until its utter annihilation, Assad s office said. Shoigu and Assad discussed the de-escalation deals in parts of Syria that have sped up the victories of the Syrian army and its allies in fighting terrorism in other areas , it said. Government forces last week reached Deir al-Zor city, the provincial capital on the Euphrates River, breaking an Islamic State siege of a government-held pocket and a nearby air base. To date, 85 percent of Syria s territory has been cleared of the militants of illegal armed groups, the RIA news agency cited Alexander Lapin, chief of staff of the Russian military contingent in Syria, as saying. Lapin made no reference to a swathe of territory held in northern Syria by an alliance of U.S.-backed militias - the Syrian Democratic Forces (SDF) which is led by the Kurdish YPG and is not at war with Assad. The Observatory said SDF-held territory amounts to 23 percent of Syria. Lapin said Islamic State fighters are still in control of around 27,000 square km of Syria s territory. The liberation of (Deir al-Zor) city is proceeding, Lapin said. Syrian troops are finalizing the defeat of the ISIL group blocking the northern and southern districts of Deir al-Zor, he said. He said the assault was being led by General Suheil al-Hassan, a Syrian officer who has risen to prominence in the war. Referring to the Russian figure of 85 percent, a Western diplomat said: Other numbers tell a darker story: over 400,000 killed; half the population displaced; millions of refugees. The harder question for Russia to answer is whether any of its vaunted 85 percent is stable. The Assad state is a thin veneer stretched over a patchwork of fiefdoms. The Syrian Observatory for Human Rights said air strikes likely to have been carried out by Russian warplanes killed 69 people since Sunday near the Euphrates River in Deir al-Zor. The Russian Defence Ministry did not immediately respond to a Reuters request for comment on Tuesday s report by the Britain-based monitoring group. The Observatory, which identified the victims as civilians, said the air strikes had hit encampments on the western bank of the river and vessels crossing to the eastern side. Syrian state television separately reported the army was conducting artillery and machine gun attacks on rafts carrying Islamic State militants to the eastern side of the river from their last positions in Deir al-Zor city. Their only escape route out of the city is through rafts on the river, and god willing, we will target them in the water before they get away, a commander said in a televised interview. Aside from the territory held by the SDF and Islamic State, rebels still control a corner of the northwest, a corner of the southwest, an area near Damascus, and an area north of the city of Homs. Syrian government attacks in the rebel-held Eastern Ghouta region near Damascus suggest Assad may yet try to recapture the remaining rebel-held areas of the west, including enclaves at the borders with Turkey, Jordan and Israel. A major general in the Syrian Republican Guard interviewed by a state-run TV station from Deir al-Zor on Monday warned Syrians who had run away or escaped from Syria to any other country not to return. Major General Issam Zahreddine, head of the 104 Brigade which was under IS-siege for three years in Deir al-Zor, later issued a clarification on his Facebook page, saying his warning had been directed only at people who had taken up arms. ",worldnews,"September 12, 2017 ",1 +"In Mexican town, women and 'muxes' take charge after massive quake","JUCHITAN, Mexico (Reuters) - Destruction wrought by Mexico s massive earthquake has put a spotlight on the quasi-matriarchal indigenous traditions of the worst affected town, with women and third-gender muxes playing a leading role in the aftermath of the disaster. Located in Mexico s narrow isthmus region, about 400 miles (644 km) southeast of capital Mexico City, Juchitan bore the brunt of the 8.1 magnitude earthquake that flattened thousands of buildings in the humid market town in a matter of seconds and took at least 98 lives nationwide. In vivid contrast to Mexico s macho, male-dominated society, travelers have noted since at least the 1800s the relative equality of Juchitan s mainly Zapotec men and women, as well as the prominence of muxes, Zapotecs born biologically male who mix gay and feminine identity. After the earth shook violently just before midnight on Thursday, women, muxes and men all leapt into action, in many cases pulling away rubble with their bare hands. I carried my mother out as I left the house, and then my brother and I went to rescue my aunt who was trapped, Peregrina Vera, a tall, 26-year-old muxe, said in a sing-song voice, her long hair tied in a bun. She then helped pull up rubble to free her grandmother after hearing shouts for help, Vera said, sitting in an outdoor patio just beyond the collapsed walls of her house, where two aggressive pet ducks snapped brightly colored bills at visitors. Locals say there is a muxe in every Juchitan family. They are widely accepted despite an ingrained Roman Catholic heritage and known for dedication to family, especially for taking care of mothers as other siblings move out. Among the severely damaged buildings was the downtown market, the most important for miles around and the heart of Zapotec women s economic power for more than a century. Slated for demolition due to the quake damage, its loss is a blow to Juchitan s women. Irma Lopez, 44, who sold traditional indigenous clothing, was proud that 80 percent of market vendors were women but said it meant they were particularly hard hit by the destruction. We are the ones who have lost the most, Lopez said, standing just outside the market as a light rain fell. She was waiting for relatives to help remove her last boxes of merchandise, as trucks pulled up to haul away her and other women s goods. In an 1859 account, French traveler and historian Brasseur de Bourbourg appreciatively described the sprawling marketplace as run by strong, unrestrained women who openly made fun of their men ... with a shamelessness hardly equaled. Roughly eight in 10 residents of Juchitan are indigenous, mostly Zapotec. Women are typically also in charge of family finances, said Felina Santiago, a muxe and beauty shop owner, speaking outside her badly damaged home. Many say Juchitan is the ultimate matriarchy. It s a city of women who fight, who work hard, Santiago said. Now more than ever, we re going to work to get back on our feet, she said, just as a structure on her block loudly collapsed, causing a sudden stir as neighbors rushed to the spot. No one was hurt. In Juchitan s Seventh Division residential neighborhood, Margarita Lopez, a 56-year-old domestic worker, craned her head as she stood in a crowd of women waiting for a promised delivery of government aid, which turned out to be mostly canned food. Yes, we have our husbands, and we don t leave them behind. But we women matter more. We take decisions, more than the men do, she said, as others nearby nodded in agreement. Lopez spoke of how it is common in the city of about 100,000 people for husbands to help with household chores like cooking and washing dishes, in a country where such tasks are traditionally seen as the preserve of women. Men find the division of labor in the area natural, said male Juchitan surgeon Ovidio Pineda. Women and men share the decisions, share the responsibilities, he added. Martha Toledo, whose bar housed in a 200-year-old building collapsed in the quake, killing three clients, said the disaster would not crush Juchitan s spirit, as another aftershock sent her and others running to safety. Women stand out here, in terms of work and intelligence and experience, she said, wearing a traditional huipil top and standing near the pile of rubble that was once the bar. We have to rebuild and rise like the phoenix, she said, breaking out into a song in the Zapotec language with the chorus I want to shout, I am alive! ",worldnews,"September 12, 2017 ",0 +Italian parliament votes to toughen laws against fascist propaganda,"ROME (Reuters) - Italy s lower house of parliament approved on Tuesday a bill aimed at curbing fascist propaganda, more than 70 years after the death of wartime dictator Benito Mussolini. The draft law, proposed by the ruling Democratic Party (PD), follows a politically charged summer, with human rights groups warning of growing racism in Italy in the face of mass immigration across the Mediterranean from Africa. Under existing laws, pro-fascist propaganda is only penalized if it is seen to be part of an effort to revive the old Fascist Party. The new bill raises the stakes by outlawing the stiff-armed Roman salute as well as the distribution of fascist or Nazi party imagery and gadgets. Offenders risk up to two years in jail, with sentences raised by a further eight months if the fascist imagery is distributed over the Internet. The legislation now passes to the upper house Senate for further approval. Opposition parties, including the anti-establishment 5-Star Movement and the center-right Forza Italia (Go Italy) party of former prime minister Silvio Berlusconi, said the bill posed a threat to freedom of speech. But Emanuele Fiano, a PD lawmaker who drew up the legislation, dismissed such concerns. This bill does not attack personal freedoms but will act as a brake on neo-fascist regurgitation and a return of extreme right-wing ideology, he said. Mussolini ruled over Italy from 1922 until 1943. He took Italy into World War Two on Adolf Hitler s side and passed race laws under which thousands of Jews were persecuted. Italy was routed by the allied forces and Mussolini, also known as Il Duce , was executed in 1945. ANTI-IMMIGRANT SENTIMENT Mussolini is still admired by a hard core of supporters on the far-right and posters using fascist imagery regularly appear on city billboards most recently in a stylized picture of a white woman being assaulted by a muscular black man. Defend her from the new invaders, said the poster, put up by a fringe party called Forza Nuova (New Force). The group was referring to a high-profile rape case last month when four foreigners were accused of gang-raping a Polish tourist. More than 600,000 migrants, mainly Africans, have come to Italy over the past four years, boosting anti-immigration sentiment in the country and pushing up support for rightist and far-right parties that demand rigid border controls. Given the political climate, the ruling PD was forced on Tuesday to delay its push to approve a contested law that would grant citizenship to the children of immigrants. Opposition parties said the law would encourage migrants to try to come to Italy and claimed victory when the PD announced it was dropping the bill from the Senate schedule this month. To approve this bill we need a majority, but we don t have one right now in the Senate, said Luigi Zanda, head of the PD in the upper house of parliament. ",worldnews,"September 12, 2017 ",1 +U.S. lawmakers want 'supercharged' response to North Korea nuclear tests,"WASHINGTON (Reuters) - Frustrated U.S. lawmakers called on Tuesday for a high-powered response to North Korea s nuclear tests, saying Washington should act alone if necessary to stiffen sanctions on companies from China, Russia and any country doing business with Pyongyang. I believe the response from the United States and our allies should be supercharged, said Representative Ed Royce, chairman of the House of Representatives Foreign Affairs Committee. We need to use every ounce of leverage ... to put maximum pressure on this rogue regime, the Republican congressman told a hearing on North Korea. Time is running out. The U.N. Security Council stepped up sanctions on Monday following Pyongyang s sixth nuclear test on Sept. 3, imposing a ban on textile exports and capping oil imports. It was the ninth sanctions resolution unanimously adopted by the council since 2006 over North Korea s ballistic missile and nuclear programs. To win Chinese and Russian support, Washington dropped demands including a bid for an oil embargo. At the hearing, U.S. officials released American intelligence findings on how North Korea smuggles coal and commodities to Russia and China. Assistant Treasury Secretary Marshall Billingslea displayed slides showing ships he said picked up coal and other commodities in North Korea, illegally turning off their electronic identification systems to hide the fact that they were carrying cargo to China and Russia. Pyongyang falsifies the identity of vessels to make it harder for governments to determine if ships docking in their ports are linked to North Korea, Billingslea said. An Aug. 5 U.N. resolution banned North Korean exports of coal. Russia and China both say they respect U.N. sanctions. Committee members expressed frustration that previous sanctions had not deterred Pyongyang. We ve been played by the Kims for years, Republican Representative Ted Poe said, referring to North Korean leader Kim Jong Un and his predecessors. Lawmakers pressed Billingslea, and Acting Assistant Secretary of State Susan Thornton for evidence new sanctions would be more effective. They acknowledged there had not been sufficient evidence that past sanctions had worked, but insisted the administration would work for a better result this time. We can designate Chinese banks and companies unilaterally, giving them a choice between doing business with North Korea or the United States, said Royce, who had breakfast on Tuesday with Secretary of State Rex Tillerson. We should go after banks and companies in other countries that do business with North Korea the same way, he said. ",worldnews,"September 12, 2017 ",1 +"In first, U.S. defense chief to attend Mexican Independence Day events","WASHINGTON (Reuters) - U.S. President Donald Trump s defense secretary plans this week to become the first Pentagon chief to travel to Mexico for its Independence Day activities, the Defense Department said on Tuesday, in a sign that defense ties are withstanding political tensions between the two countries. U.S.-Mexican relations have been strained by Trump s threats to curtail trade with Latin America s No. 2 economy as well as his demand that Mexico pay for a border wall to keep out immigrants and drug traffickers. Jim Mattis planned trip on Friday would be only the fifth by a U.S. defense secretary to Mexico, said Pentagon spokesman Army Lieutenant Colonel Jamie Davis. Secretary Mattis visit to Mexico reaffirms our commitment to the bilateral defense relationship and to the North America community, Davis said. Although Mexico s official Independence Day is on Sept. 16, most celebrations take place on Sept. 15. The event commemorates the launch of Mexico s war of independence from Spain in 1810. The fact that Mattis would be visiting for such an important national event is itself notable. Mexicans have a long memory of the Mexican-American War of 1846-1848, which led to Mexico s loss of almost half its territory to the United States. The war has long made U.S.-Mexican military cooperation a somewhat sensitive subject in Mexico. The visit by Mattis also comes amid signs of improving U.S.-Mexican cooperation in cracking down on the heroin trade. Reuters reported in April that Mexico s army was allowing the United States and the United Nations to observe opium poppy eradication. [nL2N1HE07M] The Mexican army took U.S. military officials on helicopter tours of half a dozen sites in Sinaloa and Chihuahua, two of the three states that along with Durango make up the Golden Triangle where most Mexican opium is produced, one of the sources said at the time. ",worldnews,"September 12, 2017 ",1 +May's Conservatives win vote to bolster party's numbers on committees,"(Reuters) - British lawmakers voted on Tuesday in favor of handing the governing Conservatives greater say on committees that scrutinize laws, a move denounced by the opposition as an attempt to rig parliament . The government won by 320 votes to 301, a day after lawmakers passed legislation to sever ties with the European Union. May lost the Conservatives majority in a June election, forcing her government to rely on the support of a small Northern Irish party to pass laws. ",worldnews,"September 12, 2017 ",1 +"U.N. ban on North Korean textiles will disrupt industry and ordinary lives, experts say","BEIJING/CHICAGO (Reuters) - United Nations sanctions on North Korea s important textiles industry are expected to disrupt a business largely based in China and pose compliance headaches for clothing retailers in the United States and around the world. The U.N. security Council imposed a ban on North Korea textile exports and a ceiling on the country s imports of crude oil on Monday, ratcheting up sanctions designed to pressure North Korea into talks about its nuclear weapons and missile programs. Retailers in the United States and other countries have intentionally limited their exposure to North Korea in recent years, as tensions over the country s nuclear program have increased. The industry has sought to strengthen control over its supply chain since a textile factory collapse in Bangladesh killed more than 1,100 people in 2013. Larger retailers, such as Wal-Mart Stores Inc (WMT.N), have the ability to keep North Korea-produced goods out of their stores. But smaller brands may face enforcement challenges, said Marc Wulfraat, president of supply chain consulting firm MWPVL International. There are still hundreds and thousands of companies that are sourcing from overseas that don t have the wherewithal or the resources or people or money to chase after these issues, Wulfraat said. Textiles were North Korea s second-biggest export after coal and other minerals in 2016, totaling $752 million, according to data from the Korea Trade-Investment Promotion Agency. Nearly 80 percent went to China. Enforcement of the textile ban along North Korea s 1,400-km (870-mile) border with China - where goods are sometimes smuggled across, often on boats at night - could be challenging, North Korea experts say. In the past, we have seen shows of quite convincing enforcement in the major centers, such as at Dandong, said Chris Green, a North Korea expert at Leiden University in the Netherlands, referring to the largest trading hub on the China-North Korea border. Goods still slip through in less visible areas, he said. Trade in non-banned goods, including food and other daily necessities, continues between China and North Korea. Enforcement will depend a lot on China, said Paul Tjia, an outsourcing specialist who regularly visits North Korea. So far, a lot of the North Korean textiles trade to Europe and other places goes via China. It will be up to Chinese companies that deal in the North Korean textile trade to take action and up to the Chinese government to ensure the Chinese companies are taking action. On a recent visit to the Chinese border with North Korea, several Chinese traders told Reuters the Chinese government is strictly enforcing U.N. sanctions to the point that some businesses that rely on trade with North Korea have already gone bankrupt or traders have had to start trading in non-sanctioned goods. Another challenge is that clothes can be partly made in China and partly in North Korea with a Made in China label attached to the finished product. Even if a label says Made in China, some parts of the product are allowed to be made in North Korea and other places, Tjia said. For example, the buttons may come from Italy, the cotton may come from Australia or India, the labor may come from North Korea or China, the accessories may come from Bangladesh. A spokeswoman for Target Corp (TGT.N) said the company has taken steps to keep even unfinished goods from North Korea out of its supply chain. We re aware of the accusations and have clear guidelines and standards in place for our vendors and suppliers, said spokeswoman Jenna Rack. We don t source any products from North Korea or any apparel products from Dandong. North Korea does not release statistics on the number of people involved in the textiles industry, but experts estimate at least 100,000 people are employed at North Korean textiles factories, producing goods both for export and the domestic market. Cheng Xiaohe, a North Korea specialist at Beijing s Renmin University, estimates the figure may be as high as 200,000 people. Wages at textiles factories grew tenfold around 2010 when North Korea was experimenting with economic reforms, according to Green, so people suddenly went from earning 30 North Korean won to 300 won. They were suddenly getting a reasonable wage, said Green. Supply chain consultant Tjia said North Korea textile workers will be hit by the trade ban. If the goal of the sanctions is to create difficulties for ordinary workers and their ability to make a livelihood, then a ban on textiles will work, he said. ",worldnews,"September 12, 2017 ",1 +More arrests in apparent Saudi campaign against critics: activists,"(Reuters) - Saudi Arabia has detained more clerics and intellectuals, activists said on social media on Tuesday, widening an apparent crackdown on potential opponents of the conservative kingdom s absolute rulers. The crackdown comes amid widespread speculation, denied by officials, that King Salman intends to abdicate in favor of his son, Crown Prince Mohammed bin Salman, who already dominates economic, diplomatic and domestic policy. It also comes amid a deepening rift between Saudi Arabia and its allies on one side and Qatar on the other. Exiled Saudi opposition activists have called for protests on Friday to galvanize resistance to the royal family. The al-Saud family has always regarded Islamist groups as the biggest internal threat to its rule over a country in which appeals to religious sentiment cannot be lightly dismissed and an al Qaeda campaign a decade ago killed hundreds. Prominent Islamist clerics Salman al-Awdah, Awad al-Qarni and Ali al-Omary were detained over the weekend, according to Saudi sources. On Tuesday, activists dedicated to monitoring and documenting what they describe as prisoners of conscience reported that at least eight other prominent figures, including clerics, academics, television anchors and a poet, had been confirmed detained since Monday. ALQST, a London-based Saudi rights group, also reported more arrests, including several of the same people, although it gave no specific figure. Al-Awdah, al-Qarni, Farhan al-Malki and Mostafa Hassan (are confirmed), said Yahya al-Assiri, the center s head, referring to four of those reported to have been arrested. The rest are also correct, but I don t have any specific information, he added. Saudi officials could not be reached for comment. State news agency SPA said earlier on Tuesday that authorities had uncovered intelligence activities for the benefit of foreign parties by a group of people it did not identify. A Saudi security source told Reuters the suspects were accused of espionage activities and having contacts with external entities including the Muslim Brotherhood , which Riyadh has classified as a terrorist organization. The government toughened its stance on dissent following the Arab Spring in 2011 after it averted unrest by offering billions of dollars in handouts and state spending. But the Brotherhood, which represents an ideological threat to Riyadh s dynastic system of rule, has gained power elsewhere in the region. Saudi Arabia, the United Arab Emirates, Bahrain and Egypt cut diplomatic and transport links with Qatar in June over its alleged support for Islamists including the Brotherhood a charge that Doha denies. Awdah reportedly was detained after he posted a message on his Twitter account welcoming a possible end to the rift between Qatar and other Arab countries which began in Egypt. Activists also suggested that poet Ziad bin Neheet may have been detained for posting a video in which he chastised journalists who had exploited the row with Qatar to heap abuse on each other. What is happening between Qatar and the Kingdom of Saudi Arabia is a normal thing in a political dispute, but the role which the media carried out was very, very negative, he said. Activists have published a list of eight other people they fear may be arrested next. ",worldnews,"September 12, 2017 ",1 +Egypt defends human rights position after criticism from OHCHR,"CAIRO (Reuters) - Egypt s United Nations envoy on Tuesday criticized U.N. High Commissioner for Human Rights Zeid Ra ad al-Hussein s remarks on systemic violence in the country, saying they reflected flawed logic , state news agency MENA reported. Ambassador Amr Ramadan was quoted as saying that he had cautioned Zeid against his office becoming a mouthpiece for paid agencies with political and economic agendas, and he rejected his accusations, without elaborating. At a UN Human Rights Council meeting in Geneva on Monday, Hussein said the state of emergency declared by the Egyptian government last April had been used to justify systemic silencing of civil society. He cited reports of waves of arrests, arbitrary detention, black-listing, travel bans, asset freezes, intimidation and other reprisals against human rights defenders, journalists, political dissidents and those affiliated with the Muslim Brotherhood group. Last week Egypt came under fire from Human Rights Watch, which said in a report that there was systemic torture in the country s jails, leading Cairo to block access to HRW s website. Egypt s human rights parliamentary committee, which was critical of the report, has also developed an action plan in response, state media reported on Tuesday. The plan reportedly includes meeting with foreign diplomats in Egypt and outside the country to explain its efforts to defend human rights. (Corrects acronym of UN body in headline, last name of Commissioner on second reference.) ",worldnews,"September 12, 2017 ",1 +Trump to visit Florida on Thursday in wake of hurricane: White House,"WASHINGTON (Reuters) - The White House announced on Tuesday that U.S. President Donald Trump would travel to Florida later this week as the administration continues to monitor the damage from Hurricanes Irma and Harvey. The president and the entire administration continue to monitor the situation in Puerto Rico, the United States Virgin Islands, Florida, Texas and all areas affected by Hurricanes Irma and Harvey, White House spokeswoman Sarah Sanders said in making the announcement. ",worldnews,"September 12, 2017 ",1 +Catalan police say Sagrada Familia bomb scare was false alarm,MADRID (Reuters) - Catalan police declared a false alarm on Tuesday following a bomb scare that had led agents to cordon off Barcelona s Sagrada Familia church and send in a bomb squad to check a parked van. Police said on Twitter that there had been no arrests as a result of the incident and that the area had returned to normal. ,worldnews,"September 12, 2017 ",1 +Amnesty International urges Egypt to release detained Nubian activists,"CAIRO (Reuters) - Amnesty International urged Egyptian authorities on Tuesday to release 24 Nubian activists detained last week on charges of protesting without permission as they rallied for resettlement on the banks of the Nile river. For half a century, Egypt s Nubians have lobbied the government in Cairo for a return to their homelands on the banks of the upper Nile, desperate to reclaim territory their ancestors first cultivated 3,000 years ago. Egyptian authorities have long since marginalized Nubians, ignoring their demands to return to their historical lands and treating Nubian activism as suspicious on security grounds, Amnesty International s North Africa Campaigns Director Najia Bounaim said in a statement. Instead of flagrantly flouting Nubians rights to freedom of expression and assembly by continuing to detain them over their peaceful protest, the authorities must release these 24 activists from custody immediately. According to the statement, the activists had not marched far before they were surrounded and beaten by security officers. The activists lawyer, Mohamed Abdel Salam, told Reuters last week they were also charged with incitement of protests and disrupting public safety. ",worldnews,"September 12, 2017 ",1 +Israel's supreme court cancels conscription exemption law,"JERUSALEM (Reuters) - Israel s Supreme Court on Tuesday canceled legislation exempting Jewish religious seminary students from military service, angering ultra-Orthodox lawmakers who could destabilize Prime Minister Benjamin Netanyahu s coalition. A panel of nine justices ruled that parts of the conscription law that exempt seminary students from service were unreasonable and unconstitutional . It gave the government a year to resolve the matter. For decades, the exemption from military service on religious grounds for seminary students has caused friction in Israeli society, where most Jewish men and women are called up for military service when they turn 18. The ultra-Orthodox say that their study of the Torah is vital for the continued survival of the Jewish people and also fear that young men serving in the army would come into contact with women and with less pious elements in society. Several hundred ultra-Orthodox men have, however, enlisted in special units that cater to their religious needs. Legislation was enacted in 2014 to replace arrangements that had previously expired. It was prompted by then-coalition member Yair Lapid s secular, centrist Yesh Atid party which ran on a platform of sharing the national burden . That legislation angered ultra-Orthodox parties who rejoined Netanyahu s subsequent government in 2015 when Lapid s party went into opposition and they managed to effect a watering down of the law. Eight of the nine justices ruled the law should be scrapped and Supreme Court President Miriam Naor, wrote that the most recent arrangement that was made to appease the ultra-Orthodox parties deeply harms equality in a way that damages the constitutional right to human dignity. Since Israel s founding in 1948, ultra-Orthodox politicians have campaigned vigorously against the conscription of members of their community, who make up about 10 percent of Israel s population of 9 million. Netanyahu s government, which controls 67 of the Knesset s 120 seats, includes both ultra-Orthodox parties, but two other influential factions oppose a further relaxation of the legislation against conscription. Interior Minister Aryeh Deri, the leader of the ultra-Orthodox Shas party, said in response to the ruling that the justices were completely detached from our heritage and tradition and from the people. He encouraged seminary students to continue their Bible studies and said: Do not despair, continue to study the Torah, we will stand firm and will do everything to fix this situation. Lapid, whom opinion polls have shown to be a possible challenger to Netanyahu in future elections, convened a news conference to praise the court s decision, saying it had delivered a verdict that would force equality among communities. This is why we have come to politics. Conscription for everybody, work for everybody. Benjamin Netanyahu can no longer continue to wriggle out all the time. Military conscription is for everybody, not only for the suckers who don t have a party in his coalition, Lapid added. ",worldnews,"September 12, 2017 ",1 +Opposition stays away as Kenyatta warns against 'destructive division',"NAIROBI (Reuters) - Kenyan President Uhuru Kenyatta opened parliament on Tuesday by warning against divisive and destructive politics, while opposition lawmakers boycotted the legislature and rallied to demand the resignation of election officials. Kenya held parliamentary, presidential and local elections on Aug. 8, but the Supreme Court nullified the presidential results three weeks later, citing irregularities in the tallying process. New elections are scheduled for Oct. 17. While calling for unity and respect for the constitution, Kenyatta delivered a thinly veiled warning to the opposition lawmakers who had chosen to stay away from parliament. My government will not tolerate anyone intent on disrupting our hard-won peace and stability. Under no circumstances must Kenyans ever allow our free competitive processes to become a threat to the peace and security of our nation, he said, to foot-stamping and cheering from ruling party legislators. We shall continue to encourage vibrant democratic competition, we shall not allow destructive division. As he spoke, opposition leaders held a rally in Kibera, the capital s largest slum, rejecting the Oct. 17 date unless officials on the election board, whom they blame for mishandling the polls, resign. Now we are putting it squarely to you that the Supreme Court of this country has found you incompetent, said Kalonzo Musyoka, running mate of Kenyatta s presidential rival Raila Odinga. The surprise election annulment initially raised fears of short-term political turmoil in Kenya, the region s richest nation and a staunch Western ally in a region roiled by conflict. But it also raised hopes among frustrated opposition supporters, who believe the last three elections have been stolen from them, that the east African nation s tarnished courts could deliver them justice. That hope helped tamp down protests that threatened to spark the kind of violence that followed disputed 2007 elections, when around 1,200 people were killed in ethnic bloodletting. In a separate development, a ruling party lawmaker and a former opposition senator appeared in a Nairobi court, charged with incitement to violence over speeches they had made in the past week. Both were freed on a 300,000 Kenya shilling ($3,000) bond. A government body monitoring hate speech says that it has seen a spike since the Supreme Court ruling. More than three times as many incidents were reported in the week following the ruling than during the whole 10-week election campaign, it said. ",worldnews,"September 12, 2017 ",1 +"Saudi coalition investigates own air strikes, clears itself","RIYADH (Reuters) - A panel set up by the Saudi-led coalition fighting in Yemen to investigate civilian casualties found a series of deadly air strikes largely justified, citing the presence of armed militiamen at the homes, schools and clinics that were targeted. The Joint Incidents Assessment Team said on Tuesday it had discovered mistakes in only three of 15 incidents it reviewed, and maintained the coalition had acted in accordance with international humanitarian law. Saudi Arabia and its allies have been bombing the Iran-aligned Houthi movement since the Houthis seized much of northern Yemen in 2015. The Houthis have in turn fired rockets toward Saudi cities and villages. They say their attacks are in response to Saudi strikes on Yemeni cities and villages. The war has killed more than 10,000 people. The coalition has been repeatedly criticized for civilian casualties. Human Rights Watch accused it on Tuesday of war crimes, saying air strikes that hit family homes and a grocery store were carried out either deliberately or recklessly, causing indiscriminate loss of civilian lives. The United Nations said on Monday it had verified 5,144 civilian deaths in the war, mainly from coalition bombardment, and an international investigation was urgently needed. The minimal efforts made towards accountability over the past year are insufficient to respond to the gravity of the continuing and daily violations involved in this conflict, U.N. human rights chief Zeid Ra ad al Hussein said in Geneva. Speaking in the Saudi capital Riyadh on Tuesday, the panel s legal advisor, Mansour Ahmed al-Mansour, told journalists the coalition had made an unintended mistake in bombing a water well-drilling rig north of Yemen s capital Sanaa last year after confusing it with a ballistic missile launcher. The raid reportedly killed 30 people and JIAT recommended the coalition provide appropriate humanitarian assistance , without elaborating. It urged the same for strikes in Sanaa in June and September 2015 when bombs targeting military objectives mistakenly hit civilian buildings due to a technical malfunction in aircraft systems . Mansour denied the coalition hit a U.N. compound in Aden in June 2015, which the U.N. secretary general said at the time caused serious structural damage and one casualty. About a January 2016 attack near Saada which killed a Medecins Sans Frontieres ambulance driver and at least five other people, Mansour disputed the vehicle was clearly marked and said the coalition had legitimately targeted it and an ammunition depot it was parked beside. The vehicle was used for military purposes due to the secondary explosion in the vehicle, which was obvious, he said. The investigators also absolved the coalition of responsibility for attacks on a Coca-Cola factory in December 2015 and a centre for the blind the following month. ",worldnews,"September 12, 2017 ",1 +Trump to call Mexico's Pena Nieto in earthquake's wake: White House,"WASHINGTON (Reuters) - U.S. President Donald Trump was scheduled to speak with Mexican President Enrique Pena Nieto on Tuesday about last week s devastating earthquake that led to the deaths of at least 96 people, the White House said. Asked why Trump had not yet called Pena Nieto, White House spokeswoman Sarah Sanders said a telephone call was scheduled to take place within the hour. ",worldnews,"September 12, 2017 ",1 +"Germany softens stance on Turkish arms sales, citing security","ANKARA/BERLIN (Reuters) - Chancellor Angela Merkel said on Tuesday Germany would only restrict some arms sales to Turkey, softening an earlier announcement of a freeze on major arms sales after Ankara said that would hurt their joint fight against Islamic State. Merkel spoke a day after Foreign Minister Sigmar Gabriel said Berlin had put all major arms exports to NATO partner Turkey on hold, citing deteriorating human rights there and strained diplomatic ties. She told broadcaster NDR that Germany would decide on arms sales requests from Turkey on a case-by-case basis, noting that Berlin cooperated with Ankara on security matters. We also remain in a joint fight against Islamic State, Merkel said, in an apparent rebuff of the more forceful remarks made by Gabriel, a senior member of the Social Democrats (SPD), junior partners in her ruling coalition. Turkey accused Gabriel of using the issue for political gain ahead of a Sept. 24 national election. The countries ties through the U.S.-led military alliance have come under increased pressure since Turkish President Tayyip Erdogan started a crackdown on political opponents after a failed coup last year. Germany has criticized mass arrests in Turkey, refused to extradite people Turkey says were involved in the putsch and demanded the release of around a dozen German or Turkish-German citizens arrested in recent months. This month, Merkel went as far as saying she would seek to end Turkey s membership talks with the European Union - drawing accusations from Turkey that she was flirting with populism to build support before the election. Berlin is also considering adding Turkey to a list of countries that pose high security risks for intelligence agents, police officers and military officials, Germany s Sueddeutsche Zeitung newspaper and two broadcasters reported, citing a spokesman for the Interior Ministry. The list includes China, Russia, Pakistan, North Korea and 26 other countries. Merkel did not give details of what criteria Germany would use to make its case-by-case decisions on arms exports. But in a written response to a question from Greens lawmaker Ozcan Mutlu about German arms exports to Turkey, Economy Ministry state secretary Matthias Machnig said they would not be approved if Berlin suspected they could be used for repression. Machnig s response, dated Sept. 7, also showed arms sales to Turkey had declined significantly since a year earlier. He listed arms exports to Turkey approved between Jan. 1 and Aug. 31 this year - primarily bombs, torpedoes and missiles with some small arms and munitions - worth a total of about 25 million euros ($29.84 million), down from 69 million euros in the same period last year. After Merkel spoke, Turkish Foreign Minister Mevlut Cavusoglu said he found the chancellor s approach more suitable and chided Gabriel for using the issue to drum up votes. Gabriel s SPD is running 13 to 14 percent behind Merkel s conservatives in many opinion polls. Turkish EU Affairs Minister Omer Celik, speaking in London, had said Gabriel s ban on major arms deals would weaken Turkey s fight against terrorism and make Europe less secure. A NATO spokesman said the alliance has no role in commercial arms sales between member states. It does not monitor, promote or facilitate such transactions, the spokesman added. ",worldnews,"September 12, 2017 ",1 +FACTBOX: About 6.1 million without power in U.S. Southeast after Irma: utilities,"(Reuters) - Power outages from Hurricane Irma dropped to about 6.1 million in Florida, Georgia, North Carolina, South Carolina and Alabama by Tuesday afternoon, down from a peak over 7.4 million late Monday, according to local utilities. Most remaining outages were in Florida Power & Light s service area in the southern and eastern parts of the state. FPL, a unit of NextEra Energy Inc and the state s biggest power company, said its outages dipped below 2.8 million by Tuesday afternoon from a peak of over 3.6 million Monday morning. FPL said it expects to restore essentially all of its customers in the eastern portion of Florida by the weekend and the harder-hit western portion of the state by Sept. 22. The company, however, warned it would take longer to restore customers with tornado damage or severe flooding. Florida outages for Duke Energy Corp, which serves the northern and central parts of the state, fell to around 1 million by Tuesday afternoon, down from a peak of about 1.2 million on Monday, according to the company s website. Irma hit southwestern Florida on Sunday morning as a dangerous Category 4 storm, the second-highest level on the five-step Saffir-Simpson scale. It gradually weakened to a tropical storm and then a tropical depression on Monday. In Georgia, utilities reported over 1.1 million customers without power Tuesday, down from a peak of around 1.3 million on Monday night. Other big power utilities in Florida are units of Emera Inc and Southern Co, which also operates the biggest electric companies in Georgia and Alabama. The following lists major outages according to the utilities websites: Power Company State Out Now Served NextEra - FPL FL 2,751,000 4,904,000 Duke - Florida FL 1,000,000 1,800,000 Southern - Georgia Power GA 684,400 2,482,000 Georgia EMCs GA 428,000 Emera - Tampa Electric FL 263,600 425,000 Lee County Electric FL 160,900 200,000 JEA FL 149,000 455,000 Duke - South Carolina NC, SC 122,500 740,000 Clay Electric FL 106,100 173,000 SECO FL 84,200 200,600 Orlando Utilities Commission FL 79,200 234,700 Withlacoochee River Electric FL 68,200 217,000 Scana SC 35,700 720,300 Keys Energy Services FL 29,000 29,000 South Carolina EMCs SC 28,500 Florida Keys Electric FL 21,600 33,000 Alabama Power AL 20,000 1,400,000 Suwanee Valley Electric FL 19,800 25,600 Central Florida Electric FL 17,100 35,600 Peace River Electric FL 15,800 40,000 Glades Electric FL 15,800 16,000 Tri-County Electric FL 13,300 18,000 Talquin Electric FL 12,700 51,000 Gainesville Regional Utilities FL 12,500 93,000 Kissimmee Utility Authority FL 7,000 72,000 City of Chattanooga EPB TN 1,500 170,000 Dominion VA, NC 300 2,582,800 Memphis Gas, Light & Water TN 100 421,000 Total Out 6,147,800 ",worldnews,"September 12, 2017 ",1 +Iraqi PM Abadi says Kurdish independence referendum 'unconstitutional',"BAGHDAD (Reuters) - Iraqi Prime Minister Haider al-Abadi described the Kurdistan region s planned referendum on independence as unconstitutional on Tuesday, hours after parliament voted against the regional plebiscite. I call upon the Kurdish leadership to come to Baghdad and conclude a dialogue, Abadi said at a news conference. ",worldnews,"September 12, 2017 ",1 +Uganda ruling party seeks to scrap age limit to extend president's rule,"KAMPALA (Reuters) - Legislators from Ugandan President Yoweri Museveni s party on Tuesday agreed to introduce a law to remove an age limit from the country s constitution, potentially allowing him to extend his rule, two lawmakers told Reuters. The East African country s existing constitution bars anyone over 75 from standing as a presidential candidate. Museveni, 73, is already one of Africa s longest-serving rulers and has been in charge for more than three decades. The next elections are due in 2021. Oil-rich Uganda is a staunch Western ally and receives substantial aid and support for its security forces, partly for sending troops to Somalia as part of an African Union peacekeeping mission. When he first came to power, Museveni was lauded for helping restore stability after two murderous dictators known to use torture and extrajudicial executions widely, and for directing the suppression of a brutal insurgency known for mutilating civilians and kidnapping children. But over the years, criticism has mounted over the suppression of the political opposition, widespread corruption and a poor human rights record. Simeo Nsubuga, a legislator from Museveni s ruling National Resistance Movement (NRM) party, told Reuters the move to amend the constitution was agreed in a special meeting of the party s House members. We agreed that a private member should come up with a constitutional amendment bill to remove the age limit, Nsubuga said, adding the bill would be introduced on the floor next week. In July, Uganda s deputy attorney general said cabinet was planning to introduce similar legislation. Most Ugandan laws are introduced by the government via cabinet ministers. But Kafuuzi Jackson Karugaba, another NRM legislator, told Reuters they had decided to take the option of a private member s bill because cabinet was moving too slowly. In 2005, NRM legislators changed the constitution and removed a limit of two five-year terms, allowing Museveni to extend his reign. Independent observers said that last year s presidential election lacked transparency and that the poll body lacked credibility. The ageing leader has himself not stated whether he intends to seek another term, and officials have said the proposed constitutional change was not specifically to benefit the incumbent but all of Uganda s future leaders. ",worldnews,"September 12, 2017 ",1 +Graveyard killing of Belgian mayor was 'revenge': media,"MOUSCRON, Belgium (Reuters) - A Belgian teenager who blamed the local mayor for his father s suicide after he was fired from a town hall job has confessed to slashing the politician s throat in a cemetery on Monday night, public broadcaster RTBF said. The murder of Alfred Gadenne, 71, the mayor of Mouscron and a former lawmaker in the regional parliament, has shocked the country, with the prime minister expressing his horror . The public prosecutor told Reuters that a man was under arrest after giving himself up to police at the scene after dark in Mouscron, an industrial border town of 57,000 close to the French city of Lille. He declined comment on media reports. RTBF, citing sources including the suspect s lawyer, said he was 18 and told police he was avenging his father, who killed himself two years ago after losing his job as a local council employee. A box-cutter was found at the scene, where the young man had calmly called police to attend around 8 p.m. Gadenne, a conservative whose death prompted tributes from across the national political spectrum, acted as caretaker for the cemetery next to his home and was killed after going there to lock up for the night, as he did every evening. Media reporting of this spare-time occupation during his decade as mayor had allowed the suspect to find Gadenne alone, RTBF said. It added that the man waited until he reached the age of majority so his mother, also a municipal employee, could not be held liable for his actions under Belgian law. Mourners left flowers at the cemetery gates and visited the town hall to sign a book of condolence for the mayor. ",worldnews,"September 12, 2017 ",1 +"Riot police, hooded youths clash in Paris at labor reform protest","PARIS (Reuters) - Riot police clashed with hooded youths on the fringe of a protest in central Paris against French President Emmanuel Macron s reforms to loosen labor regulations. Police fired water canons and could be seen dragging several demonstrators behind their lines, Reuters TV images showed. ",worldnews,"September 12, 2017 ",1 +Russian military: Syria government troops control 85 percent of Syria - agencies,"MOSCOW (Reuters) - Syrian government forces have to date cleared 85 percent of the country s area from militants, Russian news agencies cited Alexander Lapin, the head of the Russian troops headquarters in Syria, as saying on Tuesday. Islamic State fighters are still in control of around 27,000 square km of Syria s territory, he said. ",worldnews,"September 12, 2017 ",1 +Air strikes kill 69 in Syrian east since Sunday: Observatory,"BEIRUT (Reuters) - The Syrian Observatory for Human Rights said air strikes likely to have been carried out by Russian warplanes have killed 69 people since Sunday near the Euphrates River in the eastern Syrian province of Deir al-Zor. The Russian defense ministry did not immediately respond to a Reuters request for comment on Tuesday s report by the Britain-based monitoring group. The Observatory, which identified the victims as civilians, said the air strikes hit civilian encampments on the western bank of the Euphrates and vessels crossing the river to the eastern side. Separately, Syrian state television said on Tuesday Islamic State militants have been using the river to flee the city of Deir al-Zor. With heavy artillery and machineguns, the Syrian army struck rafts carrying militants and crossing the Euphrates to the eastern side, it reported. Islamic State s only escape route out of the city is through rafts on the river, and, God willing, we will target them in the water before they get away, a field commander in Deir al-Zor told state TV. ",worldnews,"September 12, 2017 ",1 +"Russian defense minister, Syria's Assad meet in Damascus: agencies","MOSCOW (Reuters) - Russian Defence Minister Sergei Shoigu met with Syrian President Bashar al-Assad in Damascus on Tuesday to discuss the war in Syria, Russian news agencies cited the Russian Defence Ministry as saying. The ministry said Shoigu visited Syria on the orders of Russian President Vladimir Putin. He and Assad discussed military cooperation between Russia and Syria, as well as the countries joint efforts to defeat Islamic State in Syria, the news agencies reported. ",worldnews,"September 12, 2017 ",1 +"Brexit talks put back a week, EU expects May speech","BRUSSELS (Reuters) - Britain and the European Union postponed a new round of Brexit negotiations by a week until the end of the month in what EU diplomats said was to allow time for Prime Minister Theresa May to make a key speech in about 10 days. In confirming a delay until Sept. 25, which Brussels had been expecting, the British government said in a statement it was a joint decision taken because more time for consultation would give negotiators the flexibility to make progress . There has been no confirmation in London that May will make any speech around Sept. 21. There was no immediate official comment from the European Commission, which is the EU executive. However, diplomats in the EU capital said they had been told on Tuesday that the negotiations had been put back for reasons of the UK political calendar rather than for any reason in Brussels. EU officials and diplomats expect May to make a keynote speech around Sept. 21 and believe she may use it to outline the kind of transition arrangements Britain wants once it leaves the Union in March 2019 and before a long-term treaty setting out a free trade pact can be fully negotiated and implemented. EU chief negotiator Michel Barnier has, like his counterpart British Brexit minister David Davis, played down the significance of the precise timing of talks in Brussels. After the last round in late August, Barnier said the sides were far apart on the terms on which Britain will leave. That raised doubts about whether two further rounds scheduled before an EU summit on Oct. 19-20 would show enough progress to let leaders agree to launch negotiations on the post-Brexit relationship. EU sources doubt that May will be ready to give ground as early as this month on EU demands, notably that Britain pay it tens of billions of euros (dollars) on leaving. In early October she faces a tricky first Conservative party conference since she lost her parliamentary majority in an ill-advised snap election. Rather, some EU officials expect May to speak in more detail later this month on the transition. She may explain to impatient Brexit supporters that Britain may remain inside some EU structures - and pay Brussels for the privilege - for some years to avoid a cliff-edge disruption to trade and business. Such a policy statement by May, whose divided ministers have lately spoken more unanimously in favor of such a transition, would not in itself mean a shift in the negotiating stance on divorce issues, such as expatriates rights, how much Britain will pay on leaving or land border controls with Ireland. However, delaying the Brussels talks may make it easier for the prime minister to get her message over without distraction. Britain is keen to move on to discuss the future relationship and the transition to it as soon as possible, arguing that all these issues are ultimately intertwined. The other 27 national leaders insist, however, that the divorce talks must show sufficient progress - a deliberately vague phrase - before they will negotiate a future trade deal. ",worldnews,"September 12, 2017 ",1 +Brexit talks postponed to hand negotiators more flexibility: Britain,"LONDON (Reuters) - Britain said on Tuesday the next Brexit talks had been postponed until Sept. 25 to give negotiators the flexibility to make progress in the September round . Earlier, Brussels diplomats told Reuters a new round of talks between Britain and the European Union had been delayed until the end of the month to let Prime Minister Theresa May make a key speech on Sept. 21. The UK and the European Commission have today jointly agreed to start the fourth round of negotiations on September 25, a government spokesman said in a statement. Both sides settled on the date after discussions between senior officials in recognition that more time for consultation would give negotiators the flexibility to make progress in the September round. ",worldnews,"September 12, 2017 ",1 +Bahrain's king issues decree reorganizing National Security Agency,"DUBAI (Reuters) - Bahrain s King Hamad bin Isa Al Khalifa issued a decree on Tuesday reorganizing the National Security Agency and appointing Lieutenant General Adel bin Khalifa Al Fadhel as its new president, effective immediately, the state news agency said. The NSA has for decades been central to the Sunni Muslim-ruled kingdom s efforts to overcome protests and occasional violence by members of the country s Shi ite Muslim majority. The king also issued a decree appointing Sheikh Talal bin Mohammed bin Khalifa Al Khalifa as deputy interior minister. In August, three Bahraini human rights groups accused the Gulf Arab monarchy s NSA of the systematic use of torture. A security official said at the time it would investigate the allegations. In 2011, Bahrain put down an uprising by pro-democracy activists, many of them Shi ites. The monarchy believes the opposition seeks to overthrow it by force and accuses Iran of aiding in deadly militant attacks on security forces. Home to the U.S. Fifth Fleet, Bahrain denies opposition claims that it marginalizes Shi ites economically and in government representation. ",worldnews,"September 12, 2017 ",1 +"Qatar, neighbors trade barbs at Arab League over boycott","CAIRO (Reuters) - Diplomats from Qatar and the four states boycotting it exchanged heated words at an Arab League meeting on Tuesday. Tensions flared after Qatar s Minister of State for Foreign Affairs Sultan bin Saad al-Muraikhi discussed the boycott in his opening speech despite the Gulf dispute not being on the agenda. He called the Gulf monarchy s critics rabid dogs . Even the animals were not spared, you sent them out savagely, Muraikhi said, referring to the thousands of camels left stranded on the border between Qatar and Saudi Arabia after borders were closed. Saudi Arabia, the UAE, Egypt and Bahrain cut diplomatic and trade links with Qatar on June 5, suspending air and shipping routes with the world s biggest exporter of liquefied natural gas, which is home to the region s biggest U.S. military base. The nations say Doha supports regional foe Iran and Islamists. Qatar denies the charges and calls the economic boycott a siege aimed at neutering an independent foreign policy it says promotes peaceful regional reform and fighting terrorism. Kuwait has been trying to mediate in the dispute. During his speech, Muraikhi referred to Iran as an honourable country and said ties had warmed with its neighbor since the blockade. In response, Ahmed al-Qattan, Saudi Arabia s envoy to the Arab League, said: Congratulations to Iran and soon, God willing, you will regret it. The exchange descended into a row during which Muraikhi and Qattan each told the other to be quiet. Muraikhi said Saudi Arabia was looking to depose the Emir of Qatar and replace him with Foreign Minister Sheikh Mohammed bin Abdulrahman al-Thani, who helped negotiate the entry of Qatari pilgrims attending the annual haj pilgrimage into Saudi Arabia. This is an improper thing to say because the kingdom of Saudi Arabia will never resort to such cheap methods and we don t want to change the regime, but you must also know that the kingdom can do anything it wants, God willing, Qattan said. Egyptian Foreign Minister Sameh Shoukry said Muraikhi s comments were unacceptable. We all know Qatar s historic support for terrorism and what has been provided for extremist factions, and money in Syria, Yemen, Libya and Egypt that have lead to the death of many of Egypt s sons, Shoukry said. Qatar backed a Muslim Brotherhood government in Egypt before it was overthrown by the military in 2013. The Arab states have demanded Qatar sever any links with the Brotherhood and other groups they deem to be terrorist, ideological or sectarian. ",worldnews,"September 12, 2017 ",1 +Germany mulls adding Turkey to list of states posing high security risk: media,"BERLIN (Reuters) - The German government is considering adding Turkey to a list of countries that pose high security risks for intelligence agents, police officers and military officials, the Sueddeutsche Zeitung newspaper and two broadcasters reported late on Tuesday. The reports come amid heightened tensions between the two NATO partners and vows by German officials to restrict arms sales to Turkey, in a move that Ankara said would hurt their joint fight against Islamic State. The newspaper and WDR and NDR broadcasters quoted a spokesman for the Interior Ministry as saying that the list was currently being reviewed. As part of this process, the Interior Ministry is examining whether to add Turkey to the list, the spokesman was quoted as saying. The list now includes China, Russia, Pakistan, North Korea and 26 other countries. Germany s Interior Ministry, contacted by Reuters, was not immediately available to comment. Some German intelligence agencies argued for viewing Turkey less as a partner than an enemy and called for expanding intelligence surveillance of Turkey s activities in the fight against Islamist groups, the media outlets said. Some agencies had also warned employees in recent months about the risks of traveling to Turkey and cautioned others not to travel there on vacation, they said. German officials have been enraged by Turkey s arrest of around a dozen German citizens, including the German-Turkish journalist Deniz Yucel, who has been held for over 200 days. ",worldnews,"September 12, 2017 ",1 +Magellan Midstream probes big Texas fuel spill during Harvey floods,"(Reuters) - Magellan Midstream Partners LP said on Tuesday it was investigating the cause of a nearly 11,000-barrel gasoline spill from two above-ground fuel storage tanks at its Houston-area terminal in Texas during Hurricane Harvey. The leak at the Galena Park terminal is the biggest spill reported so far relating to the storm, which unleashed record flooding in the state in late August, destroying homes and killing scores of people. The Environmental Protection Agency has said federal and state authorities responded to spills linked to Harvey at about a dozen industrial facilities. The exact cause of the tank failures is now under investigation, Magellan spokesman Bruce Heine said. He said the company believed it was related to the flooding. Magellan has cleaned up much of the spill, and recovered an undisclosed amount that escaped off the terminal s property into a nearby ditch and the Houston Ship Channel, Heine said. Clean-up activities at the facility are continuing and we are currently removing and replacing affected soil, he said. The spill occurred on Aug. 31, Heine said. Magellan had initially reported a smaller volume of gasoline spilled to state authorities, but adjusted its estimate upward after it was able to make a full assessment, he said. It s Magellan s long-term practice to conservatively report a product release to appropriate agencies and local authorities as soon as we become aware of a potential incident, he said, explaining the smaller initial estimate. In other words, we do not wait until absolute confirmation, as we want to give the earliest possible notice. Magellan has said that much of the rest of its infrastructure has returned to normal after the storm. ",worldnews,"September 12, 2017 ",1 +Italy court deals blow to 5-Star ahead of Sicily vote,"ROME (Reuters) - A court in Sicily has suspended the results of an internal primary ballot by the anti-establishment 5-Star Movement, potentially disrupting its bid to win control of the island in an election in November. The Palermo court on Tuesday accepted an appeal by a 5-Star member who had been excluded from the online vote to pick its candidate for regional president, due to a dispute over 5-Star s internal code of conduct. The court will decide at a future hearing what action 5-Star must take, but its ruling is a setback for the maverick movement which hopes a victory in Sicily can pave the way to success at a national election due early next year. A victory in Sicily would give 5-Star control of its first regional government, while a defeat would be the second blow this year after it fared badly in mayoral elections in June. It is possible that 5-Star will have to repeat the online primary it held in July, which selected Giancarlo Cancelleri as its candidate for Sicilian president in the Nov. 5 election. It is not the first time court rulings have tripped up 5-Star, which is still Italy s most popular party, according to most opinion polls. In a similar case in April, a court in Genoa backed a 5-Star member who had been excluded from a primary ahead of mayoral elections in the city. That sparked a damaging split which contributed to a defeat in the home town of the party s founder, comedian Beppe Grillo. 5-Star s mayor of Rome, Virginia Raggi, has also been plagued by legal disputes involving her and her team since she was elected as the capital s first woman mayor in June 2016. 5-Star, which bases its appeal on a fight against corruption and cronyism among Italy s mainstream parties, has invested enormous political capital in the Sicily election. Its most prominent national figures spent the summer touring the island with Cancelleri before the other parties had even picked their candidates. According to opinion polls Cancelleri is running neck-and-neck with a candidate backed by a center-right coalition, with the center left s candidate lagging behind. A post on Grillo s blog, the party s mouthpiece, said it would comply with whatever the court decided and its participation in the Sicilian election was not in doubt. On Sept. 23 the party will announced its candidate for prime minister after another online vote of its members, with 31-year-old lower house deputy Luigi Di Maio widely expected to win. ",worldnews,"September 12, 2017 ",1 +Rich tycoon takes on Iraqi Kurdish leaders over independence,"SULAIMANIYA, Iraq (Reuters) - On the eve of an independence referendum in Iraq s Kurdistan region, one man is campaigning against a Yes vote which he fears could stoke tension in the Middle East. With the 5 million Kurds in Iraq who are eligible to vote united by dreams of statehood, the outcome of the Sept. 25 referendum in the autonomous region in northern Iraq is in no doubt. But with Baghdad making clear it opposes independence for a region that has abundant oil reserves, some voters fear now is not the time to start moves to break away from Iraq and rich businessman Shaswar Abdulwahid Qadir has taken up their cause. Despite being branded a traitor by political enemies, he has taken on the establishment by launching a No for now campaign to explain the economic and political risks of a Yes vote. A No vote is better for our people, better for Kurdistan s future, the 39-year-old businessman told Reuters after a rally on Saturday in a soccer stadium in Sulaimaniya, Iraqi Kurdistan s second largest city. Warning against the consequences of an independence declaration, he said: It will bring to our people an unstable situation after the referendum. Qadir s goal is not to resist independence forever. But he fears a Yes vote now would unleash the wrath of governments in Iraq, Iran, Turkey and Syria which could see it as a precedent that could encourage separatist-minded Kurds in those countries. Iraq s parliament voted on Tuesday to reject the referendum and authorized the prime minister to take all measures to preserve Iraq s unity. Western powers want a delay because they are worried the vote will derail cooperation between Iraq and the Kurds against Islamic State in Syria and Iraq. Qadir is almost alone among Kurds in raising his voice openly against the Yes campaign led by President Masoud Barzani and his Kurdish Democratic Party (KDP), which say independence would be preceded by dialogue with Baghdad. But Qadir believes there are others who share his concerns. At the rally in Sulaimaniya, Qadir was welcomed into the stadium by dancers in colorful traditional dress and by a crowd chanting his name. But he delayed the start by an hour to allow the stadium he helped refurbish to fill up and it never did. About 2,500 people attended, filling only about one third of the arena. After he began speaking, a scuffle broke out when a man in the crowd tried to throw something at Qadir during his speech. The businessman says he is undeterred by criticism and attacks which he says have affected his business. I m ok with all of it, because I believe in another way for Kurdistan, he said. Critics say Qadir has used his media conglomerate to advance his agenda and the fortune he made through a business empire that includes real estate, television stations and a theme park make his life very different to those he says he represents. Many Kurds have been hit by Baghdad s decision to cut funding to Iraqi Kurdistan in 2014 in protest at its construction of a pipeline to export oil to Turkey. Such actions by Baghdad have increased antagonism among the Kurds, who suffered under late Iraqi dictator Saddam Hussein, and increased their desire for independence a desire uniting the about 30 million Kurds in Iraq, Iran, Syria and Turkey. But interviews by Reuters in several cities in Iraqi Kurdistan showed that some voters are worried about the possible fallout of the referendum even though they favor independence. Some are worried it could embolden the entrenched elite in Iraqi Kurdistan, which has long been plagued by political disunity and where Barzani has been a powerful force for more than two decades and president since 2005. This referendum is not for the country, it s for the dictators in power, said Ahmed Nana, a 22-year-old barista at a coffee shop in Sulaimaniya. We all want a passport, a nationality, we want a reason to be proud, to have our own country. But right now, this referendum is a sideshow to distract from our political problems. Parliament has not met since a coalition government broke up in 2015 and some factions support independence but not necessarily under Barzani s leadership. The regional government has called presidential and parliamentary elections for Nov. 1, but many Kurds doubt the voting will go ahead and the independence referendum has widened political divisions. Nothing has polarized Kurdish society as much as this vote, said Bahra Saleh, an analyst at the American University of Iraq, Sulaimani. Compounding the stalemate is the economic crisis triggered by Baghdad s decision to cut funding and compounded by low oil prices and the conflict with Islamic State. The region is billions of dollars in debt and public salaries have been steeply cut since 2014, particularly affecting civil servants, Peshmerga fighters and teachers. Before holding the referendum, the regional government needs to prepare the region economically for the region to sustain itself, said Mohammad Tofiq Raheem, a leader of the Gorran party which was part of the coalition that ended in 2015. The regional economy depends partly on Turkey s goodwill to allow oil exports but also on trade with Iraq. There is also a generational split. Older Kurds hope the long struggle for statehood, dating at least to the division of the Middle East by colonial powers after World War One, will now end but younger people are driven by more than nationalism. Independence is what we ve been dreaming of for years, the said Saleh, the analyst. But not like this. In a way that makes sense, in a way that won t risk civil war. ",worldnews,"September 12, 2017 ",1 +U.N. refugee agency urges Hungary to join EU migrant quota plan,"BUDAPEST (Reuters) - The head of the United Nations refugee agency praised the European Union s refugee quota system for member states on Tuesday and urged Hungary to drop its resistance to taking in its fair share of migrants. Hungarian Prime Minister Viktor Orban is facing criticism over his continued refusal to change his anti-immigration stance despite a ruling by the European Union s top court this month upholding the bloc s quota system. My impression is there is a very clear intention to limit the number of people coming to Hungary to seek protection, U.N. High Commissioner for Refugees Filippo Grandi said during a visit to Budapest. Grandi said the EU s quota system, introduced at the height of the migrant crisis in Europe in 2015, provided a model for other countries worldwide. This was an EU decision... we agree with that decision, he said. It was a very good example of sharing that responsibility. It could be used globally... Forced displacement is a global phenomenon like climate change. You can only address it through global solutions and solidarity. Grandi, who earlier in the day visited a camp on the Serbian border where migrants are detained while their asylum cases are pending, said razor wire fences and tough legal measures conveyed the wrong message that asylum was a crime. German Chancellor Angela Merkel, whose country took in the bulk of the migrants who entered the EU in 2015-16, has also urged Hungary to implement the EU court ruling. Grandi warned EU states in April not to send asylum seekers back to Hungary until Budapest amended a law that allows it to detain migrants at its border. EU rules allow member states to return refugees to the first safe country they reached on entering the 28-nation bloc. Orban has branded migrants - most of whom are Muslims from the Middle East and North Africa - a threat to Europe s historic Christian identity and a Trojan horse for terrorism , and he has defended the asylum centers on Hungary s border. Grandi said migrants held there were not being mistreated but added that limitations on their freedom of movement while their cases are pending, especially for minors, raised problems. Material conditions, food, medical care water, hygiene is acceptable, he said. The problem is the detention aspect. People are treated well but in a confined situation. ",worldnews,"September 12, 2017 ",1 +"London seeks ""deep security partnership"" with EU after Brexit","LONDON (Reuters) - Britain wants to have closer defence cooperation with the European Union after Brexit than other countries outside the union, according to a document that sets out a vision of a deep security partnership aimed at nudging talks forward. Stating that Britain is unconditionally committed to maintaining European security, the government said it wanted to contribute military assets to EU operations after it leaves the bloc and may offer to continue exchanging classified information. The pledges were detailed in the government s sixth future partnership paper - part of efforts to counter criticism by EU officials that it is not prepared for negotiations to unravel more than 40 years of union. Underlining that Britain has the largest defence and development budgets in Europe, officials pressed what they consider to be one of their strongest arguments - that the government can offer defence and security support to the EU. At a time of increased threats and international instability, the UK remains unwavering in its commitment to uphold European security, Defence Secretary Michael Fallon said in a statement. Britain s role in the continent s defence has never been more vital, he said. Britain has deployed troops in some Baltic states to counter a resurgent Russia, has worked with the EU to tackle piracy off the Horn of Africa and worked on joint defence projects, such as the Eurofighter Typhoon aircraft. The EU executive said it would analyse the British proposal but stressed its policy of not opening negotiations on its future relationship with Britain until there is more progress on settling the terms of the British withdrawal from the bloc. The EU is willing to establish partnerships with the UK in areas unrelated to trade, in particular the fight against terrorism and international crime as well as security, defence and foreign policy, the European Commission s chief spokesman Margaritis Schinas told reporters. Pro-Brexit supporters argued before the EU referendum last year that closer defence cooperation between the bloc s member states was another sign of closer union, and on Tuesday the Veterans for Britain group said the paper was a grave mistake . Tuesday s paper was intended as a conversation-starter rather than a concrete negotiating position, setting out areas such as information and personnel exchanges where Britain could contribute to European security, subject to negotiations. Some in Britain have suggested defence cooperation could be used as leverage in talks that so far have moved slowly, bogged down in arguments over the divorce bill. But its usefulness as leverage to push talks forward could be limited by the acknowledgement in the paper that Britain also benefits from security and intelligence sharing. To meet our shared threats and maintain our values, continuity of areas that are at the heart of our joint foreign policy, defence and security, and development of infrastructure will be vital, the paper said. ",worldnews,"September 11, 2017 ",1 +Merkel calls on Hungary to implement court ruling on refugee distribution,"BERLIN (Reuters) - German Chancellor Angela Merkel has urged Hungary to quickly implement a ruling by the European Union s top court that member states must take in a share of refugees who reach the continent. In its ruling last week, the court dismissed complaints by Slovakia and Hungary over the mandatory quotas introduced in 2015 to relocate asylum seekers from Greece and Italy. Hungarian Prime Minister Viktor Orban said on Friday his government would not change its anti-immigration stance. In an interview with Berliner Zeitung newspaper to be published on Tuesday, Merkel insisted that Hungary had to implement the court ruling. It s unacceptable that a government says a ruling of the European Court of Justice does not interest them, Merkel said, according to a preview published by the daily late on Monday. Asked whether this meant that Hungary had to leave the EU, Merkel said: This means that a very fundamental question of Europe is being touched because for me, Europe is an area of the rule of law. We will have to talk about this at the European Council in October. During the Mediterranean migrant crisis of 2015, hundreds of thousand of refugees arrived in the Balkans, Italy and Greece. That prompted the EU to impose mandatory quotas on its member countries for relocating asylum seekers. The flow of migrants has since receded, easing pressure to force compliance on nationalist leaders like Orban, who is benefiting domestically from his tough anti-immigrant policies as elections approach in 2018. Merkel told another newspaper in an interview published over the weekend that she was optimistic that a dispute over how to distribute asylum seekers in the EU would soon be resolved. The Frankfurter Allgemeine Sonntagszeitung (F.A.S.) newspaper also reported that in negotiations between member states about redistribution, a compromise was starting to emerge that would link accepting refugees to payments from the EU. ",worldnews,"September 11, 2017 ",1 +Trump says fresh North Korea sanctions 'nothing' compared to what needs to happen,"WASHINGTON (Reuters) - U.S. President Donald Trump said on Tuesday that fresh sanctions on North Korea approved by the U.N. Security Council were just a small step and nothing compared to what ultimately will have to happen. We think it s just another very small step, not a big deal, Trump told reporters in reference to the sanctions approved on Monday. I don t know if it has any impact, but certainly it was nice to get a 15 to nothing vote. But those sanctions are nothing compared to what ultimately will have to happen. ",worldnews,"September 12, 2017 ",1 +German police arrest five in raid of Nigerian 'husband' smuggling ring,"Berlin (Reuters) - Police in Germany on Tuesday arrested five people suspected of smuggling Nigerian men into the country through fake marriages, the German federal police said in a statement. Four hundred police officers raided 41 apartments and rooms believed to be linked to the gang in Berlin and other German cities, it said. The gang s suspected leaders - four women and a man, ranging in age from 46 to 65 - were arrested. Germany s newspaper Bild reported that a German federal police investigation conducted together with Portuguese authorities and Europol had found at least 70 men were brought in illegally through arranged marriages with Portuguese women. Europol, the European Union s law enforcement agency, served as a host for operational meetings between the Portuguese and German investigators, the police said. Clients had paid up to 13,000 euros ($15,550) for fake certificates, with part of the sum going to women who would fly from Portugal to join their husbands at the German immigration office to apply for an EU residency permit. Similar cases were detected in June when the police found that more than 700 German men in Berlin had married pregnant asylum seekers from Vietnam, Africa and Eastern Europe for money so the mothers would obtain a residency permit and for the future babies to be born as German citizens. The German Interior Ministry estimates there are about 5,000 such cases per year nationwide. ",worldnews,"September 12, 2017 ",1 +"Trump, Malaysian PM discuss trade deals, Boeing jets","WASHINGTON (Reuters) - U.S. President Donald Trump said on Tuesday he and Malaysian Prime Minister Najib Razak are discussing large trade pacts and a deal involving Boeing jets and praised the Malaysian leader s efforts in the fight against terrorism. Appearing with Trump at the White House, Najib said he would like to invest in Trump s infrastructure program and Malaysia remains committed to fighting Islamic State, al Qaeda and other extremist groups. ",worldnews,"September 12, 2017 ",1 +Philippine Congress backs annual budget of just $20 for agency probing drugs war,"MANILA (Reuters) - Philippine lawmakers allied with President Rodrigo Duterte on Tuesday voted to allocate an annual budget of just 1,000 pesos ($20) to the Commission on Human Rights, a public body that has clashed repeatedly with Duterte over his bloody war on drugs. About four-fifths of lower house members present supported the move to cut the budget to almost nil, in what critics of the anti-drugs campaign call retaliation for the agency s efforts to investigate thousands of killings over the past 15 months. The CHR deserved a low budget for being a useless body and defending criminals rights, house speaker Pantaleon Alvarez, a close ally of Duterte, said in a television interview. If you want to protect the rights of criminals, get your budget from the criminals, he said. It s that simple. Why should you get budget from the government and yet you are not doing your job? Congressman Edcel Lagman said 32 minority lawmakers opposed the measure during the debate at the second reading. He said Duterte s supporters were virtually imposing the death penalty on a constitutionally created and mandated independent office . The CHR requested a budget of 1.72 billion pesos for 2018, but the government proposed 678 million. Congress voted to slash that to just 1,000 pesos, a huge cut from the 2017 budget of 749 million. The budget requires another vote, then Senate approval before it becomes final. Human rights monitors said the CHR was a vital institution that stands no chance of doing its job without a proper budget. Phelim Kine, deputy Asia director for Human Rights Watch, said the overwhelming support for the cut was part of the Duterte administration s attempt to prevent independent institutions to check its abuses . Agnes Callamard, the U.N. Special Rapporteur on extrajudicial killings, said Filipinos deserved a strong, independent rights organization that could hold the state accountable. Instead they are getting a war on drugs which, by the president s own account, has failed to curtail addiction rates, while creating a climate of fear and insecurity, feeding impunity, and undermining the constitutional fabrics of the Country, Callamard posted on her Facebook page. If the Philippines Congress is looking for public money being wasted, damaging and hurting the Philippines society, this is it. The CHR has long complained it lacks manpower and resources to fully investigate the killings, the majority of which activists say are of users and small-time peddlers, with few high-profile arrests. Filipinos, however, are largely supportive of the crackdown as a solution to tackling rampant crime, which Duterte says stems from drug addiction. Critics maintain police are executing suspects, and say the government has what is effectively a kill policy. Duterte has angrily rejected that and police say they kill only in self-defense. CHR head, Chito Gascon, said the measly budget was an attempt to force his resignation. He said he would take the issue to the Supreme Court if necessary. The principal reason why I cannot resign my office is that to do so is to weaken the institution itself, Gascon said. Asking me to resign would lead to essentially making the institution forever at the mercy of politics. ($1=50.8690 Philippine pesos) ",worldnews,"September 12, 2017 ",1 +Norfolk Southern resumes limited trains service in Irma-hit areas,"(Reuters) - Norfolk Southern Corp said on Tuesday some rail routes closed by Hurricane Irma were being restored to service as it was safe to do so, and has started to run trains accordingly. Even so, the No. 4 U.S. railroad said regional flooding and power outages continue to curb operations on its network in the U.S. Southeast. Workers were clearing trees and assessing overall track conditions as the railroad works to restore service. Norfolk Southern has opened origin facility gates for shipments destined to Charleston, South Carolina, though gates remained closed to traffic destined for Jacksonville, Florida, Savannah-Garden City in Georgia, and Florida East Coast Railway locations. Its intermodal facility in Jacksonville opened on Tuesday morning, the railroad said. ",worldnews,"September 12, 2017 ",1 +EBRD urges Poland to revive privatizations,"WARSAW (Reuters) - Poland should lower its surprising level of state control over the economy, particularly in the banking and energy sectors, and speed up privatizations, the European Bank for Reconstruction and Development s president said on Tuesday. The ruling Law and Justice (PiS) party, which won the 2015 parliamentary election, has called a halt to privatizations and questioned the rationale and pricing of the previous centrist government s sales. Instead, state-run financial firms and utilities have taken over some smaller rivals from foreign investors, helping the government increase the share of domestic capital in the banking and energy sectors. It s quite surprising, given Poland s leadership in the whole transition race, that so much of the economy is still in state hands, Suma Chakrabarti told Reuters during a visit to Warsaw. Since Poland overthrew communism in 1989 and started its transition to a market economy, the number of companies controlled by the state has shrunk to several hundred from more than 8,000. But Chakrabarti said the PiS government, which argues the state can better serve Poland s economic interests than foreign corporations, should do more. Poland has pockets of poverty and it s important for the state to act, he said. But, what I m not in general a supporter (of) ... is when states become ... the prime economic actor in major sectors. There is at least one state-owned enterprise in 39 out of 43 sectors in Poland, and 12 of the 20 biggest listed companies are controlled by the state, representing 77 percent of (blue chip index) WIG20. That s quite high, he said. Since PiS came to power, Polish insurer PZU and a state-fund PFR bought a 33-percent stake in bank Pekao from Italy s UniCredit, while Poland s biggest power firm PGE has offered to buy power assets owned by France s EDF. The process of transition toward a more market economy is actually not as fast as it was in early days, in the 90s. That has slowed down. We would love to see more privatizations in Poland, Chakrabarti said. The EBRD has invested 8.6 billion euro ($10.28 billion) in Poland, mostly in the private sector, since the early 1990s. The EBRD head also warned that Poland s overhaul of the judiciary and the rule of law, which raised concerns in the European Commission, are an issue for investors. [nL5N1KK08Q] [nL8N1LH28P] Every time one talks about the EU, Brexit is one thing people always mention but the other is obviously the issues about Poland, Chakrabarti said. Poland is still not achieving its ... potential. And policies matter ... I think Poland could achieve a higher level of private sector investment and foreign direct investment with the right policies , he said. The EBRD sees its investment in Poland falling to about 600-650 million euros this year from 776 million in 2016. The bank will likely invest similar amounts in the coming years as the economy is growing, Chakrabarti said, but will narrow the financing to fewer areas. Rather than invest in renewable sources of energy, which are subject to a number of unexpected legal changes, it would help private companies tap foreign markets, the president said. For many investors the more boring a country, the better. Poland is not boring and that is the problem, Chakrabarti said. ",worldnews,"September 12, 2017 ",1 +"In election test, ousted Pakistan PM's heir-apparent takes limelight","LAHORE (Reuters) - In campaigning for a Pakistan by-election seen as a test of support for ousted Prime Minister Nawaz Sharif, the most visible figure is not on the ballot: Sharif s daughter, Maryam, widely touted as his political heir-apparent. This past weekend, crowds mobbed Maryam s car and threw rose petals as she crisscrossed the eastern city of Lahore campaigning for her mother, Kulsoom, who is the ruling Pakistan Muslim League-Nawaz (PML-N) party s candidate to contest the seat Nawaz was forced to vacate by a Supreme Court ruling in July. With Kulsoom in London for cancer surgery, accompanied by Nawaz, 43-year-old Maryam has led the campaign with fiery speeches denouncing Nawaz s opponents and the Supreme Court. Her influence within the PML-N has grown in recent years, with senior party figures crediting her with Nawaz s move to embrace relatively more pro-women and liberal causes in a staunchly conservative nation of 208 million people. In a rare interview with foreign media, Maryam outlined to Reuters what drives her political ambitions as she emerges from her father s shadow to become a prominent figure in the ruling party he still controls. I m proud to be the torch bearer of ideology which PML-N has, Maryam said at the weekend in Punjab s provincial capital Lahore, her father s electoral power base. I am (Nawaz s) reflection, I am his extension. I have grown up espousing his agenda, his ideology. Maryam has framed the election as a chance for voters to protest the Supreme Court s verdict against her father and help the PML-N flex its electoral muscle. Your vote was disrespected and disregarded, will you answer to this disrespect on Sept. 17? Maryam asked at a recent rally. The by-election is seen as a litmus test for the PML-N s political fortunes in the wake of Nawaz s ouster, and an early indicator of voter sentiment ahead of a general election next year. Opposition leader Imran Khan, on the ascendancy after Nawaz s ouster, and eager to make inroads into the PML-N s political heartlands in Punjab, has accused Maryam of benefiting from alleged corruption swirling around her father, and cast the by-election as a plebiscite on corruption. This election will decide where the people of Pakistan stand, Khan, the leader of the Pakistan Tehreek-e-Insaf (PTI) party, told crowds in Lahore last week. The PML-N made Maryam - a telegenic but inexperienced politician - the face of the campaign despite a Supreme Court-appointed panel accusing her of signing forged documents to obscure ownership of offshore companies used to buy upmarket London flats. She denies any wrongdoing but the Supreme Court has ordered the National Accountability Bureau (NAB) to launch a criminal investigation into her, Nawaz and other family members. Ahead of another rally on Sunday, Maryam hinted at military interference in Pakistani politics, a source of instability since independence in 1947, and portrayed herself as a campaigner for democracy. Our history is marred with dictatorships and repeated attacks on democracy, so this is what I struggle for, she told Reuters. Maryam says her father s dismissal by the Supreme Court is a conspiracy, noting his success in reinvigorating the economy - with a pro-business focus on infrastructure spending to boost development - and overall popularity sent alarm bells ringing for those who don t want Pakistan to have a strong leader. This was the main reason he was being targeted, she said, before adding: That s all I can say. Such coded talk is a familiar dance in Pakistan, where politicians speak between the lines to imply that the hidden hand of the powerful military is behind unfolding events. Asked if she is talking about elements of the military being involved in her father s ouster, as some senior PML-N figures have hinted, Maryam paused before saying: It s not my place to comment . Maryam was coy when asked whether she has ambitions to be prime minister one day, saying she was not eyeing anything and was for now happy with love and affection that I m getting . But senior PML-N officials expect her to at least become a minister in the next cabinet if the party holds on to power after the 2018 poll. Others have suggested she may become a leader soon. Maryam was more forthcoming when asked about comparisons with slain female leader Benazir Bhutto, the daughter of former premier Zulfikar Bhutto who vied for power with Nawaz during two decades of political turmoil and tussles with the military. I have a lot of respect for the lady, but ... the only thing which is common between us is gender, she said. ",worldnews,"September 12, 2017 ",1 +War-ravaged South Sudan may scrap expensive oil subsidies,"JUBA (Reuters) - War-ravaged South Sudan is considering scrapping state subsidies on oil because it hasn t been able to pay civil servants for four months and diplomatic staff abroad are being evicted over unpaid rent, the deputy finance minister said. Ending the subsidies would free up desperately needed cash, Mou Ambrose Thiik told Reuters in an interview. Nearly four years of civil war have destroyed South Sudan s economy. Inflation was at 165 percent in August, the 21st consecutive month of triple-digit growth. The government depends on oil revenues, but attacks have slashed production to less than a third of pre-war levels. The government expects to receive $820 million from oil this year. Out of that, $453 million will go to neighboring Sudan as payment for using its infrastructure for export; $183 million on the oil subsidy; and $166 million is allocated to the budget, which has a gaping deficit. We were thinking that we would lift subsidies on the oil and will be able to cover this (deficit) and pay our salaries more easily, said Thiik. But we have some resistance from the parliament. Lawmaker Nailo Mayo, the chair of the finance committee, said parliamentarians just wanted more information on who might be affected by ending the subsidies. The committee ... is concerned about the social cost, I mean the suffering that could accrue to the poorer section of the community, and also we are afraid of the political cost, that is stability, arising from lack of transport, he said. State-subsidized oil sells at 22 South Sudanese pounds (SSP) per liter, but severe shortages mean many people buy it on the black market for 300 SSP per liter. The SSP trades at about 17.5 to the dollar on the black market and 17.68 at the central bank. The process for allocating subsidized fuel, which is purchased with government-issued coupons, is unclear. South Sudan s conflict began in 2013 after President Salva Kiir, an ethnic Dinka, fired his deputy, Riek Machar, a Nuer. The conflict degenerated into ethnic fighting marked by widespread sexual violence. Out of an original population of 12 million, 4 million have fled their homes. More than half of those who remain in South Sudan need food aid and nearly three-quarters of children are out of school. Thiik acknowledged social services were dire and said the finance ministry was trying to save money. It wants to reduce the number of embassies by a third, he said, because it is unable to fund them. They (embassy staff) didn t get their salary for seven months and also they have arrears in their premises, he said. Asked about civil servants who had not been paid for four months, he said: it is true that we have not secured money to pay salaries. ",worldnews,"September 12, 2017 ",1 +Nothing formally agreed on moving next round of Brexit talks -UK PM May's spokeswoman,"LONDON (Reuters) - Nothing has been formally agreed with the European Union on moving the next round of Brexit negotiations, British Prime Minister Theresa May s spokeswoman said on Tuesday. Earlier, diplomats in Brussels said the EU and Britain had agreed to delay the talks by a week to Sept. 25 on expectations that May would make an important speech on the subject on Brexit on Sept. 21. The latest position on this from our perspective was that both sides said they were keen to be flexible, but we hadn t formally agreed anything, the spokeswoman said. ",worldnews,"September 12, 2017 ",1 +"UK customs ready for 'no deal' Brexit, finance minister says","LONDON (Reuters) - British customs authorities will be able to cope even if the government is unable to reach a deal with the European Union to smooth Britain s departure from the bloc, finance minister Philip Hammond said on Tuesday. (Customs agency) HMRC is preparing for all eventualities, including for a no-deal scenario, Hammond told the economic affairs committee of Britain s upper legislative chamber. We recognize that the timescales are very challenging, and in a no-deal scenario, not everything we would want to put in place will be in place on day one. But we will have a working system in place on day one, I have that assurance from HMRC. Hammond said the government was seeking the smoothest possible customs arrangements as part of a negotiated exit from the EU, which is due to take place in March 2019. ",worldnews,"September 12, 2017 ",1 +Iran strikes deal with Syria to repair power grid,"LONDON/BEIRUT (Reuters) - Iran signed deals with Damascus on Tuesday to repair Syria s power grid, state media said, a potentially lucrative move for Tehran that points to a deepening economic role after years of fighting in the Syrian conflict. Shunned by Western powers, the Syrian government is looking to friendly states such as Iran, Russia and China to play a major role in rebuilding the country, as the war heads toward its seventh year. Since at least 2012, Iran has provided critical military support to Syrian President Bashar al-Assad s government, helping it regain control of swathes of the country. Iran experts say Tehran is now looking to reap a financial dividend. In January, Iran s government and entities close to Iran s elite Revolutionary Guards (IRGC) signed major telecommunications and mining deals with Damascus. [nL5N1F84NX] On Tuesday, Iran and Syria signed a memorandum of understanding during a visit by Syria s electricity minister to Tehran, including building a power plant the coastal province Latakia with a capacity of 540 megawatts, Syrian state news agency SANA said. The agreement involves restoring the main control center for Syria s electricity grid in the capital Damascus, it said. The new electricity deals could be worth millions of euros, Iranian state media said on Tuesday. The agreement also includes rehabilitating a 90-megawatt power station in Deir al-Zor province, where the Syrian army and allied forces have made swift advances against Islamic State in recent days. With Russian air power and Iran-backed militias, the government has driven rebels from Syria s main urban centers in western Syria and marched eastwards against Islamic State. The Syrian government ... is working relentlessly to restore the power system, SANA cited Syrian Electricity Minister Mohammad Zuhair Kharboutli as saying. Iranian companies will have a role in rebuilding Syria. Two contracts were also signed, including for Iran to supply power to Aleppo city, which the Syrian military and its allies fully regained last year in a major blow to rebels, SANA said. We will stand by the Syrian people to rebuild this country ... We will bring light to houses of the Syrian people, Sattar Mahmoudi, Iran s caretaker energy minister, was quoted as saying on the ministry s website. The deals will be worth hundreds of millions of euros if finalised, and Tehran is also keen to expand its cooperation to construct water and sewerage facilities in Syria, he said. More than 1,000 soldiers deployed by the Revolutionary Guards to Syria have died on the front lines of the multi-sided conflict in recent years. Iran s Revolutionary Guards saved the Assad regime from collapsing at a heavy price for Damascus for now they own Syria, Emanuele Ottolenghi, senior fellow at the Foundation for Defense of Democracies told Reuters. I expect these to be the first in a wave of tenders won by IRGC companies, which will have the best reconstruction projects to Iran, he added. Iranian firms are already involved in a series of electricity generation projects in Syria. Iran aims to export electricity and create the biggest power network in the Islamic world by hooking up Iran s national grid with those of Iraq and Lebanon. Iran said in August that it has exported $58 million worth of goods to Syria in the first four months of this year, marking a 100 percent increase compared with the same period a year ago. ",worldnews,"September 12, 2017 ",1 +"FPL to restore power in east Florida by weekend, west by Sept. 22","(Reuters) - Florida Power & Light (FPL) expects to restore power knocked out by Hurricane Irma on the eastern side of Florida by this weekend and the harder hit western part of the state by Sept. 22, FPL spokesman Rob Gould said Tuesday in a news conference. He noted, however, that some customers in the hardest hit areas of both the east and west coasts where there was extensive flooding or tornadoes would have to wait longer to have their power restored. FPL is a unit of Florida energy company NextEra Energy Inc. ",worldnews,"September 12, 2017 ",1 +Poles see dwindling economic benefit of living in Britain,"WARSAW (Reuters) - After Britain decided to leave the European Union, Emilia Kos, a 31-year-old mother of three from Scunthorpe in eastern England, faced a choice of her own. She could visit her family in Poland once a year, or she could take a holiday abroad. The plunge in the value of the pound after the June 2016 referendum on EU membership meant she could only afford one. That, coupled with a fear they are no longer welcome in Scunthorpe, persuaded her to move back to Poland last month, after nine years in Britain. A weaker pound meant we had to choose between a holiday and a visit home, Kos said at her new home in Wroclaw. We can afford to live in Britain, but it isn t comfortable to have to tell your family that you won t come for Christmas because you want to go to Greece. She is not alone. Families like hers that headed to Britain after the ex-communist states of eastern Europe joined the EU in 2004 increasingly are heading back. Economics are one reason. The local economies are booming and unemployment has dropped to record lows. But it s not the only factor. Brexit was an official statement from the Brits: we don t want you here, said Szymon Kudzma, a 33-year-old IT specialist who lives in Rushden in Northamptonshire, England. He plans to return to Poland before the end of the year, after 14 years in Britain. For immigrants like him, the economic benefits of living in the west no longer outweigh a sense of alienation abroad and the hostility toward migrants in Britain. The roughly 800,000 Poles living there fuelled an emotive debate over immigration that helped the Leave side win the Brexit vote. We could feel Brexit in the air for a long time, said Kos, who lived in Lincolnshire, a relatively euro-sceptic part of Britain. We felt pressure from the English. A friend of mine wasn t able to speak Polish at work ... Clients sometimes walked out of my partner s store when they learned he was Polish. UK statistical data showed last month that net migration fell to its lowest in three years in the 12 months to the end of March. The biggest drop came from eight eastern European countries, including Poland and Hungary, that joined the EU in 2004 [nL8N1LA2BH]. In Poland, official data show fewer than 3,000 people registered with the authorities as emigrating to Britain in 2016, down from more than 7,000 in 2014. More than 3,000 Poles registered as returning last year. We see very clearly that more and more Poles are coming back to Poland. Our analyses show that this trend has accelerated after the Brexit vote, said Michal Brzezinski, chief executive at a Polish moving company, Clicktrans. In the first quarter of 2017, moves to Poland from abroad recorded by Clicktrans were almost three times greater than the moves from Poland abroad. In 2014, more Poles wanted to emigrate than return. More than 80 percent of moves organized by Clicktrans so far this year between Poland and Britain were returns. Two years ago, the same number emigrated to Britain as came back. Many of the returnees say the economic calculations don t add up anymore, even if average wages in Poland are still a fraction of pay in Britain. The wage gap has narrowed since 2004, unemployment is down to 7 percent from more than 20 percent, and Warsaw conservative government introduced child subsidies in 2016. Britain s decision to leave the EU has also improved employment prospects at home. London-based banks and other financial services are looking for new bases for some operations in countries that will remain in the EU, such as Poland. I don t think our living standards will change significantly after we return, said Kudzma, the IT specialist in Northamptonshire. The IT sector is well-paid in Poland. Our wages will be smaller than in Britain, but the cost of living is lower. The balance should remain the same. For many of the returnees, the pound s decline means their savings are dwindling or the help they send to families in Poland costs more. Sterling has lost 20 percent of its value against the zloty since the Brexit vote and 35 percent since Poland joined the EU, according to Reuters data. For us, the worst thing is that we had already been thinking about going back, and the decline of the pound means we lost a lot of money, said Monika, 35, an accountant living outside of Warsaw while on maternity leave from her UK employer. ",worldnews,"September 12, 2017 ",1 +Exclusive: Trump to weigh more aggressive U.S. strategy on Iran - sources,"WASHINGTON (Reuters) - President Donald Trump is weighing a strategy that could allow more aggressive U.S. responses to Iran s forces, its Shi ite Muslim proxies in Iraq and Syria, and its support for militant groups, according to six current and former U.S. officials. The proposal was prepared by Defense Secretary Jim Mattis, Secretary of State Rex Tillerson, national security adviser H.R. McMaster and other top officials, and presented to Trump at a National Security Council meeting on Friday, the sources said. It could be agreed and made public before the end of September, two of the sources said. All of the sources are familiar with the draft and requested anonymity because Trump has yet to act on it. In contrast to detailed instructions handed down by President Barack Obama and some of his predecessors, Trump is expected to set broad strategic objectives and goals for U.S. policy but leave it to U.S. military commanders, diplomats and other U.S. officials to implement the plan, said a senior administration official. Whatever we end up with, we want to implement with allies to the greatest extent possible, the official added. The White House declined to comment. The plan is intended to increase the pressure on Tehran to curb its ballistic missile programs and support for militants, several sources said. I would call it a broad strategy for the range of Iranian malign activities: financial materials, support for terror, destabilization in the region, especially Syria and Iraq and Yemen, said another senior administration official. The proposal also targets cyber espionage and other activity and potentially nuclear proliferation, the official said. The administration is still debating a new stance on a 2015 agreement, sealed by Obama, to curb Iran s nuclear weapons program. The draft urges consideration of tougher economic sanctions if Iran violates the 2015 agreement. The proposal includes more aggressive U.S. interceptions of Iranian arms shipments such as those to Houthi rebels in Yemen and Palestinian groups in Gaza and Egypt s Sinai, a current official and a knowledgeable former U.S. official said. The plan also recommends the United States react more aggressively in Bahrain, whose Sunni Muslim monarchy has been suppressing majority Shi ites, who are demanding reforms, the sources said. In addition, U.S. naval forces could react more forcefully when harassed by armed speed boats operated by the Islamic Revolutionary Guard Corps, Iran s paramilitary and espionage contingent, three of the sources said. U.S. ships have fired flares and warning shots to drive off IRGC boats that made what were viewed as threatening approaches after refusing to heed radio warnings in the passageway for 35 percent of the world s seaborne petroleum exports. U.S. commanders now are permitted to open fire only when they think their vessels and the lives of their crews are endangered. The sources offered no details of the proposed changes in the rules, which are classified. The plan does not include an escalation of U.S. military activity in Syria and Iraq. Trump s national security aides argued that a more muscular military response to Iranian proxies in Syria and Iraq would complicate the U.S.-led fight against Islamic State, which they argued should remain the top priority, four of the sources said. Mattis and McMaster, as well as the heads of the U.S. Central Command and U.S. Special Forces Command, have opposed allowing U.S. commanders in Syria and Iraq to react more forcefully to provocations by the IRGC, Hezbollah and other Iranian-backed Shi ite militias, the four sources said. The advisers are concerned that more permissive rules of engagement would divert U.S. forces from defeating the remnants of Islamic State, they said. Moreover, looser rules could embroil the United States in a conflict with Iran while U.S. forces remain overstretched, and Trump has authorized a small troop increase for Afghanistan, said one senior administration official. A former U.S. official said Hezbollah and Iranian-backed Shi ite militias in Iraq have been very helpful in recapturing vast swaths of the caliphate that Islamic State declared in Syria and Iran in 2014. U.S. troops supporting Kurdish and Sunni Arab fighters battling Islamic State in Syria have been wrestling with how to respond to hostile actions by Iranian-backed forces. In some of the most notable cases, U.S. aircraft shot down two Iranian-made drones in June. Both were justified as defensive acts narrowly tailored to halt an imminent threat on the ground. Trump s opposition to the 2015 Iran nuclear deal, known as the Joint Comprehensive Plan of Action (JCPOA), poses a dilemma for policymakers. Most of his national security aides favor remaining in the pact, as do U.S. allies Israel and Saudi Arabia despite their reservations about Iran s adherence to the agreement, said U.S. officials involved in the discussions. The main issue for us was to get the president not to discard the JCPOA. But he had very strong feelings, backed by (U.S. Ambassador to the United Nations) Nikki Haley, that they should be more aggressive with Iran, one of the two U.S. officials said. Almost all the strategies presented to him were ones that tried to preserve the JCPOA but lean forward on these other (issues.) ",worldnews,"September 11, 2017 ",1 +Turkey says German foreign minister's remarks on arms sales inappropriate,"ANKARA (Reuters) - German Foreign Minister Sigmar Gabriel s comments about stopping arms exports to Turkey are not appropriate for a foreign minister, Turkish Foreign Minister Mevlut Cavusoglu said on Tuesday. Gabriel said on Monday Berlin had put most arms exports to NATO partner Turkey on hold due to deteriorating human rights in Turkey. However German Chancellor Angela Merkel on Tuesday rejected a total ban. [nB4N1FT01N] Cavusoglu told reporters that Turkey found Merkel s stance more suitable, and added that attempts to drum up support by attacking Turkey ahead of Germany s election later this month would yield no result. ",worldnews,"September 12, 2017 ",1 +Islamic State flags not flying in Bosnia: PM,"SARAJEVO (Reuters) - Islamic State flags are not flying in Bosnia, Prime Minister Denis Zvizdic said on Tuesday, dismissing allegations by some European leaders that radical Bosnian Muslims in the Balkan country were posing a terrorist threat for Europe. Bosnian Muslims generally practice a moderate form of Islam but some have adopted radical Salafi Islam from foreign fighters who came to the country during its 1992-95 war to fight alongside Muslims against Orthodox Serbs and Catholic Croats. Some joined Islamic State in Syria and Iraq but police said departures had stopped completely in the past 18 months and more than half of those who returned have been jailed under a law prohibiting people to fight in foreign countries. Czech President Milos Zeman has said there was a risk Islamic State may form its European base in Bosnia, where ISIS (Islamic State) black flags are already flying in several towns , according to reports. Croatian President Kolinda Grabar-Kitarovic has warned of thousands of fighters returning to Bosnia from Syria and Iraq , while Croatian magazine Globus last week put the number of radicalized Bosnian Muslims at 5,000-10,000. Zvizdic said such allegations were unfounded and politically motivated and could damage Bosnia as an investment and tourism destination. ISIS flags are not flying in Bosnia, Zvizdic told reporters after meeting the security minister and the heads of five security and intelligence agencies. There have been no departures to foreign war zones, we have not had any incident that could be characterized as an act of terrorism and we work to prevent the possibility of any such incident, Zvizdic said, referring to the last two years during which several terrorist attacks took place across Europe. Bosnia s security agencies say a total of 240 Bosnian citizens have departed to fight for Islamic State since 2012, and 116 remained there. Out of 44 who had returned to Bosnia, 23 were jailed. Security Minister Dragan Mektic said terrorism threats in Bosnia were mainly external and its agencies last month prevented a person with possible links to terrorists from entering the country. In 2015, two Bosnian army soldiers and a policeman were killed in two separate attacks in Bosnia. No links to wider groups was found. ",worldnews,"September 12, 2017 ",1 +Buckeye targets normal operations at Bahamas oil terminal on Tuesday,"NEW YORK (Reuters) - Buckeye Partners LP said it aims to resume normal operations its Bahamas crude oil and fuel terminal, also known as Borco, on Tuesday after Hurricane Irma rampaged through the Caribbean as one of the most powerful Atlantic hurricanes on record. The terminal, located in Freeport, on Grand Bahama Island, has no reported injuries, incidents or damage and restart activities began on Monday afternoon, the company said. While power is still out at the terminal, Buckeye expects terminal and marine operations to return to normal on Tuesday depending on weather conditions. The Borco terminal is Buckeye s largest and has the capacity to store about 26.2 million barrels of oil, fuel oil, gasoline and other products. It is also the largest fuel storage terminal in the western hemisphere, the Buckeye Global Marine Partners website said. Buckeye was forced to shut the terminal due to Irma on Sept. 7, a source familiar with the matter told Reuters last week. Irma has killed nearly 40 people in the Caribbean and at least six in Florida and Georgia and hammered energy infrastructure in those regions, even as recovery operations from storm Harvey were under way. It will likely dissipate from Tuesday evening, the National Hurricane Center said. Buckeye s terminals in Puerto Rico have returned to normal, a spokesman told Reuters in an email. The U.S.-based midstream company had closed the 4.6 million-barrel Yabucoa oil terminal in Puerto Rico last week. The company also said it aims to return some Florida terminals and pipelines to limited service on back-up power in 12-48 hours. All employees at Tampa and in the Miami area are all reported safe and accounted for, Buckeye said. Nustar Energy LP said on Monday it had put damage assessments of its terminal on the Caribbean island of St. Eustatius on hold as it prepared for Hurricane Jose. Several tanks and other equipment at the 13.03 million-barrel crude and product storage terminal was damaged by Irma last week. The National Hurricane Center was monitoring Hurricane Jose, which was spinning in the Atlantic about 700 miles (1,130 km) west of Florida. ",worldnews,"September 12, 2017 ",1 +EU tells easterners to take in refugees,"BRUSSELS (Reuters) - Eastern European Union states must drop their resistance and accept their share of refugees who arrived in the bloc, officials and diplomats said on Tuesday after a court ruled they must abide by the quota. The EU s highest court ruled last week that member states must take in a share of refugees who reach Europe, dismissing complaints by Slovakia and Hungary and reigniting an east-west row that has shaken the bloc s cohesion. Brussels and other capitals hope member states will respect the European Court of Justice (ECJ) ruling. Poland and Hungary are opposed to accepting anybody, their reluctance shared by ex-communist peers Slovakia and the Czech Republic, who have, however, accepted a handful of people under a 2015 EU scheme designed to move 160,000 from Italy and Greece. All members of the EU must respect the ruling, Manfred Weber, the head of the of the largest faction in the European Parliament, told a news conference. The legal fight is over. Migration is still a political wound of the political landscape all over Europe ... All the reasonable and all the responsible politicians have to go now (toward) a compromise. EU officials and diplomats say they will make another push this autumn to try to bridge the divisions. EU interior ministers will debate the matter in Brussels on Wednesday. However, Hungarian Prime Minister Viktor Orban has said he will fight on. Poland, whose nationalist government is now engulfed in spiraling feuds with the bloc, said its migration stance has not changed. Italy and Greece, where most of the people crossing the Mediterranean disembark, as well as Germany, Sweden and other wealthy EU states where refugees and migrants want to head, want a quick aid scheme for any repeat of 2015. German Chancellor Angela Merkel said she hoped the dispute will soon be over after the ECJ ruling, but also made clear she saw it unacceptable for EU states to disregard the court. The bloc may eventually vote on any changes to its migration and asylum laws by majority, leaving those reluctant behind, a move that would also widen the east-west splits in the bloc. I don t think there is anything to argue about anymore. The decision is there for member states to implement, said a senior EU diplomat. Struggling to control chaotic movement of people at the height of the crisis, some EU states introduced emergency border checks inside what normally is the bloc s Schengen zone of control-free travel. They expire in November and Brussels is keen to restore the free flow of people across the EU, often hailed as a proud and tangible achievement of European integration. Also on Wednesday, EU ministers will discuss a proposal by Germany, France, Denmark, Austria and Norway - not in the EU but part of Schengen - to allow for such extraordinary border checks to continue on security grounds, rather than migration. In practice, that would mean keeping those already there in place for longer, as well as being able to apply them more easily in the future. Denmark said last May it wanted to go on with border restrictions, while Germany has said it needs the checks to combat the threat of Islamic militancy in Europe after a raft of attacks around the bloc. ",worldnews,"September 12, 2017 ",1 +"South African court ruling delivers setback to Zuma, allies","CAPE TOWN (Reuters) - South Africa s President Jacob Zuma suffered a setback on Tuesday when a court ruled that the election of a faction loyal to him in his home province two years ago was invalid. The High Court ruling highlights growing rifts within Zuma s ruling African National Congress (ANC) and could hamper his efforts to ensure his ex-wife Nkosazana Dlamini-Zuma replaces him as party leader and eventually as president. KwaZulu Natal province, situated on the east coast of South Africa, is the ancestral home of the scandal-prone president and will also command most votes at the ANC s national conference in December, when Zuma will step down as party chief. Zuma loyalists took control of the province in November 2015 at a party conference after ousting former premier Senzo Mchunu, but he filed a court case against his removal, citing procedural irregularities - an appeal upheld by Tuesday s ruling. The eighth KwaZulu Natal provincial elective conference (in November 2015) ... and decisions taken at that conference are declared unlawful and void, Judge Jerome Mnguni ruled. An ANC provincial official told eNCA television channel the KwaZulu Natal ANC leadership would not leave their posts and would probably appeal against the ruling. The party s national spokesman, Zizi Kodwa, said the ANC would study the judgment before taking any further steps. The ruling could further erode Zuma s support base. Zuma, 75, survived a no-confidence vote in South Africa s parliament last month but only after some 30 ANC lawmakers broke ranks and voted with the opposition. Whoever wins the December contest will lead the ANC, which has ruled South Africa since the end of apartheid, into national elections in 2019, when Zuma s tenure as South Africa s president expires. Tuesday s ruling could hit support for Dlamini-Zuma, a former health and foreign affairs minister, and allow her likely rival, Vice-President Cyril Ramaphosa, a trade unionist-turned-business tycoon, to make gains in the province, analysts said. Despite court ruling Dlamini-Zuma still likely to be favored in KwaZulu-Natal... but the ruling does allow his (Ramaphosa s) campaign to make more inroads in the province, said Darais Jonker, Eurasia Group s director for Africa, in a note. Neither Dlamini-Zuma, 67, nor Ramaphosa, 64, have yet stated an intention to enter the race to succeed Zuma in December. Analysts say Zuma s priority is to ensure his chosen candidate succeeds him as party leader so he can complete his presidential term and avoid scrutiny over corruption charges his opponents would like reinstated. The ANC s flag bearer at the national elections usually becomes the country s president, given the ANC s dominance. Daniel Silke, a political analyst, said the judgment could increase factionalism in KwaZulu Natal. There is now the potential for confusion and disarray within the ANC in the province which could lead to a weakening of Mrs Zuma s position going forward, Silke said. ",worldnews,"September 12, 2017 ",1 +"North Korea does not want war, world does not want regime change: U.N.","GENEVA (Reuters) - North Korea does not want to start a nuclear war and the world is not seeking to overthrow its leader Kim Jong Un, the U.N. disarmament chief said on Tuesday. Izumi Nakamitsu, U.N. High Representative for Disarmament Affairs, said there was hope for a peaceful end to the tension caused by the nuclear ambitions of North Korea, also known as Democratic People s Republic of Korea (DPRK). I don t think DPRK wants to start a nuclear war, she told a news conference in Geneva. On Monday, the U.N. Security Council unanimously decided to step up sanctions on North Korea after its sixth and largest nuclear test, prompting a war of words between diplomats at the Conference on Disarmament in Geneva. Asked if the pressure on North Korea was pushing the world to the brink of nuclear war, Nakamitsu said U.N. officials were in touch with all sides and nobody - including North Korea - saw a military solution to the crisis. That is just too catastrophic, she said. I think we all understand the consequences of a military escalation, a military solution . That s why we keep saying that it would not be a solution for anyone, including DPRK. She added: Maybe I m missing something but as far as I hear, no one is really asking for any collapse of DPRK, quite the contrary. No one is talking about regime change, quite the contrary. She was also hopeful that, as in the past, increased nuclear tensions might yield progress in disarmament talks. When people say that because the international security environment is so difficult, tensions are so high, that we can t discuss disarmament, that is historically not accurate. U.N. Secretary General Antonio Guterres has offered to play a role in mediating, as has Switzerland. So far no such steps have been taken, but the United Nations was prepared to get involved if asked to do so, Nakamitsu said. We are definitely preparing ourselves, exploring scenarios as part of our normal contingency planning. ",worldnews,"September 12, 2017 ",1 +"Russia's Lavrov, Tillerson to meet at U.N. General Assembly: TASS","MOSCOW (Reuters) - Russian Foreign Minister Sergei Lavrov and U.S. Secretary of State Rex Tillerson will meet on the sidelines of the United Nations General Assembly, TASS news agency quoted Russian Deputy Foreign Minister Sergei Ryabkov as saying on Tuesday. ",worldnews,"September 12, 2017 ",1 +"U.S. rejects Cambodian accusations, calls for opposition leader's release","PHNOM PENH (Reuters) - Washington s ambassador to Cambodia on Tuesday rejected government accusations of interference by the United States as inaccurate, misleading and baseless and called for the release of detained opposition leader Kem Sokha. It was the strongest U.S. response since the Sept. 3 arrest of Kem Sokha, who has been charged with treason and accused of plotting with the United States to take power from Prime Minister Hun Sen, a former Khmer Rouge commander who has ruled Cambodia for more than 30 years. Hun Sen, now one of China s closest regional allies, has stepped up rhetoric against Washington alongside a crackdown on opponents, independent media and other critics ahead of a general election next year. The U.S.-funded Radio Free Asia said on Tuesday that the pressure had forced it to stop operations in Cambodia. On dozens of occasions over the past year, the United States has been subject to intentionally inaccurate, misleading and baseless accusations, Ambassador William Heidt said in a statement. All of the accusations you have heard in recent weeks about the United States - every one of them - are false. Heidt called for the release of Kem Sokha, an end to pressure on civil society and dialogue between the government and opposition to salvage elections and restore ties between the two countries. If Cambodia s national elections were held today, no credible international observer would certify them as free, fair and reflecting the will of the Cambodian people, Heidt said. American and Western companies were feeling less welcome in Cambodia and fewer will invest , he said. Government spokesman Phay Siphan said the evidence of American collusion came from Kem Sokha himself and that Cambodia did not see the United States as an enemy. We just use our rights to tell the U.S. not to interfere in our domestic affairs, he told Reuters. On Monday, 65-year-old Hun Sen threatened that Kem Sokha s Cambodia National Rescue Party (CNRP) would be dissolved if it continued to back him. Kem Sokha, 64, is the only serious election rival to Hun Sen, who could face his biggest electoral challenge next year. The opposition will not boycott the July 2018 general election in which it faces Hun Sen s ruling Cambodian People s Party (CPP), senior CNRP member Son Chhay told a news briefing on Tuesday. The evidence presented against Kem Sokha so far is a video recorded in 2013 in which he discusses a strategy to win power with the help of unspecified Americans. His lawyers have dismissed it as nonsense, saying he was only discussing election strategy. Complaining of a relentless crackdown on independent voices , Washington-based Radio Free Asia said it was being forced to close its local bureau after almost 20 years in the country. Recent developments have intensified to an unprecedented level, as Cambodia s ruling party shamelessly seeks to remove any obstacle or influence standing in its way of achieving absolute power, said the station s president, Libby Liu. She said RFA would continue to cover Cambodia. ",worldnews,"September 12, 2017 ",1 +Germany's Merkel rejects total ban on arms exports to Turkey: NDR,"BERLIN (Reuters) - German Chancellor Angela Merkel on Tuesday rejected a total ban on arms exports to NATO partner Turkey, saying that such sales had already been restricted somewhat, but Turkey remained a key ally in the fight against Islamic State. Merkel s comments came a day after Foreign Minister Sigmar Gabriel said Berlin had put most arms exports to Turkey on hold due to the deteriorating human rights situation in the country and increasingly strained ties. Merkel told broadcaster NDR that Germany would decide on arms sales requests from Turkey on a case-by-case basis. She also said she saw no reason to impose a travel warning for Germans traveling to Turkey, but said Berlin would keep its options open. ",worldnews,"September 12, 2017 ",1 +Scottish government recommends rejection of EU withdrawal bill,"EDINBURGH (Reuters) - Scotland s devolved government has recommended that its parliament at Holyrood withhold consent for legislation to withdraw Britain from the European Union, on the grounds that it could water down their powers, a document filed by the Scottish government said on Tuesday. The approval of the devolved parliaments in Scotland and Wales does not represent a veto to the Brexit process, although it would stretch Britain s constitutional tensions yet further by forcing the UK government of Prime Minister Theresa May to ignore the expressed wish of the devolved bodies. Scotland would work with the Welsh government to propose amendments to the bill which, if agreement were reached, would allow it to recommend its passage in the devolved assemblies, the document said. The bill will end the supremacy of EU law in the UK and convert all existing EU laws into domestic ones. Along with the Welsh government, the Scottish government cannot recommend to the parliament that it gives consent to the bill as currently drafted, the document filed with the Scottish parliament said. The Scottish government is also clear that the result of withdrawal from the EU should not be centralization of power in Whitehall and Westminster. However, that is what the bill proposes. Scotland s First Minister Nicola Sturgeon has been arguing that Brexit as proposed flies in the face of the devolution agreement, which up to now has allowed assemblies in Edinburgh, Cardiff and Belfast to legislate on their own domestic policies such as health and education. Scotland and Northern Ireland voted to keep EU membership in a June 2016 referendum while England and Wales voted to leave. It remains a matter of regret to the Scottish government that the UK plans to withdraw from the EU. The government nevertheless accepts that preparations should be made for withdrawal from the EU, including preserving a functioning legal system, the document said. The Scottish government s key objections to the bill as introduced relate to the provisions on the competence of the Scottish parliament and government (...) and those on powers for UK and Scottish ministers to alter domestic law, it said. The Scottish and Welsh governments argue that returning powers now exercised by the EU to the UK government will imply restrictions on the power of Scottish and Welsh chambers. But Britain s Scotland minister, David Mundell, has said that the repeal will ultimately result in a boost in devolved parliamentary power. ",worldnews,"September 12, 2017 ",1 +Policeman stabbed to death in Valencia,"MADRID (Reuters) - A policeman was stabbed to death on Tuesday in Valencia, eastern Spain, a spokesman for the force said, after entering a building during an investigation into the finding of human remains in a suitcase. The attacker was shot dead. Police do not believe the attack was connected to Islamist militants, the spokesman said. ",worldnews,"September 12, 2017 ",1 +"Brazil judge suspends aspects of J&F leniency, asset sales in limbo","BRASILIA (Reuters) - A Brazilian judge on Monday suspended criminal aspects of the leniency agreement of J&F Investimentos SA, a holding company run by the scandal-ridden Batista family, adding to uncertainty about billions of dollars of asset sales. Federal Judge Vallisney de Souza Oliveira held up the criminal immunity of additional J&F executives until the Supreme Court makes a final ruling on Joesley Batista s plea bargain in a corruption probe, whose benefits were revoked due to evidence he had hidden some crimes from prosecutors. Police flew Batista to Brasilia on Monday following his surrender to authorities in Sao Paulo over the weekend after he lost immunity from prosecution. Police also raided J&F s headquarters and Batista s home on orders from Supreme Court Justice Edson Fachin. Uncertainty about J&F s leniency agreement could threaten an estimated 14 billion reais ($4.5 billion) of recent asset sales and jeopardize the future of a company that diversified from meatpacking into fashion, energy, wood pulp and banking over the past five years. J&F lawyers said Joesley Batista did not lie or omit information in his plea deals. A lawyer for Batista did not take calls seeking comment. JBS SA (JBSS3.SA), the world s largest meatpacker and the crown jewel of the Batistas empire, also signed terms last week to participate in the J&F leniency agreement. On Monday, JBS agreed to sell its British poultry unit Moy Park to U.S. subsidiary Pilgrim s Pride Corp (PPC.O) for $1 billion. Civil aspects of the J&F s leniency agreement, which was signed in June and ratified by Judge Oliveira on Friday, remain in effect, according to a statement late on Monday from federal prosecutors. J&F reached a deal with prosecutors earlier this year agreeing to pay a record fine of 10.3 billion reais for its role in a corruption scandal involving the bribery of hundreds of politicians. That settlement was based on a plea bargain signed by Joesley Batista and collaborators in May to deliver evidence including a recording of his conversation with President Michel Temer, which led to a corruption charge against the leader. But additional evidence later handed to prosecutors included another tape that appeared to show that Batista had been helped by federal prosecutor Marcelo Miller in crafting the plea deal and concealing certain crimes, according to prosecutors. Police also raided Miller s Rio de Janeiro home on Monday. His lawyers said he cooperated with the search and with investigators. The scandal was the latest shock to Brazil s business and political establishment after three years of investigation into widespread political bribery and kickbacks on contracts with state-run companies. The recording of President Temer provided to prosecutors by Batista allegedly revealed him endorsing hush payments to a possible witness in the graft probe. Temer has repeatedly denied the accusations and the lower house of Congress voted against him standing trial at the Supreme Court. ($1 = 3.10 reais) ",worldnews,"September 11, 2017 ",1 +Venezuela Supreme Court has staged effective coup: jurists' group,"GENEVA (Reuters) - Venezuela s Supreme Court has progressively dismantled the rule of law, becoming an instrument of President Nicolas Maduro s government in what amounts to a coup against the constitutional order, an international human rights group said on Tuesday. The collapse of the judiciary has left victims of torture, killings and disappearances and their families without recourse to justice after months of violent street protests, the International Commission of Jurists (ICJ) said. It called on the U.N. Human Rights Council to take action. We have seen a judiciary that has essentially lost its independence and become a tool of a very authoritarian executive branch, Sam Zarifi, ICJ Secretary-General, told a news briefing. This breakdown of the rule of law has also severely obstructed accountability (and) essentially made it impossible to bring to justice those responsible for gross violations of human rights, he said. The Venezuelan government did not immediately reply to a request for comment. Foreign minister Jorge Arreaza on Monday rejected as baseless a U.N. report that found excessive use of force by its security forces and other violations. Four months of demonstrations in which at least 125 people were killed have all but stopped due to fatigue among protesters and disillusionment at seeing the ruling Socialist Party cement vast powers despite the concerted opposition push. The ICJ said the top court had undermined human rights and infringed the Constitution through a series of rulings since December 2015. In two rulings in March 2017, the Supreme Court of Justice effectively claimed legislative powers for itself, depriving the National Assembly of its Constitutional powers and granting sweeping arbitrary powers to the executive, it said. These decisions amount to a coup d tat against the Constitutional order and have ushered in a new reign of arbitrary rule, Zarifi said. Judges on the Supreme Court are mainly from the Socialist Party or former officials of the government of Maduro or both, the Geneva-based jurists group said. Judges who have demonstrated independence and ruled against the executive branch have faced retaliation and punishment, Zarifi said. Maduro denies accusations of a power grab, saying his actions, which include the creation of an alternative Constituent Assembly that has granted itself law-making powers, aim to restore peace after months of protests and violence. The new Constituent Assembly at this point acts as a body outside of the rule of law. It is able to legislate and create law and new regulations in the country without accountability, Zarifi said. The ICJ report, The Supreme Court of Justice: an instrument of executive power , was issued on the sidelines of the U.N. Human Rights Council. U.N. human rights chief Zeid Ra ad al-Hussein said on Monday that Venezuelan security forces may have committed crimes against humanity against protesters and called for an international investigation. The evidence that s there, of course it is not adjudicated, but certainly suggests room for investigating crimes against humanity, Zarifi said. Such crimes are defined as grave and systematic violations including torture, enforced disappearances, and extrajudicial killings that are part of a state s policy, he said, adding: Those indicators are all there in Venezuela. Carlos Ayala, a Venezuelan lawyer and ICJ commissioner based in Caracas, told the briefing: The situation is worsening on a daily basis because of hyper-inflation (and) the lack of access for the majority of the population to medicines and health care. More than 600 civilian students are currently being tried before military courts in Venezuela, more than 1,000 young persons, students, are in jail because of the demonstrations. ",worldnews,"September 12, 2017 ",1 +North Korean threat highlights NATO missile shield 'weak link',"BRUSSELS (Reuters) - NATO has joined world powers diplomatic efforts to stop North Korea s missile program but it cannot yet rely on its U.S.-built shield to defend Europe, experts and diplomats said. The United States says the shield, more than a decade in the planning, is needed to protect against so-called rogue states, a term U.S. officials have used to refer to North Korea and Iran. But with Berlin, Paris and London potentially within striking distance of North Korea s missiles from next year, officials say the U.S.-led alliance s system needs more radars and special interceptors to destroy a rocket from Pyongyang. The NATO shield in its current state lacks the reach and early warning radars to shoot down North Korean rockets. It s a weak link, said Michael Elleman, a missile defense analyst at the International Institute for Strategic Studies (IISS). Early tracking is also difficult because North Korean missiles would be flying over Russia, where NATO obviously cannot put radars, he added. The sort of interceptor needed to shoot down North Korean ballistic missiles could breach a Soviet-era arms control agreement between the United States and Russia because of its greater range, arms experts say. Moscow has long objected to U.S. missile shield plans, saying their real aim is to neutralize Russia s own nuclear arsenal, rather than meet the perceived threat from rogue states . Russia s strategic concerns would, therefore, make it hard to renegotiate the 1987 Intermediate Range Nuclear Forces (INF) treaty, something arms experts say would be required if a North Korean missile shield were to be fully effective. Alliance planning to confront any threat from Pyongyang is in its infancy. Following North Korea s country s sixth and most powerful nuclear test on Sept. 3, two senior NATO diplomats told Reuters that protection against the North Korean threat was only beginning to be considered at NATO headquarters in Brussels. That was despite a more forceful diplomatic tone on the crisis and warnings on the scale and immediacy of the threat from U.S. President Donald Trump s new ambassador to NATO, France s defense minister and the alliance s deputy head. While analysts do not expect North Korea to have a reliable intercontinental ballistic missile until next year at the earliest, NATO s European allies could become a target as a way of threatening their closest partner, the United States, a third NATO diplomat said, stressing that was only speculation. The United States switched on its $800 million European missile defense umbrella in May last year at a site in Romania to protect against Iranian rockets. The system, controlled from a NATO base in Germany, includes radars and interceptors stretching from eastern Europe to the Mediterranean. A final site in Poland should be ready by late 2018, extending the European umbrella from Greenland and the Azores. To shoot down a ballistic missile from North Korea would require a new generation of interceptor, the Block II, which is still in development. It is capable of downing ballistic rockets earlier and at a much higher altitude. However, Elleman said that U.S. missile sites in Alaska and California, as well as in Japan and South Korea, were likely to be given priority before Europe, when they are ready in 2018. There will be a lot of competition for the assets, he said. ",worldnews,"September 12, 2017 ",1 +Brexit law passes hurdle in reprieve for British PM May,"LONDON (Reuters) - Britain s parliament backed a second reading of legislation to sever ties with the European Union early on Tuesday, a reprieve for Prime Minister Theresa May who now faces demands by lawmakers for concessions before it becomes law. After more than 13 hours of speeches for and against the legislation, which May says is essential for Brexit but critics describe as a Conservative government power grab, lawmakers voted 326 to 290 in favor of moving the EU withdrawal bill, or repeal bill, to the next stage of a lengthy lawmaking process. Many fell in step with the government which said a vote against the legislation would force Britain into a chaotic exit from the EU, rather than a smooth departure, as the country would lack laws and a regulatory framework to steer the process. May, weakened by the loss of her majority in a June election, now faces a battle against politicians who want to force amendments to the bill, first in the lower house of parliament and then in Britain s unelected upper chamber. Earlier this morning parliament took a historic decision to back the will of the British people and vote for a bill which gives certainty and clarity ahead of our withdrawal from the European Union, May said in a statement. Although there is more to do, this decision means we can move on with negotiations with solid foundations and we continue to encourage MPs (lawmakers) from all parts of the UK to work together in support of this vital piece of legislation. Her justice minister urged lawmakers to back the bill and signaled that the government would listen to the concerns of lawmakers despite describing some of their criticism as being exaggerated up to and beyond the point of hyperbole . The bill seeks largely to copy and paste EU law into British legislation to ensure Britain has functioning laws and the same regulatory framework as the bloc at the moment of Brexit, to offer some reassurance for companies. But the often impassioned debate in the 650-seat parliament underlined the rifts exposed by last year s EU referendum, not only in Britain s main parties, but also in the country. The opposition Labour Party had called on its lawmakers to vote against the bill if the government failed to make concessions. But seven rebelled, with some saying they had to respect the demands of their pro-Brexit voters. This is a deeply disappointing result, said Labour s Brexit spokesman, Keir Starmer. This bill is an affront to parliamentary democracy and a naked power grab by government ministers ... It will make the Brexit process more uncertain, and lead to division and chaos when we need unity and clarity. The government has defended the bill by saying it will allow Britain to become masters of our own laws , but it also gives ministers wide-ranging powers to amend laws to make them work domestically, often by interchanging the word EU for Britain. But lawmakers, both in Labour and May s governing Conservative Party, expressed fears the government would make substantial changes to legislation without consulting parliament - a charge the government has denied. Despite the victory for a government now dependent on the support of Northern Ireland s Democratic Unionist Party to secure a working majority, ministers will face attempts by both Conservative and Labour lawmakers to change the bill. Some want assurances that the government will not misuse its power, others want to make sure the protections of certain workers rights are also written into the bill before allowing it to move to the unelected upper house of parliament. The process is expected to take months to complete and both houses should agree the final wording before it can be passed. Labour will seek to amend and remove the worst aspects from the bill as it passes through parliament, Starmer said. But the flaws are so fundamental it s hard to see how this bill could ever be made fit for purpose. ",worldnews,"September 10, 2017 ",1 +"Battered by cyclone, Philippines suffers flooding, landslides","MANILA (Reuters) - A cyclone dumped heavy rains in the Philippine capital, Manila, and nearby provinces on Tuesday, causing widespread flooding and landslides in some areas that killed at least two people, the national disaster agency said. Financial markets, government offices and schools were closed and port operations in some provinces were suspended, it said. Several flights were canceled. The weather bureau said cyclone Maring, which was packing winds of up to 60 kilometers per hour (37 mph), made landfall in the morning over Mauban municipality in the eastern province of Quezon. Romina Marasigan, a spokeswoman for the national disaster agency, said two teenaged brothers died from a landslide in Taytay, Rizal, 20 kilometers (12.43 miles) from Manila. Some residents unfortunately did not heed the advice of local officials to evacuate to safer grounds, she said in a media briefing. Marasigan warned of more flashfloods and landslides as rains were expected to continue later in the day, before the cyclone moves back over the sea early on Wednesday. Twenty-two passengers were rescued from a bus stuck in floodwaters in Pitogo town in Quezon, she said. Local officials ordered the evacuation of residents in some towns under floodwaters in Quezon, Laguna, Rizal and Batangas provinces, she said. The weather bureau said it was also keeping an eye on typhoon Talim which was packing winds of up to 120 kph (75 mph), spotted moving toward the country s northern tip and to Taiwan. ",worldnews,"September 12, 2017 ",1 +Treasury's Mnuchin: China may face new sanctions on North Korea,"WASHINGTON (Reuters) - U.S. Treasury Secretary Steven Mnuchin said on Tuesday that if China doesn t follow the United Nations sanctions approved on North Korea, he will seek new financial sanctions on Beijing to cut off access to the U.S. financial system. Mnuchin told a conference broadcast on CNBC that China agreed to historic sanctions on North Korea on Monday in a UN Security Council vote. If China doesn t follow these sanctions, we will put additional sanctions on them and prevent them from accessing the U.S. and international dollar system, and that s quite meaningful, Mnuchin said. ",worldnews,"September 12, 2017 ",1 +Spanish court blocks second law linked to Catalan referendum,"MADRID (Reuters) - A Spanish court has suspended a Catalan law that outlined a legal framework for an independent state, a court source said on Tuesday, the day after hundreds of thousands rallied in Barcelona to support secession from Madrid. Prime Minister Mariano Rajoy s government is increasing the pressure to prevent an independence referendum, scheduled for Oct. 1, from going ahead. It has declared the vote illegal and challenged laws linked to the ballot in the courts. The Constitutional Court, Spain s highest authority on such matters, suspended the law while judges consider whether it is against the country s constitution. It suspended a law approving the Oct. 1 vote last week. The Catalan parliament approved both laws on Wednesday in a move which brought a long-running tussle between the pro-independence regional government and the Madrid-based central government to a head. Rising tension between Madrid and Barcelona has prompted some investors to ditch Spanish sovereign debt. Catalan leader Carles Puigdemont, who faces criminal charges for his role in organizing the referendum, only has the power to call an election not a referendum, a government spokesman said on Tuesday. If Puigdemont wants to consult the people, it s very simple, he should call an election, government spokesman and Minister of Education, Culture and Sport Inigo Mendez de Vigo told Antena 3 television. Polls have shown support for independence waning in recent years with those wanting a separate state in a minority. However, a majority of Catalans want to vote on the issue. Most of Catalonia s 948 mayors have pledged to permit use of public spaces for the vote, but Ada Colau, head of the region s biggest city Barcelona, has asked for assurances that civil servants involved will not risk losing their jobs. Justice Minister Rafael Catala on Tuesday warned the regional administration against coercing municipal leaders to take part. I trust they will be left in peace and not be obliged to do what they cannot, Catala told RTVE television. ",worldnews,"September 12, 2017 ",1 +Brussels steps up legal case against Poland over courts overhaul,"BRUSSELS (Reuters) - The European Union s executive gave Poland on Tuesday one month to address concerns over a judiciary overhaul or face a court challenge, stepping up pressure over Warsaw s reforms which critics say undermine the independence of the courts. The Commission opened legal proceedings against the nationalist government in Warsaw over judicial reforms in July and said on Tuesday that Poland so far failed to address the points that had been raised. It therefore moved to the second phase of the EU s infringement procedure and said it could escalate the case further if Warsaw does not address the concerns in a month. If the Polish authorities do not take appropriate measures, the Commission may decide to refer the case to the Court of Justice of the EU, the Commission said in a statement. ",worldnews,"September 12, 2017 ",1 +Turkey detains lawyers of hunger-striking teachers ahead of trial,"ANKARA (Reuters) - Turkey issued detention warrants for the lawyers of two hunger-striking teachers on Tuesday, days before they are due to appear in court, lawyers representing the academics said. Nuriye Gulmen, a literature professor, and Semih Ozakca, a primary school teacher, have been on hunger strike for more than six months after they lost their jobs in a crackdown following a failed coup against President Tayyip Erdogan. Doctors say they have been surviving on liquids and supplements, but have described their condition as dangerously weak for several months. Authorities detained them in May saying they had links to the militant leftist DHKP-C group, deemed a terrorist organization by Turkey. The warrants were issued for 18 lawyers, all members of two law offices defending the teachers. The detention of our colleagues today is an attempt in vain to leave Gulmen and Ozakca defenseless, a lawyer representing the pair told Reuters, adding that more than 2,000 lawyers had applied to defend them due to the case s symbolic importance. Police raided lawyers offices in Istanbul and Ankara and detained 10 lawyers, while the search for eight others continued. On Thursday, Gulmen and Ozakca will appear in court for the first time since their arrest. So far, 150,000 state employees including civil servants, academics and security personnel have been fired since last year s coup attempt, which Erdogan blamed on followers of U.S.-based Islamic cleric Fethullah Gulen. Gulen denies any involvement. Critics accuse the government of using the coup as a pretext to purge dissident voices from public institutions. Last month, the European Court of Human Rights rejected a request by the two teachers to order Ankara to release them on health grounds. ",worldnews,"September 12, 2017 ",1 +Protest greets former Trump adviser Bannon at Hong Kong investor event,"HONG KONG (Reuters) - Protesters outside a luxury hotel in Hong Kong shouted anti-racism slogans on Tuesday ahead of a speech by former White House chief strategist Steve Bannon at an investor conference organized by a unit of China s largest brokerage. The far-right architect of U.S. President Donald Trump s 2016 election victory, Bannon is the latest controversial figure invited to address a forum hosted by CLSA, a subsidiary of state-backed Citic Securities. Bannon, whose views on immigration, climate and trade helped shape Trump s election campaign and his first months in office, was fired by the Republican president last month in a push to end factional fighting within the White House. No Bannon, no racism, chanted the group of about 15 demonstrators, who also held up a large black banner carrying the words, Nazis are not welcome here . One protester wearing a mask of Trump held up a placard depicting the U.S. president in the shape of a chicken, with the words, Toxic nationalist , on its belly. CLSA initially said Bannon s speech would be open to some print media but reversed its decision a day later, without citing a specific reason, although a CLSA spokeswoman said the event was meant for invited clients only. We reserve the right to open or close sessions as we see fit, she wrote in an emailed response to Reuters. The CLSA Investors Forum provides an agnostic platform for diverse views and opinions from people who influence policy, economies and markets. Mr Bannon is one of these, hence our decision to invite him. Past speakers at the forum have ranged from actors George Clooney and Arnold Schwarzenegger to boxer Mike Tyson, who was convicted of rape, former Alaska governor Sarah Palin, and former National Security Agency contractor Edward Snowden, who revealed secret details of U.S. surveillance programs. In a recent interview with the CBS program 60 Minutes, Bannon predicted Republicans could lose control in the House of Representatives next year because of a looming battle over what to do about immigrants brought illegally to the United States as children. (This story has been refiled to update paragraph 9 descriptions of previous speakers) ",worldnews,"September 12, 2017 ",1 +Exclusive: Zimbabwe's Grace Mugabe says model attacked her with knife,"JOHANNESBURG (Reuters) - Zimbabwe s First Lady, Grace Mugabe, has denied assaulting South African model Gabriella Engels with an electric cable in a Johannesburg hotel suite last month, saying an intoxicated and unhinged Engels attacked her with a knife. In a previously unreported Aug. 17 deposition seen exclusively by Reuters, Mugabe countered 20-year-old Engels version, portraying herself as the victim after intervening on behalf of her adult sons Chatunga and Robert Junior who were in trouble with a drunken young woman . The statement said Grace Mugabe, 52 and a contender to replace her 93-year-old husband as Zimbabwe s president, was thinking about filing attempted murder charges. A group representing Engels dismissed the allegations as lies. According to the model, an irate Mugabe burst into the room where she was waiting with two friends to meet Chatunga on Aug. 13 and started laying into her with an electric cable. Photographs taken by Engels mother soon after the incident showed gashes to the model s head. She also had bruising on her thighs. In her deposition, Mugabe dismissed Engels version as malicious allegations and said she had been attacked after going to help her sons. She was worried about them and went to see them at their hotel suite, the statement said. Upon her arrival, Ms Engels, who was intoxicated and unhinged, attacked Dr. Grace Mugabe with a knife after she was asked to leave the hotel. Security was left with no other option but to remove Ms Engels from the hotel suite, it continued. The statement also alleged that Engels had been in a fight with other women at Johannesburg s Taboo nightclub the previous evening and suggested that may have been the cause of her injuries. Afriforum, an Afrikaans civil society group acting on behalf of Engels, denied both accusations. Gabriella never attacked Grace Mugabe in any way and she did not participate in the fight at Taboo, Afriforum said. It is clear that Grace Mugabe is desperately trying to escape responsibility for her own violent behavior by using lies to falsely portray the victim in this case as the perpetrator. South Africa granted Grace Mugabe diplomatic immunity, allowing her to evade immediate prosecution for assault, although Engels and Afriforum have challenged that decision, saying Mugabe was not in South Africa on official business. They also argued that assault was a grave crime that was not covered by diplomatic immunity laws. The decision to let Grace Mugabe return home caused a row in South Africa, with the opposition Democratic Alliance also going to court to overturn the immunity. According to Zimbabwean intelligence files seen by Reuters, Robert Mugabe lobbied his South African counterpart, Jacob Zuma, to have the issue solved amicably and out of court but was stymied by Engels refusal to accept a settlement. He is trying to avoid the embarrassment of his wife appearing before the court, one file, dated Aug. 30, reads. The problem he is facing is that the woman who was assaulted is refusing to accept any money and she just wants justice to be delivered upon Grace. Afriforum lawyer Gerrie Nel - best known for prosecuting South African track star Oscar Pistorius over the shooting of his girlfriend - said last month Engels had been approached with a cash offer but had turned it down. The intelligence report is a part of a series of hundreds of files dating back to 2009 that have come from within Zimbabwe s Central Intelligence Organisation (CIO). Reuters has not been able to establish their original author or final audience. The Aug. 30 report said Mugabe was changing his attitude to the case and was now backing Grace while accusing Engels of impropriety. Mugabe wants people to stop castigating his wife and calling her all sorts of names, it said. Mugabe is saying that his wife acted in an angry mood like all other women who find their children being involved with sleeping with whores. Afriforum chief executive Kallie Kriel said this allegation was an absolute lie and part of a deliberate attempt by Harare to undermine Engels credibility as a witness. A spokesman for Zimbabwe s presidency, which has direct oversight of the CIO, was not immediately available for comment. Zimbabwe s ambassador to South Africa did not respond to a request for comment. Zuma has denied any hand in the affair, telling parliament on Aug. 31: I am not a lawyer. I don t know the point of law and I was not involved in this process. How it was done, I would be lying if I speculate. His spokesman declined to elaborate. ",worldnews,"September 11, 2017 ",1 +Squeaky-clean Zurich's trash department probed for dirty dealings,"ZURICH (Reuters) - Investigators in Zurich, ranked among the world s cleanest cities, are probing alleged grubby dealings within the municipal garbage and recycling department. While trash services in the United States and Italy have sometimes been linked with illicit dealings, the Swiss financial center appears an unlikely source of muck. Rubbish bins are ubiquitous, and a fleet of motorized street sweepers keeps boulevards nearly spotless. But so far Zurich has unearthed irregular accounting surrounding some $15 million in cost overruns on one of its marquee projects, possible nepotism and an alleged off-the-books slush fund, according to a series of reports released last week. The garbage and recycling department in Zurich developed into a state within a state, Filippo Leutenegger, a city council member who has overseen the Sanitation and Recycling office since 2014, told state broadcaster SRF. We cannot allow that to happen, he added, rejecting criticism he failed to act quickly enough to halt the problems. The department s chief, Urs Pauli, was fired in June after revelations he was driving a taxpayer-funded BMW sedan worth more than $100,000 and after a so-called secret stash of 215,000 Swiss francs ($226,500) was uncovered in his offices. The city prosecutor s office seized the cash, which Swiss newspaper Tages-Anzeiger has reported resulted from selling used department vehicles and was used to reward employees for good performance. SWEEPING COVER-UP According to the city s reports, the garbage department hid 15 million Swiss francs in cost overruns on a logistics center, including by booking them to unrelated accounts in a sweeping cover-up. A whistleblower alerted authorities in 2015, accusing Pauli s department of neglecting proper documentation as well as irregularities on no-bid construction contracts involving firms with close ties to trash department officials. Awarding contracts without seeking bids or ensuring transparency can prompt questions about compliance when the same contractors are always chosen, according to the city reports. It creates fertile ground for accusations of favoritism. Earlier this year, Leutenegger filed a criminal complaint with city prosecutors, alleging Pauli, who had led the department since 2008, had broken the law by bypassing formal approval for his BMW. Zurich prosecutors did not immediately respond to questions on Tuesday about their investigation s status. Nobody has been charged. Pauli, who has denied wrongdoing, declined to comment this week through his attorney. ",worldnews,"September 12, 2017 ",1 +Hundreds of Afghans demonstrate against 'offensive' U.S. leaflets,"QARA BAGH, Afghanistan (Reuters) - Hundreds of demonstrators rallied near the Afghan capital on Tuesday to denounce a propaganda leaflet drop by U.S. forces last week that caused widespread offense and forced American commanders to issue an apology. The leaflet drop near Bagram Air Field, one of the biggest U.S. bases in Afghanistan, was intended to encourage people to report insurgents to the authorities and depicted a lion chasing a dog, symbolizing the Taliban. However it prompted widespread outrage as the picture of the dog, considered an unclean animal in Islam, incorporated a profession of faith from the Quran that forms part of the Taliban flag. The Americans have insulted Muslims through this action and their beliefs and we will not sit quietly by, said Mir Rahman, a protester at the rally in Qarabagh district near Bagram. If the Americans and NATO continue to insult Islam, they will face the same fate that the Russians faced in Afghanistan. U.S. commanders apologized for the leaflet and promised to hold those responsible to account but the affair has caused severe embarrassment at a time of heightened sensitivity over the separate issue of civilian casualties caused by air strikes. While the NATO-led Resolute Support coalition has generally taken pains to avoid cultural insensitivities, there have been several other examples where international forces, most of which come from non-Muslim cultures, have caused offense. In a previous incident in 2012, when copies of the Quran were mistakenly burned, a number of people died in the following protests. So far, demonstrations have been on a much smaller scale but some protesters said they might continue. Apologies on their own will never cure any wound, said Mehrabuddin, another protester, who like many Afghans, goes by one name. If the Americans repeat such an insult in future we will keep up our demonstrations and, if needed, attack Bagram base, he said. Last week, the Taliban, seeking to establish Islamic law after their 2001 ouster, claimed a suicide attack near the entrance to Bagram which it said had been launched in retaliation against the leaflets. ",worldnews,"September 12, 2017 ",1 +German court stops trial of paramedic who worked at Auschwitz,"BERLIN (Reuters) - A 96-year-old former paramedic at the Auschwitz Nazi death camp is no longer fit to stand trial due to his dementia, a spokesman for the court said on Tuesday, bringing to an end one of Germany s last prosecutions linked to the Holocaust. Hubert Zafke worked as a paramedic in Auschwitz for one month starting on Aug. 15, 1944. He stood accused of being an accessory to the murder of at least 3,681 people at the concentration and extermination camp in Nazi-occupied Poland. During his time at Auschwitz, at least 14 deportation trains arrived there from places as far away as Lyon, Vienna and Westerbork in the Netherlands. Although Zafke was not accused of having been directly involved in any killings, the prosecution s office said he was aware of the camp s function as a facility for mass murder. The trial against Zafke began in the northeastern town of Neubrandenburg in 2016 but was repeatedly delayed due to his ill health. Germany had faced criticism for not prosecuting those who were small cogs in the Nazi machine and did not actively take part in the killing of 6 million Jews during the Holocaust. That criticism has abated thanks to many recent trials and convictions, such as the 2011 conviction of Sobibor extermination camp guard John Demjanjuk, which gave prosecutors new legal means to investigate suspects under accessory to murder charges. Former Auschwitz guard Reinhold Hanning and Oskar Groening, known as the bookkeeper of Auschwitz , have also been convicted of complicity in mass murder in recent years. Another case against a woman who worked as a radio operator at Auschwitz was dropped last year after a court in Kiel ruled she was unfit to stand trial. ",worldnews,"September 12, 2017 ",1 +U.S. officials say about 5-6 million customers without power after Irma,"WASHINGTON (Reuters) - Five million to 6 million power customers lack electricity after Hurricane Irma swept through the Florida and other parts of the U.S. southeast, leaving about 15 million people without power, federal emergency officials said on Tuesday. Obviously, power restoration is one of the biggest goals, Federal Emergency Management Agency Director Brock Long told reporters at a news conference. He added that he was traveling to Puerto Rico and the U.S. Virgin Islands to meet with their governors later on Tuesday. ",worldnews,"September 12, 2017 ",1 +Indian priest kidnapped in Yemen has been freed: Oman,"DUBAI (Reuters) - An Indian priest kidnapped by gunmen in Yemen last year has been freed, Oman s state news agency ONA said on Tuesday, posting a picture of him appearing in good health after being transferred to the Omani capital Muscat. Father Tom Uzhunnalil was abducted in March 2016 when four unidentified gunmen attacked a care home in Yemen s southern port city of Aden, killing four Indian nuns, two Yemeni female staff members, eight elderly residents and a guard. ONA said Omani authorities had coordinated with Yemeni parties to locate Uzhunnalil and transfer him to the sultanate. He will return home to India, it said, without mentioning which group had been holding him in Yemen. I am happy to inform that Father Tom Uzhunnalil has been rescued, Indian Foreign Minister Sushma Swaraj wrote on Twitter. Oman has frequently helped facilitate the release of foreign nationals detained in Yemen. The ONS picture showed the white-bearded Catholic priest standing in a palatial room in front of a portrait of Oman s ruler. Uzhunnalil was last seen appealing for help in a video recording carried by a Yemeni news website in May, saying his health was deteriorating and he needed hospitalization. ",worldnews,"September 12, 2017 ",1 +"Hiscox sees higher U.S. property insurance rates after Harvey, Irma","(Reuters) - Lloyd s of London underwriter Hiscox Ltd said the price of insuring property in the United States would rise after the states of Texas and Florida suffered billions of dollars of losses from Hurricanes Harvey and Irma. This will definitely have the impact of eliminating price reductions. I think that loss-affected areas will see price rises. The bigger ticket property area will see price rises because that was a very under-priced area beforehand, Chief Executive Bronek Masojada told Reuters. People buy programs covering all of their property wherever they are in America. So, it (price rises) will be broader than just Texas and Florida, Masojada added. Like many Lloyd s of London insurers, Hiscox offers U.S. property insurance. AIR Worldwide forecast on Monday total insured losses in the United States for Irma of between $20 billion and $40 billion. That was down from initial estimates over the weekend of as much as $65 billion. Rival risk modeling firm RMS estimates insured losses from Harvey of $25-$35 billion. Masojada said Hiscox would be announcing loss estimates in due course . ",worldnews,"September 12, 2017 ",1 +Britain unconditionally committed to maintaining European security: official document,"LONDON (Reuters) - Britain said it was unconditionally committed to maintaining European security, in a document on Tuesday setting out details of the relationship it wants to have with the European Union after Brexit. The document set out a number of areas where Britain wanted to maintain or deepen cooperation on security. It said the government could offer to continue classified information exchange to support external action with the EU, once negotiations with Brussels move on to future ties with the bloc. The UK is unconditionally committed to maintaining European security, the paper said. In tackling the diverse, changing threats we all face today, it is in the interests of both the EU and UK that we ensure cooperation on European security. ",worldnews,"September 12, 2017 ",1 +Austrian president to insist on pro-EU government after election,"VIENNA (Reuters) - Austrian President Alexander Van der Bellen will insist that the coalition government formed after next month s parliamentary election should be pro-European, he said on Tuesday, but he stopped short of saying that ruled out the far-right. Van der Bellen, a former Greens leader, ran on a pro-European Union platform and beat an opponent from the far-right Freedom Party (FPO) in last year s presidential election. As head of state, he is mainly a figurehead but he does have the power to appoint and dismiss governments. The eurosceptic FPO initially cheered Britain s vote last year to leave the European Union but has since watered down its criticism of the bloc as polls have shown that a clear majority of Austrians want their country to remain a member. I will ensure after the election that the new government, whatever its composition, does not lose sight of one thing: Austria should also in the future be a country at the heart of Europe, at the heart of the European Union, Van der Bellen said in a speech to the nation ahead of the Oct. 15 vote. Van der Bellen has said he would aim to prevent FPO leader Heinz-Christian Strache from becoming chancellor if the anti-immigration party won the election. That outcome appears increasingly unlikely as polls show the conservative People s Party (OVP) led by Foreign Minister Sebastian Kurz has a significant lead, with Chancellor Christian Kern s Social Democrats (SPO) or the FPO in second place. The SPO and OVP have dominated post-war politics and are in coalition together, but tensions between them have grown, making it more likely the election winner will turn to the FPO to obtain a parliamentary majority and form a government. In his address, Van der Bellen called on Austrians to inform themselves on political parties and their policies and to shun short-term thinking. He also said parties should avoid clashing so fiercely that they could not hold talks after the election. When asked after his speech if he would prevent the FPO from entering government, he did not give a direct answer. I have always said clearly, and I stand by it and I think I have also made clear today, that I place the greatest importance on Austria having a pro-European government, he said. ",worldnews,"September 12, 2017 ",1 +Russian Islamic State fighter sentenced to hang in Iraq,"BAGHDAD (Reuters) - A Russian Islamic State fighter was sentenced to death by hanging in Iraq on Tuesday, authorities said, a rare conviction of a foreign militant on terrorism charges. The unnamed man was captured after running out of ammunition in western Mosul, a spokesman for Iraq s Supreme Judicial Council said in a statement. The Russian was a member of Daesh operating in Mosul since 2015, he added, using an Arabic acronym for the Sunni Muslim militant group. Thousands of foreigners have been fighting for Islamic State in Iraq and Syria. Security and aid officials told Reuters over the weekend that Iraqi authorities were holding 1,400 foreign wives and children of suspected militants - most from Turkey, others from former Soviet states including Tajikistan, Azerbaijan and Russia. Iraqi forces, backed by U.S.-led coalition allies and Kurds, retook Mosul in July following the group s occupation of the country s second largest city in 2014. The Sunni militant group still controls territory in Iraq and is expected to revert to more conventional insurgent tactics such as bombings as its self-proclaimed caliphate falls apart. ",worldnews,"September 12, 2017 ",1 +Iraqi Kurdish official says Iraqi vote rejecting Kurdish independence referendum is non-binding,"ERBIL, Iraq (Reuters) - A vote by Iraq s parliament to reject the results of this month s Iraqi Kurdish independence vote was non-binding, a high-ranking Kurdish official told Reuters on Tuesday. The Kurdish parliament will definitely have a response to the resolution when it convenes on Thursday, said Hoshyar Zebari, former Iraqi foreign and finance minister and now a senior adviser to Kurdistan Regional Government (KRG) President Massoud Barzani. Zebari said Kurdish lawmakers would convene for the first time since October 2015. ",worldnews,"September 12, 2017 ",1 +"North Korea warns U.S. of 'greatest pain', rejects sanctions","GENEVA (Reuters) - North Korea on Tuesday rejected a U.N. Security Council resolution imposing tougher sanctions and said the United States would soon face the greatest pain it had ever experienced. The Security Council unanimously stepped up sanctions against North Korea on Monday over the country s sixth and most powerful nuclear test, imposing a ban on its textile exports and capping imports of crude oil. My delegation condemns in the strongest terms and categorically rejects the latest illegal and unlawful U.N. Security Council resolution, Pyongyang s ambassador, Han Tae Song, told the U.N.-sponsored Conference on Disarmament in Geneva. Han accused the U.S. administration of being fired up for political, economic, and military confrontation, and of being obsessed with the wild game of reversing the DPRK s development of nuclear force which has already reached the completion phase . North Korea was condemned globally for its latest nuclear test on Sept. 3, which it said was of an advanced hydrogen bomb. The Democratic People s Republic of Korea (DPRK) is ready to use a form of ultimate means , Han said without elaborating. The forthcoming measures by DPRK will make the U.S. suffer the greatest pain it ever experienced in its history, he said. U.S. disarmament ambassador Robert Wood took the floor to say that the Security Council resolution frankly sent a very clear and unambiguous message to the regime that the international community is tired, is no longer willing to put up provocative behavior from this regime . My hope is the regime will hear the message loud and clear and it will choose a different path, Wood said. We call on all countries to vigorously implement these new sanctions and all other existing sanctions, he added. ",worldnews,"September 12, 2017 ",1 +Romania names new minister to modernize military,"BUCHAREST (Reuters) - Romania s leftist government named a new defense minister in a mini-reshuffle on Tuesday, to handle a multi-billion-dollar plan to modernize its military to NATO standards. The staunch Washington ally has promised to spend 2 percent of its gross domestic product on defense every year for the next nine years, and boost U.S.-backed defenses that have riled Russia. The ruling Social Democrats (PSD) said Economy Minister Mihai Fifor, 47, will replace Adrian Tutuianu who quit last week after his office said it could not pay defense staff wages in full, only to be contradicted hours later by the finance ministry. This is a key position. Fifor is a responsible person, he has the advantage of being an economy minister and closely working with the defense ministry on military industry, PSD leader Liviu Dragnea told reporters. Dragnea said the economy portfolio would go to PSD lawmaker Gheorghe Simon. NATO member Romania hosts a U.S. ballistic missile defense station and has sent thousands of troops to operations in Iraq and Afghanistan. Among the first steps in its military expansion is the purchase of $1.25 billion of mobile artillery rocket systems, with Lockheed Martin as prime contractor, a plan endorsed by the U.S. State Department last month. Russia has said it sees the U.S.-backed missile defense system in Romania and other European countries as a threat and a ploy to neutralize its nuclear arsenal. ",worldnews,"September 12, 2017 ",1 +Japan's Abe to launch $17-billion Indian bullet train project as ties deepen,"NEW DELHI/TOKYO (Reuters) - Japan s Prime Minister Shinzo Abe will lay the foundation stone for India s first bullet train in Prime Minister Narendra Modi s home state this week, in a tightening of ties just days after New Delhi ended a dangerous military confrontation with China. The move by Abe, who starts a two-day visit to India on Wednesday, highlights an early lead for Japan in a sector where the Chinese have also been trying to secure a foothold, but without much success. Modi has made the 500-km- (311-mile-) long high-speed rail link between the financial hub of Mumbai and the industrial city of Ahmedabad in western Gujarat a centerpiece of his efforts to showcase India s ability to build cutting-edge infrastructure. The leaders will launch the start of work on the line on Thursday, India s railways ministry said in a statement. This technology will revolutionize and transform the transport sector, said Railways Minister Piyush Goyal, welcoming the prospects for growth brought by Japan s high-speed shinkansen technology. In Tokyo, a Japanese foreign ministry official told reporters, We would like to support Make in India as much as possible, referring to Modi s signature policy to lure investors in manufacturing. And for that, we want to do what s beyond the Mumbai-Ahmedabad line and achieve economies of scale. India would make all-out efforts to complete the line by August 2022, more than a year earlier than planned, the government said this week. Japan is providing 81 percent of the funding for the 1.08-trillion-rupee ($16.9-billion) project, through a 50-year loan at 0.1 percent annual interest. Ties between India and Japan have blossomed as Modi and Abe increasingly see eye-to-eye in countering growing Chinese assertiveness across Asia. Japanese investment into India has surged in areas ranging from automotives to infrastructure in the remote northeast, making Tokyo its third-largest foreign direct investor. India and Japan are also trying to move forward on a plan for New Delhi to buy Japanese amphibious aircraft - ShinMaywa Industries US-2 - in what would be one of Tokyo s first arms transfers since ending a self-imposed embargo. Tokyo hopes that by gaining a head start on rival exporters of rail technology such as China and Germany, its companies will be able to dominate business in one of the most promising markets for high-speed rail equipment. In 2015, China won a contract to assess the feasibility of a high-speed link between Delhi and Mumbai, part of a network of more than 10,000 km (6,214 miles) of track India wants to set up, but little progress has been made. Bullet train critics say the funds would be far better spent to modernize India s slow and rickety state-controlled rail system, the world s fourth largest. But a $15-billion safety overhaul has hit delays as a state steel firm proved unable to fill demand for new rail. ",worldnews,"September 12, 2017 ",1 +"Factbox: Humanitarian crisis in Bangladesh as 370,000 Rohingya flee Myanmar","(Reuters) - An estimated 370,000 Rohingya Muslim refugees have fled to Bangladesh to escape violence in neighboring Myanmar since late August, a spokeswoman for the U.N. refugee agency, Vivian Tan, said on Tuesday. At least 457,000 hungry and traumatized refugees have sought refuge in Bangladesh since October 2016. They have joined many thousands of refugees from previous violent episodes in Myanmar. Here are details gathered from U.N. sources working in the Cox s Bazar district of Bangladesh, on the Myanmar border, where many of the refugees end up. - The jump in the number of arrivals from Sunday to Monday was fueled by the movement of many refugees from so-called transit sites into new settlement areas, where they are counted. - Authorities have been broadcasting messages along crowded roads telling people to move to a proposed camp at a settlement called Kutupalong. - An area of about 1,500 acres (607 hectares) to 2,000 acres (809 hectares), north of Kutupalong, has been set aside for new arrivals. - A survey to identify children aged 4 to 14 has been started, so as to enroll them in learning centers. - People, in particular, children, are becoming susceptible to waterborne diseases due to an acute shortage of clean water and sanitation facilities, as well as the common cold and fever. - Facilities are improving gradually, for example, two 5,000-litre (1,100-gallon) water tanks have been installed at a settlement called Unchiprang. - Some rice is now being distributed, in addition to high-energy biscuits. - The World Food Programme (WFP) has provided more than 68,800 people with high-energy biscuits since Aug. 27 as they arrive seeking shelter in Cox s Bazar. - About 77,600 people have received warm meals through community kitchens run by aid agency Action Contre la Faim. These kitchens provide meals for about 5,300 people a day. - The WFP is especially concerned about women and children arriving hungry and malnourished. Nearly 3,000 pregnant women, new mothers and children under five have received a special, high-nutrient porridge made of wheat and soya flour. - Some families have taken children out of school, fearing they will get lost in the throng of people, but teachers are trying to reassure them. ",worldnews,"September 12, 2017 ",1 +Australia kicks off weeks-long same-sex marriage ballot,"SYDNEY (Reuters) - Australia on Tuesday launched a postal vote on whether to legalize same-sex marriage as a widely watched poll indicated the country would be overwhelmingly in support. The non-compulsory ballot, which runs until the end of October, will determine whether Australia becomes the 25th country to legalize same-sex marriage, while also healing a rift in the government. Despite securing 70 percent public support in an Ipsos/Fairfax poll on Tuesday, the issue of same-sex marriage had faced a political deadlock, only broken last week when the High Court gave the all-clear for the vote. The poll illustrates why parliament should simply vote to approve same-sex marriage without holding the national ballot, opposition Labor leader Bill Shorten said. Change in this country only ever happens when people participate in the change, Shorten told reporters in Canberra. Please don t leave this change to other people. The ballot of nearly 16 million people at a cost A$122 million ($97.86 million) will help Prime Minister Malcolm Turnbull unite his Liberal-National coalition, which had been fractured over the issue throughout his two-year tenure. Turnbull had been under pressure to resolve the impasse after two previous efforts to hold a compulsory vote were rejected by the Senate, where the government is in the minority. Frustrated progressive members said they would side with the opposition Labor Party to secure same-sex marriage if the PM could not finally resolve the issue, though some conservative lawmakers threatened to resign if Turnbull did not stick to a public vote, threatening the PM s one-seat majority. The impasse was eventually resolved when the High Court ruled the government could proceed with the non-compulsory vote, without Senate approval. For a graphic on where same-sex marriage is legal, click: here ",worldnews,"September 12, 2017 ",1 +EU Parliament's Brexit coordinator urges May to address chamber,"STRASBOURG (Reuters) - British Prime Minister Theresa May should address the European Parliament when she visits the EU legislature to clarify Britain s plans for its divorce from the European Union, the parliament s Brexit coordinator said on Tuesday. On Brexit, I m very pleased that Mrs. May has accepted the invitation of the European Parliament to come to the European Parliament, Guy Verhofstadt told a news conference at the parliament in Strasbourg. May had accepted an invitation from the parliament to speak at a meeting of the heads of party groupings, he said. But my proposal is that instead of only addressing the conference of presidents, I would encourage her to address the full house, Verhofstadt said. Verhofstadt said a May address would be very helpful because the parliament had to give its approval to a Brexit agreement between the EU and Britain, notably on the question of citizens rights, a divorce bill and the future Ireland/Northern Ireland border. So in the future, all this, I think needs to be debated in an open dialogue between Mrs. May and all members, Verhofstadt said, adding he did not know when May planned to visit. Verhofstadt pointed out that other leaders had done so in the past. They have included former U.S. President Ronald Reagan, former French President Nicolas Sarkozy, as well as Britain s Queen Elizabeth in 1992 and two popes. The parliament s Brexit coordinator also said that, for the moment, negotiations had not made sufficient progress on the divorce issues to allow talks to move to the issue of future trade relations between Britain and the bloc. He added that the parliament would debate a motion in early October on whether enough progress had been made. ",worldnews,"September 12, 2017 ",1 +"Norway's right-wing government wins re-election fought on oil, tax","OSLO (Reuters) - Norway s tax-cutting Conservative Prime Minister Erna Solberg declared victory on Tuesday after a parliamentary election, narrowly defeating a Labour-led opposition with her promises of steady management of the oil-dependent economy. The win is historic for Solberg, whose supporters compare her firm management style to that of German Chancellor Angela Merkel, because no Conservative-led government has retained power in an election in Norway since 1985. It looks like a clear victory, for the center-right, a beaming Solberg told cheering supporters in Oslo just after midnight (2200 GMT), following Monday s voting. Our solutions have worked. We have created jobs, she said, but warned, We have some challenges ahead. ... Oil revenues are going to be lower. We all must take responsibility. The ruling minority coalition of her Conservatives and the populist Progress Party, together with two small center-right allies, was set to win a slim majority with 89 seats in the 169-seat parliament, according to an official projection with 95 percent of the votes counted. (Election graphic tmsnrt.rs/2wYkVIO) It s a big disappointment, opposition Labour leader Jonas Gahr Stoere said, conceding defeat for his party that has been a dominant force in Norwegian politics for a century. Solberg, 56, plans more tax cuts as a way to stimulate growth for Europe s top oil and gas producer. Stoere had argued for tax increases to improve public services such as education and healthcare for Norway s 5 million citizens. The oil industry could be affected by the vote, because Solberg will need support from two green-minded, center-right allies to ensure a majority to pass legislation in parliament. One of the two parties, the Liberals, wants strict limits on oil and gas exploration in Arctic waters. Solberg s Conservative Party was set to lose three seats to 45 in parliament, making her more dependent on outsiders help and perhaps heralding a less stable government. And the head of the other small party, the Christian Democrats, warned Solberg he would not automatically back every government decision. We will not give a guarantee for the next four years, party leader Knut Arild Hareide said. They (The Liberals and the Christian Democrats) will support Solberg as prime minister, but the question is whether they get a firm agreement or if there is cooperation on a case-by-case basis, said Elisabeth Ivarsflaten, a professor in comparative politics at the University of Bergen. Then it may be a weaker government, she told Reuters. The Norwegian currency, the crown EURNOK=, strengthened slightly following the first projections after falling sharply earlier in the day on weaker-than-expected inflation data. For much of the year, Labour and its allies were favored by pollsters to win a clear victory, but support for the government has risen as the economy gradually recovered from a slump in the price of crude oil, Norway s top export. Unemployment, which a year ago hit a 20-year high of 5 percent, has since declined to 4.3 percent, while consumer confidence is at a 10-year high. Solberg has won credit for the upturn with a no-nonsense style of management. Norway s economy also has the cushion of a sovereign wealth fund worth almost $1 trillion, the world s biggest, built on income from offshore oil and gas. Regardless of which government we get, the challenge will be to use less oil money, said Erik Bruce, chief analyst at Nordea Markets. There is broad consensus about the outlook for the sovereign wealth fund and the Norwegian economy, which means a tighter fiscal policy. The sovereign wealth fund has wanted to invest in unlisted infrastructure to boost its return on investment. Finance Minister Siv Jensen has twice said no to the request over the past two years, citing political risk. That stance is unlikely to change now that the government has been re-elected. Labour was set to remain the biggest party in Norway, with 49 seats, just ahead of the Conservatives. Stoere, who sometimes compares himself with French President Emmanuel Macron, took over the leadership of the Labour Party from Jens Stoltenberg, who left Norwegian politics to become NATO s secretary-general. Solberg s coalition partner, the populist Progress Party, has sharply limited immigration to Norway in what Stoere said is a betrayal of Norwegian values. We have done our share of the job. We have delivered, Finance Minister Siv Jensen, leader of the Progress Party, told party supporters as they chanted four more years . Norway s problems are small by the standards of most nations. Apart from its sovereign wealth fund, Norway tops U.N. lists of the best country in which to live, based on issues such as per capita gross domestic product, education and life expectancy. It even rose to first, from fourth, in a 2017 survey that ranked nations by happiness. ",worldnews,"September 10, 2017 ",1 +"Saudi Arabia says foils Islamic State bomb, foreign spying plots","DUBAI (Reuters) - Saudi Arabia said on Tuesday it foiled an Islamic State plot to bomb its defense ministry headquarters and also said it had arrested several people suspected of carrying out espionage in the kingdom on behalf of foreign powers. It was not immediately clear whether the two announcements, made separately by a security official to state news agency SPA and a security source speaking to Reuters, were related. The would-be bombers were identified as two Yemeni nationals living under aliases in the kingdom who were detained along with two Saudi citizens also suspected of involvement in the attack planned for the capital Riyadh, the official from the Presidency of State Security added. Saudi Arabia has previously been hit by deadly bombing and shooting attacks by Islamic State militants targeting security forces and Shi ite Muslims. The assailants were training in the use of explosive belts, the security source added, while authorities said they seized grenades and firearms during the operation to foil the attack. Islamic State has for years criticized the leadership of Western-allied Saudi Arabia, the world s top oil exporter, accusing it of deviating from their strict interpretation of Islam and advancing the interests of their U.S. enemies. In a separate news item, SPA quoted a security source saying authorities uncovered intelligence activities for the benefit of foreign parties by a group of people it did not name. A Saudi security source, who declined to be named due to the sensitivity of the matter, told Reuters that the suspects were accused of espionage activities and having contacts with external entities including the Muslim Brotherhood , which Riyadh has classified as a terrorist organization. The group is also accused of having contacts with and receiving financial and other forms of support from two other countries to harm the Kingdom of Saudi Arabia and with the aim of destabilizing the security and national unity in preparation to overthrow the Saudi regime in favor of the Muslim Brotherhood, the source said. Citing an ongoing investigation, the source declined to name the countries or the members of the group. The source said one of the detainees is a member of the armed Houthi movement, which is locked in 2 1/2 years of war with a Saudi-led coalition in Yemen, and is in direct contact with the group. The suspects are in custody and will be granted legal rights and due process, the source added. ",worldnews,"September 11, 2017 ",1 +German prosecutor demands life for neo-Nazi suspect Zschaepe,"MUNICH, Germany (Reuters) - A German prosecutor urged judges on Tuesday to give a sentence of life imprisonment to Beate Zschaepe, the main surviving member of a neo-Nazi gang accused of murdering 10 people, most of them immigrants, over seven years from the year 2000. Prosecutors say Zschaepe was part of the National Socialist Underground (NSU) group which killed eight Turks, a Greek and a German policewoman. Zschaepe, 42, has denied taking part in the murders with two friends who killed themselves in 2011 when police discovered the gang by chance. But she has, through her lawyer, said she felt morally guilty for not stopping them. Judges have yet to give a verdict. The accused is criminally fully responsible for her behavior, said federal prosecutor Herbert Diemer, calling for Zschaepe to be given a life sentence for 10 murders. He described Zschaepe as an ice-cold, calculating person , adding that there were no mitigating circumstances. Zschaepe, 42, listened impassively, resting her chin on her hands. Prosecutors said in July that four years of hearing evidence had shown that Zschaepe was a co-founder, member and accomplice of a terrorist organization. The group had carried out the most violent and infamous terror attacks including two bombings and 15 bank robberies since the end of the Red Army Faction s two-decade spree in 1991, in which 34 people are estimated to have been killed. Although the NSU murders were carried out by Zschaepe s two friends, Uwe Mundlos and Uwe Boehnhardt, both now dead in what is believed to have been a murder-suicide, she played a major role behind the scenes, according to prosecutors. ",worldnews,"September 12, 2017 ",1 +France eyes legalizing assisted reproduction for gay women in 2018,"PARIS (Reuters) - The right of lesbian couples and single women to have access to assisted reproduction was a matter of social justice and will likely be legislated next year, a French government minister said on Tuesday. The move would mark a significant extension of gay rights in France, where violent protests preceded the legalization of same-sex marriage and adoption by homosexual couples in 2013. It was a campaign promise. It will be honored, Marlene Schiappa, minister for gender equality, told BFM TV. She said a bill would likely pass through parliament in 2018. Current legislation means that gay women with sufficient funds travel abroad for artificial insemination while other women without the financial means cannot. Schiappa said that was unjust. French law still restricts techniques such as artificial insemination using donated sperm to heterosexual couples. A national ethics committee said last June that it backed the idea of medically assisted procreation for female couples and single women. Macron, president since May, had set such a recommendation as a prerequisite to any legislative action. ",worldnews,"September 12, 2017 ",1 +"Number of Rohingya fleeing from Myanmar to Bangladesh at 370,000: U.N.","COX S BAZAR, Bangladesh (Reuters) - An estimated 370,000 Rohingya Muslim refugees have fled to Bangladesh from violence in Myanmar since late August, a spokeswoman for the U.N. refugee agency, Vivian Tan, said on Tuesday. The government of Buddhist-majority Myanmar says its security forces are fighting Rohingya militants behind a surge of violence that began on Aug. 25. Many of the refugees say Myanmar authorities are intent on pushing Rohingya out of the country. ",worldnews,"September 12, 2017 ",1 +"China facing intensified threat of religious infiltration, extremism: official","BEIJING (Reuters) - China is facing heightened threats from foreign infiltration via religion and from the spread of extremism, a top official for religious affairs said on Tuesday, after strict new rules were passed to manage religious practice in the country. President Xi Jinping has emphasized the need to guard against foreign infiltration through religion and to prevent the spread of extremist ideology, while also being tolerant of traditional faiths that he sees as a salve to social ills. China s cabinet last week passed updated rules to regulate religion so as to bolster national security, fight extremism and restrict faith practiced outside state approved organizations. The new rules take effect in February. Wang Zuoan, the head of China s religious affairs bureau, said the revision was urgently needed because the foreign use of religion to infiltrate (China) intensifies by the day and religious extremist thought is spreading in some areas. Issues with religion on the internet are starting to break out ... and illegal religious gatherings in some places continue despite bans, he added, writing in the official paper of the ruling Communist Party, the People s Daily. Wang said that freedom of religious faith is protected by the new rules. At the same time, freedom of religious faith is not equal to religious activities taking place without legal restrictions, he added. Religion within China needed to be sinicized , a term officials use to describe the adjusting of religion to fit Chinese culture as interpreted by the Party. These rules will help maintain the sinicization of religion in our country ... and keep to the correct path of adapting religion to a socialist society, he said. China s five officially sanctioned religions - Buddhism, Taoism, Islam, Catholicism and Christianity - vowed to fight desinicization at a forum on the topic held in Beijing last week, according state media. China has seen a revival of religious practice in recent decades after faith was effectively banned during the Cultural Revolution in the 1960s. Official estimates put the number of believers at around 100 million, but scholars argue that the real number could be many times higher, due to many believers being unregistered with authorities. China requires places of worship to be registered with authorities, but many believers shun official settings in preference for private gatherings often known as underground churches. (Story corrects to reflect that rules were passed by China s cabinet, not parliament, in third paragraph.) ",worldnews,"September 12, 2017 ",1 +United States says Cambodian accusations all false,"PHNOM PENH (Reuters) - The U.S. ambassador to Cambodia rejected government accusations of interference as inaccurate, misleading and baseless on Tuesday, and called for the immediate release of opposition leader Kem Sokha. The government of Prime Minister Hun Sen has charged Kem Sokha with treason, accusing him of conspiring to take power with the help of the United States, which has become an increasing target of Hun Sen s rhetoric. On dozens of occasions over the past year, the United States has been subject to intentionally inaccurate, misleading and baseless accusations, Ambassador William Heidt said in a statement. All of the accusations you have heard in recent weeks about the United States - every one of them - are false, he said. Heidt called for the immediate release of Kem Sokha. ",worldnews,"September 12, 2017 ",1 +Ruling Nationals recover support in jittery New Zealand election campaign,"WELLINGTON (Reuters) - Support for New Zealand s National Party has surged, a poll published on Tuesday suggests, indicating the ruling party will grab enough votes at looming national elections to govern. The Newshub-Reid poll is the latest twist in the rollercoaster ride of New Zealand s electoral campaign, coming just weeks after a separate poll showed support for the opposition Labour Party surging above the Nationals. That had given rise to speculation that Labour would return to power as the lead of a coalition government after almost a decade in opposition. The unusual volatility has been giving investors jitters.. The New Zealand dollar, the 11th most traded currency in the world in 2016, jumped to $0.7265 after the poll was released from $0.7224. The Newshub-Reid poll showed backing for the National Party up 4 points at 47.3 percent and, in a double whammy for Labour, showed the opposition party s support down 1.6 points at 37.8 percent. It s a huge setback for Labour, said Bryce Edwards, Wellington-based analyst at Critical Politics. It really just shows how volatile this election campaign is. The National Party has vowed to support free trade as global protectionism rises, in particular, by championing the Trans-Pacific Partnership pact, which Labour has said it would renegotiate. The surprisingly strong result for National suggested it might not need the nationalist New Zealand First Party, long considered the likely kingmaker, to form a government at the Sept. 23 election. Labour changed its leader last month in a bid to jolt life into its struggling campaign, appointing 37-year-old Jacinda Ardern. That last-minute gamble had appeared to be paying off with Labour climbing dramatically in previous polls. An average of previous polls, compiled by Radio New Zealand on Friday, showed Labour s support had surpassing National s. The latest Newshub-Reid poll suggested that the two minor parties traditionally needed to form a coalition government would not have a role to play this time around. New Zealand First, led by populist politician Winston Peters, slipped 0.6 points to 6 percent. The Green Party, which is aligned with Labour for a potential coalition, fell to 4.9 percent, below the 5 percent threshold needed to gain seats in parliament. ",worldnews,"September 12, 2017 ",1 +Turkish police detain 25 suspected Islamic State militants in Istanbul: Anadolu,"ANKARA (Reuters) - Turkish police detained 25 suspected Islamic State militants in operations across Istanbul, the state-run Anadolu news agency said on Tuesday. Three of the suspects were high-level members of the militant group, Anadolu said. It said 22 of the suspected jihadists were foreign nationals. Ankara has detained more than 5,000 Islamic State suspects and deported some 3,290 foreign militants from 95 different countries in recent years, according to Turkish officials. It has also refused entry to at least 38,269 individuals. Last week, Turkish police shot dead an Islamic State militant who was set to carry out a suicide bomb attack on a police station in the Mediterranean city of Mersin. ",worldnews,"September 12, 2017 ",1 +Germany's Schaeuble eyes another run as finance minister,"BERLIN (Reuters) - The chances of Wolfgang Schaeuble returning as German finance minister are rising as the Sept. 24 election approaches and politicians from rival parties play down the prospect of unseating the wily veteran. Schaeuble, who turns 75 next week, is the longest serving member of the German parliament. He is the face of German austerity policies that, critics say, deepened the euro zone crisis and hampered its economic recovery. But he has made abundantly clear that he would relish another run as finance minister. Ministry officials have even discussed reserving Schaeuble s wheelchair compatible hotel room in Washington for the 2018 spring meetings of the IMF and World Bank, according to one source. The ministry denies that any formal reservation has been made. The only people who could stand in Schaeuble s way are Chancellor Angela Merkel, who is on track to win a fourth term, and the leaders of the parties she ends up governing with. These include the Social Democrats (SPD), the pro-business Free Democrats (FDP) and the Greens. It is a longstanding tradition that the junior coalition partner gets first choice of a ministry when a new government is formed. That means any one of the three parties could end Schaeuble s run at the finance ministry. But none of them seem intent on doing so if it means relinquishing prime cabinet positions like the foreign ministry, traditionally the most coveted post outside the Chancellery. Top politicians in all three parties, from Martin Schulz and Sigmar Gabriel of the SPD, to Cem Oezdemir of the Greens and Alexander Graf Lambsdorff of the FDP, have set their sights on the foreign ministry, according to senior officials in the parties who spoke to Reuters on condition of anonymity. There is an argument for taking the finance ministry, but that would mean relinquishing the most cherished ministry of all, one leading SPD politician told Reuters. Both Schulz and Gabriel have their eyes on the foreign ministry. I don t see anyone kicking out Schaeuble, said a senior Greens lawmaker, who conceded that no one in the party could be considered a serious contender for the post. The finance ministry and the three parties declined to comment. Opinion polls suggest three coalitions might result from the election: a two-way partnership between Merkel s conservative bloc and the FDP, another grand coalition with the SPD or an untested three-way alliance between Merkel, the FDP and the Greens. Cabinet posts will be determined at the end of coalition talks that could drag on for months. If there is a party that might be tempted to block Schaeuble it is the FDP, haunted by its decision not to take the finance ministry in Merkel s second term. Instead, the FDP leader at the time, Guido Westerwelle, chose the foreign ministry, a move that backfired for him and his party. From his perch in the finance ministry Schaeuble quashed the FDP s plan for tax cuts, infuriating its pro-business supporters who fled the party, booting it out of parliament in 2013. Should Westerwelle s successor Christian Lindner decide to take the finance ministry for himself, either in a two-way coalition or a partnership that includes the Greens, it would be his for the taking. But Lindner has sent signals that he may prefer to lead the FDP in parliament rather than take a ministerial post under Merkel, according to multiple FDP officials. Much will depend on whether Merkel is prepared to push hard for Schaeuble during the coalition talks. The two have a checkered past and have clashed over Greece and Merkel s handling of the refugee crisis. But Merkel supported Schaeuble when he had serious health problems in 2010, giving him time off to recover when he was ready to resign. And aides to the chancellor say Schaeuble plays a vital role in keeping the conservative wing of the CDU onside. That will be crucial as she embarks on talks with French President Emmanuel Macron on reform of the single currency bloc. People close to Schaeuble say Macron reminds the aging minister of himself when he was a young, passionate advocate of European integration. Schaeuble, who grew up near the French border, has since traded his idealism for pragmatism. He is skeptical about whether Europe is ready for the big leap forward that Macron has promised. But Merkel may see him as the right person to forge a compromise with Paris. Both she and Macron have voiced support for Schaeuble s idea to turn the euro zone s rescue mechanism, the ESM, into a more powerful European Monetary Fund (EMF). In France, Schaeuble was long seen as an impediment to closer cooperation because of his insistence on fiscal discipline and hardline stance towards southern states like Greece. That too may be changing. We don t always agree with him, but he is committed to euro zone reform, said a French official close to Macron. He is a francophile and he s one of the few people out there who is putting forth ideas and thinking about solutions. ",worldnews,"September 12, 2017 ",1 +"China's big banks halt services for North Koreans, tellers say","SHANGHAI (Reuters) - China s Big Four state-owned banks have stopped providing financial services to new North Korean clients, according to branch staff, amid U.S. concerns that Beijing has not been tough enough over Pyongyang s repeated nuclear tests. Tensions between the United States and North Korea have ratcheted up after the sixth and most powerful nuclear test conducted by Pyongyang on Sept. 3 prompted the United Nations Security Council to impose further sanctions on Tuesday. Chinese banks have come under scrutiny for their role as a conduit for funds flowing to and from China s increasingly isolated neighbor. China Construction Bank (CCB) (601939.SS) has completely prohibited business with North Korea , said a bank teller at a branch in the northeastern province of Liaoning. The ban started on Aug. 28, the teller said. Frustrated that China had not done more to rein in North Korea, the Trump administration was mulling new sanctions in July on small Chinese banks and other firms doing business with Pyongyang, two senior U.S. officials told Reuters. A person answering the customer hotline at the world s largest lender, Industrial and Commercial Bank of China Ltd (ICBC) (601398.SS), said the bank had stopped opening accounts for North Koreans and Iranians since July 16. The person did not explain why or answer further questions. The measures taken by the largest Chinese banks began as early as the end of last year, when the Dandong city branch of China s most international lender, Bank of China Ltd (BoC) (601988.SS), stopped allowing North Koreans to open individual or business accounts, said a BoC bank teller who declined to be identified. Existing North Korean account holders could not deposit or remove money from their accounts, the BoC bank teller said. At Agricultural Bank of China Ltd (AgBank) (601288.SS), a teller at a branch in Dandong, a northeastern Chinese city that borders North Korea, said North Koreans could not open accounts. The teller did not provide further details. Official representatives for BoC, ICBC, CCB and AgBank could not be reached for comment. Banks in Dandong have been under the microscope as tensions have risen, given their proximity to North Korea. In June, the United States accused the Bank of Dandong, a small lender, of laundering money for Pyongyang. Attempts to slowly choke off the flow of funds to and from North Korea come after the United States sanctioned a Chinese industrial machinery wholesaler that it said was acting on behalf of a Pyongyang bank already sanctioned by the United Nations for supporting the proliferation of weapons of mass destruction. The Chinese wholesaler was found to be operating through 25 accounts at banks in China. Although measures are in place, some bankers questioned how well the rules would be enforced. Chinese lenders have experienced high-profile failures to police money-laundering in recent years, with some facing allegations that bankers were complicit in the movement of illicit funds. Asking whether we will be able to enforce the new rules is the same question as asking how tight our know-your-client checks are, said a senior corporate banker at the Bank of China who declined to be identified because of the sensitivity of the matter. There will always be holes, she said. ",worldnews,"September 12, 2017 ",1 +Leader of China's $9 billion Ezubao online scam gets life; 26 jailed,"BEIJING (Reuters) - A Beijing court on Tuesday sentenced the architect of the $9 billion Ezubao online financial scam to life imprisonment, and handed down jail time to 26 others, marking the close to one of the biggest Ponzi schemes in modern Chinese history. The ruling comes at a time when the government is stepping up efforts to crack down on risky and illicit behavior in the country s financial sector, including the unruly peer-to-peer industry that continues to attract high volumes. Beijing First Intermediate People s Court sentenced Ding Ning - chairman of Anhui Yucheng Holdings Group that launched Ezubao in 2014 - to life in prison and fined him 100 million yuan ($15.29 million) for crimes including illegal fundraising, illegal gun possession and smuggling precious metals. Ding Dian, the chairman s brother, was also sentenced to life, while Zhang Min, Yucheng s president, and 24 others were sentenced to imprisonment for 3 to 15 years, according to an article on the Beijing Courts social media account. Ezubao, once China s biggest P2P lending platform, folded last year after it turned out to be a Ponzi scheme that collected 59.8 billion yuan ($9.14 billion) from more than 900,000 investors through savvy marketing. By the time police made arrests in early 2016, the company had failed to repay 38 billion yuan. The incident sparked a crackdown on the freewheeling online financial services market and led to new regulations to control China s P2P industry - where monthly volumes are above $50 billion, statistics published by industry portal P2P001 show. Ezubao s excesses also became a cautionary tale following its collapse. Ding collected a monthly salary of 1 million yuan, and admitted on state television to spending an estimated 1.5 billion yuan in Ezubao funds on himself. We fabricated projects to raise money, Ding said, according to a Xinhua report published last year, and then used fabricated project companies to re-circulate cash back into accounts linked to his companies. Ding also asked dozens of his secretaries to dress only in Chanel, Gucci and other luxury branded clothing to make the company appear highly successful. He told Zhang, the group president, to buy up everything from every Louis Vuitton and Herm s store in China. (reut.rs/2xsfaHH) ",worldnews,"September 12, 2017 ",1 +"New Zealand Labour still wants TPP part, but only if it can ban foreign home ownership","WELLINGTON (Reuters) - A New Zealand Labour government will still want to be part of the stalled Trans-Pacific Partnership (TPP) trade deal but only if it allows for foreigners to be banned from buying existing homes, opposition leader Jacinda Ardern said on Tuesday. Labour, firming as the frontrunner ahead of the National government in a Sept. 23 election, wants to curb overseas buyers home purchases in a bid to cool the housing market and make home ownership more affordable for New Zealanders. Foreigners with the right to live in New Zealand would be exempt from Labour s proposed ban, which would still be at odds with provisions in the TPP trade deal as well as New Zealand s free trade agreement with South Korea. It is an agreement we want to be part of, but we also want to maintain our ability to legislate under our laws to protect what is an overheated housing market, Ardern said. We want to be in there but our housing bottom line is pretty firm for us, she told New Zealand media. The original 12-member TPP, which aims to cut trade barriers in some of Asia s fastest-growing economies, was thrown into limbo in January when U.S. President Trump withdrew from the agreement. The remaining 11 members have said they remain committed to the deal, but implementation of the agreement linking 11 countries with a combined GDP of $12.4 trillion has stalled. Ardern, who has almost single-handedly changed Labour s election chances since becoming leader in August, has made home ownership a campaign focus. She has criticized National for failing to tackle a housing crisis during nine years in government, promising to build more affordable homes and to crack down on foreign speculators. Labour wants to reconsider New Zealand s role in the TPP if foreign investment provisions are not restricted. Banning foreign investment in existing homes would also mean having to renegotiate New Zealand s trading agreement with South Korea, although its free trade deal with China already provides for restrictions on foreign investment. Korea has the same carve-out ... for themselves so they can restrict New Zealanders ... Australia has that same carve-out in their agreement with Korea, so we don t anticipate that would be a significant sticking point, she said. National criticized Labour s plans to renegotiate the trade agreement with South Korea, describing it as an ill-thought out and vague policy. Support for Labour rose to 41.8 percent in the latest average of opinion polls, nudging above National s 41.1 percent. ",worldnews,"September 12, 2017 ",1 +Dancer who hid Peru rebel chief freed from prison after 25 years,"LIMA (Reuters) - A ballet dancer in Peru who was caught hiding the leader of the Shining Path in her apartment in 1992 was freed from prison after finishing her 25-year sentence on Monday. Maritza Garrido Lecca, 52, emerged from a prison on the dusty outskirts of Lima smiling. As she stepped in a car, journalists shouted: Do you regret it? Garrido Lecca is the latest in a wave of former militants to be freed, and their release has stirred fears of unrest. Raised in an affluent Catholic home in Peru s capital Lima, Garrido Lecca stunned Peru when authorities discovered the country s most wanted man, Abimael Guzman, had been secretly living in the second story of her apartment above the studio where she taught ballet and modern dance. Her story inspired the 2002 John Malkovich-directed film The Dancer Upstairs that depicted the kind of patient detectivework that led to Guzman s capture. Guzman launched the Shining Path s attempt to overthrow the state in 1980 in what would become one of Latin America s deadliest internal conflicts. An estimated 69,000 people were killed in the two-decade battle between state security forces and leftist insurgents. The majority of victims were the poor indigenous peasants whom Guzman hoped would embrace his plans for an armed rebellion. Residents of Lima s upscale neighborhood Miraflores waved Peruvian flags in protest as they waited for Garrido Lecca to arrive at her elderly mother s apartment building. The Shining Path and terrorism are our enemy and we ll be vigilant about combating them, Justice Minister Marisol Perez told journalists ahead of Garrido Lecca s release. While the Shining Path is no longer a threat to the Peruvian state and the group s political arm, Movadef, has been blocked from forming a party, authorities say former members are fanning conflicts and winning support among young people. Peru s Interior Minister Carlos Basombrio accused former Shining Path inmates of infiltrating a teachers strike that dragged on for more than two months with frequent clashes between police and protesters. Out of some 6,000 inmates who had been convicted of terrorism, the vast majority are now free, Peruvian security analyst Pedro Yaranga said. While no former Shining Path member has asked for forgiveness for the group s violent past, Movadef says it is no longer seeking to obtain power with an armed rebellion. After her arrest, Garrido Lecca denied being part of Shining Path s leadership but acknowledged having links to the group and shouted her allegiance to it before news cameras. Peru s former Prime Minister Pedro Cateriano, who lives in the building where Garrido Lecca is expected to stay, said Peru has no choice but live with the former rebels. I don t like being Garrido Lecca s neighbor, either, but, that s how a state based on the rule of law works, Cateriano told reporters. ",worldnews,"September 12, 2017 ",1 +Turkey orders former intelligence personnel detained in Gulen probe: AA,"ISTANBUL (Reuters) - Turkey issued arrest warrants for 63 people, including former National Intelligence Agency (MIT) personnel, over alleged links to the U.S.-based cleric accused of orchestrating last year s attempted coup, Anadolu agency reported on Tuesday. The police operation was launched in 21 provinces across Turkey, the state-run news agency reported. Ankara says cleric Fethullah Gulen, who has lived in the United States since 1999, was behind the abortive putsch in July 2016. Gulen has denied involvement. More than 50,000 people have been jailed pending trial for alleged ties to Gulen s movement and some 150,000 people have been sacked or suspended from jobs in the public and private sectors for the same reason. Some of Turkey s Western allies and rights groups have expressed concern about the crackdown and suspect the government has used the coup as a pretext to quash dissent. The government says the purges are necessary due to the gravity of the threats it has faced since the failed putsch, in which more than 240 people were killed. ",worldnews,"September 12, 2017 ",1 +Philippine police halt drug tests after residents petition court,"MANILA (Reuters) - Police have been forced to stop conducting drug surveys and testing in the Philippine capital s biggest and most populous area after a lawyers group representing residents filed a petition before a court, a police chief said on Tuesday. Thousands of residents had been surveyed and a few hundred had been tested in a door-to-door anti-narcotics campaign in two communities in Manila s Quezon City from May this year, part of President Rodrigo Duterte s bloody war on drugs. Human rights groups and Duterte s political opponents have said tests conducted by police amounted to harassment that could endanger the lives of those who tested positive. Activists say large numbers of users have been killed during the anti-drug campaign, often by mysterious gunmen. Community officials were still allowed to go around the city s 142 neighborhoods asking people to complete surveys about drug use and take voluntary urine tests, said Guillermo Eleazar, Quezon City police chief. The police will no longer have an active role in the anti-drug activities, Eleazar told Reuters, a day after he attended a court hearing on a petition to stop the police tests. Our uniformed personnel will now be limited to providing security and visibility upon the requests of our barangay (community) officials. They will no longer take part in asking questions and taking urine samples, he said. The decision comes as Philippine police are under intense media scrutiny over their conduct in an anti-narcotics campaign that has killed thousands of Filipinos over the past 15 months and alarmed human rights monitors. Activists and some opposition politicians have accused Duterte of having a kill policy that aims to eliminate suspected drug dealers rather than take them into custody. Duterte and the police reject such accusations and say that those killed had resisted arrest violently. Eleazar said the drug tests police had conducted were voluntary and not coercive. He said the court did not issue a restraining order because he assured the judge it was up to each community to decide its own programmes and police would play only a supporting role. Eleazar accepted some police officers were over-zealous in the conduct of house-to-house surveys and tests, but said petitioners were wrong to blame police, who were only trying to help. The petitioners are barking up at the wrong tree, he said. They should ask the court to stop the barangays from doing these anti-drug surveys and tests. The National Union of People s Lawyers (NUPL) said they expected police to shift blame. No doubt this about-face by the police was due to public protests and the legal suit, the NUPL said in a statement. ",worldnews,"September 12, 2017 ",1 +Human Rights Watch says Saudi-led air strikes in Yemen are war crimes,"DUBAI (Reuters) - Human Rights Watch accused the Saudi-led coalition fighting in Yemen of war crimes on Tuesday, saying its air strikes killed 39 civilians including 26 children in two months. The rights group said five air strikes hitting four family homes and a grocery store were carried out either deliberately or recklessly, causing indiscriminate loss of civilian lives in violation of the laws of war. The coalition has repeatedly denied allegations of war crimes and says its attacks are directed against its foes in Yemen s armed Houthi movement and not civilians. Yemen has been torn by a civil war in which Yemen s internationally-recognized government, backed by a coalition supported by the United States and Britain, is trying to roll back the Iran-aligned Houthi group which controls most of northern Yemen, including the capital Sanaa. The Saudi-led coalition s repeated promises to conduct its air strikes lawfully are not sparing Yemeni children from unlawful attacks, said Sarah Leah Whitson, Middle East director at Human Rights Watch, in a statement. This underscores the need for the United Nations to immediately return the coalition to its annual list of shame for violations against children in armed conflict, she said. On August 4, coalition aircraft struck a home in Saada, killing nine members of a family, including six children, ages 3 through 12. On July 3, an air strike killed eight members of the same family in Taiz province, including the wife and 8-year-old daughter, the organization said. HRW said it interviewed nine family members and witnesses to five air strikes that occurred between June 9 and August 4, and did not detect any potential military targets in the vicinity. The war has killed more than 10,000 people, displaced more than three million and ruined much of the impoverished country s infrastructure. The Saudi-led coalition was formed in 2015 to fight the Houthis and army troops allied with them who have fired missiles into the kingdom. HRW called on United Nations Security Council to launch an international investigation into the abuses at its September session. On Monday, the U.N. said it has verified 5,144 civilian deaths in the war in Yemen, mainly from air strikes by a Saudi-led coalition, and an international investigation is urgently needed. ",worldnews,"September 12, 2017 ",1 +Japan PM Abe's ratings regain 50 percent amid North Korea security jitters,"TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe s support ratings have recovered to the 50 percent level, a poll released on Tuesday showed, helped by public jitters over North Korea s missile and nuclear tests and by disarray in the main opposition party. A September 8-10 survey by the Yomiuri newspaper put support for Abe s administration at 50 percent, up 8 points from the previous month. Abe s support had sunk below 30 percent in some polls in July, battered by suspected cronyism scandals and perceptions among voters that he had become arrogant after more than four years in office. His ratings improved slightly cabinet reshuffle in early August. Since then, news has been dominated by rising regional tensions over North Korea s ballistic missile tests, including one that flew over northern Japan. Abe has spoken to U.S. President Donald Trump by phone numerous times, seeking to demonstrate the U.S.-Japan alliance is firm. Pyongyang last week carried out its sixth and biggest nuclear test and Defence Minister Itsunori Onodera warned more provocations could be in store after the U.N. Security Council stepped up sanctions, imposing a ban on the North s textile exports and capping crude oil imports. Japan also wants to take leadership to change North Korea s policies while coordinating closely with other countries, Abe told reporters on Tuesday. With parliament in recess, Abe was able to use the crisis in North Korea to monopolize the spotlight by getting the media to portray him as a strong leader, said Koichi Nakano, a political science professor at Sophia University. Japan s opposition Democratic Party, meanwhile, failed to improve its ratings after the election last month of a new leader, former foreign minister Seiji Maehara. The Democrats also face likely defections to an embryonic party that allies of popular Tokyo Governor Yuriko Koike, an ex-ruling party lawmaker, are trying to form. Sixty percent of voters did not hold hopes for Maehara s leadership compared to 33 percent who did. Support for his party languished at 5 percent versus 40 percent for Abe s Liberal Democratic Party, the Yomiuri said. Reflecting Koike s popularity, the yet-to-be-launched Japan First party, fared better, with 41 percent expressing hopes for the new group. Whether Abe can maintain the gains in popularity remains to be seen. The scandals have not gone away and in a couple of weeks, Abe will have to convene the Diet ... so the recovery in support levels may well turn out to be temporary, Nakano said. ",worldnews,"September 12, 2017 ",1 +"With 7.4 million without power, utility workers get respect","Fort Lauderdale and New York (Reuters) - When more than 7.4 million homes and businesses are without power after a hurricane, utility workers tend to get noticed a bit more than usual. That s what Gus Beyersdorf, 40, and his colleague Nick Jensen, 32, utility workers from Wisconsin, found out while inspecting power lines in Florida on Monday. The two - among the thousands of power-line workers brought in from out-of-state by major utilities - spent about five minutes outside a house in Fort Lauderdale, when two cars with women who said they lived in the neighborhood stopped to inquire about the return of power to their homes - obviously trying to get their attention. I think you guys are sexy. Men in hard hats are attractive! said one of the women, obviously just joking with the Wisconsin men, but also making it clear that she would like it if they would get the power turned back on at her house. Major utilities in the state - including Florida Power & Light Co, Duke Energy Corp and Tampa Electric - have mobilized tens of thousands of workers to deal with the enormous power outages, which by Monday evening numbered more than 7.4 million homes and businesses after Hurricane Irma landed as a Category 4 storm early Sunday. While the numbers in Florida were declining slightly, more outages were being reported in Georgia and other states as Irma, now a tropical storm, moved north. Beyersdorf and Jensen left northern Wisconsin on Friday morning and raced to southern Florida to be in place ahead of Irma s impact. Between 2,000 and 3,000 utility workers from out-of-state are staying at BB&T Stadium in Broward County, which is home to the National Hockey League s Florida Panthers, said Beyersdorf. Power losses in Georgia, which were nearing 900,000 as of 3 p.m. EDT, were expected to increase as the storm moved north. In Florida, the state s biggest electric company said its outages dipped to 3.3 million from a peak of 3.6 million earlier on Monday. A total of almost 4.5 million Florida Power & Light customers have been affected by the storm, with about 1 million getting service restored, mostly by automated devices. We ve never had that many outages, and I don t think any utility in the country ever has, FPL Chief Executive Eric Silagy said at a news conference on Monday. It is by far and away the largest in the history of our company. FPL said it was still assessing the damage and could not yet say when it would restore service to most customers. Some homes and businesses could be without power for weeks, especially in the hardest-hit areas like southwest Florida, the NextEra Energy Inc unit said. It took a week for Matthew, Jensen said, referring to a hurricane that last year did not make landfall in Florida but caused power outages. This one is going to take a lot longer. As Irma pushed north, outage figures were increasing at other large utilities, including units of Duke Energy, Southern Co and Emera Inc. Duke s outages held around 1.2 million on Monday evening, while Emera s Tampa Electric utility said outages eased to about 320,000 from a peak earlier on Monday of over 330,000. FPL said its two nuclear plants were safe. Both units at its Turkey Point facility, about 30 miles (48 km) south of Miami, were shut by early Monday. At its St. Lucie nuclear plant about 120 miles (190 km) north of Miami, FPL reduced power at Unit 1 because of salt buildup from Irma in the switchyard, NRC spokesman Roger Hannah said. The plant s other reactor, Unit 2, continued to operate at full power. Irma is expected to sap demand for fuel for a time, Goldman Sachs analysts said in a note on Monday, but they cautioned that supply could remain strained because of refining capacity offline after Hurricane Harvey, which hit Texas two weeks ago. ",worldnews,"September 11, 2017 ",1 +Factbox: Over 7.4 million lose power from Irma in U.S. Southeast - utilities,"(Reuters) - Over 7.4 million homes and businesses were without power in Florida, Georgia, South Carolina and Alabama because of Hurricane Irma, according to state officials and utilities on Monday. Most outages were in Florida Power & Light s service area in the southern and eastern parts of the state. A unit of NextEra Energy Inc and the state s biggest power company, FPL said its outages dipped to around 3.4 million by Monday evening from a peak of 3.6 million earlier in the day. As the storm weakens as it heads toward Georgia, outages have leveled off or even declined at other Florida utilities, while increasing in Georgia, South Carolina and Alabama. Florida outages for Duke Energy Corp, which serves the northern and central parts of the state, increased to almost 1.2 million, according to the company s website. Irma hit southwest Florida on Sunday morning as a dangerous Category 4 storm, the second-highest level on the five-step Saffir-Simpson scale. It gradually weakened to a tropical storm by Monday morning. The storm, which was moving into southern Georgia, was packing maximum sustained winds of 60 miles (97 km) per hour, according to the U.S. National Hurricane Center s latest update at 2 p.m. EDT (1800 GMT). In Georgia, utilities reported about 950,000 customers without power. Other big power utilities in Florida are units of Emera Inc and Southern Co, which also operates the biggest electric companies in Georgia and Alabama. ",worldnews,"September 11, 2017 ",1 +Guatemala president retains immunity from prosecution in graft probe,"GUATEMALA CITY (Reuters) - Guatemala s Congress on Monday voted overwhelmingly to preserve President Jimmy Morales immunity from prosecution after the attorney general submitted a request to investigate him over suspected financing irregularities during his 2015 election campaign. The vote to protect Morales from possible prosecution was lopsided, with only 25 of the 158 members of Congress voting to strip Morales of his legal protections. Presidential immunity can only be lifted with the backing of at least two-thirds of the chamber, or 105 members. Backers of Morales argued their vote to stop the probe from advancing favored political stability in the Central American nation. Democracy isn t built by changing the president every two years, said Congressman Raul Romero, head of the Fuerza party, referring to the corruption cases that led to the 2015 resignation of Morales predecessor, Otto Perez Molina. The vote in Congress was a blow to the U.N.-backed International Commission against Impunity in Guatemala (CICIG), which was pushing to determine the origin of some $800,000 in funds Morales managed as secretary general of the conservative National Convergence Front (FCN) party he led from 2015 to 2016. It was widely believed that those in favor of stripping Morales of his impunity would struggle to win enough support in Congress to green light an eventual prosecution as CICIG is also investigating all the major parties in Guatemala over suspected illegal financing. Members of Congress are making a pact of corrupt officials now that they are afraid of being investigated themselves for illegal electoral financing, said Alvaro Montenegro, head of the anti-corruption organization Justicia Ya. Morales, who has denied any wrongdoing, issued a statement late on Monday praising the vote as a sign of the country s unity and democratic maturity of its institutions. I call for an end to the political and ideological confrontations and together we ll continue to build the Guatemala we all desire, the statement said. The congressional vote reversed the recommendation of a Guatemalan congressional committee on Sunday that Morales immunity be revoked. Last month, Guatemala s attorney general and CICIG jointly sought to investigate Morales, a former comedian, over the illegal financing allegation. Two days later, Morales declared the head of the U.N. body persona non grata. Under the leadership of Ivan Velasquez, a veteran Colombian prosecutor, CICIG has caused problems for Morales, first investigating his son and brother, and then training its sights on him. The Guatemalan president won office in 2015 running on a platform of honest governance after Perez Molina was forced to resign and imprisoned in a multi-million dollar graft case stemming from a CICIG investigation. ",worldnews,"September 11, 2017 ",1 +"South Korea says North Korea must stop challenging peace, end nuclear program","SEOUL (Reuters) - South Korea welcomed on Tuesday a new U.N. Security Council resolution imposing additional sanctions on North Korea over its sixth nuclear test and said the only way for Pyongyang to escape isolation and economic hardship is to end its nuclear program. North Korea needs to realize that a reckless challenge against international peace will only bring about even stronger international sanctions against it, the South s presidential Blue House said. ",worldnews,"September 12, 2017 ",1 +Mexico president leads government response in quake zone,"JUCHITAN, Mexico (Reuters) - Mexico s president on Monday threw himself into areas badly hit by last week s devastating earthquake amid frustration at delays in getting food and water to stricken communities where at least 96 people died and 2.5 million were left in need of aid. Accompanied by several cabinet ministers, President Enrique Pena Nieto took on a busy schedule as he toured the battered southern state of Chiapas, seeking to inspire confidence in the government s relief effort. Pena Nieto s approval ratings have plumbed depths lower than any recent president, and his Institutional Revolutionary Party (PRI) faces a major struggle to retain power in presidential elections next July. The law bars him from seeking re-election. Speaking in the hard-hit city of Tonala, Pena Nieto urged construction companies to aid rebuilding efforts. If construction firms commit to showing solidarity by building a few homes ... construction efforts can be carried out quicker, he said. Don t let anyone take advantage of you, or take control of your affairs. The government is here. Mexican cement producer Cemex said on Monday it would donate $1 million worth of aid to reconstruction efforts. The final cost of the quake is likely to be far higher. Among those with Pena Nieto were Interior Minister Miguel Angel Osorio Chong and Finance Minister Jose Antonio Meade, both potential PRI candidates for the presidency. The quake killed at least sixteen people in Chiapas and four others in Tabasco. The vast majority of deaths so far reported were the 76 in neighboring Oaxaca state. Many Oaxaca fatalities were in the town of Juchitan, where more than 5,000 homes were destroyed. Tens of thousands of others were damaged in the region. Government officials delivered bags of simple rations including water and canned food on Sunday, but many Juchitan residents complained about the slow pace of assistance. We don t have food or water, we re desperate, said Jesus Ramirez, 27, who works in a plastics factory. We re trying to eat whatever we can find, any kind of food. Much of Juchitan and its surroundings had no running water, and piles of rubble were still restricting access to streets. Electricity was returning, but residents complained officials were slow to conduct house-by-house damage assessments. Alfredo Jimenez, a 19-year-old engineering student, said he and neighbors banded together to help victims of seven flattened homes in the area, feeling unable to count on the government. We see government people passing by, the army and the marines, but they haven t offered us anything, he said. Margarita Lopez, 56, a domestic worker, lined up for assistance in one Juchitan neighborhood where nearly every house was severely damaged. Almost nothing has arrived from the government, and we don t know what else we can do, Lopez said. Thursday s 8.1 magnitude quake was the most powerful to hit Mexico in 85 years, surpassing a 1985 temblor that killed thousands in Mexico City and triggered public outcry over the government response. That disaster hurt the PRI s reputation and some analysts believe it contributed to its removal from power in a 2000 vote, ending 71 consecutive years of one-party rule. Under pressure to do more at home, the government on Monday withdrew an offer to help victims of Hurricane Harvey in Texas. Mexico has been coping with heavy rains and the impact from Hurricane Katia on the Gulf state of Veracruz. The quake struck off the coast of Chiapas, and Mexico s national seismological institute said more than 1,000 aftershocks have since been reported. State-run oil company Pemex said on Monday it has not restarted its Salina Cruz refinery due to the aftershocks. ",worldnews,"September 11, 2017 ",1 +Guatemalan president survives congressional vote on immunity,"GUATEMALA CITY (Reuters) - Guatemala s Congress on Monday voted to preserve President Jimmy Morales s immunity from prosecution after the attorney general s office submitted a request to investigate him over suspected financing irregularities during his 2015 election campaign. Attorney general Thelma Aldana and a U.N. anti-graft body said last month they were seeking to investigate Morales over the illegal financing allegation. Two days later, Morales declared the head of the U.N. body persona non grata. Under the leadership of Ivan Velasquez, a veteran Colombian prosecutor, the CICIG has caused problems for Morales, first investigating his son and brother, and then seeking to prosecute him over some $800,000 in allegedly unexplained campaign funds. The Guatemalan president won office in 2015 running on a platform of honest governance after his predecessor, Otto Perez Molina, was forced to resign and imprisoned in a multi-million dollar graft case stemming from a CICIG investigation. Morales, a former comedian, has denied any wrongdoing. ",worldnews,"September 12, 2017 ",1 +Supreme Court justice temporarily preserves Trump refugee ban,"WASHINGTON (Reuters) - U.S. Supreme Court Justice Anthony Kennedy on Monday provided a temporary reprieve for President Trump s order blocking most refugees from entering the United States, putting on hold a lower court s ruling loosening the prohibition. Kennedy s action gave the nine justices more time to consider the Justice Department s challenge filed on Monday to the lower court s decision allowing entry to refugees from around the world if they had a formal offer from a resettlement agency. The full Supreme Court could act within days. The Justice Department opted not to appeal another part of last Thursday s ruling by the San Francisco-based 9th U.S. Circuit Court of Appeals that related to Trump s ban on travelers from six Muslim-majority nations. The 9th Circuit ruling broadened the number of people with exemptions to the ban to include grandparents, aunts, uncles and cousins of legal U.S. residents. Without Kennedy s intervention, the appeals court decision would have gone into effect on Tuesday. Kennedy asked refugee ban challengers to file a response to the Trump administration s filing by noon on Tuesday. Under the 9th U.S. Circuit s ruling, up to 24,000 additional refugees would become eligible to enter the United States than otherwise would be allowed, according to the administration. Trump s March 6 order banned travelers from Iran, Libya, Somalia, Sudan, Syria and Yemen for 90 days and locked out most aspiring refugees for 120 days in a move the Republican president argued was needed to prevent terrorist attacks. The order, which replaced a broader January one that was blocked by federal courts, was one of the most contentious acts of his presidency. Critics called it an unlawful Muslim ban that made good on Trump s promise as a candidate of a total and complete shutdown of Muslims entering the United States. The broader question of whether the travel ban discriminates against Muslims in violation of the U.S. Constitution, as lower courts previously ruled, will be argued before the Supreme Court on Oct. 10. The Supreme Court in June partially revived the order after its provisions were blocked by lower courts. But the justices said a ban could be applied only to those without a bona fide relationship to people or entities in the United States. New litigation was brought by Hawaii over the meaning of that phrase, including whether written assurances by resettlement agencies obligating them to provide services for specific refugees would count. Hawaii and other Democratic-led states, the American Civil Liberties Union and refugee groups filed legal challenges after Trump signed his order in March. The Trump administration has ended its odd and ill-advised quest to ban grandmas from the country, Hawaii Attorney General Douglas Chin said on Monday. With respect to the admission to the United States of refugees with formal assurances and the Supreme Court s temporary stay order, each day matters, Chin added, promising to respond soon to the administration s filing. In court papers filed earlier on Monday, the Justice Department said the 9th Circuit refugees decision will disrupt the status quo and frustrate orderly implementation of the order s refugee provisions. Omar Jadwat, an ACLU lawyer, contrasted Trump s efforts to keep alive his travel ban with the Republican president s decision last week to rescind a program that protected from deportation people brought to the United States illegally as children, dubbed Dreamers. The extraordinary efforts the administration is taking in pursuit of the Muslim ban stand in stark contrast to its unwillingness to take a single step to protect 800,000 Dreamers, Jadwat said. ",worldnews,"September 11, 2017 ",1 +"Sweden, Britain seek U.N. meeting on situation in Myanmar","UNITED NATIONS (Reuters) - Sweden and Britain on Monday requested a closed-door United Nations Security Council meeting on the deteriorating situation in Myanmar s Rakhine state, home to the majority-Buddhist nation s Rohingya Muslims, diplomats said. The meeting would likely be held on Wednesday, diplomats said. I think it will be a private meeting but with a public outcome of some form, British U.N. Ambassador Matthew Rycroft told reporters on Monday. It s a sign of the significant worry that Security Council members have that the situation is continuing to deteriorate for many Rohingya who are seeking to flee Rakhine state in Burma and move into Bangladesh, Rycroft said. The United Nations top human rights official slammed Myanmar earlier on Monday for conducting a cruel military operation against Rohingya Muslims in Rakhine state, branding it a textbook example of ethnic cleansing. The Security Council discussed the situation behind closed doors on Aug. 30. In a rare letter to the council earlier this month, Secretary-General Antonio Guterres expressed concern the violence could spiral into a humanitarian catastrophe. Rights groups informally briefed Security Council diplomats on the Myanmar violence on Friday. Russia and China did not send any diplomats, according to people at the meeting. Myanmar has said it is was counting on China and Russia to protect it from any Security Council censure. ",worldnews,"September 11, 2017 ",1 +UK government confident of winning vote on Brexit legislation: spokesman,"LONDON (Reuters) - Prime Minister Theresa May s government is confident of winning a vote on a major piece of Brexit legislation, due in parliament later on Monday or early Tuesday, May s spokesman said. Parliament is due to hold a late-night vote on whether to let the central plank of Britain s Brexit plan - the EU withdrawal bill - move to the next stage of the lawmaking process. Asked whether the government was confident of the outcome, he said: Yes. We ve said this is a hugely important bill in terms of preparing the way for a smooth Brexit for business and the rest of the country, and we encourage all MPs (Members of Parliament) to support it. ",worldnews,"September 11, 2017 ",1 +"Hurricane Irma kills 10 in Cuba, Castro calls for unity","HAVANA (Reuters) - President Raul Castro called on Cubans on Monday to unite in swiftly rebuilding the Caribbean nation in the wake of Hurricane Irma, which killed at least 10 people during a devastating three-day rampage along the length of the island. The storm crashed into Cuba late on Friday, with sustained winds of than 157 miles per hour (253 km per hour). It tore along the island s northern shore for some 200 miles (322 km) - lashing tourist resorts on the island s pristine keys - before turning northward to batter Florida. In Havana, people set about removing debris from the streets on Monday and mopping up homes hit by widespread flooding. The hurricane - the first Category 5 storm to make landfall in Cuba since 1932 - tore off roofs, felled trees and downed electricity poles, leaving millions without power and water. State media said on Monday Irma had seriously damaged Cuba s already dilapidated sugar industry, flooding and flattening an extensive area of sugar cane. Given the immensity of its size, practically no region escaped its impact, Castro said in a statement published in state-run media, urging Cubans to unite to rebuild the country. The task we have before us is immense but, with a people like ours, we will win the most important battle: the recovery. Castro, 86, who has said he will step aside early next year, said authorities had not been able to assess the full extent of damage yet, but the hurricane had impacted housing stock and the power grid, as well as agriculture. The fatalities in Cuba brought the death toll from Irma to 39 in the Caribbean. The hurricane dealt a potentially heavy blow to Cuba s agriculture- and tourism-reliant economy at a difficult moment, with an economic reform program appearing stalled and aid from key ally Venezuela shrinking. Seven of the Cuban dead were in the province of Havana, which only caught the outer reaches of the hurricane but still saw waves of up to 36 feet (12 meters) pummel its historic seafront boulevard on Sunday. The two youngest victims, Mar a del Carmen Arregoit a and Yolendis Castillo, both 27, died when a balcony crashed down onto their bus in central Havana, infamous for its creaking infrastructure. The oldest, Nieves Mart nez, 89, was found floating in water in front of her home in the Vedado district of Havana in the wake of heavy flooding in the capital, according to a statement from civil defense authorities. Large parts of Havana remained underwater on Monday. We have absolutely nothing, we lost it all, the fridge, the washing machine, we lost it all here, said Ayda Herrera, whose home on Havana s seafront boulevard was flooded. Fatalities also were reported in Matanzas, home to the tourist resort of Varadero, and the regions of Ciego de Avila and Camaguey farther east. While many of Cuba s top resorts on the northern islands took a direct hit from the hurricane, Castro said they would be fixed up in time for high tourist season at the end of the year. Many tourists flew home ahead of Irma, but others hunkered down in hotels and shelters. Tropical paradise turned into hell for us, said Spanish tourist Michel Munoz, 31, who said he spent the hurricane sheltering in a Havana convent and had struggled to find food on Sunday as most restaurants were closed. Excavators have started the laborious task of removing debris and fallen trees from roads throughout the island and trucks carried drinkable water to the worst-affected areas. We are working twice as hard as usual to ensure as much bread as possible to the population, said Alain Alfonso, a worker at a bakery in Central Havana. ",worldnews,"September 11, 2017 ",1 +Russia sends 175 de-miners to Syria's Deir al-Zor: Interfax,"MOSCOW (Reuters) - Russia is to send 175 de-mining engineers to defuse mines in Syria s Deir al-Zor, Interfax news agency quoted Russia s Defence Ministry as saying on Monday. The first detachment of 40 de-miners has already been deployed to Russia s Hmeimim air base in Syria, the ministry said. Syrian government forces and U.S.-backed militias converged on Islamic State in separate offensives against the militants in the eastern Syrian province of Deir al-Zor on Sunday. ",worldnews,"September 11, 2017 ",1 +Japan PM says it's important to change North Korea's policy through stronger pressure,"TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe said on Tuesday that it is important to change North Korea s policy by imposing a higher level of pressure on the country than ever before. Abe told reporters that Japan wants to exercise leadership to bring about change in Pyongyang s policies through close cooperation with the international community. The United Nations Security Council unanimously stepped up sanctions against North Korea on Monday over the country s sixth and most powerful nuclear test on Sept. 3, imposing a ban on the country s textile exports and capping imports of crude oil. ",worldnews,"September 12, 2017 ",1 +"U.S. calls on Myanmar to stop violence, displacement of Rohingya","WASHINGTON (Reuters) - The White House said on Monday the violent displacement of Rohingya Muslims in Myanmar showed the country s security forces were not protecting civilians. We call on Burmese security authorities to respect the rule of law, stop the violence, and end the displacement of civilians from all communities, the White House said in a statement. ",worldnews,"September 11, 2017 ",1 +UK lawmakers back EU withdrawal bill at second reading,"LONDON (Reuters) - British lawmakers on Tuesday voted in favor of legislation to sever political, financial and legal ties with the European Union at its second reading, allowing the bill to move to the next stage of the parliamentary process. The opposition Labour Party, which said several clauses in the legislation amount to a power grab by government, opposed the bill but would have needed to convince EU supporters in the governing Conservatives to side with them to vote it down. After more than eight hours of debate on Monday, lawmakers voted by 326 to 290 in favor of the EU withdrawal bill, which will now go on to face days of line-by-line scrutiny. ",worldnews,"September 11, 2017 ",1 +UK lawmakers back government's proposed timetable for debate of EU withdrawal bill,"LONDON (Reuters) - British lawmakers on Tuesday voted in favor of the government s proposed timetable for debating legislation designed to sever political, financial and legal ties with the European Union. Many had complained that the eight days set out by the government for line-by-line scrutiny of the EU withdrawal bill was not long enough for such an important piece of legislation. But lawmakers voted by 318 to 301 to support the so-called program motion, which sets out the timetable for the remaining stages of the bill s progress through parliament s lower House of Commons. ",worldnews,"September 11, 2017 ",1 +Tunisia parliament backs Chahed's new government,"TUNIS (Reuters) - Tunisia s parliament gave Prime Minister Youssef Chahed s new government a vote of confidence on Monday after the premier detailed plans to halve the budget deficit and trim the public wage bill in the next three years as part of a reform package. Chahed last week named a new cabinet after weeks of wrangling between the ruling Nidaa Tounes party and rival Islamist party Ennahda over posts that had delayed progress on a reform program backed by the International Monetary Fund. Lawmakers voted late on Monday to approve the new cabinet, giving Chahed support to push on with austerity measures. We hope this will be the government that gives Tunisians back some hope, parliament assembly President Mohamed Naceur said after the vote. Tunisia has been praised for its democratic progress after the 2011 uprising against autocrat Zine El-Abidine Ben Ali, but successive governments have failed to advance in economic reforms to trim deficits and create jobs and growth. Chahed earlier said his government needed consensus backing to push ahead with reforms by 2020 that he hopes will revive Tunisia s economy, which has been hit by unrest after the 2011 revolt and by militant attacks on the tourism industry. We are preparing an economic plan to relaunch and salvage the Tunisian economy, he told parliament five days after naming a cabinet that includes a new minister in charge of economic reforms. This is needed to balance our finances. Chahed said the government aimed to reduce the deficit to 3 percent of gross domestic product by 2020 from 6 percent expected this year. He said growth was expected to hit 5 percent that year; in the first half of this year, the economy expanded by 1.9 percent. Backed by the International Monetary Fund, the North African country is looking to reduce subsidies, overhaul its pension system and shrink its large public sector. But worries over social unrest have kept authorities from advancing with reforms. Chahed said the government planned to reduce the public wage bill to around 12.5 percent of GDP from the current 14 percent - one of the highest ratios in the world. In an effort to boost foreign currency reserves, he said the government would also loosen currency controls to allow Tunisians to hold foreign currency accounts locally and introduce an amnesty for illicit foreign currency trade. ",worldnews,"September 11, 2017 ",1 +Peru says expelling North Korean ambassador over nuclear program,"LIMA (Reuters) - Peru said on Monday that it was expelling North Korea s ambassador over the country s refusal to heed the world s constant calls to end its nuclear program. The ambassador, Kim Hak-Chol, has five days to leave Peru, the foreign affairs ministry said in a statement. Earlier this month North Korea launched its biggest nuclear bomb test, prompting global condemnation as U.S. President Donald Trump said appeasement would not work. Peru stressed that it was committed to a peaceful solution to the dispute and strict compliance with resolutions passed by the United Nations Security Council. The UN Security Council is set to vote on Monday to impose new sanctions on North Korea after the United States watered down the text of a resolution to appease China and Russia. Peru said it would carry out all diplomatic efforts aimed at denuclearizing the North Korean peninsula. Peru s announcement follows a similar move by Mexico last week and U.S. Vice President Mike Pence s public call last month for Latin American nations to isolate Pyongyang. North Korea s embassy in Lima declined comment. ",worldnews,"September 11, 2017 ",1 +Caribbean residents fend off looters after Irma; Branson urges 'Marshall Plan',"SAN JUAN, Puerto Rico (Reuters) - Food shortages and looting on Caribbean islands hammered by Hurricane Irma sparked growing criticism of the government response, prompting British billionaire Richard Branson to call for a Marshall plan to help the region recover. Irma ripped through the tiny easterly Leeward Islands last week as one of the Atlantic s strongest ever storms, killing two dozen people, uprooting trees, tearing down power cables and severely damaging the homes of poor locals and the global jet-set alike. Across the whole of the Caribbean, Irma killed nearly 40 people and devastated basic services, tearing cracks in law and order. Looting erupted on some Caribbean islands where residents and tourists were stranded with little food, shelter or drinking water. Jenn Manes, who writes a blog on U.S. Virgin Island St. John, detailed a list of robberies and break-ins on the island after Irma struck, saying she had to install a bar on the inside of her door to keep out would-be burglars. This is not St. John anymore. I m not sure what it is. What I do know is that I am scared. My friends are scared. And we don t know what to do, she wrote. Despite sending reinforcements and ships to deliver help, France, Britain and the Netherlands have been criticized for not doing enough for the islands that they oversee. Britain s Defence Minister Michael Fallon at the weekend said his government s effort was as good as anybody else s. The Dutch government on Sunday described the situation as fragile on its half of the island of St. Martin, where an undisclosed number of arrests of looters were made after Irma damaged or destroyed 70 percent of the local housing stock. Alex Martinez, a 31-year-old American trapped on the Dutch part of St. Martin by Irma, said looters tried to raid his near-deserted hotel before he and others chased them off. We had to fend for ourselves, he told Reuters. Struggling to get answers about loved-ones, many people resorted to sharing information and making pleas on a Facebook page set up to help people on St. Martin. Dutch King Willem-Alexander and Interior Minister Ronald Plasterk on Monday visited St. Martin, reviewing the damage done to the battered island with local leaders. French President Emmanuel Macron was expected in the Caribbean on Tuesday. Following the passage of Hurricane Luis in 1995, which killed at least 15 people in the Caribbean and damaged 60 percent of housing on St. Martin, the U.S. National Hurricane Center estimated the cost to St. Martin alone at $1.8 billion. Businessman Branson, who has lived in the British Virgin Islands for the past 11 years, said in a blog post on www.virgin.com that the region needed a Disaster Recovery Marshall Plan to rebuild and revitalize its economy - a reference to the multibillion-dollar U.S. program that helped rebuild Western Europe after the devastation of World War Two. We must get more help to the islands to rebuild homes and infrastructure and restore power, clean water and food supplies, said Branson, head of the Virgin Group conglomerate. He said he was writing from Puerto Rico, where he was mobilizing aid efforts, and that he would be returning to the Virgin Islands soon for recovery work. Branson said the British government had a massive role to play in rebuilding its territories, including the British Virgin Islands, an offshore financial center. The premier of the British Virgin Islands, Orlando Smith, also appealed for urgent aid from Britain, saying the situation was critical and calling for a comprehensive package. The plan should include the possibility of more extreme weather as the effects of climate change continue to grow, he said. Still, on Monday, blogger Manes on U.S. Virgin Island St. John reported the situation was improving, saying police were patrolling the streets and that a Navy ship had arrived to help. ",worldnews,"September 11, 2017 ",1 +"Belgian mayor's throat slashed in cemetery, shocking country","BRUSSELS (Reuters) - The murder of a Belgian city mayor whose throat was cut in a cemetery on Monday has shocked the country, and the country s prime minister expressed horror at the death of the retired national lawmaker. Citing the public prosecutor, Belgian media said Alfred Gadenne, 71, the conservative mayor of Mouscron, an industrial town of 57,000 just across the border from the northern French city of Lille, was found dead in a graveyard close to his home where he acted as caretaker and locked the gates each night. Local news service SudInfo, citing unnamed sources, said a suspect had handed himself in to police and that the motive was unclear. The case was handed to a local prosecutor rather than to national counter-terrorism investigators. I have learned with horror of the brutal death of Alfred Gadenne, Prime Minister Charles Michel, a liberal, said on Twitter. All my thoughts are with his family and friends. Among the many others offering condolences was Martine Aubry, the former French Socialist party leader and long-time mayor of metropolitan Lille. Philippe Courard, president of the parliament for Belgium s French-speaking south, tweeted: Terrifying. What kind of world are we living in? ",worldnews,"September 11, 2017 ",1 +Delta to cancel about 800 flights due to Irma,"(Reuters) - Delta Air Lines Inc said it would cancel about 800 flights on Monday as it braces for Tropical Storm Irma at its Atlanta hub. ""Hurricane Irma is expected to bring to the Atlanta hub strong crosswinds that exceed operating limits on select mainline and regional aircraft,"" Delta said on Monday. (bit.ly/2gXW5Cu) The No. 2 U.S. airline by passenger traffic, whose business is heavily dependent on operations at the Atlanta airport, said it was planning to resume service to airports in Florida. Irma, ranked as one of the most powerful hurricanes recorded in the Atlantic, hit a wide swath of Florida over the past day. It is now a tropical storm with sustained winds of up to 70 miles per hour (110 km per hour). Bigger rival American Airlines Group Inc said on Sunday it would not resume commercial flights at its Miami International Airport hub on Monday, but may operate flights to bring in staff and supplies. ",worldnews,"September 11, 2017 ",1 +Factbox: Norway's close-fought election for parliament,"OSLO (Reuters) - Norwegians vote on Sept. 10 and 11 to pick a parliament for the next four years and determine whether the center-right minority government stays in power or is replaced by parties on the center-left. Opinion polls show the election remains too close to call. Exit polls and forecasts based on early votes will be made public on Monday at 1900 GMT, and most ballots will be counted within three to four hours. In the case of an exceptionally tight race however, the final result may not emerge until late on Tuesday. Below is a summary of key policy differences and the dynamics of the race: All 169 seats in parliament are up for grabs, and as many as nine parties are expected to win seats under Norway s system of proportional representation. However, there are only two candidates for the job of prime minister - the incumbent Erna Solberg of the Conservatives and Labour s Jonas Gahr Stoere. A calculation by www.pollofpolls.no, measuring the average of September opinion polls, gave Solberg s four-party block 85 seats, just enough for a majority, while the four on the center-left, plus the independent Green Party, would win 84 seats. But whether it s the center-left or center-right that hits the crucial 85 seats, the winner faces tricky post-election negotiations and will meet tough demands from small parties to keep their support over the next four years. The race could be decided by how many of the small parties clear the key four-percent hurdle that gives access to a pool of so-called seats at large , boosting their presence in parliament. Two parties on the right, two on the left and one in the center, the Greens, are all close to this key threshold. Solberg seeks further cuts in personal income tax and a reduction of the wealth tax, but has declined to say by how much. She requires backing from the centrist Liberals and Christian Democrats, which would temper the size of any cuts. Labour has vowed to raise taxes for above-average earners and the wealthy by up to $2 billion to improve public services and reduce the reliance on cash from Norway s sovereign wealth fund. Citing concerns over climate change and potential pollution, several small parties seek to limit the expansion of Norway s oil and gas industry, which brings in almost half the country s export revenues. The independent Greens, which could hold the balance of power in post-election maneuvers, have made it a condition for anyone seeking their support to end all exploration a demand that neither Labour nor the Conservatives are willing to meet. Meanwhile, the Liberal Party hopes to slow down the awards of new exploration acreage to oil firms if the Conservatives stay in power, while on the left the Reds and the Socialist Left will make similar demands of a Labour-led government. The seas surrounding the arctic Lofoten archipelago could thus remain off-limits to the oil industry, while the extent of drilling in the far-north Barents Sea may emerge as a flash-point in post-election negotiations. With nearly $1 trillion saved up from Norway s extensive oil and gas industry, the next parliament faces key questions over how to organize the fund and whether to allow investments beyond the foreign stocks, bonds and real estate it currently holds. Decisions are mostly made in consensus between the bigger parties, however, and neither Labour nor the Conservatives have said whether they agree with a recent report that suggested it should no longer be managed by the central bank. If Labour s Gahr Stoere emerges as the likely next prime minister, he will face pressure from center-left parties to review EU-outsider Norway s extensive inclusion in the European Union s single market. At stake is Norway s participation in the European Economic Area (EEA) treaty, strongly favored by both Labour and the Conservatives but opposed by the euro-skeptic Centre Party (CP) and the Socialist Left (SL). However, both the CP and the SL, in government with Labour from 2005 to 2013, agreed at the time to govern on the basis of the EEA. An interactive Reuters graphic of polling data can be found at tmsnrt.rs/2wYkVIO ",worldnews,"September 10, 2017 ",1 +UK police charge serving soldiers over suspected far-right terrorism,"LONDON (Reuters) - Three men, including two serving soldiers, were charged by British police on Monday with terrorism offences, including belonging to a banned far-right group. The men were among five arrested on Sept. 5 as part of a pre-planned, intelligence-led operation. The other two were released without charge on Sunday. West Midlands Police said 22-year-old Alexander Deakin, 32-year-old Mikko Vehvilainen and 24-year-old Mark Barrett had all been charged with being members of neo-Nazi organization the National Action group. Barrett and Vehvilainen both gave their addresses as British army bases. All three will appear before Westminster Magistrates Court on Tuesday. National Action became the first far-right group to be outlawed in Britain last year after the murder of member of parliament Jo Cox, whose killing the group had praised. Police said Deakin had also been charged possessing documents useful in committing or preparing an act of terrorism, distributing a terrorist publication and inciting racial hatred. Vehvilainen was also charged with possessing documents useful in committing or preparing an act of terrorism, as well as publishing threatening or abusive material and possessing a weapon. ",worldnews,"September 11, 2017 ",1 +Saudi clerics detained in apparent bid to silence dissent,"(Reuters) - Several prominent Saudi clerics have been detained in an apparent crackdown on potential opponents of the conservative kingdom s absolute rulers amid widespread speculation that King Salman intends to abdicate in favor of his son. Saudi sources told Reuters that Salman al-Awdah, Awad al-Qarni and Ali al-Omary were detained over the weekend. Officials could not be reached or declined to comment. All three are outside the state-backed clerical establishment but have large online followings. They have previously criticised the government but more recently kept silent or failed to publicly back Saudi policies, including the rift with Qatar over supporting the Muslim Brotherhood. Awdah was imprisoned from 1994-99 for agitating for political change and leadership of the Brotherhood-inspired Sahwa (Awakening) movement. He later called for democracy and tolerance during the Arab Spring uprisings of 2011. Saudi officials have dismissed reports that the king may soon pass the throne to Crown Prince Mohammed bin Salman, who already dominates economic, diplomatic and domestic policy. But the al-Saud family has always regarded Islamist groups as the biggest internal threat to its rule over a country in which appeals to religious sentiment cannot be lightly dismissed and an al Qaeda campaign a decade ago killed hundreds. In the 1990s, the Sahwa demanded political reforms that would have weakened the ruling family. Mohammed bin Salman is very likely to be the next king but any dissenting voices that could challenge this succession could also be considered destabilizing from the regime perspective, said Jean-Marc Rickli, head of global risk at the Geneva Centre for Security Policy. You put that in the context of the Qatar rift and it is very difficult right now in the Gulf to have an opinion that is not considered biased or adversarial because the situation is so polarized on all sides. Saudi Arabia, the United Arab Emirates, Bahrain and Egypt cut diplomatic and transport links with Qatar in June over its alleged support for Islamist militants, a charge Doha denies. In the past two years, Crown Prince Mohammed has launched radical reforms to foster economic diversity and cultural openness, testing the kingdom s traditions of incremental change and rule by consensus. Resistance has not been met kindly, with the authorities increasingly silencing independent actors, said Stephane Lacroix, a scholar of Islam in Saudi Arabia. It s a much broader attempt to crush Islamists regardless of whether they act in opposition or not, he said. This (the arrests) would be [Prince Mohammed] and the regime trying to impose a much stricter political order. The crackdown is not limited to Islamists. Civil liberties monitors say freedom of expression is increasingly constrained in Gulf Arab states including Saudi Arabia. There is a general climate of being hypersensitive and almost paranoid, said Madawi al-Rasheed, visiting professor at the Middle East Centre, London School of Economics. There is no room for any kind of dissent at the moment. The government toughened its stance following the Arab Spring after it averted unrest by increasing salaries and other state spending but the Brotherhood gained power elsewhere in the region. The group represents an ideological threat to Riyadh s dynastic system of rule, and its use of oaths of allegiance and secret meetings are anathema to the Saudis. It was listed by Riyadh as a terrorist organization in 2014 and diplomats and analysts say there is little prospect that would change. Taking power in January 2015, King Salman initially appeared willing to allow the Brotherhood a role outside politics, for example by not stopping affiliated preachers such as Awdah from speaking publicly on religious or social issues. That appears to have changed in recent months, as a shift in the official discourse targeted Islamists and arrests increased, said Lacroix. What happened a couple of days ago is an acceleration of the process, he said, although it is unclear what specifically prompted the detentions. Awdah tweeted on Friday welcoming a report that suggested the row between Qatar and other Arab countries may be resolved. May God harmonize their hearts for the good of their people, he wrote after a telephone call between Crown Prince Mohammed and Qatar s Emir Sheikh Tamim bin Hamad al-Thani. Awdah comes from Buraidah, heartland of the kingdom s ultra-conservative Wahhabi school of Islam. Criticism of the ruling family in the 1990s earned him praise from Osama bin Laden, whom he eventually denounced. His Sahwa movement was later undermined by a mixture of repression and co-optation. Some clerics, however, maintained large followings through YouTube sermons. Awdah has 14 million Twitter followers. He supported resistance to U.S. forces in Iraq as jihad , or holy war, but then emerged as an ally in the government s campaign against violent jihadists. In 2011, Awdah called for elections and separation of powers, principles antithetical to strict Islamist ideology. He has since been largely quiet on issues of domestic reform. Qarni, who was detained at home in Abha in Saudi Arabia s south, had also expressed support for reconciliation with Qatar, hopes for which were quickly dashed when Saudi Arabia ended any dialogue with Qatar, accusing it of distorting facts . It seems today in Saudi Arabia that not supporting openly and enthusiastically what is happening against Qatar basically makes you an agent of Qatar, said Lacroix. People who don t take a stance stand in the middle, and there s no middle ground for the Saudis now. ",worldnews,"September 10, 2017 ",1 +"Exclusive: Iraq holding 1,400 foreign wives, children of suspected Islamic State fighters","SOUTH OF MOSUL, Iraq (Reuters) - Iraqi authorities are holding 1,400 foreign wives and children of suspected Islamic State fighters after government forces expelled the jihadist group from one of its last remaining strongholds in Iraq, security and aid officials said. Most came from Turkey. Many others were from former Soviet states, such as Tajikistan, Azerbaijan and Russia, Iraqi army and intelligence officers said. Other Asians and a very few French and Germans were also among them. The wives and children are being held at an Iraqi camp south of Mosul. Most had arrived since Aug. 30, when Iraqi troops drove Islamic State out of Mosul. One intelligence officer said that they were still in verifying their nationalities with their home countries, since many of the women no longer had their original documents. It is the largest group of foreigners linked to Islamic State to be held by Iraqi forces since they began driving the militants from Mosul and other areas in northern Iraq last year, an aid official said. Thousands of foreigners have been fighting for Islamic State, or Daesh, in Iraq and Syria. We are holding the Daesh families under tight security measures and waiting for government orders on how to deal with them, said Army Colonel Ahmed al-Taie from Mosul s Nineveh operation command. We treat them well. They are families of tough criminals who killed innocents in cold blood, but when we interrogated them we discovered that almost all of them were mislead by a vicious Daesh propaganda, he said. Reuters reporters saw hundreds of the women and children sitting on mattresses crawling with bugs in tents without air-conditioning in what aid workers called a militarized site . Turkish, French and Russian were among the languages spoken. I want to go back (to France) but don t know how, said a French-speaking veiled woman of Chechen origin who said she had lived in Paris before. She said she did not know what had happened to her husband, who had brought her to Iraq when he joined Islamic State. A security officer said the women and children had mostly surrendered to the Kurdish peshmerga near the northern city of Tal Afar, along with their husbands. The Kurds handed the women and children over to Iraqi forces but kept the men - all presumed to be fighters - in their custody. Many of the families had fled to Tal Afar after Iraqi troops pushed Islamic State out of Mosul. Iraqi forces retook Tal Afar, a city of predominantly ethnic Turkmen that produced some of Islamic State s senior commanders, last month. Most of its pre-war population of 200,000 have fled. An interior ministry official said Iraq wanted to negotiate with embassies the return of the women and children. We can t keep this number in our custody for a long time, he said. Officials had counted so far at least 13 nationalities, said Army Lieutenant Colonel Salah Kareem. Aid workers and the authorities are worried about tensions between Iraqis, who lost their homes and are also living in the camp, and the new arrivals. Many Iraqis want revenge for the harsh treatment they received under the extremists interpretation of Sunni Islam, which they imposed in Mosul and the other areas they seized in 2014. The families are being kept to one side (of the camp) for their own safety, an Iraqi military intelligence officer said. The Norwegian Refugee Council (NRC), which is supporting the 541 women and their children, said Iraq must swiftly move to clarify its future plans for these individuals . Like all those fleeing conflict, it is imperative that these individuals are able to access protection, assistance, and information, NRC said in a statement. They are in de-facto detention. Western officials are worried about radicalized fighters and their relatives coming home after the collapse of Islamic State s caliphate . French officials have indicated a preference for citizens found to be affiliated with IS to be prosecuted in Iraq. The general philosophy is that adults should go on trial in Iraq, a French diplomatic source told Reuters last month, of those found to have been fighters. We think children would benefit from judicial and social services in France. The women in the camp were cooking noodles or lying on mattresses with their babies in the hot tents. Many were still wearing the black abayas and face veils, which were mandatory in areas the militants controlled. My mother doesn t even know where I am, said a 27-year-old French woman of Algerian descent. She said she had been tricked by her husband into coming with him through Turkey into Syria and then Iraq when he joined Islamic State last year. I had just given birth to this little girl three months before, she said holding the infant and asking not to be named. He said let s go for a week s holiday in Turkey. He had already bought the plane tickets and the hotel. After four months in Mosul, she ran away from her husband to Tal Afar in February. She was hoping to make it back to France but he found her and would not let her leave. She tearfully recounted how her five-year-old son was killed in June by a rocket while playing in the streets. I don t understand why he did this to us, she said of her husband, who she said was killed fighting in Mosul. Dead or alive - I couldn t care less about him. She and a few other families had walked for days to surrender at a Kurdish peshmerga checkpoint beyond al-Ayadiyah, a town near Tal Afar where the militants made their last stand. We were getting bombed, shelled and shot at, she said. Kurdish officials said dozens of fighters surrendered after the fall of Tal Afar but gave no details. One Tal Afar resident said he had seen between 70 and 80 fighters fleeing the town in the final days of the battle. ",worldnews,"September 10, 2017 ",1 +Russia sanctions should be phased out if Ukraine ceasefire holds: Germany's Gabriel,"BERLIN (Reuters) - European sanctions imposed on Russia over its role in the Ukraine crisis should be phased out gradually if an internationally agreed ceasefire deal was implemented, German Foreign Minister Sigmar Gabriel said on Monday. The conflict between Ukrainian forces and Russian-backed separatists has claimed more than 10,000 lives since it erupted in 2014. Germany and France have tried to convince both sides to implement a peace deal agreed in Minsk in 2015 but with little success. The official agreement is: Only if there is 100 percent peace, then we ll lift 100 percent of the sanctions, Gabriel said during a panel discussion organized by German business daily Handelsblatt in Berlin. Gabriel said, from his point of view, this was a totally unrealistic position. We introduced the sanctions gradually and we ll lift them gradually - this is actually a commonly known fact, Gabriel said. He said that if there was a lasting ceasefire in eastern Ukraine, then the United States probably would also be willing to take similar steps. Gabriel is a senior member of Germany s Social Democrats (SPD), junior partners in Chancellor Angela Merkel s ruling coalition and historic advocates of dialogue with Russia. Germany is heading toward a Sept. 24 federal election. Merkel has insisted that European sanctions against Russia could only be lifted if the Minsk peace deal was fully implemented - not only the ceasefire agreement which is one part of the broader Minsk peace plan. Merkel and French President Emmanuel Macron last month called for Russia and Ukraine to increase their efforts to implement the fragile ceasefire. Kiev accuses Moscow of sending troops and heavy weapons to the region, which Russia denies. ",worldnews,"September 11, 2017 ",1 +White House adviser says return to Florida Keys may take weeks,"WASHINGTON (Reuters) - White House homeland security adviser Tom Bossert said on Monday that it may take weeks before many residents are able to return to the Florida Keys, following possible damage to bridges caused by Hurricane Irma. The Keys are going to take a while, Bossert told a regular White House briefing, adding: I would expect that the Keys are not fit for re-entry for regular citizenry for weeks. ",worldnews,"September 11, 2017 ",1 +Pope says humanity will 'go down' if it does not address climate change,"ABOARD THE PAPAL PLANE (Reuters) - Pope Francis said the recent spate of hurricanes should prompt people to understand that humanity will go down if it does not address climate change and history will judge those who deny the science on its causes. If we don t turn back, we will go down, Francis told reporters on Sunday on the plane returning from Colombia. Francis strongly backed the 2015 Paris agreement on reducing global warming, from which the United States withdrew this year. Francis spoke as hurricane Irma pounded central Florida as it carved through the state with high winds, storm surges and torrential rains that left millions without power, ripped roofs off homes and flooded city streets. Francis was asked about recent hurricanes, including Irma and Harvey, and if political leaders who do not want to work with other countries to stem global warming should be held morally responsible for future effects on the planet. You can see the effects of climate change and scientists have clearly said what path we have to follow, he said, referring to a consensus by scientists that global warming is caused by human activity such as fossil fuels. All of us have a responsibility, all of us, small or large, a moral responsibility. We have to take it seriously. We can t joke about it, he said. Each person has their own. Even politicians have their own. Ahead of the Paris summit in 2015, Francis wrote a major encyclical, or papal letter, on the care of the environment which backed the gradual elimination of fossil fuels to stem global warming. The accord, agreed on by nearly 200 countries, aims to cut emissions blamed for global warming. The United States committed to reducing its own by 26 to 28 percent, compared with 2005 levels, by 2025. Many world leaders criticized Trump for pulling out. If someone is doubtful that this is true, they should ask scientists. They are very clear. These are not opinions made on the fly. They are very clear. Then each person can decide and history will judge the decisions, he said. U.S. President Donald Trump withdrew from the Paris agreement shortly after visiting the Vatican in May. The Vatican had urged him to stay in the accord. A Vatican official said at the time that the U.S. move was a slap in the face for the pope and the Vatican. ",worldnews,"September 11, 2017 ",1 +Norway's right-wing government projected to win re-election,"OSLO (Reuters) - Norway s tax-cutting Prime Minister Erna Solberg is on track to keep power after an election on Monday, closely defeating a Labour-led opposition in a campaign over how to manage the oil-dependent economy, official projections showed. The ruling coalition of the Conservatives and Progress Party, and two smaller center-right allies, would win 88 seats in the 169-seat parliament, Norway s Directorate of Elections projected based on a count of early votes. A separate TV2 forecast gave the government and its allies a wider majority of 91 seats. ",worldnews,"September 11, 2017 ",1 +Around one million rally for Catalan independence from Spain,"BARCELONA (Reuters) - Around one million Catalans rallied in Barcelona on Monday, waving red and yellow striped flags and banging drums, in a show of support for independence after Madrid moved to block a referendum on the region s split from Spain. Sept. 11 marks the Diada , Catalonia s national day, which commemorates the fall of Barcelona to Spain in 1714 and is traditionally used by pro-independence activists to call for secession for the northeastern region with a distinct language. However, this year s event had particular significance as a show of strength for the independence movement just three weeks ahead of a referendum on the issue which Madrid has declared illegal and taken steps to obstruct in the courts. Demonstrators climbed on each others shoulders to form human towers, a Catalan tradition, while others carried banners reading We re going to be a free country! and Full of hope while wearing fluorescent yellow t-shirts with the word yes . City police said on Twitter that around one million people took part, one of the highest turn-outs in recent years. Protesters said they hoped the vote would go ahead as planned on Oct. 1. We hope that we will be able to hold the referendum with total normality, because in a democracy it is normal to be able to vote, said German Freixas, a 42-year-old engineer accompanying his family to the rally. If the people want it to happen, it will go ahead. The Constitutional Court last Thursday suspended the referendum after a legal challenge by Prime Minister Mariano Rajoy. Police have since searched newspaper offices and printers for signs of any preparation for the referendum. The head of Catalonia s regional government, Carles Puigdemont, told journalists on Monday: It s not an option that the referendum won t go ahead. It s 20 days away and we ve already overcome many hurdles. Puigdemont is facing criminal charges of misuse of public money, disobedience and abuse of office for organizing the referendum. He is prepared to go to prison, he has said. A majority of Catalonia s mayors have so far said they will allow the use of municipal facilities for the vote. The mayor of Barcelona, Ada Colau, said on Monday she would do everything possible to allow people to vote but would not put civil servants jobs at risk. Polls have shown support for independence waning in recent years with those wanting a separate state in a minority. However, a majority of Catalans want to vote on the issue. At a peaceful march in August, convened as a show of unity in the wake of Islamist attacks that killed 16, mostly in Barcelona, the king and Rajoy were booed and jeered by the crowds in a show of resentment toward Madrid. Protesters on Monday held a minute of silence for the victims of the attacks. ",worldnews,"September 10, 2017 ",1 +EPA exercises enforcement discretion for all Florida power plants,"WASHINGTON (Reuters) - The Environmental Protection Agency said on Monday it will exercise its enforcement discretion for all power plants in Florida, allowing them to operate without meeting all pollution controls to maintain electricity supplies across the state as a result of Hurricane Irma. It said in a statement the no-action assurance will end on Sept. 26. ",worldnews,"September 11, 2017 ",1 +"In volatile Kenya, MP and former senator detained over hate speech allegations","NAIROBI (Reuters) - Kenyan police detained a ruling party lawmaker and a former opposition senator on Monday for alleged hate speech, as political tensions simmered following the Supreme Court s decision to annul the presidential election. Both the candidates in that ballot, incumbent president Uhuru Kenyatta and veteran opposition leader Raila Odinga, also ratcheted up the temperature in public speeches on Monday and the opposition said it would boycott the opening of parliament. Politics in Kenya often follows ethnic lines and has in the past erupted into deadly violence, making the authorities sensitive to perceived inflammatory statements. Reported instances of hate speech have risen sharply since the surprise ruling on Sept. 1, the first of its kind in Africa, when the supreme court voided Kenyatta s reelection citing irregularities in the tallying process. Moses Kuria, a member of parliament and Johnson Muthama, a former senator, have been arrested on hate speech allegations, interior ministry spokesman Mwenda Njoka told Reuters by phone. Njoka did not give further details, and police did not respond to queries. Last week, Kuria gave a public speech calling for a manhunt for Odinga s supporters, who had greeted the court ruling with jubilation. Two witnesses described a roadblock set up the next day near where Kuria gave his speech, where ruling party supporters checked the ethnicity of passengers in vehicles to see if they might be opposition supporters. On Sunday, Muthama, a former senator for the opposition Wiper party, gave a speech peppered with insults aimed at Kenyatta. In a televised speech on Monday, Kenyatta said the ruling party might use its majority in the legislature to impeach Odinga if the opposition leader won the new polls, scheduled for Oct. 17. Even if he is elected, we have the opportunity in parliament within two months, three months to kick him out, Kenyatta said in a nationally televised speech. Waikwa Wanyoike, a barrister specializing in constitutional law, said the government s majority fell short of the majority needed in both houses to impeach a president. It s just posturing. It requires a two-thirds majority in both houses ... there also has to be grounds to do it. They can manufacture grounds but it s hard to manufacture the numbers, he said. Odinga, meanwhile, accused the government of a mass sterilization campaign under the guise of giving tetanus vaccinations. Hundreds of thousands of our girls and women between 14 and 49 will not have children because of state-sponsored sterilization sold to the country as tetanus vaccination, Odinga said at a press conference. Odinga cited Kenya s Lancet laboratories as one of his sources. But Dr Ahmed Kelebi, managing director of Lancet, said such claims were based on debunked misinterpretations of their data. After Odinga spoke, a founding member of his opposition alliance, Moses Wetangula, said the opposition would boycott the opening of parliament on Tuesday. (Opposition) members of parliament from both houses will not attend the intended opening of the house because the president is a lame duck president, Wetangula said. He is enjoying temporary incumbency and has got no moral authority whatsoever to officially open parliament. ",worldnews,"September 11, 2017 ",1 +Russia urges U.S. to start finding way to resolve problems,"MOSCOW (Reuters) - Russian Deputy Foreign Minister Sergei Ryabkov urged U.S. Undersecretary of State Thomas Shannon to stop destroying Russia-U.S. relations and to start finding a way to resolve their problems, Russia s Foreign Ministry said on Monday. We called for a stop to the destruction of Russia-U.S. relations and ... to start finding solutions to resolve problems that are mounting through no fault of ours, a statement said after Ryabkov and Shannon met in Helsinki. ",worldnews,"September 11, 2017 ",1 +"Militant blast, gun attack kill 18 police in Egypt's Sinai","ISMAILIA, Egypt (Reuters) - Militants attacked a security convoy in Egypt s strife-torn Sinai Peninsula, killing at least 18 policemen in a blast and a gun battle on Monday, sources said - an assault claimed by Islamic State. The attackers detonated an improvised explosive device and managed to destroy three armored vehicles and a signal-jamming vehicle near Arish, the capital of North Sinai province, the security and medical sources said. The attack turned into a gunfight and the militants also opened fire on ambulance workers, injuring four, the sources told Reuters. At least 18 policemen, two of them officers, died in the violence, and a brigadier general lost a leg in the blast, several sources at Arish hospital said. Islamic State claimed responsibility for the attack in a statement posted by its news agency Amaq. The Sunni Muslim militants are waging an insurgency in the rugged, thinly populated Sinai, aiming to topple the government of President Abdel Fattah al-Sisi. Militants have killed hundreds of soldiers and police there since 2013, when the military, led by Sisi, ousted Egypt s Islamist president Mohamed Mursi after mass protests against his rule. At least 23 Egyptian soldiers were killed when suicide car bombs tore through two military checkpoints in North Sinai in July, in one of the bloodiest assaults on security forces in years. The Interior Ministry said several policemen were killed or injured in the attack, without giving figures. The prime minister s office called it a traitorous incident . Prime Minister Sherif Ismail affirmed the state s determination to fight these criminal actions that target the safety and will of citizens with its full force, a government statement said. The United States strongly condemned the attack and said it would continue to stand with Egypt as it confronts the threat from terrorism, the State Department said. ",worldnews,"September 11, 2017 ",1 +"Russia, Jordan agree to speed de-escalation zone in south Syria","AMMAN (Reuters) - Jordan said on Monday it was working with Russia to roll out a plan to end fighting in southwestern Syria in the fastest possible time - part of a peace pact for the border area brokered by Amman, Moscow and Washington. Jordan and Russia s foreign ministers met in Amman to discuss progress in setting up a de-escalation zone in the particularly sensitive region that includes Syrian territory neighboring Israel. Neither side gave details on any sticking points, but diplomats told Reuters they have included the final positions of fighting forces, U.S. unease about Russian involvement in policing the deal, and when to reopen a key border crossing. Russia, which backs Syria s government in the civil war, and the United States, which backs rebel forces seeking to topple President Bashar al-Assad, met secretly in Jordan in June and announced a ceasefire in Syria s southwest a month later. The truce - the first peacemaking effort in the war by the U.S. government under President Donald Trump - has reduced fighting there and is meant to lead to a longer-lasting de-escalation, a step toward a full settlement more than six years into the complex war. We expressed our support to resolve all issues relating to the de-escalation zones performance, Russian Foreign Minister Sergei Lavrov told reporters in Amman. The goal is to set up a de-escalation zone in the fastest possible time, his Jordanian counterpart Ayman Safadi said. Our priority is that our borders are secure and that means that there should be no Daesh nor Nusra nor sectarian militias, Safadi added, referring to Islamic State and a rebel force once linked to Al Qaeda, both operating in Syria. An official and two senior diplomats told Reuters the powers have made progress in drawing up a map of the de-escalation zone, including Quneitra province bordering Israel, alongside the southern Deraa province adjoining Jordan. The official and diplomats said Washington had also secured an understanding with Moscow that militias backed by the Syrian government s ally Iran must be pushed 40 km (25 miles) from the border. That might help allay Israeli and Jordanian concerns about the presence of Lebanon s Iran-backed Hezbollah group in the area. Diplomats said Lavrov also pressed Jordan to re-open its Nasib border crossing with Syria, something Amman has so far resisted, saying it needs more security. But it has strongly backed the broader de-escalation deal, seeing it as paving the way for an eventual return of tens of thousands of refugees in its territory. Rebels say the ceasefire remains fragile and fear Syria s army will return to attack them once it has consolidated gains in the north and other areas. Insurgents say the de-escalation zones merely free up Syria s army to make territorial gains elsewhere. Syria s army, supported by Russian air power and Iranian-backed militias, has in recent weeks gained a string of post along the border with Jordan in southeastern Syria, a zone that is outside the ceasefire area. ",worldnews,"September 11, 2017 ",1 +YRC Worldwide says multiple terminals closed in U.S. Southeast,"(Reuters) - YRC Worldwide Inc said on Monday it had multiple terminals closed in Georgia, South Carolina, and Florida due to Irma. The closed terminals included locations in Atlanta, Valdosta and Albany, in Georgia; Charleston, Columbia, and Florence, in South Carolina; Jacksonville, Miami, Orlando, and Tampa in Florida. ",worldnews,"September 11, 2017 ",1 +Turkey says U.S. indictment of former minister amounts to 'coup attempt',"ANKARA (Reuters) - Turkey said on Monday its former economy minister, indicted in the United States for conspiring to violate U.S. sanctions on Iran, acted within international law and that charges against him amounted to a coup attempt through American courts. Former minister Zafer Caglayan has protected Turkey s interests as Turkish economy minister, and has acted within the laws of our country and international laws while doing that, government spokesman Bekir Bozdag said. The charges against Caglayan were a repetition of the December FETO coup attempt ... through the American judiciary , Bozdag said, referring to 2013 leaks about alleged government corruption which were blamed on President Tayyip Erdogan s opponents. Caglayan and the ex-head of a state-owned Turkish bank were charged on Wednesday with conspiring to violate U.S. sanctions on Iran by illegally moving hundreds of millions of dollars through the U.S. financial system on Tehran s behalf. [nL8N1LO4RO] The charges stem from the case against Reza Zarrab, a wealthy Turkish-Iranian gold trader who was arrested in the United States over sanctions evasion last year. He has pleaded not guilty. Wednesday s indictment marked the first time an ex-government member with close ties to Erdogan had been charged in the investigation that has strained ties between Washington and Ankara. Erdogan said last week he had told Washington that Turkey had never agreed to comply with its sanctions on Iran, and called on the United States to review the indictment. Turkey s presidency said on Saturday Erdogan spoke by phone with U.S. President Donald Trump. It did not say whether the two leaders discussed the case. [nL5N1LQ0HV] Bozdag also condemned the indictment of Erdogan s guards over violence during his visit to Washington in June, saying it relied on testimony from supporters of the outlawed militant PKK group, and had done great damage to U.S.-Turkish ties.",worldnews,"September 21, 2017 ",1 +UK's May needs parliament to back deal with N.Irish party - campaigner,"LONDON (Reuters) - British Prime Minister Theresa May must seek parliamentary approval for a billion-pound deal with a Northern Irish party that propped up her government after an inconclusive election, a legal campaigner quoted government lawyers as saying on Monday. After losing her majority at the June 8 election, May s Conservative Party secured the support of the small Democratic Unionist Party which allowed her to form a minority government. Northern Ireland would get 1 billion pounds ($1.3 billion) extra funding as part of the deal, the government said at the time. [nL8N1JN0LL] But, citing correspondence with government lawyers, campaigner Gina Miller, who defeated ministers in an earlier high-profile legal case over the process for triggering Britain s exit from the European Union, said the deal could not be executed without parliamentary approval. Alongside a statement condemning the government for not making the need for parliamentary approval public, Miller released a letter from the government s legal department. The agreement does not, and could not, involve the Government providing or committing itself to any provision of additional funds to Northern Ireland which would not be authorised under standard procedures, including the consent of Parliament, the letter said. A spokesman from May s office said all government spending required parliamentary authorisation, and that its focus in Northern Ireland was on ending a political stalemate that has left it without a regional government for eight months. Any parliamentary vote would be expected to pass with the support of Conservative and DUP lawmakers, but could invite further unwelcome scrutiny of a deal which has been heavily criticised by political opponents. The opposition Labour Party described it as a bribe and said the government needed to be clear about how it would be paid for. In January, Miller successfully challenged the government s plan to begin EU divorce proceedings without first seeking parliamentary approval. After a Supreme Court ruling sided with Miller in that case, May was forced to pass legislation through parliament. ",worldnews,"September 11, 2017 ",1 +German foreign minister equates far-right AfD party with Nazis,"BERLIN (Reuters) - Foreign Minister Sigmar Gabriel on Monday equated the Alternative for Germany (AfD) party with the Nazis who ruled the country from 1933 to 1945, an insult rarely heard in national politics. In an interview with Internet provider t-online.de, Gabriel said many German voters were considering voting for the AfD in the Sept. 24 parliamentary election because they felt their concerns about migration, security and jobs were not being addressed. Founded in 2013 as an anti-European Union party, the AfD shifted its focus from the euro zone debt crisis to immigration after Chancellor Angela Merkel in 2015 opened the doors to over a million migrants, many fleeing war in the Middle East. If we re unlucky, then these people will send a signal of dissatisfaction that will have terrible consequences. Then we will have real Nazis in the German Reichstag for the first time since the end of World War Two, said Gabriel, a member of the Social Democrats, junior partners in the ruling coalition. The AfD declined to comment on Gabriel s remarks, which came after the Welt am Sonntag newspaper cited what it called a racist email reportedly written by Alice Weidel, a top AfD candidate, to a Frankfurt business associate in 2013. The German government was destroying society by allowing it to be overrun by culturally foreign people such as Arabs, Sinti and Roma, the newspaper quoted the email as saying. Weidel s spokesman Christian Lueth, writing on Twitter, dismissed the report as fake news aimed at keeping his party out of parliament. He told the Tagesspiegel newspaper that Weidel had assured him the email was not from her. Lueth declined to comment further when contacted by Reuters. Other parties also lined up to criticize the AfD, which polls show is on course to enter the national parliament for the first time after the election. The party has seats in 13 of 16 state legislatures. Bavarian state premier Horst Seehofer, head of the CSU sister party of Merkel s conservatives, dismissed the leaked email as a publicity-seeking provocation by the AfD that was best ignored. Justice Minister Heiko Maas, a member of Gabriel s SPD, said in an essay published in the Frankfurter Rundschau newspaper that parts of the AfD s program, including on religion, family and Europe, were unconstitutional. German prosecutors separately launched an investigation into remarks by another AfD official, Alexander Gauland, who said Germany s integration minister should be dumped back to Turkey, her parents country of origin. [nL2N1LS093] Christian Lindner, who heads the pro-business Free Democratic Party that is also poised to win seats in parliament, described the AfD as an anti-liberal and authoritarian party that was completely at odds with his own. Gabriel urged steps to reverse the AfD s gains in neglected communities and villages of the former communist East Germany. We must change course and not only reimburse the cost of taking in migrants, but also give local communities the same amount on top so they can do more for their citizens, he said. Merkel, whose CDU/CSU conservatives are leading the SPD by double digits in opinion polls, looks poised to win a fourth term. Both her camp and the Social Democrats have ruled out governing in coalition with the AfD. ",worldnews,"September 11, 2017 ",1 +"U.N. rights boss sees possible ""crimes against humanity"" in Venezuela","GENEVA (Reuters) - The United Nations human rights chief said on Monday that Venezuelan security forces may have committed crimes against humanity against protesters and called for an international investigation. But Venezuela s foreign minister defended the record of the government of President Nicolas Maduro, rejecting the allegations as baseless . Venezuela has been convulsed by months of demonstrations against the leftist president who critics say has plunged the oil-rich country into the worst economic crisis in its history and is turning it into a dictatorship. My investigation suggests the possibility that crimes against humanity may have been committed, which can only be confirmed by a subsequent criminal investigation, Zeid Ra ad al Hussein told the U.N. Human Rights Council. He said the government was using criminal proceedings against opposition leaders, arbitrary detentions, excessive use of force and ill-treatment of detainees, in some cases amounting to torture. Last month, Zeid s office said Venezuela s security forces had committed extensive and apparently deliberate human rights violations in crushing anti-government protests and that democracy was barely alive . There is a very real danger that tensions will further escalate, with the government crushing democratic institutions and critical voices, Zeid said. The opposition, which boycotted the election for the Constituent Assembly, has accused electoral authorities of inflating turn-out figures for the July 30 vote. However, Foreign Minister Jorge Arreaza told the Geneva forum: We have now selected the National Constituent Assembly, this is the true expression of our citizens will. It will have the powers to draw up a new Constitution. The opposition in Venezuela is back on the path of rule of law and democracy, we will see dialogue emerging thanks to mediation of our friends, he said. Arreaza accused protesters of using firearms and home-made weapons against security forces, but noted that the last death was on July 30. Our country is now at peace, he added. Venezuela is among the 47 members of the Council, where it enjoys strong support from Cuba, Iran and other states. Diego Arria, who was Venezuela s ambassador to the United Nations in New York from 1991 to 1994, told a separate Geneva event organized by activists and action group UN Watch that Venezuela should be referred to the prosecutor of the International Criminal Court. I am convinced that the killing in the streets equates to crimes against humanity, he said. The Hague-based court defines such crimes as including torture, murder, deprivation of liberty, sexual violence and persecution, he said. Julieta Lopez, aunt of opposition leader Leopoldo Lopez who remains under house arrest after three years in a military jail, said abuses continued. There is no right to express a different political opinion without being threatened, beaten or imprisoned, she told the same event. ",worldnews,"September 11, 2017 ",1 +"After financial pledges, France urges Chad to hold elections","PARIS (Reuters) - France on Monday urged Chadian authorities to press ahead with parliamentary elections after securing billions of dollars in pledges from donor countries aimed at helping to revive the country s struggling economy. President Idriss Deby, who was re-elected in 2016 after gaining power in 1990 at the head of an armed rebellion, said in February that lack of financial resources meant Chad s parliamentary elections would be postponed indefinitely. The legislative elections are an important moment in democratic life, French foreign ministry spokeswoman Agnes Romatet-Espagne told reporters in a daily briefing. We hope in this regard that the Chadian authorities ... will be in a position to announce a calendar (for elections) soon. In a statement on Friday, Chad s government said it had secured about $18.5 billion in pledges for a 2017-2021 national development program, double its original expectations. Romatet-Espagne said France would contribute 223 million euros ($267.27 million). The former French colony, one of the poorest nations in the world, has been rocked by humanitarian crises over the past decade, including conflicts in the east and south, drought in the arid Sahel region and flooding. That has been compounded since 2012 by instability on its borders with Libya, Nigeria and Central African Republic, forcing Chad to increase its security budget to handle thousands of refugees and counter a growing cross-border threat. Its economy has especially been hit by a more than 50 percent drop in the price of oil, which represent three-quarters of its revenues. However, critics say too much of its revenues goes to the army. Military spending has helped Chad intervene in the Central African Republic, Mali, in neighboring countries threatened by Boko Haram and as far afield as the Saudi Arabia-led coalition to fight Houthi combatants in Yemen, International Crisis Group analyst Richard Moncrieff said in a note on Sept. 8. This engagement has strengthened relations with Western powers and brought substantial financial and political support. The EU, France and the U.S. in particular today consider Deby as their principal partner in the fight against terrorism in the Sahel. For Deby it is win-win: tackle domestic armed opposition, pay his troops and gain significant leverage over donors. The headquarters of France s 4,000-strong counter-terrorism Barkhane force is in the Chadian capital N djamena. Asked at Science Po university on Sept. 6 whether France s policy in West Africa was still based on Francafrique , Foreign Minister Jean-Yves Le Drian sought to play down that perception. We no longer talk about Francafrique but AfricaFrance, Le Drian said. France does not support corrupt (leaders), but on the contrary there are presidents who have been elected by universal suffrage - you mentioned some of them (Deby and Niger President Mahamadou Issoufou) - and whose elections were not contested, and that is the reality. Franceafrique describes an informal web of relationships Paris has maintained with its former African colonies and its support, sometimes in the form of military backing, for politicians who favor French business interests. ",worldnews,"September 11, 2017 ",1 +Spanish Red Cross physiotherapist killed in Afghanistan,"MAZAR-I-SHARIF, Afghanistan (Reuters) - A Spanish physiotherapist working for the Red Cross in the northern Afghan city of Mazar-i-Sharif was shot dead on Monday, apparently by a hospital patient, officials said. Police said two arrests had been made and an investigation was underway. The International Committee of the Red Cross said Lorena Enebral Perez, 38, was killed in its orthopedic rehabilitation center in Mazar-i-Sharif. Energetic and full of laughter, Lorena was the heart of our office in Mazar. Today, our hearts are broken, said the ICRC s head of delegation in Afghanistan, Monica Zanarelli. Perez s work in Afghanistan involved helped people, including children, who had lost legs or arms, mostly in the war, to learn to walk again or feed themselves. Sheer Jan Durani, a spokesman for the police chief in Balkh province, said two patients were admitted to hospital and one took out a pistol apparently concealed in a wheelchair and shot the woman. Both men were arrested, he said. Afghanistan is one of the most dangerous countries in the world for aid workers, with groups including the ICRC often facing attacks on their staff, both Afghan and foreign. Perez s death followed the killing in February of six ICRC staff in northern Afghanistan in an attack in which two other Afghan employees were abducted. The kidnapped Afghan staff were released six days ago, the ICRC statement said. The ICRC has seven rehabilitation centers in Afghanistan that manufacture more than 19,000 artificial limbs per year and treat hundreds of thousands of patients. ",worldnews,"September 11, 2017 ",1 +"British child sex-abuser, 102, sentenced for crimes from 1970s","LONDON (Reuters) - A 102-year-old man given a suspended sentence on Monday for sexually abusing a girl in the 1970s is thought to be the oldest person convicted of a crime in Britain, prosecutors said. Douglas Hammersley was given a two-year suspended sentence after pleading guilty to three counts of indecent assault. The Crown Prosecution Service said the incidents took place in the Buckinghamshire area, to the west of London, when the victim was between five and eight years old. We were able to prosecute Hammersley thanks to the victim coming forward, even though the offences were committed more than four decades ago, said Jennie Laskar-Hall, senior prosecutor for the CPS. In December, a 101-year-old man was jailed for 13 years for a string of historical sex crimes against two young sisters and their brother. Police said he was the oldest person to have been found guilty of a crime in British legal history. ",worldnews,"September 11, 2017 ",1 +Saakashvili plans to unite Ukraine opposition against president,"LVIV, Ukraine (Reuters) - A day after forcing his way past border guards back into Ukraine, former Georgian President Mikheil Saakashvili said he would unite the opposition against his former ally President Petro Poroshenko and planned to campaign for support. Saakashvili wants to unseat Poroshenko at the next election, accusing the president of reneging on promises to root out corruption and carry out reforms made during the 2014 Maidan protests, which ousted a pro-Kremlin leader. At present it seems unlikely that Saakashvili, who studied in Ukraine and speaks fluent Ukrainian, will come to power. His Ukrainian citizenship, bestowed by Poroshenko when he made him governor of Odessa in 2015, has been withdrawn, and polls show little support for his party, the Movement of New Forces. I am fighting against rampant corruption, against the fact that oligarchs are in full control of Ukraine again, against the fact that Maidan has been betrayed, Saakashvili said at a press conference in the city of Lviv. Saakashvili divides opinion. Supporters see him as a fearless crusader against corruption but critics say there is little substance behind his blustery rhetoric. Back home in Georgia, his time in office was tarnished by what critics said was his monopolizing power and exerting pressure on the judiciary. He was president at the time of a disastrous five-day war with Russia in 2008, a conflict that his critics argued was the result of his own miscalculations. Saakashvili says he does not covet the presidency himself and wants to promote a new, younger politician to the post. But while perhaps not a threat as a direct rival, Saakashvili could prove to be an effective weapon against Poroshenko for powerful opposition figures like Yulia Tymoshenko, who was with him at the border on Sunday. Poroshenko trails in the polls behind Tymoshenko, a former prime minister and leader of one of Ukraine s largest opposition parties. This is a marriage of convenience between Tymoshenko and Saakashvili, but the parties have different interests, said political analyst Volodymyr Fesenko. She tries to use this situation with the hope that this will provoke a political crisis in Ukraine and lead to early elections. Saakashvili s relationship with Poroshenko dates back nearly three decades to when they were students at the same university in Kiev and their shared opposition to the Kremlin later brought them together as politicians. But a bitter spat erupted in November 2016, a year after Poroshenko invited Saakashvili to be the governor of the region of Odessa to help drive reforms. The latter quit, accusing Poroshenko of abetting corruption and turned into one of his loudest critics. Meanwhile Poroshenko s office said Saakashvili had failed to deliver change as governor and said his Ukrainian citizenship was withdrawn because he allegedly put false information on his registration form. Saakashvili says the decision was politically motivated. It left him effectively stateless as Georgia has also withdrawn his citizenship. On Sunday evening Saakashvili and his supporters forced their way past a cordon of border guards to return to Ukraine from Poland. It does not matter who violates the state border - invaders in the East or politicians in the West. There always must be legal responsibility, Poroshenko said in televised remarks on Monday. The president said Saakashvili should have used Ukrainian courts to challenge the revocation. Now this is a matter of law enforcement agencies and they have begun to act, Poroshenko said. Saakashvili said he would travel to all regions of Ukraine to unite different political forces around a common theme that we must have a democracy and we should not let oligarchs hold sway. Ukraine s record of implementing reforms has been patchy since Poroshenko took office in 2014. Reformist lawmaker Mustafa Nayyem, one of the faces of the Maidan protests and a member of Poroshenko s faction in parliament, traveled with Saakashvili on Sunday and accused the Kiev authorities of trying to silence opponents. We didn t want this country when we stayed on Maidan, he told reporters. We wanted a country in which opponents, political opponents, have a right to say what they want. Saakashvili may yet face arrest. Police have launched a criminal investigation into Sunday s incident, while General Prosecutor Yuriy Lutsenko said those who crossed the border illegally would be prosecuted. Kiev could leave Saakashvili alone, arrest him and possibly extradite him to Georgia. Saakashvili took power in Georgia after a peaceful uprising, known as the Rose Revolution, in 2003. The 49-year-old is now wanted on criminal charges in Georgia, which he says were trumped up for political reasons. ",worldnews,"September 11, 2017 ",1 +Afghanistan will never again be militant sanctuary: U.S. ambassador,"KABUL (Reuters) - The U.S. ambassador to Afghanistan said on Monday Washington would never allow militants to use the country as a sanctuary, as American and allied troops in Kabul commemorated the Sept. 11 attacks. U.S. President Donald Trump in August committed nearly 4,000 additional troops to Afghanistan as part of an open-ended campaign against Taliban insurgents who have made advances in recent years. A U.S. led intervention sparked by the Sept. 11 attacks toppled the Taliban government in 2001. Since then more than 2,400 American troops and more than 1,000 international allies have died in Afghanistan. Today we remember how this conflict began but let us also remember how this must end, with Afghanistan never again serving as an ungoverned space, sanctuary or base for those who are bent on attacking us and our allies, ambassador Hugo Llorens told a crowd of soldiers at the NATO coalition s headquarters in Kabul. The United states would also completely annihilate Islamic State militants in the region, Llorens said. The Taliban on Monday claimed responsibility for a suicide car bombing that wounded several NATO troops and Afghan civilians in a province north Kabul. ",worldnews,"September 11, 2017 ",1 +One person killed by car bomb attack in Somalia's capital,"MOGADISHU (Reuters) - At least one person was killed and three others injured when a car bomb went off in Somalia s capital Mogadishu on Monday, police said. The bomb was concealed in a car parked on Al Mukaram street in the capital, Mohamed Hussein, a police officer, told Reuters. ",worldnews,"September 11, 2017 ",1 +Pakistan PM warns U.S. sanctions would be counter-productive,"ISLAMABAD (Reuters) - Pakistan s Prime Minister Shahid Khaqan Abbasi said it would be counter-productive for the United States to sanction Pakistani officials or further cut military assistance, warning it would hurt both countries fight against militancy. U.S.-Pakistan relations have frayed since President Donald Trump last month set out a new Afghanistan policy and lashed out at nuclear-armed Pakistan as a fickle ally that gives safe haven to agents of chaos by harboring the Afghan Taliban and other militants. The United States has already begun conditioning future aid to Pakistan on progress Islamabad makes in tackling the Haqqani network militants who it alleges are Pakistan-based and have helped the Taliban carry out deadly attacks inside Afghanistan. Pakistan denies hosting militant sanctuaries, and Islamabad bristles at claims it has not done enough to tackle militancy, noting it has borne the brunt of violence in the so-called war on terror, suffering more than 60,000 casualties since 2001. Former petroleum minister Abbasi, 58, who was installed as prime minister last month after the Supreme Court ousted veteran premier Nawaz Sharif over undeclared income, told Reuters that any targeted sanctions by Washington against Pakistani military and intelligence officials would not help U.S. counter-terrorism efforts. We are fighting the war against terror, anything that degrades our effort will only hurt the U.S. effort, Abbasi said in an interview in Islamabad on Monday. What does it achieve? U.S. officials privately say the targeted sanctions would be aimed at Pakistani officials with ties to extremist groups and are part of an array of options being discussed to pressure Pakistan to change its behavior, including further aid cuts. Washington s civilian and military assistance to Pakistan was less than $1 billion in 2016, down from a recent peak of $3.5 billion in 2011, and Abbasi warned that Washington will not achieve its counter-terrorism aims by starving Pakistan of funds. If the military aid cuts degrade our effort to fight war on terror, who does it help? he said. Whatever needs to be done here, it needs to be a cooperative effort. Abbasi said one practical side-effect of military aid cuts and U.S. Congress blocking the sale of subsidized F-16 fighter jets to Pakistan will be to force Islamabad to buy weapons from China and Russia. We ve had to look at other options to maintain our national defensive forces, he said. The Trump administration s tougher stance is seen as pushing Islamabad closer to Beijing, which has pledged about $60 billion in roads, rail and power infrastructure in Pakistan as part of its ambitious Belt and Road initiative to build vast land and sea trade routes linking Asia with Europe and Africa. We have a major economic relationship with (China), we have a major military relationship since the 1960s, so that s definitely one of our options, he said. Abbasi said it was unfair to blame Pakistan for all the troubles in Afghanistan, saying Washington should show more appreciation for Pakistan s losses from militancy and its role in hosting 3.5 million Afghan refugees. He added that Afghan-based militants have also launched cross-border attacks on civilians and military in Pakistan, prompting Pakistan to begin investing several billion dollars to fence the disputed and porous 2,500 km (1,500 mile) border. We intend to fence the whole border to control that situation, Abbasi added. Abbasi, a skydiving enthusiast and co-founder of a budget airline, also faces growing headwinds on the economy ahead of a general election, likely in mid-2018. Growth in Pakistan s $300 billion economy surged to 5.3 percent in 2016-17, its fastest pace in a decade, but the macro-economic outlook has deteriorated, stoking concerns Pakistan may need an International Monetary Fund (IMF) bailout, as it did in 2013, to avert another balance of payments crisis. Foreign currency reserves have dwindled by almost a quarter to $14.7 billion since last October, while the 2016-17 current account deficit has more than doubled to $12.1 billion. Abbasi said Islamabad was looking at a raft of measures to alleviate current account pressures to avoid going back to the IMF, including reducing imports of luxury goods, boosting exports, and possibly devaluing its currency. Finance Minister Ishaq Dar is a staunch opponent of a weaker rupee - whose level against the dollar is effectively controlled by the central bank - but Abbasi said it had been discussed. There are pros and cons to devaluation, but that could be a decision we take, he said, adding that any devaluation would not be drastic, and today, it s not on the table yet. Abbasi, who has hinted his former boss remains the power behind the throne by repeatedly calling him the people s prime minister , said the three-time premier remains hugely popular despite his disqualification by the Supreme Court on July 28. Politics is not decided in courts, said Abbasi, who was jailed along with Sharif after the 1999 military coup. Politically, Nawaz Sharif is stronger today than he was on July 28. Abbasi is also pushing ahead with a wide-ranging tax reform agenda before the elections - a tough task in a nation that has one of the world s lowest tax-to-GDP ratios and where tax evasion is rampant and often culturally acceptable. The ruling PML-N party is looking for cross-party support for the reforms, but Abbasi said radical changes would require an integrated approach, including building confidence among tax payers, reducing income taxes and making it less attractive to invest in a real estate sector that attracts black money. You not only need to have a stick, you need to have a carrot also, he said. ",worldnews,"September 11, 2017 ",1 +U.N. brands Myanmar violence a 'textbook' example of ethnic cleansing,"GENEVA/SHAMLAPUR, Bangladesh (Reuters) - The United Nations top human rights official on Monday slammed Myanmar for conducting a cruel military operation against Rohingya Muslims in Rakhine state, branding it a textbook example of ethnic cleansing . Zeid Ra ad al-Hussein s comments to the United Nations Human Rights Council in Geneva came as the official tally of Rohingya who have fled Myanmar and crossed into southern Bangladesh in just over two weeks soared through 300,000. The surge of refugees - many sick or wounded - has strained the resources of aid agencies already helping hundreds of thousands from previous spasms of bloodletting in Myanmar. We have received multiple reports and satellite imagery of security forces and local militia burning Rohingya villages, and consistent accounts of extrajudicial killings, including shooting fleeing civilians, Zeid said. I call on the government to end its current cruel military operation, with accountability for all violations that have occurred, and to reverse the pattern of severe and widespread discrimination against the Rohingya population, he added. The situation seems a textbook example of ethnic cleansing. Attacks by Arakan Rohingya Salvation Army (ARSA) militants on police posts and an army base in the northwestern state of Rakhine on Aug. 25 provoked a military counter-offensive. Myanmar says its security forces are carrying out clearance operations to defend against ARSA, which the government has declared a terrorist organization. Myanmar on Sunday rebuffed a ceasefire declared by ARSA to enable the delivery of aid to thousands of displaced and hungry people in the north of Rakhine state, declaring simply that it did not negotiate with terrorists. Human rights monitors and fleeing Rohingya accuse the army and Rakhine Buddhist vigilantes of mounting a campaign of arson aimed at driving out the Rohingya. The government of Myanmar, a majority Buddhist country where the roughly one million Muslim Rohingya are marginalized, has repeatedly rejected charges of ethnic cleansing . Officials have blamed insurgents and Rohingya themselves for burning villages to draw global attention to their cause. Zeid said Myanmar should stop pretending that Rohingya were torching their own houses and its complete denial of reality was damaging the government s international standing. Western critics have accused Myanmar leader Aung San Suu Kyi of failing to speak out for the Rohingya, who are despised by many in the country as illegal migrants from Bangladesh. Some have called for the Nobel Peace Prize Suu Kyi won in 1991 as a champion of democracy to be revoked. Monday s estimate of new arrivals in the Cox s Bazar region of Bangladesh since Aug. 25 was 313,000, an increase of 19,000 in just 24 hours. Large numbers of people are still arriving every day in densely packed sites, looking for space, and there are clear signs that more will cross before the situation stabilises, the International Organization for Migration said in a statement. New arrivals in all locations are in urgent need of life-saving assistance, including food, water and sanitation, health and protection. Thousands of Rohingya refugees are still stranded on the Myanmar side of the River Naf, which separates the two countries, with the biggest gathering south of the town of Maungdaw, monitors and sources in the area told Reuters. About 500 houses south of the town were set on fire on Monday, a villager in the Maungdaw region, Aung Lin, told Reuters by telephone. We were all running way because the army was firing on our village, he said. A lot of people carrying bags are now in the rice fields. Reuters journalists in Cox s Bazar could see huge blazes and plumes of smokes on the other side. Those still waiting to cross into Bangladesh - many hungry and exhausted after a days-long march through the mountains and bushes in monsoon rain - have been stopped because of a crackdown on Bangladeshi boatmen charging 10,000 taka ($122) or more per person, sources said. Arshad Zamman, 60, said his family had only 80,000 Burmese kyat ($60) and so he had taken a boat to Cox s Bazar on his own and would return to pick up his wife and two sons when he had enough for their journey. I will try to find money here. I will beg and hopefully some people will help me, he said. Elsewhere in Myanmar, communal tension appeared to be rising after more than two weeks of violence in Rakhine state. A mob of about 70 people armed with sticks and swords threatened to attack a mosque in the central town of Taung Dwin Gyi on Sunday evening, shouting, This is our country, this is our land , according to the mosque s imam, Mufti Sunlaiman. We shut down the lights in the mosque and sneaked out, the mufti, who was in the mosque at the time, told Reuters by phone. The government said in a statement the mob dispersed after police with riot shields fired rubber bullets. Rumors have spread on social media that Muslims, who make up represent about 4.3 percent of a population of 51.4 million, would stage attacks on Sept. 11 to avenge violence against the Rohingya. Tensions between Buddhists and Muslims have simmered since scores were killed and tens of thousands displaced in communal clashes accompanying the onset of Myanmar s democratic transition in 2012 and 2013. ",worldnews,"September 11, 2017 ",1 +"Bangladesh seeks support to move fleeing Rohingya to remote, flood-prone island","DHAKA (Reuters) - Bangladesh is seeking international support for its plan to relocate Rohingya Muslims fleeing violence in Myanmar to a remote Bay of Bengal island that critics say is flood-prone and unlivable. More than 300,000 Rohingya have fled to Bangladesh from Buddhist-majority Myanmar since the latest violence began on Aug. 25, joining more than 400,000 others already living there in cramped makeshift camps. The United Nations top human rights official on Monday slammed Myanmar for conducting a cruel military operation against the Rohingya, branding it a textbook example of ethnic cleansing . This is creating a huge challenge for Bangladesh in terms of providing shelter as well as other humanitarian assistance to them, Bangladesh s foreign ministry said in a statement on Monday as Foreign Minister Abul Hassan Mahmood Ali held talks with diplomats. He urged the international community to push Myanmar to find a permanent solution to this crisis and sought support for transportation of the Rohingya to Bhashan Char , also known as Thengar Char. Bangladesh, one of the world s poorest and most crowded nations, plans to develop Thengar Char, which only emerged from the silt off Bangladesh s delta coast 11 years ago and is two hours by boat from the nearest settlement. It regularly floods during June-September monsoons and, when seas are calm, pirates roam the nearby waters to kidnap fishermen for ransom. The plan to develop the island and use it to house refugees was criticized by humanitarian workers when it was proposed in 2015 and revived last year. Bangladesh, though, insists it alone has the right to decide where to shelter the growing numbers of refugees. ",worldnews,"September 11, 2017 ",1 +Merkel backs tougher U.N. sanctions against North Korea call with Putin,"BERLIN (Reuters) - German Chancellor Angela Merkel on Monday voiced her support for tougher U.N. sanctions against North Korea in a telephone call with Russian President Vladimir Putin, a German government spokesman said. There was agreement that the conflict about North Korea s nuclear armament must be resolved peacefully, Steffen Seibert said in a statement. Merkel told Putin she supported efforts of the U.N. Security Council to rapidly adopt further sanctions against North Korea to make Pyongyang change its course, he added. Merkel also welcomed Russia s proposal of deploying U.N. peacekeepers to address the Ukraine crisis, but stressed that the proposed mandate needed to be expanded, Seibert said. Putin signaled his willingness to look into the idea of deploying U.N. peacekeepers not only on the contact line in the Donbass region, but also in other areas in eastern Ukraine to protect OSCE officials monitoring the Minsk peace deal, he added. ",worldnews,"September 11, 2017 ",1 +Putin tells Merkel U.N. peacekeepers could be deployed not only on Donbass contact line,"MOSCOW (Reuters) - Russian President Vladimir Putin told German Chancellor Angela Merkel on Monday that UN peacekeepers might be deployed to eastern Ukraine not only on the Donbass contact line separating the sides of the conflict but in other parts where OSCE inspectors work. Putin, in a phone call with Merkel, gave her a detailed description of Russia s initiative to establish a UN mission to protect observers from a special OSCE monitoring mission in Ukraine, the Kremlin said. Taking into account the ideas expressed by Merkel, Putin said Moscow was ready to add new functions to this UN mission proposed in the Russian variant of a UN resolution on Ukraine. ",worldnews,"September 11, 2017 ",1 +"Suicide bomber attacks NATO convoy in Afghanistan, some wounded","KABUL (Reuters) - A suicide bomber in an explosives-packed vehicle attacked a NATO convoy in Afghanistan on Monday, wounding a small number of foreign troops and at least three civilians, officials said. The soldiers were taken to the nearby Bagram Air Field and none of their injuries appeared life-threatening, NATO s headquarters in Kabul said. At least three civilians were hurt, District Governor Abdul Shukor Qodossi said, without giving details on the extent of their injuries. A statement from the Taliban militants said 13 Americans had been killed and 11 wounded and three armored vehicles destroyed. The attack came on the 16th anniversary of the attacks of September 11, 2001, which triggered the U.S.-led military operation that toppled the Taliban regime in Afghanistan. ",worldnews,"September 11, 2017 ",1 +German women ask Merkel for more support after vote,"BERLIN (Reuters) - A group of German women s organizations wrote to Chancellor Angela Merkel on Monday demanding more support for their goals of equal participation, equal pay and better monitoring of gender policies after the Sept. 24 election. Merkel was elected as Germany s first female chancellor in 2005, helped by strong support from women voters, but the leader of the conservative Christian Democrats (CDU) has not made fighting for equal rights a major priority. Women in Germany have moderated their demands for long enough and repeatedly accepted compromises. Without notable progress, wrote the 17 groups representing 12.5 million women in professions ranging from medicine to law and engineering. Now, new, binding milestones with clear targets need to be defined and achieved. Opinion polls show that Merkel should easily win a fourth term, with women still more likely to vote for the CDU than the SPD, and far more likely to support Merkel on 60 percent than her SPD challenger Martin Schulz on just 20 percent. Merkel was initially opposed to quotas, but her government has introduced a requirement for women to hold 30 percent of seats on non-executive company boards after it was championed by her junior coalition partners, the center-left Social Democrats. Beyond that, however, progress at boosting female representation in both business and politics has been slow. None of Germany s top 30 listed companies has a female CEO and women hold only 7 percent of executive positions in the 160 biggest listed firms, up from 6 percent in 2016. Meanwhile, the percentage of women in the German parliament is expected to fall to 32 percent from a current 36.5 percent after the election due to the likely entry of the male-dominated Free Democrats and Alternative fuer Deutschland (AfD). Merkel says she wants half her new cabinet to be female, compared to seven out of 16 posts now, although that will depend on which party she shares power with. She has also warned firms they face tougher regulation if they do not promote more women. The women s groups said they welcomed Merkel s desire for an equal cabinet and for more women in business, but said more was needed to improve participation and equal pay. The example of the mandatory gender quota for supervisory boards of large companies shows that legal targets are needed to speed up the necessary processes of change and a switch in role models in business and society, the letter to Merkel said. ",worldnews,"September 11, 2017 ",1 +"Russian, German leaders condemn North Korea's ignoring of U.N. resolutions","MOSCOW (Reuters) - Russian President Vladimir Putin and German Chancellor Angela Merkel discussed the situation on the Korean peninsula on Monday and strongly condemned Pyongyang s ignoring of U.N. Security Council resolutions. It was stressed that such steps contradict the principles of global non-proliferation and create a serious threat to regional peace and security, the Kremlin said in a statement after the leaders telephone conversation. It was confirmed that the settlement of this acute crisis is possible exclusively through political and diplomatic tools, through the restart of the negotiations of all the parties involved, the Kremlin said, adding that the leaders agreed to continue contacts on the crisis via their foreign ministers. ",worldnews,"September 11, 2017 ",1 +"Irma severely damages Cuban sugar industry, crop: state media","HAVANA (Reuters) - Hurricane Irma seriously damaged Cuba s already dilapidated sugar industry and flooded and flattened an extensive area of sugar cane, state-run media reported on Monday. Some 300,000 hectares (740,000 acres) of cane were affected to different degrees, Liobel Perez, spokesman for AZCUBA, the state sugar monopoly, was quoted as stating. He said 40 percent of the country s mills were also damaged, as were warehouses and other parts of the industry s infrastructure. Despite a steep decline in output over the last 15 years, the industry remains one of the country s most important in terms of employment and export earnings. The sugar harvest was scheduled to begin in November. The monster storm spent three days traversing most of the island s northern coast, from east to west, with particular force in the sugar-producing provinces of central Cuba, before heading north to Florida on Sunday. Officials have just begun to assess the damage, so the report was preliminary. Cuba produced 1.8 million tonnes of sugar during the 2016-2017 season. ",worldnews,"September 11, 2017 ",1 +Polish legal experts say Poland can demand German reparations,"WARSAW (Reuters) - Polish parliamentary legal experts ruled on Monday that Warsaw has the right to demand reparations from Germany for its actions in the country during World War Two, although Poland s foreign minister indicated that no immediate claim would be made. The issue of reparations, revived by Poland s eurosceptic ruling party Law and Justice (PiS) after decades of improving relations with Germany, could escalate tensions between the two European Union governments. In a non-binding ruling, the experts said a decision by Poland s communist authorities in the 1950s to relinquish all claims against Germany over damages caused by its invasion and occupation of much of Poland was unconstitutional and invalid. (The communist government) was forced into this by the Soviet Union, and Poland was not a sovereign state at the time, said Arkadiusz Mularczyk, a PiS deputy who had commissioned the study. Poland has a legal basis to demand reparations. The PiS government deeply distrustful of Germany has raised calls for wartime compensation in recent weeks but it has yet to officially demand reparations. Foreign Minister Witold Waszczykowski said on Monday that discussions on the issue may not yield the appropriate result . But they should take place to inform the German side about the enormity of destruction it has caused, he told public broadcaster TVP1. Waszczykowski added further analysis was needed before any claims were lodged. Six million Poles, including three million Polish Jews, were killed during the war, and the capital Warsaw was razed to the ground in 1944 after a failed uprising in which 200,000 civilians died. Relations between Germany and Poland had warmed following the 1989 collapse of communism, particularly under the previous centrist government in Warsaw. But they have sunk to a decade low since the nationalist-leaning PiS won a parliamentary election in 2015. It says Berlin wields too much influence within the EU. PiS also frequently invokes Poland s suffering under the German occupation as part of a broader effort it says aims to promote patriotism at home, and to counter accusations that some Poles were also perpetrators of wartime crimes against the Jews. Under communism, Poles were taught to believe that, with a few exceptions, the nation had conducted itself honorably during a war that killed a fifth of the Polish population. But a series of books and films have questioned this self-image in recent years, opening a painful debate over collective guilt and reconciliation. German parliamentary legal experts said last month that Warsaw had no right to demand reparations. ",worldnews,"September 11, 2017 ",1 +U.N. nuclear watchdog chief says Iran playing by the rules,"VIENNA (Reuters) - The head of the U.N. nuclear watchdog said on Monday Iran was abiding by the rules set out in a nuclear accord it signed with six world powers in 2015, after Washington suggested it was not adhering to the deal. The State Department must notify Congress every 90 days of Iran s compliance with the deal. The next deadline is October and U.S. President Donald Trump has said he thinks by then the United States will declare Iran non-compliant. Yukiya Amano, the head of the International Atomic Energy Agency (IAEA), said Iran had not broken any promises and was not receiving special treatment. The nuclear-related commitments undertaken by Iran under the (deal) are being implemented, he said in the text of a speech to a quarterly meeting of the IAEA s 35-member Board of Governors. Most sanctions on Iran were lifted 18 months ago under the deal and, despite overstepping a limit on its stocks of one chemical, it has adhered to the key limitations imposed on it. In April, Trump ordered a review of whether a suspension of sanctions on Iran related to the nuclear deal, negotiated under President Barack Obama, was in the U.S. national security interest. He has called it the worst deal ever negotiated. The U.S. ambassador to the United Nations, Nikki Haley, traveled to Vienna last month to speak with Amano about Iran and asked if the IAEA planned to inspect Iranian military sites, something she has called for. Iran dismissed the U.S. demand as merely a dream . Amano declined to comment on Haley s statements when asked by reporters. Iran has been applying an Additional Protocol, which is in force in dozens of nations and gives the IAEA access to sites, including military locations, to clarify questions or inconsistencies that may arise. We will continue to implement the Additional Protocol in Iran ... as we do in other countries, Amano said, referring to so-called complementary access visits granted under the protocol, details of which Amano said were confidential. I cannot tell you how many complementary accesses we have had, but I can tell you ... that we have had access to locations more frequently than many other countries with extensive nuclear programs. He called verification measures in Iran the most robust regime currently in existence. In addition, the IAEA can request access to Iranian sites including military ones if it has concerns about activities or materials there that would violate the agreement, but it must show Iran the basis for those concerns. That means new and credible information pointing to such a violation is required first, officials from the agency and major powers say. There is no indication that Washington has presented such information. ",worldnews,"September 11, 2017 ",1 +Azeri court releases head of independent Azeri news agency,"BAKU (Reuters) - An Azeri court on Monday released the director of an independent news agency from pre-trial detention but said an investigation of him can continue, in a case condemned by human rights activists. Mehman Aliyev, the head of Turan news agency, was detained by Azeri police in the capital, Baku, on Aug. 24, on suspicion of tax evasion and illegal business activities. Investigation of those allegations will continue Turan suspended its operations from Sept. 1. I m not under arrest anymore. I consider this decision as positive ... I m glad that mistake has been amended, Aliyev told Reuters by telephone after his release. Azeri officials said Aliyev s release was a demonstration of the president s attitude to journalists. His release is a proof of President (Ilham) Aliyev s special attitude to journalists and mass media, said Aflatun Amashov, the head of Azerbaijan s Press Union. The West has criticized Azerbaijan for what it calls intimidation and repression aimed at the opposition and urged Baku to comply with its pledges on human rights. Azeri officials deny the accusations. The Organisation for Security and Cooperation in Europe (OSCE) as well as opposition parties in Azerbaijan and human rights activists had been calling for Aliyev s immediate release. ",worldnews,"September 11, 2017 ",1 +"Tribal clashes, political void threaten oil installations in Iraq's south","BASRA/BAGHDAD, Iraq (Reuters) - Worsening clashes among tribes and a political void is threatening security at oil installations in Iraq s main southern oil producing region, officials and security sources said. Iraq has concentrated security forces in the north and west of the OPEC oil producer in the biggest campaign since the U.S.-led invasion in 2003 to retake territory lost to the Sunni extremist group Islamic State in 2014. That has created a void in the south, home to Iraq s biggest oilfields, where fighting between rival Shi ite Muslim tribes over farmland, state construction contracts and land ownership has worsened in the past few weeks. The surge in violence risks undermining government plans to lure new investment to the oil and gas sector it needs to revive an economy hit by a surge in security spending and destruction by Islamic State. Stability in Basra, the main southern city at the edge of the Gulf, is of vital importance as a hub for oil exports accounting for over 95 percent of government revenues. Officials said tribal clashes had not affected oil output yet. But this could change as recent fighting with mortars and machine guns had come close to the key West Qurna oil phase 1, West Qurna phase 2 and Majnoon oilfields north of Basra city. Tribal feuds have been exacerbating recently and such a negative development could threaten the operations of the foreign energy companies, said Ali Shaddad, head of the oil and gas committee in Basra s provincial council. State-run South Oil Co. (SOC) said the violence had started scaring oil workers and foreign contractors who in some cases had refused to move drilling rigs over security concerns. Tribal fighting near oilfields sites is definitely affecting the energy operations and sending a negative message to foreign oil firms, Abdullah al-Faris, a media manager at SOC, said. Iraq s government has dispatched thousands of soldiers and policemen into Basra which had been like the rest of the mainly Shi ite south relatively peaceful since 2003. Security force have tried to disarm tribesmen, which had seized large caches of light and heavy weapons from Saddam Hussein s army in the chaos following the 2003 invasion. But security officials said forces were stretched as troops were preparing another offensive against Islamic State, or Daesh, in the north to retake Hawija town. Strategically located east of the road from Baghdad to Mosul and near the Kurdish-held oil region of Kirkuk, Hawija fell to Islamic State in 2014. We need larger forces to control rural areas and restrain lawless tribes in the south, said Army Lieutenant Colonel Salah Kareem who serves in a brigade that was based in Basra before being moved to Mosul. This is a difficult job for now as most troops are busy with fighting Daesh, he said. The security challenges have been worsened by a political void after top local officials quit over graft charges. Basra s governor Majid al-Nasrawi stepped down last month and left for Iran after Iraq s anti-corruption body began investigating graft allegations against him. In July the head of the provincial council, Sabah al-Bazoni, was arrested and sacked after the watchdog accused him of taking bribes and misuse of power. Graft has been a major concern in Iraq but analysts say both men had also been caught in a political battle as parties from the country s Shi ite majority were gearing up for national elections in April 2018. Basra is seen as the ultimate prize given its oil wealth and investment potential. Bazoni, who belongs to former prime minister Nuri al-Maliki s State of Law coalition, had been at odds with Nasrawi from the Shi ite Islamic Supreme Council of Iraq over managing the province and distributing contracts for basic services and rebuilding infrastructure in Basra. Disagreements over how to award state contracts had escalated with each party publishing files alleging corruption against the other rivals, two Basra politicians said on condition of anonymity. For some political parties having the upper hand in Basra is a key objective to expand their power, said Baghdad-based analyst Jasim al-Bahadli, an expert on Shi ite armed groups. Basra is forming the triangle of money, power and influence, he said. Two officials working with foreign oil companies operating in the south said the departure of top officials raised worries that the tribal clashes could get worse. We need to see security challenges addressed to avoid working in a difficult operating environment, said one official working at a foreign oil firm in Basra, asking not to be named. ",worldnews,"September 11, 2017 ",1 +Around 30 people injured in Swiss train collision: police,"ZURICH (Reuters) - Around 30 people were injured on Monday in a train collision at a station in central Switzerland, police said. None of the injuries are life-threatening, police for the Swiss canton of Uri said in a statement. The accident occurred in Andermatt, a town in the Swiss Alps popular among skiers. The crash occurred at around 11:30 local time (0930 GMT) while the engine for a train was being moved to the front from the back. Police said they were investigating the cause of the crash. ",worldnews,"September 11, 2017 ",1 +"After Russia, Iran seeks deal for long-term Syria garrison: Israel","HERZLIYA, Israel (Reuters) - The Israeli intelligence minister said on Monday that President Bashar al-Assad was ready to permit Iran to set up military bases in Syria that would pose a long-term threat to neighboring Israel. While formally neutral on the six-year-old Syrian civil war, Israel worries that Assad s recent gains have given his Iranian and Lebanese Hezbollah allies a foothold on its northern front. Israeli Prime Minister Benjamin Netanyahu has lobbied Russia, Assad s most powerful backer, and the United States to curb the Iranian presence in Syria as well as hinting that Israel could launch preemptive strikes against its arch-foe there. In July, Moscow ratified a deal under which Damascus allowed the Russian air base in Syria s Latakia Province to remain for almost half a century. Israeli Intelligence Minister Israel Katz said Iran could soon gain similar rights. In these very days, Assad and Iran are nearing the signing of a long-term agreement that would anchor Iran s military presence in Syria, resembling the agreement that was signed between Assad and the Russians, Katz told a security conference hosted by IDC Herzliya, a university near Tel Aviv. The significance in terms of the danger and the threat against Israel - and not just against Israel, but also many countries in the region - is of the utmost clarity. Katz did not elaborate on the source of his information or give any further details about the purported negotiations. The Iranian Foreign Ministry declined to comment and Syrian officials could not be reached. Katz said the plan was for an Iranian naval port, bases for Iran s air and ground forces, and tens of thousands of Shiite militiamen being brought in from various countries to fight alongside their Iranian and Hezbollah co-religionists in Syria. Iran s presence in Syria, and efforts to bolster Hezbollah in Lebanon, are expected to feature in Netanyahu s address to the United Nations General Assembly on Sept. 19. ",worldnews,"September 11, 2017 ",1 +More Germans detained in Turkey: German foreign ministry,"BERLIN (Reuters) - Another German couple is believed to have been detained in Turkey this weekend and one of the individuals remains in police custody, while the other has been barred from leaving the country, a German foreign ministry spokesman said on Monday. Spokesman Martin Schaefer told a news conference that Germany had no official information on the arrests that occurred on Sunday in Istanbul, but said the random nature of continued detentions by Ankara was cause for the utmost concern . The nightmare continues that is facing so many German citizens who wanted to do nothing but spend their vacation in Turkey, said Schaefer. It can hit anyone who thinks about entering Turkey. One doesn t believe oneself to be in danger, but suddenly one is in a Turkish prison. Schaefer said those traveling to Turkey should be aware of the potential dangers, but said Berlin had no immediate plans to issue a formal travel warning. We will not be drawn into using travel guidance in a political manner, Schaefer said, adding that continued random arrests by Turkey of German citizens could force Berlin to issue such a warning. That would put Turkey on a par with Libya, Yemen or Syria, he added. The foreign ministry has urged German citizens since July 26 to exercise caution when traveling to Turkey. Before Monday s news of additional arrests, 10 Germans were in detention in Turkey, including German-Turkish journalist Deniz Yucel, who has been held for over 200 days. Schaefer downplayed the relevance of Turkey s warning on Saturday that its citizens should take care when traveling to Germany, saying the warning had nothing to do with the reality of 80 million German citizens and ethnic Turks living here. EU Commissioner Guenther Oettinger, in separate remarks, rejected calls for breaking off discussions with Ankara about its accession to the European Union, saying such a move would only strengthen President Tayyip Erdogan, who is under fire from Brussels over his crackdown on opponents after a failed coup. Last week German Chancellor Angela Merkel, expected to win a fourth term in the Sept. 24 election, infuriated Erdogan s government when she called for a formal halt to Turkey s stalled EU accession talks. Later she conceded that such a move would have to be decided unanimously by the EU. Tensions between Berlin and Ankara have been running high for more than a year, fueled in part by conflicts over lawmaker visits to German troops stationed in Turkey and Ankara s crackdown on alleged supporters of last year s coup. ",worldnews,"September 11, 2017 ",1 +Caribbean faces hard road to recovery after Irma's ravages,"VARADERO, Cuba (Reuters) - From Cuba to Antigua, Caribbean islanders began counting the cost of Hurricane Irma on Sunday after the brutal storm left a trail of death, destruction and chaos from which the tourist-dependent region could take years to recover. The Category 5 storm, which killed at least 28 people across the region, devastated housing, power supplies and communications, leaving some small islands almost cut off from the world. European nations sent military reinforcements to keep order amid looting, while the damage was expected to total billions of dollars. Ex-pat billionaires and poor islanders alike were forced to take cover as Irma tore roofs off buildings, flipped cars and killed livestock, raging from the Leeward Islands across Puerto Rico and Hispaniola then into Cuba before turning on Florida. Waves of up to 36 feet (11 meters) smashed businesses along the Cuban capital Havana s sea-side drive on Sunday morning. Further east, high winds whipped Varadero, the island s most important tourist resort. It s a complete disaster and it will take a great deal of work to get Varadero back on its feet, said Osmel de Armas, 53, an aquatic photographer who works on the beach at the battered resort. Sea-front hotels were evacuated in Havana and relief workers spent the night rescuing people from homes in the city center as the sea penetrated to historic depths in the flood-prone area. U.S President Donald Trump issued a disaster declaration on Sunday for Puerto Rico, where Irma killed at least 3 people and left hundreds of thousands without electricity. Trump also expanded federal funds available to the U.S. Virgin Islands, which suffered extensive damage to homes and infrastructure. Further east in the Caribbean, battered islands such as St. Martin and Barbuda were taking stock of the damage as people began emerging from shelters to scenes of devastation. Dutch Prime Minister Mark Rutte said the death toll on the Dutch part of St. Martin had doubled to four, and that 70 percent of homes had been damaged or destroyed. Following reports of looting, the Netherlands said it would increase its military presence on the island to 550 soldiers by Monday. Rutte said that to ensure order, security forces were authorized to act with a firm hand . Alex Martinez, 31, a native of Florida who was vacationing on the Dutch side of St. Martin when Irma hit the island in the early hours of Wednesday, vividly described how his hotel was gutted by the storm, turning it into a debris-strewn tip. Doors were torn from hinges, windows shattered, cars lifted off the ground and furniture blown through the rooms after Irma hit the building with a burst of pressure that was like you were getting sucked out of an aeroplane, he said. Martinez, his wife and two others barricaded themselves in their bathroom, pushing with all their might to secure the door as Irma battered it with winds of up to 185 mph (300 km/h). That s when we thought, that was it , he said. I honestly, swear to God, thought we were going to die at that point in time. Everything continued for maybe 20, 30 minutes; my wife s there, she s praying, praying, praying, praying, and things just kinda calmed down. I guess that s when the eye (of the storm came). Staff deserted the hotel to look after their families and Martinez and a few others had to scavenge for food and water for three days until they were airlifted out on Saturday, he said. Dutch authorities are evacuating other tourists and injured people to Curacao, where Dutch King Willem-Alexander and Interior Minister Ronald Plasterk were expected to arrive today. France, which oversees neighboring Saint Barthelemy and the other half of St Martin, said the police presence on the two islands had been boosted to close to 500. The French interior ministry said 11 people suspected of malicious actions had been arrested since Friday as television footage showed scenes of chaos on the islands, with streets under water, boats and cars tossed into piles and torn rooftops. Irma killed at least 10 people on the two islands, the French government said. France s Caisse Centrale de Reassurance, a state-owned reinsurance group, estimated the cost of Irma at some 1.2 billion euros ($1.44 billion). French President Emmanuel Macron was due to visit St. Martin on Tuesday. Barbuda, home to some 1,800 inhabitants, faces a reconstruction bill that could total hundreds of millions of dollars, state officials say, after Irma steamrolled the island. The prime minister of Antigua and Barbuda, Gaston Browne, said Irma had wreaked absolute devastation on Barbuda, which he described as barely habitable after 90 percent of cars and buildings had been damaged. The government ordered a total evacuation when a second hurricane, Jose, emerged, but a handful of people refused to leave their homes, including a gentleman (who) said he was living in a cave , said Garfield Burford, director of news at government-owned broadcaster ABS TV and Radio in Antigua and Barbuda. Irma also plunged the British Virgin Islands, an offshore business and legal center, into turmoil. Yachts were piled on top of each other in the harbor and many houses in the hillside capital of Road Town on the main island of Tortola were badly damaged. Both there and in Anguilla to the east, residents complained help from the British government was too slow in coming, prompting a defensive response from London. We weren t late, Defence Secretary Michael Fallon told BBC television on Sunday, saying Britain had pre-positioned an aid ship for the Caribbean hurricane season and that his government s response has been as good as anybody else s. British billionaire entrepreneur Richard Branson, who sought refuge in the wine cellar of his home on Necker island, called Irma the storm of the century on Twitter and urged people to make donations to help rebuild the region. ",worldnews,"September 10, 2017 ",1 +U.N. rights boss urges U.S. Congress to give 'Dreamers' legal status,"GENEVA (Reuters) - The top U.N. human rights official voiced concern on Monday at the Trump administration s decision to end the DACA program for immigrants who arrived illegally as children and urged the U.S. Congress to give them lasting legal status in the country. Referring to a move to end the Deferred Action for Childhood Arrivals (DACA) program in six months, affecting nearly 800,000 young migrants known as Dreamers , Zeid Ra ad al-Hussein told the United Nations Human Rights Council in Geneva: I hope Congress will now act to provide former DACA beneficiaries with durable legal status. I am disturbed by the increase in detentions and deportations of well-established and law-abiding immigrants. ",worldnews,"September 11, 2017 ",1 +Mexico foreign minister heads to U.S. to meet with Dreamers,"MEXICO CITY (Reuters) - Mexico s Foreign Minister Luis Videgaray will travel to the United States this week to meet with local leaders and beneficiaries of the Deferred Action for Childhood Arrivals program, the ministry said on Monday. Videgaray will travel to Sacramento and Los Angeles on Sept. 11-12 and then to Washington D.C. on Sept. 13, the ministry said in a statement. Videgaray will meet with California Gov. Jerry Brown as well as other officials, the statement said. ",worldnews,"September 11, 2017 ",1 +Germany's Greens want power plants shut as price of coalition,"BERLIN (Reuters) - Germany s Greens said on Monday that closing the country s 20 dirtiest coal-fired power stations would be a key condition of any coalition with Chancellor Angela Merkel s conservatives after this month s election. Greens co-leader Cem Ozdemir said he wanted to anchor the fight against climate change as the core philosophy of the next government, particularly given the backdrop of recent severe weather - from flooding in Germany to drought in southern Europe. It is almost as if nature is trying to speak to us, Ozdemir told journalists on a solar-powered boat anchored in Berlin, which the Greens planned to sail past Merkel s office later in the day. Polls show Merkel s conservatives are likely to win the Sept. 24 election with around 38 percent of the vote but will need a coalition partner to govern, with options including a Jamaica coalition of the conservatives, the Greens and the liberal FDP. The Greens, however, have raised doubts about the viability of such an alliance, as they would be reluctant to work with the FDP. Ozdemir highlighted the gulf between these two parties, noting that a leading member of the FDP had branded links between recent extreme weather events and climate change as fake news . We will talk to everybody but not about everything, Ozdemir said of potential coalition negotiations. Support for the Greens is on 8 percent in the latest polls but a Forsa survey showed half of Germans would welcome the Greens being part of the new government. A study last week showed that Germany is set to miss its goal to cut carbon dioxide (CO2) emissions by a far wider margin than previously thought. Instead of being world champions in climate protection, we are world champions in lignite coal, Ozdemir said, noting that Germany s CO2 emissions have been rising for eight years. Once dubbed the climate chancellor for pushing other wealthy nations to address climate change, Merkel has come under fire for not moving Germany fast enough to cut its reliance on fossil fuels as it phases out nuclear power. Merkel has suggested that Germany should eventually consider phasing out lignate coal power plants to help it cut CO2 emissions, but she is treading carefully as the move could hit tens of thousands of jobs. Ozdemir said the Greens would demand that any government it joins must allot 1 billion euros ($1.2 bln) a year to improve public transport and cycle paths, and should push for improved CO2 emissions trading at a European level. ($1 = 0.8335 euros) ",worldnews,"September 11, 2017 ",1 +"FPL shuts one reactor in Florida, reduces power at another after Irma","(Reuters) - Florida Power & Light shut Unit 4 at the Turkey Point nuclear power station in Florida Sunday night due to a likely valve issue, and is reducing power at Unit 1 at the St Lucie power plant due to salt build up in the switchyard, a spokesman at the U.S. Nuclear Regulatory Commission said Monday. He could not say whether the Turkey Point 4 outage was related to Hurricane Irma, which battered Florida over the weekend, and he could not say whether FPC planned to shut or just reduce St Lucie 1. ",worldnews,"September 11, 2017 ",1 +"Merkel in diplomatic push on North Korea, to speak with Putin: spokesman","BERLIN (Reuters) - German Chancellor Angela Merkel will speak with Russian President Vladimir Putin as part of high-level talks aimed at increasing pressure on North Korea over its nuclear program, her spokesman said on Monday. Berlin remains ready to support discussions about ways to find a peaceful solution to the crisis, spokesman Steffen Seibert told a regular government news conference, noting that Germany is one of few countries with diplomatic ties with Pyongyang. That is why we have offered to be helpful in the search for new ways to de-escalate the situation, he said, hours before the U.N. Security Council was due to vote on a U.S.-drafted resolution that would impose new sanctions on Pyongyang. The only conceivable solution is a peaceful and diplomatic one. But to achieve such a solution, the pressure on North Korea must be increased. Merkel has already discussed the issue with U.S. President Donald Trump, French President Emmanuel Macron, South Korean President Moon Jae-in and Japanese Prime Minister Shinzo Abe, and also planned a telephone call with Putin, he said. North Korea was condemned globally for conducting its sixth nuclear test on Sept 3, which it said was of an advanced hydrogen bomb. Merkel told the Frankfurter Allgemeine newspaper on Sunday she was ready to become involved in a diplomatic initiative to end the North Korean nuclear and missiles program, and suggested the Iran nuclear talks could be a model. Germany and the five countries on the United Nations Security Council with veto power took part in talks that led to Iran agreeing a landmark deal in 2015 to curb its nuclear work in return for the lifting of most economic sanctions. Seibert said there had been no concrete request for Germany s help in initiating discussions over the North Korean crisis. Merkel, one of the world s longest serving democratic leaders, is expected to win a fourth term in office in a Sept. 24 vote, with polls giving her conservatives a double-digit lead over their main center-left rivals. Merkel is widely seen in Germany as a safe pair of hands at a time of global uncertainty such as the North Korea crisis, Britain s looming departure from the European Union and Donald Trump s presidency in the United States. ",worldnews,"September 11, 2017 ",1 +"Venezuela defends rights record at U.N., says opposition 'back on path of rule of law'","GENEVA (Reuters) - Venezuela s foreign minister defended his country s record on Monday, rejecting as baseless reports by the United Nations human rights office that found grave violations by its security forces against protesters. Earlier, U.N. High Commissioner for Human Rights Zeid Ra ad al-Hussein warned that the government of President Nicolas Maduro may move to further crush democratic institutions and that crimes against humanity may have already been committed by his security forces. The opposition in Venezuela is back on the path of rule of law and democracy, we will see dialogue emerging thanks to the mediation of our friends, Foreign Minister Jorge Arreaza said to applause at the U.N. Human Rights Council, where Venezuela is one of 47 members. (This story corrects quote in 3rd paragraph following U.N. interpretation error) ",worldnews,"September 11, 2017 ",1 +Thai junta tells Japan investors $45-billion development plan to go ahead,"BANGKOK (Reuters) - A $45-billion plan to redevelop Thailand s industrial east will go ahead regardless of whoever takes power after elections, the military government told hundreds of Japanese investors on Monday. The ruling junta, faced with weak exports and sluggish domestic demand, has focused on promoting investment to help revive growth in Southeast Asia s second-largest economy, which lags regional peers. The military government hopes the Eastern Economic Corridor (EEC) development project, worth 1.5 trillion baht ($45 billion), will lift growth to about 5 percent a year by 2020, from the latest government estimate of 3.5 for 2017. Regardless of which government is in office, or when the election will be held, the EEC plan will continue, with certainty, Prime Minister Prayuth Chan-ocha told a gathering of 570 investors flown in from Japan. It is law, an act embedded within the 20-year national strategy, and supported by the national development plans. The junta has branded its 20-year strategy a guide for policymaking long after elections expected next year, at the earliest. The strategy has fueled concern among critics that the army plans to cement its grip on power, whoever wins an election. Japan was Thailand s biggest investor in 2016 with more than 57 billion baht ($1.7 billion), most of it going into the automobile industry. Thailand, known as the Detroit of Asia, is a regional base for some of the world s top carmakers, such as Toyota Motor Co. The government now wants to establish its own equivalent of Silicon Valley in the EEC. The digital innovation created there can go into supporting the automotive industry, Pichet Durongkaveroj, the Minister of Digital Economy, told Reuters. We aim to be a manufacturing hub for electric vehicles. ",worldnews,"September 11, 2017 ",1 +Roma seek luck and love at Catholic shrine in Hungary,"CSATKA, Hungary (Reuters) - Thousands of Roma from Hungary and beyond flock every year to a shrine to the Virgin Mary in a chapel among undulating hills, to pray for good health, happiness and luck in love. Some actually find love there, like Adam Vidak and his wife Nikoletta who met at the huge party after the holy mass last year and have now returned. They want their newborn to be christened at the shrine, where the main Roma mass this year took place on Saturday. We met each other on Facebook and arranged a date here, we came, we liked each other, then we got in the car and off we went, said Vidak, 22, as 20-year old Nikoletta cradled the baby boy in her arms. The next day we called her parents, told them we were together and shortly afterwards we had our wedding. Hungary has an estimated 700,000 Roma, one of the largest Roma minorities in Central Europe. Most of them live in poverty. The Roman Catholic chapel in Csatka, around 120 km (75 miles) west of Budapest, is their main place of pilgrimage, but many non-Roma Hungarians also come to pray. Roma families come carrying big candles and statues of the Virgin Mary, and draw water from the sacred spring next to the chapel which is believed to have magic healing powers. Some arrive in traditional outfits, like Zoltan Sztojka, 42, who wears a yellow silk shirt and a black vest embroidered richly in gold. He came with more than 40 family members from Soltvadkert, eastern Hungary. Roma have been coming here for 150-200 years, so we have to be here. Everybody comes to lay down our sins, pray for luck, strength and health, he says, showing an enormous silver ring with a finely engraved horse, the coat of arms of his family. The chapel was built in 1862, and at that time a hermit lived at the site. Even under Hungary s four decades of communist rule from 1949, Roma came here in horse-drawn carts. Now there is a huge parking lot for cars and caravans, as some people camp out over the weekend. On the hill, a large family have set up camp, and are cooking tripe stew over a campfire. As a child, Sandor Jakab, 60, used to come here by cart with his parents. Now he brings his family for three days each year from the village of Erd. We have our fridge and freezer here, full of meat and drinks, he says. Is it true that many Roma families seek wives and husbands for their children during the pilgrimage? Jakab replies with his brother-in-law standing next to him. Now let s say, for example, suppose the two of us know each other, then we would have a few drinks, and he has a daughter and I have a son....then we would chat and I would ask whether I can go to you to see your daughter (as a potential bride). He says promises made at Csatka are carved in stone. But he does not agree with the huge party, loud music and dance that follows the prayers on the hillside. My family does not go there... We pray and spend time together. This music is not for this place, he says. ",worldnews,"September 11, 2017 ",0 +"Focus on search and rescue, restoring power after Irma: U.S. official","WASHINGTON (Reuters) - Federal officials were focused on Monday on search and rescue operations and restoring power to millions of people after Hurricane Irma tore across the Florida Keys before moving north up the state with high winds and heavy rains, the acting Homeland Security secretary said. Acting DHS Secretary Elaine Duke told CNN 200,000 people remained in shelters and more than 5 million were without power, but the top priority was search and rescue as daylight revealed the damage from the storm overnight. Today will be our first time to get a glimpse of it. We do have flying weather and as the sun rises we ll be able to take a look at the Keys especially where we have the most area of concern, she said. ",worldnews,"September 11, 2017 ",1 +Pro-independence from China posters appearing on Hong Kong campuses stoke new tension,"HONG KONG (Reuters) - Thirteen Hong Kong universities and academic institutions accused the Chinese-ruled city s leader of undermining freedom of expression amid a row over pro-independence banners appearing on campuses. Hong Kong, a former British colony that returned to China in 1997, is guaranteed freedoms and a high degree of autonomy under a one country, two systems arrangement, including freedom of expression. At the start of the academic year, banners advocating independence from China appeared on noticeboards in at least seven universities. Some large black banners were hung across buildings. Hong Kong leader Carrie Lam criticized the posters as a violation of China s sovereignty, while urging university administrators to take appropriate action . Some colleges, including the prestigious Chinese University, described the posters as unconstitutional, but allowed some to remain. But late on Sunday, the 13 institutions issued a statement titled Arming ourselves in our darkest hour , criticizing Lam and university authorities for an explicit effort to limit our freedom of expression . Student unions stress that everyone enjoys the freedom of speech, and this is the line that we shall never compromise ... we are ready to defend our rights and liberty, it read. Some observers said the controversy could be used to justify another squeeze on the city s freedoms, soon after several young pro-democracy leaders were jailed for helping lead the city s massive Occupy pro-democracy civil disobedience movement in late 2014. The row has also stoked tension between local and mainland students, who now comprise a sizeable part of university admissions, especially in post-graduate studies. Calls for independence, once rare in the financial hub, began to gain traction after the 2014 protests and as disillusionment grew toward China s perceived tightening grip. Late last year, two pro-independence lawmakers were disqualified from office after Beijing s parliament ruled their oath-taking carried digs at China. Beijing resolutely opposes talk of Hong Kong splitting from China, with the mini-constitution stating the city is an inalienable part of the country. The so-called Basic Law also enshrines freedom of expression. Groups of students from both sides have faced off on several occasions, with mainland students putting up anti-independence posters, condemning calls for independence. One female student from China was filmed and challenged for tearing down some of the pro-independence banners. If you re talking about democracy, you can put them up (the banners) and I can pull (them) down, she said in the video. An official blog run by China s state mouthpiece, the People s Daily, on Sunday published a long editorial saying there were limits to freedom of expression and that Hong Kong laws on public order could be used to jail trouble makers. It is quite apparent that Beijing and the Hong Kong government would like to use this excuse to impose a political crackdown, said political commentator Joseph Cheng. Certainly the pro-Beijing establishment has been asking for rapid legislation of the controversial Article 23 legislation, Cheng added, referring to proposed national security laws that would criminalize perceived acts of sedition. ",worldnews,"September 11, 2017 ",1 +Crimean Tatar leader jailed for stirring anti-Russia protests,"SIMFEROPOL, Crimea (Reuters) - A man who led protests against Russia s plans to annex Crimea from Ukraine was jailed for eight years in the disputed territory on Monday - a move Ukraine s president called an act of Russian repression. Crimean Tatar leader Ahtem Chiygoz was found guilty of stirring up mass disorder by calling street demonstrations in February 2014 against a referendum which later sealed Russia s seizure of the peninsula. Prosecutors at the court in Simferopol - the capital of Russian-controlled Crimea - said two people died in the unrest. Ukrainian President Petro Poroshenko said the jailing of Chiygoz added to the case against Russia which had already been recognized as an occupier at the highest international level. One can unlawfully confine someone s freedom, but it s impossible to break the will! You may occupy foreign land, but it will burn under your feet, Poroshenko said on Twitter. There was no immediate comment from Russian authorities. Chiygoz was deputy head of the Mejlis representative body of Crimean Tatars which also condemned Monday s ruling. Mejlis head Refat Chubarov, who fled Crimea after its annexation, called the sentence a new attempt to intimidate Crimean Tatars and suppress their will . The Crimean Tatars are a largely Sunni Muslim group who suffered mass deportation under Soviet dictator Josef Stalin in 1944 and make up more than 12 percent of Crimea s largely ethnic Russian population of about 2 million. Many of them were among the strongest critics of Moscow s March 2014 annexation of Crimea, which has drawn sanctions on Russia from the United States and Europe. Kiev and its Western allies say the seizure was illegal. But Russian President Vladimir Putin justified it, saying he needed to protect its overwhelmingly pro-Moscow population from Ukrainian nationalists. Chubarov said lawyers would launch an appeal with the Supreme Court of Russia as the nation that occupied Crimea . One can already forecast its decision - it will support the decision by Crimea s illegal supreme court. Accordingly, our next step will be the European Court of Human Rights, he added. Chiygoz s lawyer Nikolai Polozov told Reuters Television the sentence was unlawful, as Chiygoz was a citizen of Ukraine, where the criminal code did not contain such an offense. His team would seek Chiygoz s extradition to Ukraine, he added. ",worldnews,"September 11, 2017 ",1 +"Philippines seeks big cut in drug rehab budget, stoking lawmakers' concern","MANILA (Reuters) - The Philippines plans a cut of 75 percent in spending next year on drug rehabilitation facilities, while at the same time seeking a massive hike in funding for a war on drugs that has killed thousands, fuelling concerns among lawmakers. The government has rejected criticism that it lacked the commitment to rehabilitate drug users, saying it has attracted financing and is building treatment facilities, but had underestimated the scale of addiction. More than 3,800 people, most of them drugs suspects, have died in police operations in the drug war unleashed by President Rodrigo Duterte in July last year. Police deny they were executing suspects, saying those killed had violently resisted arrest. Senator Ralph Recto, who has questioned the government s anti-drugs budget, said he would scrutinize its proposal to cut expenditure on drug rehabilitation centers by 2.3 billion pesos ($45.23 million), compared to this year. The government has asked Congress for an increase of more than 40 times in next year s police budget for anti-drugs operations next year. I will discuss these issues when the budget is formally presented, Recto told Reuters in a text message. The lack of rehabilitation centers would cripple the declared government policy to wean substance abusers off drugs, Recto said in a statement over the weekend. In August, Health Secretary Paulyn Ubial said eight drug rehabilitation centers would be built across the Philippines, funded by private firms, including conglomerate San Miguel Corp and property firm Megaworld. Last year, Manila opened what it called a mega drug rehabilitation facility to treat up to 10,000 patients and funded by a Chinese tycoon. The Department of Health submitted a budget of 759.6 million pesos for state-managed rehabilitation facilities under the government s proposed 2018 spending plan, significantly less than this year s budget of 3.08 billion pesos. Methamphetamine use for a year or more would shrink the brain of a person, Duterte said in a speech in August last year, adding, Therefore he is no longer viable for rehabilitation. He estimated there are already more than 3 million Philippine drug users in a country of more than 100 million people. The government s 13 drug abuse treatment and rehab facilities treated 14,733 out-patients in 2016, up more than three times from the previous year, and close to 30,000 in- patients, up four percent over 2015, the health department says. Duterte has said the drugs war will continue and would be unremitting as it will be unrelenting . ",worldnews,"September 11, 2017 ",1 +"Factbox: Humanitarian crisis in Bangladesh as 313,000 Rohingyas flee Myanmar","(Reuters) - At least 313,000 Rohingya refugees have fled Myanmar in the past two weeks and sought shelter in Bangladesh, a Inter Sector Coordination Group (ISCG) report released on Monday stated. At least 400,000 hungry and traumatized refugees have sought refuge in Bangladesh since October 2016. The exodus has put pressure on aid agencies and communities, which were already helping hundreds of thousands of refugees from previous violent episodes in Myanmar. Following are a few details gathered from United Nations sources working in Cox s Bazar district of Bangladesh, situated on the Myanmar border. - The refugee influx on Sunday was observed to be lower compared with other days. - The district administration conducted a site visit to discuss the allocation of 1,500 acres of land adjacent to the Kutupalong Makeshift Settlement in order to accommodate more refugees in the Kutupalong/Balukhali area. People have already settled in some parts of this proposed land. - According to reports, the local administration plans to start biometric registration of the new arrivals from Monday. - At least 3,989 households were provided rice on Sunday, the second day of rice distribution. - The majority of referred medical cases comprised lower respiratory tract infection, skin diseases and acute diarrhea. - An estimate of 883 refugees received psychological first aid. - Until Sunday, a total of 925 unaccompanied asylum-seeking children have been identified in registered refugee camps. (This story corrects paragraph 2 figure of refugees since Oct. 2016) ",worldnews,"September 11, 2017 ",1 +Germany investigates far-right election candidate accused of inciting hatred,"BERLIN (Reuters) - German prosecutors have launched an investigation into remarks by an election candidate for the far-right Alternative for Germany (AfD) party that Germany s integration minister should be dumped back to Turkey, her parents country of origin. The latest polls predict the AfD will win between 8 and 11 percent of the vote in Germany s federal elections on Sept. 24, but Chancellor Angela Merkel, whose conservatives have a 13-point lead over their main rivals, the Social Democrats (SPD), has ruled out any coalition with the party. Alexander Gauland, a co-founder of the AfD who heads the party in the state of Brandenburg, made the comment during a campaign speech there. He is likely to be elected to parliament, surveys show. The AfD has never held any Bundestag seats. Gauland later conceded that his choice of words was a little too tough but repeated that the minister, Aydan Ozoguz, had no business being in Germany after she said Germany had no culture beyond its language. Top prosecutor in the town of Muehlhausen, Ulf Walther, said he had launched the investigation after receiving multiple complaints and that he would seek to establish whether Gauland could be charged with incitement to hatred over his comment about Ozoguz, who was born in Germany to Turkish parents. Walther said he did not expect the investigation to be completed before the election. Founded in 2013 as an anti-European Union party, the AfD shifted its focus after the euro zone debt crisis eased off and began to campaign against immigration, fueled by Merkel s decision in 2015 to open Germany s borders to over a million migrants, many fleeing war in the Middle East. But the party has also been hit by a string of scandals and infighting at the top. Walther s office was able to launch the investigation because Brandenburg did not offer immunity to state legislators like other German states. But he said Gauland would be covered by federal immunity if he wins a seat in the Bundestag. In that case prosecutors would need to seek a waiver of the immunity to proceed with an investigation, he said. Gauland would also get an opportunity to offer his view on the complaints. Officials in the southern city of Ulm are also reviewing whether AfD election posters displayed in the southern city of Ulm that repeated the call to dump Ozoguz constitute slander or incitement to hatred. ",worldnews,"September 11, 2017 ",1 +"Britain to lift pay cap for police, prison officers: media","LONDON (Reuters) - The British government will soften its seven-year grip on public-sector pay with police and prison officers set to get increases above a 1 percent cap, media reported. The reports suggested British Prime Minister Theresa May and her finance minister Philip Hammond want to take a cautious approach to increasing pay for public sector workers. Police account for around 5 percent of the 5.1 million public sector workers in Britain and prison staff represent a smaller group. Based on calculations by the Institute of Fiscal Studies, an increase in pay for police to match Britain s current 2.6 percent inflation rate would cost about 145 million pounds ($191 million) this year, a small extra strain on the budget which is likely show a deficit of 58 billion pounds. If the government gave all public sector workers a 2.6 percent increase this year, the additional spending would rise to nearly 3 billion pounds, IFS analyst Jonathan Cribb said. News reports published late on Sunday said ministers were expected to accept recommendations for bigger pay rises this week, paving the way for similar increases for other government employees in future. The higher increases for police and prison officers are based on the recommendations of independent pay-review bodies, with recruitment and retention problems being cited in the case of prison officers, the BBC said. Asked on Monday if the public sector pay cap was still in place, the prime minister s spokesman said the pay review process was continuing. A spokeswoman for the finance ministry declined to comment on the reports. Public-sector pay was frozen for all but the lowest earners in 2010 and increases were limited to of 1 percent a year from 2013. May has been under increasing pressure from ministers and lawmakers to end the cap since her party lost its majority in parliament in elections in June. Britain s inflation rate has risen sharply since last year s Brexit vote hit the value of the pound and is likely to reach about 3 percent soon, squeezing the spending power of households. The Bank of England is watching for signs of pay growth as it considers when to raise emergency-level interest rates for the first time since the global financial crisis a decade ago. ",worldnews,"September 10, 2017 ",1 +"Malay woman to be Singapore president, puts minority representation on agenda","SINGAPORE (Reuters) - There are no Muslim Malays in the top echelons of Singapore s army, and few among the senior ranks of its judiciary, but a member of its poorest ethnic minority is set to become the first woman president of the Southeast Asian city state this week. Halimah Yacob, a former speaker of parliament, will be formally named to the mostly ceremonial post on Wednesday, media reported, after other candidates fell short of the criteria set for contesting the election. Aiming to strengthen a sense of inclusivity in the multicultural country, Singapore had decreed the presidency would be reserved for candidates from the Malay community this time. Halimah s experience as house speaker automatically qualified her under the nomination rules. Of the four other applicants, two were not Malays and two were not given certificates of eligibility, the elections department said. The last Malay to hold the presidency was Yusof Ishak, whose image adorns the country s banknotes. Yusof was president between 1965 and 1970, the first years of Singapore s independence following a short-lived union with neighboring Malaysia, but executive power lay with Lee Kuan Yew, the country s first prime minister. The separation of Singapore from Malaysia gave ethnic Malays a clear majority in Malaysia, while ethnic Chinese formed the majority in independent Singapore. Leaders of both countries, however, recognized that peace and prosperity depended on preserving harmony between the two groups. But living in a Muslim-dominated neighborhood, with Malaysia and Indonesia next door, Singapore s leaders have long worried about the risk of conflicted loyalties among Malays. You put in a Malay officer who s very religious and who has family ties in Malaysia in charge of a machine-gun unit, that s a very tricky business, the late Lee Kuan Yew was widely quoted as saying in 1999. For Lee, whose son, Lee Hsien Loong, is now prime minister, the answer to social cohesion lay in creating a culture of meritocracy, rather than adopting policies of positive discrimination to boost the chances of advancement for Singapore s Malay and Indian minorities. Still, a government report published in 2013 found Malays felt they were sometimes discriminated against and had limited prospects in some institutions, such as the armed forces. Singapore s economic success and education policies have helped swell the ranks of middle-class Malays, but the last census in 2010 showed they lagged other ethnic groups on socio-economic measures such as household incomes and home ownership. Malays, who form just over 13 percent of Singapore s 3.9 million citizens and permanent residents, also underperform on measures such as university and secondary school education. Despite being the establishment candidate, Halimah wears a hijab, which is banned in state schools and public sector jobs that require uniforms. But she has seldom spoken publicly on the issue and there is little sign of change in official attitudes. Farid Khan, one of the unsuccessful candidates and the chairman of marine services firm Bourbon Offshore Asia, told Reuters more Malays now hold political office, and some are making their way in the corporate world, but there is still room for improvement. The prospect of a Malay president is by itself unlikely to resolve concerns over under-representation, but analysts and advocates say it could help foster trust among communities. Yet the reserved election has also injured some pride. It cheapens the credibility of a Malay person that it requires a token election for us to be president, said Malay comedian and television personality Hirzi Zulkiflie. Some people intending to run are very capable. ",worldnews,"September 11, 2017 ",1 +Malay set to be Singapore's first woman president: Straits Times,"SINGAPORE (Reuters) - A former speaker of Singapore s parliament, Halimah Yacob, was set to become the city-state s first woman president after other candidates did not qualify for the contest, the Straits Times newspaper reported on Monday. The largely ceremonial post had been reserved this year for candidates from the ethnic Malay minority. Only Halimah was given the certificate of eligibility to contest the election by the Presidential Elections Committee, the Straits Times reported on its website. ",worldnews,"September 11, 2017 ",1 +"Hyundai Motor, Kia to temporarily shut down U.S. plants due to Irma","SEOUL (Reuters) - South Korea s Hyundai Motor Co and sister car maker Kia Motors Corp said on Monday they planned to temporarily shut down plants in the United States to avoid potential damage from Hurricane Irma. The shut down comes at a time Hyundai s U.S. sales have fallen more than the market average, and after it recently announced plans to expand its SUV lineup and launch a pickup truck in the market in an attempt to reverse the slide. In a statement, Hyundai Motor said it would suspend operation of its Alabama plant for two days - between Monday and Wednesday - while Kia Motors will stop operation of its Georgia plant for one day - between Monday and Tuesday. The suspension is expected to result in lost production of about 3,000 vehicles for both, the Yonhap news agency earlier said on Monday, citing a Hyundai Motor group spokesman. A Hyundai spokeswoman declined to comment on the number. Hurricane Irma took aim at heavily populated areas of central Florida on Monday as it carved a path of destruction through the state with high winds and storm surges that left millions without power, ripped roofs off homes and flooded city streets. Hyundai s U.S. sales are down nearly 11 percent this year through July 31, worse than the overall 2.9 percent decline in U.S. car and light truck sales. Sales of the Sonata, once a pillar of Hyundai s U.S. franchise, have fallen 30 percent through the first seven months of 2017. In contrast, sales of Hyundai s current SUV lineup are up 11 percent for the first seven months of this year. ",worldnews,"September 11, 2017 ",1 +U.N. rights chief urges Yemen inquiry after 'minimal' effort for justice,"GENEVA (Reuters) - The United Nations has verified 5,144 civilian deaths in the war in Yemen, mainly from air strikes by a Saudi-led coalition, and an international investigation is urgently needed, U.N. human rights chief Zeid Ra ad al Hussein said on Monday. The minimal efforts made toward accountability over the past year are insufficient to respond to the gravity of the continuing and daily violations involved in this conflict, Zeid said in a speech to the U.N. Human Rights Council in Geneva. The devastation of Yemen and the horrific suffering of its people will have immense and enduring repercussions across the region. It is the third time that he has appealed for an international inquiry into human rights violations in Yemen where a two-year conflict pits the Saudi-backed Yemen government against Iran-supported Houthi rebels. Last week Zeid s office said the 47 countries on the Human Rights Council were not taking their responsibilities seriously, and urged them to probe the entirely man-made catastrophe . The U.N. says the civil war has created the world s biggest humanitarian crisis, with the conflict compounded by an economic collapse that has pushed millions to the brink of famine. The crippling of the health and sanitation systems has enabled cholera to take hold with unprecedented speed, with about 650,000 people infected since late April, five times the global cholera caseload in 2016. During the three-week U.N. Human Rights Council session, Saudi Arabia and the Netherlands are expected to propose rival resolutions, inviting the council to continue backing Yemen s national human rights probe or to set up its own inquiry. For the past two years, Saudi Arabia has prevailed, but the situation in the country has not improved, and Zeid s office has said Yemen s national investigation is not up to the job. The draft Dutch resolution backs Zeid s position, a Western diplomat said. The common assessment is that the situation has deteriorated. The compromise that was put in place last year hasn t delivered, the diplomat said. One of the resolutions will need to be dismissed. ",worldnews,"September 11, 2017 ",1 +China court releases video of Taiwanese activist confessing to subversion,"BEIJING (Reuters) - A Taiwanese activist on trial in China confessed on Monday to attempting to subvert the Beijing government, according to videos of his hearing released by Chinese authorities, although his wife refused to recognize the court s authority. Lee Ming-che, a community college teacher known for his pro-democracy and rights activism, went missing on a trip to mainland China in March. China s authorities later confirmed that he was being investigated on suspicion of damaging national security. Lee said he accepted the charge of subversion and expressed regret in videos of his comments released on social media by the Yueyang City Intermediate People s Court in central Hunan province. I spread some attacks, theories that maliciously attacked and defamed China s government, the Chinese Communist Party and China s current political system, and I incited the subversion of state power, Lee said, referring to comments written in an instant messaging group. Taiwan s presidential office said in a news briefing on Monday afternoon that the government is engaged in an all-out effort to assist Mr. Lee Ming-che s family. His relief is our top priority. The position of this government has been very clear. Mr. Lee is one of our citizens, an office spokesman said, adding: We ll do everything in our power to ensure his safe return. Lee stood trial alongside Chinese national Peng Yuhua, 37, who confessed to creating instant messaging groups and founding an organization that sought to promote political change in China. Lee had been involved in both, Peng said in testimony released on video by the court. Taiwanese rights activist Xiao Yiming traveled to the mainland for the trial, but said he was barred from entering the courtroom. Xiao suspected Peng was being used by authorities to help strengthen the state s case against Lee, as he was unaware of any previous connection between the two men. Taiwan has democratic freedoms and Lee has the right to share his ideas, Xiao told Reuters by phone, describing Lee as a prisoner of conscience . Lee Ching-yu, Lee s wife, attended the hearing. Before leaving for China she had asked that Lee s supporters to forgive him for anything he might say that disappoints them during the hearing. She wrote a letter to her husband on Monday morning before the trial began, photographs of which were seen by Reuters. I do not recognize this court. I also did not hire any lawyers, she wrote. After the hearing, she tearfully repeated her request for forgiveness and unveiled what appeared to be two new tattoos on the underside of each of her forearms that read, Lee Ming-che and I am proud of you , videos sent to Reuters showed. No one answered the court phone when called by Reuters on Monday. Releasing videos and transcripts of court hearings has become increasingly common in China as part of a push for greater judicial transparency and oversight. But rights activists say that in sensitive cases holding open trials allows authorities to demonstrate state power and deter others, with statements and verdicts usually agreed in advance. Ties between Beijing and Taipei have been strained since President Tsai Ing-wen, leader of the independence-leaning Democratic Progressive Party, took office last year. Tsai s refusal to state that Taiwan and China are part of one country has angered Beijing, as have her comments about human rights on the mainland. Beijing maintains that the island of Taiwan is part of China and has never renounced the use of force to bring it under its control, while proudly democratic Taiwan has shown no interest in being governed by the Communist Party rulers in Beijing. ",worldnews,"September 11, 2017 ",1 +"Somali army repels al Shabaab after attack, at least 17 killed","MOGADISHU (Reuters) - Somali government forces have regained control of a town on the border with Kenya after al Shabaab militants stormed an army base there on Monday, causing heavy clashes in which at least 17 people died, the military said. Islamist insurgents attacked the base at Balad Hawo early in the morning with a car suicide bombing before entering the compound, both sides said. We were awoken by a suicide car bomb this morning and then fierce battle followed, Major Mohamed Abdullahi told Reuters from the town. We chased al Shabaab out of the town, he said. Al Shabaab spokesman Abdiasis Abu Musab said the group s fighters left the town after releasing 35 prisoners from the local jail. At least 30 soldiers were killed, he said. According to the military official, at least 10 soldiers and seven al Shabaab militants were killed, though the death toll on both sides could still rise. Formed in 2006, Al Shabaab wants to topple the Western-backed government and impose its strict interpretation of Islam. Somalia has been at war since 1991 when clan-based warlords overthrew dictator Siad Barre and then turned on each other. Al Shabaab carry out frequent attacks on security and government targets, but also on civilians. They also target African Union peacekeeping troops. Residents confirmed fighting had ended and that the militants had left the town. Now Balad Hawo is calm and government forces fully control it, Ahmed Hassan, a resident of the town told Reuters. Hassan said he saw 13 bodies collected from the military base. ",worldnews,"September 11, 2017 ",1 +U.N. sees 'textbook example of ethnic cleansing' in Myanmar,"GENEVA (Reuters) - The top U.N. human rights official on Monday denounced Myanmar s brutal security operation against Muslim Rohingyas in Rakhine state, saying it was disproportionate to insurgent attacks carried out last month. Communal tensions appeared to be rising across Myanmar on Monday after two weeks of violence in Rakhine state that have triggered an exodus of about 300,000 Rohingya Muslims, prompting the government to tighten security at Buddhist pagodas. Zeid Ra ad al-Hussein, addressing the United Nations Human Rights Council, said that more than 270,000 people had fled to Bangladesh, with more trapped on the border, amid reports of the burning of villages and extrajudicial killings. We have received multiple reports and satellite imagery of security forces and local militia burning Rohingya villages, and consistent accounts of extrajudicial killings, including shooting fleeing civilians, Zeid told the Geneva forum. He cited reports that Myanmar authorities had begun to lay landmines along the border with Bangladesh and would require returnees to provide proof of citizenship . Rohingya have been stripped of civil and political rights including citizenship rights for decades, he added. I call on the government to end its current cruel military operation, with accountability for all violations that have occurred, and to reverse the pattern of severe and widespread discrimination against the Rohingya population, Zeid said. The situation seems a textbook example of ethnic cleansing. Last year Zeid s office issued a report, based on interviews with Rohingya who fled to Bangladesh after a previous military assault, which he said on Monday had suggested a widespread or systematic attack against the community, possibly amounting to crimes against humanity . I deplore current measures in India to deport Rohingyas at a time of such violence against them in their country, Zeid said, noting that some 40,000 Rohingyas had settled in India, including 16,000 who have received refugee documentation. Noting India s obligations under international law, he said: India cannot carry out collective expulsions, or return people to a place where they risk torture or other serious violations. ",worldnews,"September 11, 2017 ",1 +Philippines says some rebels ready to surrender as troops advance in Marawi,"MARAWI CITY, Philippines (Reuters) - Some Islamic State-linked militants besieging the southern Philippines city of Marawi have sent feelers they are prepared to surrender after three and a half months of fighting, the military said on Monday. Philippine forces have used loudspeakers urging militants to give themselves up, telling the estimated 50 to 60 fighters left in the city their lives would be spared if they disarm, change out of their black clothes and walk to a designated location. Hopefully, we will have surrenders within the next days, spokesman Colonel Romeo Brawner told a news conference. There are feelers. Definitely, there are feelers, he added, declining to elaborate. The surrender offer came after a renewed, if short-lived, effort by Philippine President Rodrigo Duterte to start back-channel talks with militants, with a former Marawi mayor Omar Solitario Ali to have acted as an intermediary. Duterte on Saturday ruled out the possibility of allowing rebels to flee in exchange for the release of dozens of hostages. Two troops were killed at the weekend, taking to 147 the number of security forces killed in the Marawi conflict. Some 655 militants and 45 civilians have been killed, according to the army. Troops were engaged in running battles with the militant alliance, led by Abdullah and Omarkhayam Maute of the Maute group, and Isnilon Hapilon, a factional head of the Abu Sayyaf group, and Islamic State s so-called emir in Southeast Asia. More than 20 structures were captured, many laden with booby traps. Some were commercial high-rise buildings that have been used as sniper positions to thwart government forces. Brawner described the operations as a big accomplishment considering the enemy established very strong defensive positions . While some areas of Marawi are seeing citizens return and shops and schools re-open, most of the city remains deserted. Its center is a wasteland, pummeled by daily air strikes and ground battles. The resistance of the militants has frustrated the more than 400,000 residents displaced from the area and raised questions about how relatively few Islamists took control of the lakeside town and held significant parts of it. We are receiving a lot of questions: why is it taking too long for the government to recover this area? said Brawner. It is really difficult to do urban fighting. The United States has been giving technical and logistics support to the Philippine military and on Monday announced it had deployed a Gray Eagle unmanned surveillance aircraft over Marawi. Australia has also provided two P3-Orion surveillance planes and last week announced it would send more defense personnel to train Philippine troops. For a graphic on how main Islamic militant groups in Mindanao evolved, click: here For a graphic on Islamic militant strongholds in Mindanao, click: here ",worldnews,"September 11, 2017 ",1 +Lebanon to complain to U.N. over Israel violating airspace,"BEIRUT (Reuters) - Lebanon will file a complaint to the United Nations against Israel for violating the country s airspace and causing damage by breaking the sound barrier in the south of the country, its foreign minister said on Monday. Israeli jets flew low over the southern city of Saida on Sunday, causing sonic booms that broke windows and shook buildings for the first time in years, Lebanese security sources and residents said. We have started preparing to file a complaint to the (U.N.) Security Council against Israel for flying its planes at low altitude... causing material, moral and sovereign damage, Foreign Minister Gebran Bassil said in a tweet. Prime Minister Saad al-Hariri said Lebanon would issue its complaint against Israel for planting spy devices on Lebanese land and continuously breaching its airspace, his office said. Israeli warplanes regularly enter Lebanon s airspace, the Lebanese army says, but rarely fly so low. The Israeli military gave no immediate comment. Tensions have risen recently between Lebanon s Hezbollah and Israel, which fought a month-long war in 2006. The 2006 war killed around 1,200 people in Lebanon, mostly civilians, and 160 Israelis, most of them troops. Israel has targeted Iran-backed Hezbollah inside Syria in recent years, including military leaders in several deadly strikes, but there has been no major direct confrontation. ",worldnews,"September 11, 2017 ",1 +"After Irma, tourists party and Cubans take a dip in flooded streets","VARADERO, Cuba (Reuters) - In the wake of Hurricane Irma, foreign tourists partied in the coastal resort of Varadero and some Cubans swam in the flooded streets of central Havana, both glad that the deadly storm s damage to the island of 11 million people had not been worse. British visitor Josephine Breslin, 49, spent the night on an inflatable bed in a hotel bathroom when Irma s 120 mph (195 km) winds walloped Cuba s top beach destination, but after helping sweep up on Sunday morning, she felt ready to start relaxing. I think the atmosphere now is relief, knowing it is past and the building is still there and everyone is OK, said the British woman, wearing a colorful pareo over her swimsuit. You can feel people are settling down, the winds are going, the sun is coming out, its business as usual, Cuban rum yes please! she said. Irma was packing 160 mph (260 kph) winds when it made landfall in Cuba, the first storm of that power to reach the island since 1932, and it caused major damage to tourist infrastructure including an international airport on the sandy keys popular with Europeans and Canadians. It tore off roofs and downed electricity poles throughout the country before turning northwards and plowing through Florida on Sunday. But even with the power out across most of the country of 11.2 million people, the damage to inland Cuba appeared less than devastation wrought on smaller Caribbean islands. Winds had slowed a little by the time Irma reached Varadero. The storm, which killed at least 28 people in the Caribbean and at least one man in Florida, did not lead to reported fatalities in Cuba, which carried out a major evacuation effort prior to the storm. Havana was spared a direct hit but locals in the poor central district of the colonial city close to the seafront were dealing with waterlogged homes and possessions after 36 foot (11 meter) waves breached the city s curving sea wall, turning roads into canals. Some let off steam on Sunday by diving into deeply flooded streets, paddling on wooden boards, or wading to stores for rum through the waist-deep water. In the Barcelo hotel, Breslin was full of praise for the Cubans who evacuated them on buses along with thousands of others from the keys before Irma, and for the hotel staff who brought sandwiches to her room during the hurricane. Earlier in the day, the mainly British guests on inclusive package tours with operator Thomas Cook had cleaned up the pool, put sunbeds back in their place and helped workers clear away the fallen trees and branches, everyone mucking in. In the afternoon, guests milled around the lobby area, drinking from plastic cups, where the reggaeton summer hit Despacito blasted out of loudspeakers and hotel staff geared up to provide an evening of entertainment including salsa dancing. We put the music on to bring stress levels down and so the clients feel better, said Juan Carlos Varcas, 30, a Cuban salsa teacher at the hotel. Another British tourist, Dave Kelsey, said he was winding down after spending part of the night huddled in a bathtub as winds howled through the hotel, flinging sunbeds far away, tearing up palm trees and flooding rooms. After a few drinks, Kelsey was horsing around with a friend, both wearing random items of women s clothing and about to jump into the swimming pool. Other guests egged them on. While it will take much of Cuba s tourism industry weeks, if not months to recover from the hurricane, guests at the Barcelo said they would not be deterred from returning to the Caribbean s largest island. Don t get me wrong, my children don t want me to come back - they have been worried sick, said Breslin, who has visited Cuba each of the past four years. But I will come back to Cuba ... because the Cuban people are lovely. ",worldnews,"September 11, 2017 ",1 +China says diplomacy needed to rid Korean peninsula of nuclear weapons,"BEIJING (Reuters) - Denuclearization of the Korean peninsula should be achieved through peaceful and diplomatic means, China s foreign ministry said on Monday, as the United Nations discusses fresh sanctions against North Korea following its latest nuclear test. At a regular news briefing, ministry spokesman Geng Shuang reiterated China s call for more steps by the U.N. Security Council, saying he hoped its members could reach consensus. A U.S.-drafted resolution originally called for an oil embargo on the North, a halt to key textile exports and financial and travel bans on leader Kim Jong Un, but appears to have been watered down, according to a draft seen by Reuters. North Korea drew global condemnation for conducting its sixth nuclear test on Sept 3, which it said was of an advanced hydrogen bomb. ",worldnews,"September 11, 2017 ",1 +Gunmen kill four in sectarian attack in Pakistan,"QUETTA, Pakistan (Reuters) - Gunmen in southwestern Pakistan killed four members of a Shi ite Muslim Hazara family, including a 12-year-old boy, on Sunday, in the latest sectarian attack on the minority community, a senior police official said. Two men on a motorcycle opened fire on a family of eight while they at a filling station some 30 kilometres (19 miles) north of Quetta, the capital of Pakistan s Baluchistan province. Aside from those killed, two others were wounded. Two female members of the family were unscathed, having remained in their vehicle. This was a sectarian attack, senior police officer Tanveer Shah told Reuters, adding that no group has claimed responsibility for the shooting. Hazaras are frequently targeted by Taliban and Islamic State militants, and other Sunni Muslim militant groups in both Pakistan and Afghanistan. Many Hazaras fled to Pakistan during decades of conflict in neighboring Afghanistan, and nearly half a million now live in and around Quetta. In 2013, three separate bombings killed over 200 people in Hazara neighborhoods, raising international awareness of the plight of the community. More than 20 Hazaras have been killed in similar shootings in Baluchistan in the past two years, police say. The ongoing violence in the province has fueled concern about security for projects in the $57-billion China Pakistan Economic Corridor, a transport and energy link planned to run from western China to Pakistan s southern deep-water port of Gwadar. ",worldnews,"September 11, 2017 ",1 +South Korean foreign minister says North Korea on 'reckless path',"SEOUL (Reuters) - South Korean Foreign Minister Kang Kyung-wha said on Monday North Korea is on a reckless path with its continued nuclear and missile provocations in defiance of international condemnation. The price of its continued provocations in blatant disregard of the peace-loving members of the international community will be instability and economic hardship, Kang told a news conference. Her comments come hours before the U.N. Security Council was to vote on fresh a U.S.-drafted resolution imposing new sanctions to pressure North Korea to give up its nuclear and missile programs. ",worldnews,"September 11, 2017 ",1 +South Korean foreign minister says North Korea on 'reckless path',"SEOUL (Reuters) - South Korean Foreign Minister Kang Kyung-wha said on Monday North Korea is on a reckless path with its continued nuclear and missile provocations in defiance of international condemnation. The price of its continued provocations in blatant disregard of the peace-loving members of the international community will be instability and economic hardship, Kang told a news conference. Her comments come hours before the U.N. Security Council was to vote on fresh a U.S.-drafted resolution imposing new sanctions to pressure North Korea to give up its nuclear and missile programs. ",worldnews,"September 11, 2017 ",1 +Israel's Netanyahu says will meet Trump in New York next week," (Story corrects date of Netanyahu s U.N. address in first paragraph) By Ori Lewis JERUSALEM (Reuters) - Israeli Prime Minister Benjamin Netanyahu said on Sunday he would meet U.S. President Donald Trump later this month during a visit to New York, where he will address the United Nations General Assembly on Sept. 19. Netanyahu spoke to reporters accompanying him on a trip to Latin America before his plane left Tel Aviv for Argentina on Sunday night. He will also visit Colombia and Mexico before heading to New York. In Washington, the White House did not initially respond to a request for a comment on a meeting between the two leaders. From Mexico I will go to New York to speak at the United Nations General Assembly and there I will meet my friend, President Donald Trump, Netanyahu said. He added best wishes to all our friends in the U.S. to overcome these difficult hours (during Hurricane Irma). Palestinian President Mahmoud Abbas is also set to address at the U.N. General Assembly but there has been no word of a possible meeting between him and Netanyahu. Netanyahu said he was the first incumbent Israeli prime minister to visit South America and termed his visit as historic . The trip comes as Netanyahu is under investigation in two corruption cases. One of those, known as Case 1000, involves gifts that the prime minister and his family may have received from businessmen, while Case 2000 deals with alleged efforts by him to secure better coverage from an Israeli newspaper publisher. Netanyahu, who has been prime minister for 11 years over four terms, has denied any wrongdoing. Netanyahu leads a relatively stable coalition government and presides over a buoyant economy. His conservative Likud party has rallied behind him in the absence of clear rivals for the leadership, rebuffing calls for his departure from the center-left opposition. On Friday, Netanyahu s wife, Sara, who is accompanying him on the trip was notified that Israel s attorney general is considering indicting her on suspicion of using state funds for personal dining and catering services totaling some $100,000. A post on the prime minister s Facebook page published last week said the claims against her were absurd and will be proven to be unfounded . Sara Netanyahu also spoke before departure and thanked the many, many, many thousands of Israeli citizens and people around the world who support and help me. ",worldnews,"September 10, 2017 ",1 +"Thousands of homes wrecked by huge Mexican quake, death toll at 91","MEXICO CITY (Reuters) - A massive earthquake off southern Mexico on Thursday night that killed at least 91 people damaged tens of thousands of homes and afflicted upwards of two million people in the poorer south, state officials said, as more details of the disaster emerged. The 8.1 magnitude quake off the coast of Chiapas state was stronger than a 1985 temblor that flattened swaths of Mexico City and killed thousands. However, its greater depth and distance helped save the capital from more serious damage. On Saturday, authorities in the southern state of Oaxaca said there were 71 confirmed fatalities there, many of them in the town of Juchitan, where the rush to bury victims crowded a local cemetery at the weekend. Another death was confirmed in neighboring Chiapas late on Sunday, bringing the total there to 16, a spokesman for local emergency services said. A further four deaths have also been registered in Tabasco state to the north. Television footage from parts of Oaxaca showed small homes and buildings completely leveled by the quake, which struck the narrowest portion of Mexico on the isthmus of Tehuantepec. Aftershocks continued into Sunday, and scores of people were wary about returning to fragile buildings hammered by the initial tremor, sleeping in gardens, patios and in the open air. Piles of rubble lay strewn around damaged streets, where the shock was still visible on the faces of residents. Oaxaca Governor Alejandro Murat told Mexican television the quake hit 41 municipalities and had likely affected around one in five of the state s 4 million-strong population. We re talking about more than 800,000 people who potentially lost everything, and some their loved ones, he said on Sunday. In Juchitan alone, more than 5,000 homes were destroyed. Hundreds of thousands of Mexicans were temporarily left without electricity or water, and many in the south were evacuated from coastal dwellings when the quake sparked tsunami warnings. In Chiapas, some 41,000 houses were damaged, governor Manuel Velasco said, estimating nearly 1.5 million people were affected. President Enrique Pena Nieto declared three days of national mourning and pledged to rebuild shattered towns and villages. However, some residents interviewed expressed frustration that the poor southern regions were still not getting the help they needed from the richer north and center of Mexico. ",worldnews,"September 10, 2017 ",1 +Powerful hurricanes to fuel demands from island nations at climate talks,"WASHINGTON/OSLO (Reuters) - Devastation from Hurricane Irma in the Caribbean will sharpen the demands from small island nations that top fossil-fuel consumers help them cope with damage attributable to climate change, according to representatives of some of those countries. That will put island nations on a collision course with the United States and other rich countries during United Nations climate talks in Bonn, Germany, in November. The United States, under President Donald Trump, has expressed doubts about global warming and has vowed to withdraw from a global pact to fight it, while other wealthy nations have long resisted calls to pay for climate-related loss and damage abroad. If ever there was a case for loss and damage, this is it, Ronny Jumeau, U.N. ambassador from Indian Ocean island nation the Seychelles, told Reuters, referring to Irma and other recent storms. The Seychelles is a member of the U.N. negotiating bloc Alliance of Small Island States (AOSIS). Hurricane Irma graphically shows the destructive power of climate change and underscores that loss and damage isn t some abstract concept, but the reality of life today for the people who contributed least to the problem, said Thoriq Ibrahim, Maldives environment minister who chairs AOSIS. Fiji Prime Minister Frank Bainimarama, whose country will host the Bonn talks Nov. 6-17, has said the issue of who pays for loss and damage from climate-related disasters will be a key priority at the summit. Irma barreled into Florida on Sunday, sparking one of the largest evacuations in U.S. history, after leveling Caribbean islands St. Martin, Antigua and Barbuda. Gaston Browne, prime minister of Barbuda and Antigua, said Barbuda is barely inhabitable. Hurricane Harvey slammed into Texas on Aug. 25, triggering record flooding that killed around 60 people and caused billions of dollars in damage. Ministers from island nations will point to the back-to-back storms to pressure negotiators at Bonn to agree to details of a mechanism for addressing loss and damage from extreme weather as well as slower changes such as sea level rises and desertification. Climate scientists have said warmer air and water resulting from climate change may have contributed to the severity of the storms. The U.S. Environmental Protection Agency has disputed such claims as an attempt to politicize natural disasters. Loss and damage has been a contentious issue in climate negotiations for years, pitting rich countries against poor. Governments first approved a U.N. loss and damage mechanism in Warsaw in 2013 and reaffirmed it in the 2015 Paris Agreement. But it is unclear exactly what it would cover, who would pay, and how much it would cost. Under pressure from the rich nations, the preamble of the Paris Agreement says the loss and damage mechanism does not involve or provide a basis for any liability or compensation . Myles Allen, a professor of geosystem science at the University of Oxford in England, said developed nations don t want to open the door to legal liability. But he said there should be debate about whether major corporations, such as producers of coal and oil, or other parties could be held responsible. Researchers at the Berlin-based Heinrich B ll Foundation have said at least $300 billion a year by 2030 would be needed to help people who lose their land and culture or are forced to migrate as a result of extreme climate-related problems. Such spending would come on top of $100 billion a year in funding by 2020 that richer nations have promised poorer ones under the Paris Agreement to help them develop cleanly and adapt to climate change. Trump and the U.S. Congress have said the United States will no longer contribute to that goal. ",worldnews,"September 11, 2017 ",1 +U.N. to vote on new North Korea sanctions on Monday afternoon: diplomats,"UNITED NATIONS (Reuters) - The U.N. Security Council is set to vote on Monday afternoon on a watered-down U.S.-drafted resolution to impose new sanctions on North Korea over its latest nuclear test, diplomats said, but it was unclear whether China and Russia would support it. The draft resolution appears to have been weakened in a bid to appease North Korea s ally China and Russia following negotiations during the past few days. In order to pass, a resolution needs nine of the 15 Security Council members to vote in favor and no vetoes by any of the five permanent members - the United States, Britain, France, Russia and China. The draft, seen by Reuters on Sunday, no longer proposes blacklisting North Korean leader Kim Jong Un. The initial draft proposed he be subjected to a travel ban and asset freeze along with four other North Korea officials. The final text only lists one of those officials. The draft text still proposes a ban on textile exports, which were North Korea s second-biggest export after coal and other minerals in 2016, totaling $752 million, according to data from the Korea Trade-Investment Promotion Agency. Nearly 80 percent of the textile exports went to China. The draft drops a proposed oil embargo and instead intends to impose a ban on condensates and natural gas liquids, a cap of two million barrels a year on refined petroleum products, and a cap crude oil exports to North Korea at current levels. China supplies most of North Korea s crude. According to South Korean data, Beijing supplies roughly 500,000 tonnes of crude oil annually. It also exports 200,000 tonnes of oil products, according to U.N. data. Russia s exports of crude oil to North Korea are about 40,000 tonnes a year. The draft resolution also no longer proposes an asset freeze on the military-controlled national airline Air Koryo. Since 2006, the Security Council has unanimously adopted eight resolutions ratcheting up sanctions on North Korea over its ballistic missile and nuclear programs. The Security Council last month imposed new sanctions over North Korea s two long-range missile launches in July. The Aug. 5 resolution aimed to slash by a third Pyongyang s $3 billion annual export revenue by banning coal, iron, lead and seafood. The new draft resolution drops a bid to remove an exception for transshipments of Russian coal via the North Korean port of Rajin. In 2013 Russia reopened a railway link with North Korea, from the Russian eastern border town of Khasan to Rajin, to export coal and import goods from South Korea and elsewhere. The original draft resolution would have authorized states to use all necessary measures to intercept and inspect on the high seas vessels that have been blacklisted by the council. However, the final draft text calls upon states to inspect vessels on the high seas with the consent of the flag state, if there s information that provides reasonable grounds to believe the ship is carrying prohibited cargo. The Aug. 5 resolution adopted by the council capped the number of North Koreans working abroad at the current level. The new draft resolution initially imposed a complete ban on the hiring and payment of North Korean laborers abroad. The final draft text to be voted on Monday by the council would require the employment of North Korean workers abroad to be authorized by a Security Council committee. However, this rule would not apply to written contracts finalized prior to the adoption of this resolution provided that states notify the committee by Dec. 15 of the number of North Koreans subject to these contracts and the anticipated date of termination of these contracts. Some diplomats estimate that between 60,000 and 100,000 North Koreans work abroad. A U.N. human rights investigator said in 2015 that North Korea was forcing more than 50,000 people to work abroad, mainly in Russia and China, earning between $1.2 billion and $2.3 billion a year. The wages of workers sent abroad provide foreign currency for the Pyongyang government. There is new political language in the final draft urging further work to reduce tensions so as to advance the prospects for a comprehensive settlement and underscoring the imperative of achieving the goal of complete, verifiable and irreversible denuclearization of the Korean Peninsula in a peaceful manner. ",worldnews,"September 11, 2017 ",1 +Cambodian leader threatens ban on opposition party,"PHNOM PENH (Reuters) - Cambodian Prime Minister Hun Sen threatened on Monday that the main opposition party would be dissolved if it continues to back detained leader Kem Sokha, who has been charged with treason over an alleged plot to gain power with U.S. support. Kem Sokha was arrested on Sept. 3 and is the only serious election rival to Hun Sen, a 65-year-old former Khmer Rouge commander. Western countries have criticized the arrest, which marked a an escalation in a crackdown on critics ahead of a poll next year that could pose the toughest electoral challenge Hun Sen has faced in more than 30 years of rule. The opposition Cambodia National Rescue Party (CNRP) said it would continue to support Kem Sokha as leader and threatened to boycott the election if he is not freed. Speaking at a graduation ceremony in Phnom Penh, Hun Sen warned that the CNRP s stand could mean the dissolution of the party . If the political party continues to blockade and defend this traitor, it means the party is also a traitor so there is no time to let this party operate in Cambodia s democratic process anymore, Hun Sen said. Parliamentarians from the CNRP went to the prison where Kem Sokha is being held to demand his release. They said his arrest was illegal because he should have been protected by parliamentary immunity. The party president Kem Sokha is the CNRP president now and will be in the future, one of his deputies, Mu Sochua, said outside the prison, adding that his release was an essential condition to allow a free and fair election. We can t participate in an election that isn t free and fair, she said. The opposition party boycotted a parliamentary vote on whether Kem Sokha should be prosecuted. It would not have been able to block approval as Hun Sen s Cambodian People s Party (CPP) holds a majority, and the motion in favor of prosecuting was passed unopposed. It was unclear whether that effectively overrode Kem Sokha s right to claim parliamentary immunity. The evidence presented against Kem Sokha so far is a video recorded in 2013 in which he discusses a strategy to win power with the help of unspecified Americans. His lawyers have dismissed the evidence as nonsense and said he was only discussing election strategy. Western countries and human rights groups have condemned the arrest of Kem Sokha and raised doubts as to whether next year s election can be fair, given the crackdown on the opposition, activists and independent media. However Hun Sen s main ally, China, has said it supports Cambodia s efforts to preserve its own security. Hun Sen was due to visit Beijing on Monday. He said he was going to ask for more aid for Cambodia s health sector. (Story refiles to correct opposition party acronym to CNRP in later references.) ",worldnews,"September 11, 2017 ",1 +Cambodian PM threatens opposition party will be dissolved,"PHNOM PENH (Reuters) - Cambodian Prime Minister Hun Sen threatened on Monday that the main opposition party, the Cambodia National Rescue Party, would be dissolved if it continues to back detained leader Kem Sokha, who has been charged with treason. Kem Sokha was arrested on Sept. 3 and accused of plotting against the government with the help of the United States. If the political party continues to blockade and defend this traitor, it means the party is also a traitor so there is no time to let this party operate in Cambodia s democratic process anymore, Hun Sen told a graduation ceremony in Phnom Penh. He said that, if the act of treason involved the whole party, it would be disciplined by law, which means the dissolution of the party . ",worldnews,"September 11, 2017 ",1 +Irma knocks out power to nearly four million in Florida: utilities,"(Reuters) - Hurricane Irma knocked out power to nearly 4 million homes and businesses in Florida on Sunday, threatening millions more as it crept up the state s west coast, and full restoration of service could take weeks, local electric utilities said. Irma hit Florida on Sunday morning as a dangerous Category 4 storm, the second highest level on the five-step Saffir-Simpson scale, but by afternoon as it barreled up the west coast, it weakened to a Category 2 with maximum sustained winds of 110 miles per hour (177 kph). So far, the brunt of the storm has affected Florida Power & Light s customers in the states southern and eastern sections, and its own operations were not immune, either. We are not subject to any special treatment from Hurricane Irma. We just experienced a power outage at our command center. We do have backup generation, FPL spokesman Rob Gould said on Sunday. FPL, the biggest power company in Florida, said more than 3.2 million of its customers were without power by 10 p.m. (0200 GMT Monday), mostly in Miami-Dade, Broward and Palm Beach counties. More than 200,000 had electricity restored, mostly by automated devices. The company s system will need to be rebuilt, particularly in the western part of the state, Gould said. That restoration process will be measured in weeks, not days. FPL is a unit of Florida energy company NextEra Energy Inc. Large utilities that serve other parts of the state, including units of Duke Energy Corp, Southern Co and Emera Inc, were seeing their outage figures grow as the storm pushed north. Duke s outages soared to 390,000 from 60,000 in a span of four hours on Sunday evening, and the company warned its 1.8 million customers in northern and central Florida that outages could ultimately exceed 1 million. The company updated its website on Sunday evening with a warning to customers that outages may last a week or longer. Emera s Tampa Electric utility said the storm could affect up to 500,000 of the 730,000 homes and businesses it serves, and over 180,000 had already lost power. The utilities had thousands of workers, some from as far away as California, ready to help restore power once Irma s high winds pass their service areas. About 17,000 were assisting FPL, nearly 8,000 at Duke and more than 1,300 at Emera. Tampa Electric told customers on Sunday, however, that response crews were halting work because of the high winds. FPL said on Friday that Irma could affect about 4.1 million customers, but that was before the storm track shifted away from the eastern side of the state. Its customers are concentrated in Miami-Dade, Broward and Palm Beach counties. The utility said its two nuclear plants were safe. It shut only one of the two reactors at its Turkey Point nuclear plant about 30 miles (48 km) south of Miami on Saturday, rather than both, because the storm shifted. It plans to leave both reactors in service at the St. Lucie plant about 120 miles (193 km )north of Miami because hurricane-force winds are no longer expected to hit the sites. There is also spent nuclear fuel at Duke s Crystal River plant, about 90 miles (145 km) north of Tampa. The plant, on Irma s current forecast track, stopped operating in 2009 and was retired in 2013. In a worst-case scenario, the spent fuel could release radiation if exposed to the air, but a federal nuclear official said that was extremely unlikely. That fuel is so cold, relatively speaking, it would take weeks before there would be any concern, said Scott Burnell of the U.S. Nuclear Regulatory Commission. As the storm has come ashore, gasoline stations have struggled to keep up. In the Atlanta metro area, about 496 stations, or 12.2 percent, were out of gasoline, according to information service Gas Buddy. ",worldnews,"September 10, 2017 ",1 +"Factbox: Over four million lose power in Florida from Irma, utilities say","(Reuters) - More than 4 million homes and businesses have lost power in Florida, major utilities said on Sunday, as Hurricane Irma pummeled the state. Most outages were in Florida Power & Light s service area in the southern and eastern parts of the state. FPL, the state s biggest power company, said more than 3.3 million of its customers were without service. As the storm moved up the coast, Duke Energy s outages steadily climbed. Irma hit Florida on Sunday morning as a dangerous Category 4 storm, the second highest level on the five-step Saffir-Simpson scale. It weakened as it moved up the state s west coast and by late evening, it was a Category 2 with maximum sustained winds of 105 miles per hour (169 kph). FPL is a unit of NextEra Energy Inc (NEE.N). Other big power utilities in Florida are units of Duke Energy Corp (DUK.N), Southern Co (SO.N) and Emera Inc (EMA.TO). ",worldnews,"September 10, 2017 ",1 +Hurricane Irma to become tropical storm on Monday: NHC,"(Reuters) - Irma is forecast to weaken into a tropical storm over far northern Florida or southern Georgia on Monday, the U.S. National Hurricane Center (NHC) said. The Category 2 hurricane on the Saffir-Simpson wind scale was about 50 miles (80 km) southeast of Tampa, Florida with maximum sustained winds of 100 miles per hour (155 km/h), the NHC said. On the forecast track, the center of Irma will continue to move over the western Florida peninsula through Monday morning and then into the southeastern United States late Monday and Tuesday, it said. ",worldnews,"September 11, 2017 ",1 +American won't resume Miami service until Tuesday at earliest,"WASHINGTON (Reuters) - American Airlines Group Inc will not resume commercial flights at its Miami International Airport hub on Monday but may operate flights to bring in staff and supplies. The airline said earlier on Sunday it planned to begin limited operations on Monday after 5 p.m. (2100 GMT), but reversed course after the Miami airport said it would remain closed on Monday. The airport may reopen on Tuesday but it did not confirm the plans. American now plans to resume limited operations when the airport reopens, the airline said, noting federal agencies must assess whether the airport can reopen. The Fort Worth-based airline canceled all flights at the Miami airport starting on Friday evening in anticipation of Hurricane Irma, along with flights at three other south Florida airports. All American flights remain canceled through Monday at 12 other Florida airports, as well as Hilton Head, South Carolina, and Savannah, Georgia. ",worldnews,"September 11, 2017 ",1 +Ex-Georgian leader Saakashvili barges across Ukraine border,"SHEHYNI, Ukraine (Reuters) - Former Georgian president Mikheil Saakashvili and a crowd of supporters barged past guards to enter Ukraine from the Polish border on Sunday after a prolonged standoff between Saakashvili and the Ukrainian authorities. Amid shouts of victory and glory to Ukraine , Saakashvili returned to Ukraine despite being stripped of Ukrainian citizenship by his one-time ally, Ukrainian President Petro Poroshenko, and facing possible arrest and deportation. Poroshenko invited Saakashvili to be a regional governor to help drive reforms after protests in 2014 ousted a pro-Russian president in Kiev. But Saakashvili quit as governor of Odessa in November, accusing Poroshenko of abetting corruption. Thousands of Saakashvili s supporters gathered on the border on Sunday while prominent lawmakers, including former Ukrainian prime minister Yulia Tymoshenko, traveled with him from Poland. Saakashvili had tried to cross the border by train but the train did not leave its station in the Polish town of Przemysl. The woman in charge of the Ukrainian train said she had been ordered by the authorities - she declined to specify whether Polish or Ukrainian - to stop the train leaving until Saakashvili got off. He then traveled by bus to the border and was stopped by guards who sealed off the area, causing a tailback of vehicles. Supporters pushed their way through and escorted him across. I came with my Ukrainian passport, I wanted to show my passport and make a statement, a triumphant Saakashvili told supporters after crossing. Instead, the authorities arranged this circus. Poroshenko s spokesman did not respond to a request for comment. The crowd broke through the Shehyni checkpoint, Oleh Slobodyan, a spokesman for the Ukrainian border service, wrote on Facebook. The fight started. It s hard to predict the consequences of this situation. A statement by the border service said several police and border guards were injured during the clash and said a group of people, whom it did not name, had crossed the border illegally. Saakashvili took power in Georgia after a peaceful pro-Western uprising, known as the Rose Revolution, in 2003. The 49-year-old is now wanted on criminal charges in Georgia, which he says were trumped up for political reasons. Loathed by the Kremlin, Saakashvili was once a natural ally for Poroshenko after Moscow annexed Ukraine s Crimea region in 2014. But he has become one of the Ukrainian president s most vocal critics, casting doubt on the Western-backed authorities commitment to tackle entrenched corruption. Saakashvili has accused the Ukrainian authorities of using pressure tactics to deter him from returning to Kiev, where he has launched a campaign to unseat Poroshenko. Speaking to reporters earlier in the Polish city of Rzeszow, Saakashvili said Poroshenko viewed him as an existential threat . It looks like he is getting rid of a political opponent and no matter how many times he says that I am not a danger to him, every action of his shows exactly the opposite, that he regards me as a great and immediate danger, he said. ",worldnews,"September 10, 2017 ",1 +Trump on Hurricane Irma: 'This is some big monster',"WASHINGTON (Reuters) - U.S. President Donald Trump called Hurricane Irma some big monster as it battered the Florida coast, saying he wanted to go to the state very soon and praising emergency officials for their efforts to protect people. The bad news is that this is some big monster, Trump told reporters at the White House, saying damage from the storm would be very costly. Right now, we are worried about lives, not cost, Trump said after returning from Camp David, the presidential retreat in Maryland where he monitored the storm and met with his Cabinet. The path of the storm, tracking the west coast of Florida, meant it might be less destructive than it would otherwise have been, Trump said, noting the next five or six hours would be critical. I hope there aren t too many people in the path, he said. You don t want to be in that path. The U.S. House of Representatives canceled votes scheduled for Monday because of the hurricane. Trump said the U.S. Coast Guard had been heroic and that the Federal Emergency Management Agency was doing a good job to help coordinate the response with states. He added, however: I think the hard part is now beginning. Trump has offered the full resources of the federal government to Florida and the affected states, Vice President Mike Pence told reporters during a visit to FEMA s Washington headquarters on Sunday. Wherever Hurricane Irma goes, we ll be there first, Pence said. We ll be there with resources and support, both to save lives and to help to recover and rebuild these states and these communities. On Sunday, Trump also issued a disaster declaration for the U.S. territory of Puerto Rico, and expanded federal funds available to the U.S. Virgin Islands in the aftermath of Irma, the White House said. Trump owns a resort in Palm Beach, Florida, where he has often traveled during his presidency, as well as three golf courses in the state. He told reporters he hoped to travel to the state soon. We re going to Florida very soon, Trump said. ",worldnews,"September 10, 2017 ",1 +Hurricane Irma threatens Florida's bustling tourism industry,"NEW YORK (Reuters) - Hurricane Irma s path of destruction up Florida s Gulf Coast on Sunday threatens to disrupt a thriving state tourism industry worth more than $100 billion annually just months ahead of the busy winter travel season. Some of the state s biggest attractions have announced temporary closures, including amusement park giants Walt Disney World s Magic Kingdom, Universal Studios, Legoland and Sea World, which all planned to close through Monday. About 20 cruise lines have Miami as a home port or a port of call, according to the PortMiami website, and many have had to move ships out of the area and revise schedules. Carnival Cruise Lines and Royal Caribbean have canceled and revised several sailings as a result of the storm and have offered credits and waivers on trips where passengers are unable to travel. A Carnival spokesman said the situation in Florida on Sunday was still not clear enough to fully assess how widespread the effects will be. We will know more in the hours ahead since the hurricane is active in Florida right now, spokesman Roger Frizzell said. Irma made a second Florida landfall on Sunday on southwestern Marco Island as a Category 3 storm bringing winds of 115 miles per hour (185 kph) and life-threatening sea surge. Disney canceled the Monday sailing of one of its cruise ships and said it is assessing future sailings, which stop throughout the Caribbean and in the Bahamas. Florida is one of the world s top tourism destinations. Last year nearly 113 million people visited the state, a new record, and spent $109 billion, state officials said earlier this year. The first half of 2017 was on track to beat that record pace, officials said. The damage Irma s winds and storm surge do to Florida s 660 miles (1,060 km) of beaches and the structures built along them during more than 30 years of explosive population growth will be critical to how quickly the state s s No. 1 industry recovers. The Gulf beaches west of St. Petersburg and Clearwater, are squarely in the storm s path. In 2016, more than 6.3 million people visited Pinellas County, which encompasses those cities, and generated more $9.7 billion in economic activity. Up and down the wide, sandy beaches of Pinellas County are traditional old Florida waterfront hotels such as the Don Cesar, a coral pink 1920s hotel on St. Pete Beach, which was closed by the storm. There are also modern high-rises and resorts that are part of the nation s biggest chains and brands including Hyatt Hotels, Marriott International, Intercontinental Hotels Group, Hilton Hotels & Resorts and Ritz-Carlton Hotel Company. The low-lying barrier islands would be inundated if Irma s storm surge reaches forecast heights of as high as 15 feet (4.6 meters). While some newer structures in the area are built on elevated pilings, many older homes and businesses are not. ",worldnews,"September 10, 2017 ",1 +Slightly injured pope ends Colombia tour with unity appeal,"CARTAGENA, Colombia (Reuters) - Pope Francis, his eye bandaged and blackened after a minor accident in the popemobile, left Colombia on Sunday after appealing to the country to untie the knots of violence after a 50-year civil war. His last day in the Andean country got off to a rocky start when he lost his balance and bumped his head while riding in the popemobile. He bruised his cheekbone and cut his left eyebrow, blood staining his white cassock. The Vatican said he received ice treatment and was fine. A smiling pope continued the trip wearing a bandage over his cut. I was punched. I m fine, the 80-year-old pontiff joked afterward, the bruises on his face clearly visible. At the end of the day, when he said Mass for about 500,000 people in the city s port area, the bruise had swollen and he had a black bag under his eye. If Colombia wants a stable and lasting peace, it must urgently take a step in this direction, which is that of the common good, of equity, of justice, of respect for human nature and its demands, he said in a strong voice in the homily of the Mass, accompanied by Caribbean and salsa music. Only if we help to untie the knots of violence, will we unravel the complex threads of disagreements, he said. The pontiff left Colombia on an Avianca flight to Rome after watching a cumbia troupe perform traditional coastal singing and dancing with President Juan Manuel Santos and his wife, Maria Clemencia. Francis used the trip to urge Colombians deeply polarized by a peace plan to shun vengeance after a bloody civil war. He also said leaders had to enact laws to end injustice and social inequality that breeds violence. Cartagena, a top tourist destination famous for its colonial walled ramparts, was the home to Saint Peter Claver, a Spanish priest who ministered to slaves in Colombia in the 1600s, defying Spanish colonial masters who treated them as chattel. The pope used the occasion to again decry modern slavery and human trafficking and defend the rights of immigrants. Human rights groups estimate that millions of people around the world are victims of human trafficking and forms of modern slavery such as forced labor and prostitution. Here in Colombia and in the world, millions of people are still being sold as slaves; they either beg for some expressions of humanity, moments of tenderness, or they flee by sea or land because they have lost everything, primarily their dignity and their rights, the pope said just before praying before Claver s relics. Some 300 Afro-Colombians who receive assistance from the Jesuit religious order, of which the pope is a member, prayed with him in the church. Francis visited the impoverished neighborhood of San Francisco and blessed the cornerstone of a shelter for at-risk Afro-Colombian girls vulnerable to child prostitution, drugs and violence. Earlier in the day, the first Latin American pope said he was praying for the well-being of all countries on the continent but particularly Venezuela, which has been caught up in a social and economic crisis. I express my closeness to all the sons and daughters of that beloved nation, as well as to all those who have found a place of welcome here in Colombia, referring to the tens of thousands of Venezuelans who have crossed the border to find food and medicine. From this city, known as the seat of human rights, I appeal for the rejection of all violence in political life and for a solution to the current grave crisis, which affects everyone, particularly the poorest and most disadvantaged of society, he said. National Human Rights Day is celebrated in Colombia on Sept. 9, in honor of Claver, who died in 1654. Venezuela has been convulsed by months of near-daily protests against leftist President Nicolas Maduro, who critics say has plunged the oil-rich country into the worst economic crisis in its history and is turning it into a dictatorship. World bodies and foreign governments have expressed concern about the shortage of food and medicine in Venezuela and called for political dialogue between Maduro and the opposition. Church leaders in Venezuela have made a series of highly critical speeches since late last year. ",worldnews,"September 10, 2017 ",1 +Irma evacuees find full hotels but a warm welcome in Georgia,"ATLANTA (Reuters) - As hundreds of thousands of Floridians flee Hurricane Irma, people in the state of Georgia have opened their homes to strangers who emerged from hours-long traffic jams to find hotels and campgrounds booked solid. Authorities in Florida have ordered about a third of the state s population, 6.3 million people, to evacuate ahead of the hurricane s expected landfall on Sunday. Some stayed put, but many left their homes. And many who drove to neighboring Georgia initially had nowhere to stay. With churches in Atlanta appealing for donations of mattresses and blankets for shelters, and hotels and motels along Interstate 75 heading north to the city from Florida reportedly at capacity through next week, homeschool teacher Mary Hoyt decided something needed to be done. She helped found Atlanta Hurricane Solidarity, an informal network that works via word of mouth and local news media attention, and has so far managed to match 75 evacuee families with homes in Atlanta. Those are the ones we have settled or on their way, said Hoyt, who lives in the city s eastern suburb of Decatur. We have 300 more homes and counting that are available. People are so amazingly generous. At the Atlanta Motor Speedway, meanwhile, staff are accustomed to accommodating thousands of campers at their NASCAR stock car racing events. They have opened the facilities in Hampton, about 25 miles (40 km) south of Atlanta, for free to anyone seeking refuge. Many Georgia coast residents were also locking up homes and heading inland before Irma hits. On Saturday, all lanes of Interstate 16, which runs west of historic Savannah, were turned inland for evacuating traffic only. Campsites in places like Indian Springs State Park, near the small town of Flovilla, a few miles (kms) east of Interstate 75, were full, said park manager Katherine Darsey. There are a lot of Florida license tags here, Darsey said, adding that people were still welcome to use the parking lot overnight if they needed a safe place to rest. The Airbnb website listed 85 homes in Georgia and Florida on Saturday evening that had been made available for free to Irma evacuees by the properties owners, said Airbnb spokeswoman Crystal Davis. Evacuees four-legged friends were also seeking safety: Animal shelters that were already busier than usual with pets displaced from Texas and Louisiana last month by Hurricane Harvey reported more arrivals from Florida. The equestrian center in Alpharetta, another Atlanta suburb, has agreed to house 150 horses from Florida for free, said its director, Matt Casey. Forty horses had arrived by Saturday afternoon, and more were on the way. One cat from Paisley, about 40 miles (60 km) north of Orlando, was en route to sanctuary in Indiana when she was spooked by a traffic accident while being driven through Atlanta. The 2-year-old calico named Coco jumped out of the car s window and darted into woods. I ve been heartsick over it, said her owner, Cindy Voelz, 55. She must be so frightened. Voelz is staying with friends in the city while she looks for Coco. She said she really appreciates the help she has had searching from volunteers at an Atlanta animal shelter. I can t believe how nice everyone is here, she said. ",worldnews,"September 10, 2017 ",0 +Trump approves major disaster declaration for Florida,"WASHINGTON (Reuters) - U.S. President Donald Trump on Sunday approved a major disaster declaration for Florida and ordered federal aid to help the state struck by Hurricane Irma. The declaration means residents and businesses can apply for grants for temporary housing and home repairs, low-cost loans to cover uninsured property losses, and other programs. The federal government will also reimburse counties for emergency protective measures including evacuation and sheltering costs as well as for much of the costs of debris removal. ",worldnews,"September 10, 2017 ",1 +British trade union conference evacuated over bomb threat,"LONDON (Reuters) - A hotel and nearby conference center on the south coast of England where Britain s Trades Union Congress (TUC) is holding its annual conference were evacuated on Sunday due to a bomb threat, police said. Police said the Grand Hotel in Brighton, where five people were killed by an Irish Republican Army bombing during the Conservative Party conference in 1984, received an anonymous phone call at 1530 GMT on Sunday saying there was an explosive device in the building. The nearby Brighton Centre, where the TUC was meeting and where the opposition Labour Party is due to hold its annual conference later this month, was also evacuated. Thorough searches and enquiries are taking place to establish as soon as possible whether or not the call is a genuine one, Sussex Police said in a statement. Military ordnance disposal are attending as part of the search. Nothing untoward has been found at this time. ",worldnews,"September 10, 2017 ",1 +President Trump approves major disaster declaration for Florida,"(Reuters) - U.S. President Donald Trump approved a major disaster declaration on Sunday to help Florida recover from Hurricane Irma, Florida Governor Rick Scott said. The declaration will authorizes federal funding to come to the state to assist local and state agencies with response and recovery. The White House has not yet announced the declaration. ",worldnews,"September 10, 2017 ",1 +Brazilian billionaire Joesley Batista surrenders to police,"BRASILIA (Reuters) - Billionaire Joesley Batista, one of the owners of JBS SA, the world s largest meatpacker, and executive Ricardo Saud surrendered on Sunday and were arrested by Brazilian police, their lawyer said. Batista and Saud went to federal police headquarters in Sao Paulo on Sunday afternoon and will be transferred to Brasilia on Monday, their lawyer, Pierpaolo Bottini, said. The arrests were ordered by Supreme Court Justice Edson Fachin, who agreed to a request by Brazilian Prosecutor-General Rodrigo Janot. The court revoked immunity from prosecution under previous plea deals struck by Batista and Saud, a former director of holding company J&F Investimentos. In his decision ordering both arrested for at least five days, Fachin wrote the state witnesses were selective and did not present all information related to crimes they confessed to in their plea deals. Janot sought the arrests after Batista and Saud recorded themselves discussing crimes not covered in the plea bargain. The taped conversation, made public by the Supreme Court, was inadvertently submitted to prosecutors with unrelated material last week. In a statement on Sunday, J&F lawyers said both men did not lie nor omitted information in their plea deals. The Supreme Court Justice denied a request for the arrest of former prosecutor Marcelo Miller, who was accused by the prosecutor-general of helping Wesley and Joesley Batista with their plea deal before leaving the Prosecutor s Office in April to a private law firm. ",worldnews,"September 10, 2017 ",1 +Trump says 'We're going to Florida very soon',"WASHINGTON (Reuters) - U.S. President Donald Trump on Sunday called Hurricane Irma a big monster and said the storm would cost a lot of money but that the federal government was focused on saving lives. The bad news is that this is some big monster, Trump said on arriving at the White House after a weekend at the Camp David retreat in Maryland. He praised federal agencies handling of the storm and said: We re going to Florida very soon. ",worldnews,"September 10, 2017 ",1 +"After insurgents' truce, Myanmar says 'we don't negotiate with terrorists'","YANGON/SHAH PORIR DWIP ISLAND, Bangladesh (Reuters) - Myanmar on Sunday rebuffed a ceasefire declared by Muslim Rohingya insurgents to enable the delivery of aid to thousands of displaced people in the violence-racked state of Rakhine, declaring simply that it did not negotiate with terrorists. Attacks by militants on police posts and an army base on Aug. 25 prompted a military counter-offensive that triggered an exodus of Rohingya to Bangladesh, adding to the hundreds of thousands already there from previous spasms of conflict. According to the latest estimate by U.N. workers in the Cox s Bazar region of southern Bangladesh, about 294,000 - many of them sick or wounded - have arrived in just 15 days, putting huge strain on humanitarian agencies operations. Thousands of Rohingya remaining in the north-western state of Rakhine have been left without shelter or food, and many are still trying to cross mountains, dense bush and rice fields to reach Bangladesh. The Arakan Rohingya Salvation Army (ARSA) insurgent group declared a month-long unilateral ceasefire, starting on Sunday, so that aid could reach these people. The impact of ARSA s move is unclear, but it does not appear to have been able to put up significant resistance against the military force unleashed in Rakhine state, where thousands of homes have been burned down and dozens of villages destroyed. ARSA s declaration drew no formal response from the military or the government of Buddhist-majority Myanmar. However, the spokesman for Myanmar s leader, Aung San Suu Kyi, said on Twitter: We have no policy to negotiate with terrorists. Myanmar says its security forces are carrying out clearance operations to defend against ARSA, which the government has declared a terrorist organisation. Human rights monitors and fleeing Rohingya say the army and Rakhine Buddhist vigilantes have mounted a campaign of arson aimed at driving out the Rohingya, whose population is estimated at around 1.1 million. About a dozen Muslim villages were burned down on Friday and Saturday in the ethnically mixed Rathedaung region of Rakhine, two sources monitoring the situation said. Slowly, one after another, villages are being burnt down - I believe that Rohingyas are already wiped out completely from Rathedaung, said one of the sources, Chris Lewa of the Arakan Project, a Rohingya monitoring group. It was unclear who torched the villages, and independent journalists are not allowed into the area. In Cox s Bazar, Reuters journalists saw waves of Rohingya arriving on Sunday, and crowds of desperate people - mostly women and children - queuing for handouts of food and clothes. More than 300 people arrived on small boats and fishing trawlers on Shah Porir Dwip island, a short distance from the mouth of the Naf river that separates the two countries and flows out into the Bay of Bengal. Many collapsed on the beach from motion sickness and dehydration. Three Rohingya were killed by landmines on Saturday as they tried to cross from Myanmar, a Bangladeshi border guard said, and Amnesty International said there were two landmine incidents on Sunday, including a blast that blew off a man s leg. All indications point to the Myanmar security forces deliberately targeting locations that Rohingya refugees use as crossing points, Tirana Hassan, Amnesty international s Crisis Response Director, said in a statement. This is a cruel and callous way of adding to the misery of people fleeing a systematic campaign of persecution, she said. A Myanmar military source told Reuters last week that landmines had been laid along the border in the 1990s to prevent trespassing and the military had since tried to remove them. But none had been planted recently. Dipayan Bhattacharyya, the World Food Programme s spokesman in Bangladesh, said the latest estimate of new arrivals was 294,000 and there were discussions underway to revise up the prediction made last week that it would reach 300,000. The government of Bangladesh is planning for an influx of up to 400,000, Additional Superintendent of Police for Cox s Bazar Afruzul Haque Tutul told Reuters. The United Nations has appealed for aid funding of $77 million to cope with the emergency in southern Bangladesh. The wave of hungry and traumatised refugees is showing no signs of stopping , the U.N. Resident Coordinator in Bangladesh Robert Watkins said in a statement late on Saturday. It is vital that aid agencies working in Cox s Bazar have the resources they need to provide emergency assistance to incredibly vulnerable people who have been forced to flee their homes and have arrived in Bangladesh with nothing, he said. The International Crisis Group said in a report that the strife in Rakhine is causing more than a humanitarian crisis. It is also driving up the risks that the country s five-year-old transition from military rule will stumble, that Rohingya communities will be radicalised, and that regional stability will be weakened, it said. Aung San Suu Kyi has come under international pressure to halt the violence. Critics complain that Suu Kyi, who won a Nobel peace prize for championing democracy, has failed to speak out for a minority that has long complained of persecution. ",worldnews,"September 10, 2017 ",1 +"Pope bumps head, hurts left eye, but is well: Vatican","CARTAGENA, Colombia (Reuters) - Pope Francis lost his balance while riding in the popemobile through a crowd in Cartagena, Colombia, on Sunday, bruising his left cheekbone and eyelid, but he was not seriously hurt. The Vatican said he received ice treatment and was fine to continue on his trip. Video images showed the pope hitting the left side of his face against a vertical bar of the popemobile, a specially designed open-top vehicle that allows the pontiff to stand and greet the faithful as his motorcade advances. A few drops of blood were seen on his white cassock and the area around his left eye looked bruised and swollen. I was punched. I m fine, the pope joked as he left a house in the poor neighborhood of San Francisco on the last day of his trip to Colombia. He later was seen with a small bandage over his left eyebrow. The pope is fine. He injured his left cheekbone and eyelid, spokesman Greg Burke said. ",worldnews,"September 10, 2017 ",1 +"Syria army, U.S.-backed forces converge on Islamic State in separate offensives","BEIRUT (Reuters) - Syrian government forces and U.S.-backed militias converged on Islamic State in separate offensives against the militants in the eastern Syrian province of Deir al-Zor on Sunday. The U.S.-backed Syrian Democratic Forces alliance of mostly Kurdish and Arab militias (SDF) said it had reached Deir al-Zor s industrial zone, just a few miles to the east of the city after launching operations in the area in recent days. The Syrian army and its allies, backed by Iran and by Russian air cover, meanwhile advanced from the west to seize full control of the Deir al-Zor-Damascus highway, a Hezbollah-run media unit reported. The Syrian Observatory for Human Rights monitoring group said at least 17 civilians had been killed by Russian air strikes in Deir al-Zor on Sunday. The attacks squeezed Islamic State in its last major Syria stronghold in areas near the border with Iraq. The group has come under pressure since losing its de facto capital Mosul in Iraq this year and is surrounded by the SDF in Raqqa, its former Syria bastion. The jihadist group still holds much of Deir al-Zor province and half the city, as well as a pocket of territory near Homs and Hama further west, however, and is mounting counter-attacks. Sunday s advances mean that U.S.-backed forces and the Syrian government side, boosted by Russian military support, are separated only by about 15 km (10 miles) of ground and the Euphrates River in Deir al-Zor. Much of northeast Syria to the east of the Euphrates is held by the SDF, which is dominated by the Kurdish YPG militia. The Syrian government and its allies are increasingly capturing the remaining areas Islamic State holds to its west. Government troops linked up with forces already in Deir al-Zor at the Panorama entrance to the city, bringing the whole road under their control for the first time in years, the Hezbollah media unit reported. The Syrian army and its Iran-backed allies, which include Lebanese Hezbollah, this week broke a three-year siege by the jihadists of a government-held enclave in Deir al-Zor and an adjacent air base. Syrian state TV broadcast footage of Syrian officers who had been holed up in Deir al-Zor emotionally greeting their superiors after being surrounded by IS since 2014. The United Nations estimates that some 93,000 people were living in extremely difficult conditions in government-held parts of Deir al-Zor, supplied by air drops to the air base. Syrian government forces and their allies have been able to turn their attention to the fight against Islamic State in eastern Syria after recapturing many areas in the west from rebels. The SDF on Saturday announced an operation to capture northern and eastern parts of Deir al-Zor province and staged attacks from the northern countryside and southern Hasaka, which is under YPG control. The SDF, backed by U.S.-led air strikes and special forces on the ground, has captured most of Raqqa, upstream along the Euphrates, from Islamic State. Islamic State has lost nearly half of its territory across both Iraq and Syria, but still has 6,000-8,000 fighters left in Syria, the U.S.-led coalition has said. The forces leading the SDF s operation in Deir al-Zor say they do not expect clashes with Syrian government forces, but will respond if they come under fire. Syria s crowded battleground has shown the risks of escalation between world powers militarily involved in the six-year-old Syrian conflict. In June a U.S. warplane shot down a Syrian army jet near Raqqa in and the SDF accused the Syrian government of bombing its positions, raising tension between Washington and Moscow. The Cold War foes have also engaged over Syria, however, including setting up communication channels for flight safety in Syrian airspace. Both countries say the priority in Syria is to defeat Islamic State. Rounds of Syria talks between world powers have increasingly focused on Islamic State. Negotiations where Syria s opposition has repeatedly called for the removal of President Bashar al-Assad have failed to bring an end to the conflict. ",worldnews,"September 10, 2017 ",1 +Syrian rebels say U.S. allies push for retreat from southeast Syria,"AMMAN (Reuters) - Two Western-backed Syrian rebel groups fighting the Syrian army and Iranian-backed militias in southeastern Syria have been asked by their Western and Arab backers to pull out of the area and retreat into Jordan, rebels and diplomatic sources said on Sunday. Both Usoud al-Sharqiya and Martyr Ahmad Abdo, part of the Free Syrian Army group, said they were told to end fighting in the area by their backers from the U.S. Central Intelligence Agency and neighboring states that support them, which include Jordan and Saudi Arabia. There is a official request for us to leave the area, said Badr al Din al Salamah, a senior official in the Usoud al Sharqiya group, one of the main rebel groups in the area and a recipient of the military aid from the U.S.-backed alliance. Since early this year, the rebels have pushed Islamic State militants out of a large swathe of sparsely populated territory stretching some 50 km (30 miles) southeast of Damascus, all the way to the Iraqi border along the frontier with Jordan. But an offensive by the Syrian army, backed by Iranian militias and heavy Russian air cover, has encircled the rebels and eroded their gains. In recent weeks, the army has regained a string of border posts with Jordan that it had abandoned in the early years of the conflict Western diplomatic sources said the request was tied to a decision by the administration of U.S. President Trump in July to halt the CIA s program to equip and train rebel groups fighting the government of Syrian President Bashar al-Assad. The CIA program began in 2013 as part of efforts by the administration of then-President Barack Obama to overthrow Assad. The Trump administration says its strategy in Syria is focused only on defeating Islamic State. In a letter purportedly to rebel commanders and seen by Reuters, they were told they although they had fought bravely to fend off the Syrian army, their presence in a small enclave now posed a threat to them. The decision has caused disaffection among hundreds of fighters in the two groups, who consider withdrawing into Jordan as effectively disbanding their forces. The two groups, who have hundreds of fighters, will have to hand over heavy artillery and dozens of U.S.-made anti-tank missiles that played a part in their battlefield successes against Islamic State and the Iranian-backed militias, rebels say. In a meeting on Saturday, the rebel commanders told the joint operations center in Jordan that requested their withdrawal they would rather stay and die in the desert than leave the battlefield. We have rejected the request, since if we entered Jordan we would consider it the end ... the blood of our martyrs has not dried yet, said al-Salameh. The military operations center has not offered them a choice to move to a U.S. garrison further east near the border with Iraq in Tanf, the rebels say. That garrison, run by a separate program of the Pentagon, hosts an Arab rebel tribal group known as the Maqhawir al Thwra. Another rebel official said they were not necessarily opposed to withdrawing, but they wanted assurances from Jordan they could lobby to expand to the Badia area a U.S.-Russian-brokered ceasefire, which has halted fighting in southwest Syria. Washington and Jordan are currently negotiating with Moscow to implement a de-escalation zone that would push back Iranian-backed forces 40 kms north of the border strip with Jordan, diplomats say. We have accepted in principle and there are matters that have to be resolved. But until this moment there is no final agreement on withdrawing and we are still in the Badia and still fighting and in our posts, said Said Seif, a spokesman of the Martyr Ahmad Abdo group. ",worldnews,"September 10, 2017 ",1 +France's Macron will travel to Saint Martin on Tuesday,"PARIS (Reuters) - French president Emmanuel Macron will travel to the battered Dutch-French island of Saint Martin on Tuesday following the passage of hurricane Irma and fellow storm Jose. Emmanuel Macron will leave to Saint Martin on Tuesday morning with goods and reinforcements, French interior minister Gerard Collomb told journalists on Sunday after a meeting with Macron at the Elysee palace in Paris. According to a provisional death toll, Irma killed 10 people in the French part of Saint Martin and in nearby island of Saint Barthelemy. Seven people are still reported missing. ",worldnews,"September 10, 2017 ",1 +Vice President Pence: Trump greatly concern about Irma after briefing,"WASHINGTON (Reuters) - U.S. Vice President Mike Pence said on Sunday that President Donald Trump had directed full federal resources to help with Hurricane Irma at it batters the Florida coast and that his latest briefing on the storm caused him great concern. Clearly the briefing that we received at Camp David this morning caused the president to have great concern for the impact of the impact of this storm moving up the west coast and the potential through heavy winds and storm surge to compromise cities and compromise lives, Pence said during a visit to the Federal Emergency Management Agency s headquarters with members of Trump s Cabinet. ",worldnews,"September 10, 2017 ",1 +Merkel and the refugees: How German leader emerged from a political abyss,"BERLIN (Reuters) - Near the end of a recent campaign speech in northern Germany, Chancellor Angela Merkel turned to Europe s refugee crisis of 2015 and offered her audience a comforting dual message. Germans should be proud of the warm welcome they gave hundreds of thousands of asylum seekers, many of them fleeing war and persecution in the Middle East, she told an audience of over 1,000 gathered in the fishing village of Steinhude. Then she shifted gears: What happened in 2015 cannot, should not and must not happen again. It is a phrase she has used repeatedly in market squares across Germany as she campaigns for a fourth term in a federal election on Sept. 24 that she is widely expected to win. [nL5N1LQ0H1 Two years since she opened Germany s borders to asylum seekers to avert what she says was a looming humanitarian disaster, and saw her popularity slide as a result, Merkel has climbed her way out of the deepest hole of her political career. There are many factors behind her comeback. But few are as important as her skill at spinning a narrative about the refugee crisis that many Germans can support, whether they cheered or condemned her actions of 2015. Merkel is not running on a policy of open borders and that fits perfectly with the mood in the country, said Robin Alexander, author of a best-selling book on the German government s handling of the refugee crisis. Many people like the image of Germany as a model of humanitarian virtue. At the same time they know the country could not continue to welcome refugees like it did. It is this set of feelings that Merkel is appealing to. By the end of 2015, 890,000 asylum seekers had entered Germany, many without proper identity checks, overwhelming local communities. Merkel s actions divided Europe and led to a surge in anti-immigrant sentiment. The hard-right Alternative for Germany (AfD) party seems sure to enter parliament for the first time. A year after her decision, and following a series of small-scale attacks in Germany by Islamist militants, her popularity ratings had plunged 30 points to 45 percent and she faced questions about whether she would run for chancellor again. Yet today, 63 percent of Germans say she is doing a good job and, according to a Bertelsmann Foundation survey this week, 59 percent believe the country is on the right track. It has been a long, difficult road back, said one of her top aides. But we have gotten to a point where the refugee issue is no longer a negative for Merkel in the election campaign. Merkel has been helped by external events such as Britain s vote for Brexit last year and Donald Trump s election victory in the 2016 U.S. presidential election, both of which reinforced her appeal as a guarantor of stability. A decision by Macedonia in early 2016 to shut its border with Greece stemmed the flow of refugees, easing pressure on Germany. And the country has not suffered a large-scale Islamist attack, an event which might have triggered a voter backlash. But Merkel s knack for understanding how Germans tick has also been crucial. At many of her public appearances, she is confronted by anti-immigration protesters who try to drown out her speeches with whistles and chants of Merkel must go! . In Steinhude, a woman held up a sign showing Merkel s diamond-shaped hand pose over a German flag with a blood-spattered bullet hole in the middle. I offer you terror, death and chaos , the sign read. But the dozen or so protesters were dwarfed by supporters who applauded her message. I m not sure if there was another way to handle the refugee crisis. Those refugees had to go somewhere, said Willi Kordes, 70, who runs a sewage treatment firm in nearby Vlotho. I don t trust anyone to do it better. Working in her favor in the election is the fact that many of Germany s other established parties, including the centre-left Social Democrats (SPD), led by her main challenger Martin Schulz, backed her open-door policy. The AfD, running a racially-tinged campaign that has put off some voters, has come off its 2016 highs in the polls. The one mainstream party that has offered a hardline alternative, the Christian Social Union (CSU), is the Bavarian sister party to Merkel s Christian Democratic Union (CDU). A vote for the CSU is akin to a vote for Merkel. A crucial factor behind Merkel s rebound has been the decline in asylum seekers entering Germany. About 280,000 arrived in 2016, with another drop likely this year. Merkel takes credit for this, pointing to a deal she brokered between the European Union and Turkey, under which Ankara has cut the number of migrants crossing into Europe via its territory. But critics say the closing of Balkan borders which Merkel publicly opposed was the real driver. Some see parallels with her behavior in the euro zone financial crisis, when European Central Bank President Mario Draghi s pledge to do whatever it takes to keep the currency bloc together, allowing her to stick to a hard line towards euro states such as Greece without fear of consequences. In the refugee crisis, it has been countries like Macedonia, Turkey and Hungary - which shut down routes the refugees used - that have done Merkel s dirty work , allowing her to maintain the image of a caring leader who helped people fleeing war. The approach has helped Merkel extend her control over the political centre. Some right-wing voters may have fled for the AfD but polls suggest young, urban voters who traditionally lean left could fill the gap. Germany s economy has been strong enough to absorb the influx of refugees without big cracks emerging in society. In reaction to its Nazi past, Germany has emerged as a more open, tolerant country than many assumed when the crisis hit. A survey published this month ranking the top fears of the Germans put terrorism at the top. But a separate poll for the Bild newspaper showed they do not see curbing immigration as a priority. Germans are astonishingly global, liberal and open to the world, said Menno Smid, head of the Infas Institute for Applied Social Sciences, which released a survey last month showing broad acceptance of refugees in Germany. We are the winners from globalization. The economic factors that led to Trump simply don t exist. ",worldnews,"September 10, 2017 ",1 +Merkel challenger spells out conditions for post-election coalition,"BERLIN (Reuters) - Chancellor Angela Merkel s Social Democrat (SPD) challenger said on Sunday his party would not form any alliances after a Sept. 24 election unless fair wages, free education, secure pensions and a commitment to a democratic Europe were guaranteed. The SPD was trailing Merkel s conservatives by 13 points in an Emnid poll published on Saturday, with 24 percent support. Polls show the most likely coalitions are a re-run of the current conservative-SPD alliance or a Jamaica tie-up of the conservatives, Greens and pro-business Free Democrats (FDP). For the first time, SPD leader Martin Schulz on Sunday laid out his conditions for joining any coalitions in a video broadcast on the party s website. Specific policies for fair wages, good schools, secure pensions and a democratic Europe for peace - that s what I promise you, 61-year-old Schulz said. An SPD government would implement these plans. They re non-negotiable for me. That s why I want to become German chancellor, he said. But polls suggest the SPD s only option for gaining power would be as a junior partner in another grand coalition with the conservatives under Merkel. Schulz has put social justice at the core of his campaign, but that has failed to gain much traction. Germans have generally enjoyed 12 years of prosperity under Merkel, and she has trumpeted her economic achievements - such as reducing unemployment - throughout the campaign. In an interview with the Funke newspaper group, Schulz said he was against a re-run of the current coalition, an alliance that is always a last resort because it leaves little opposition in parliament. We re not seeking to continue the grand coalition, he said. I m running to supersede Merkel. Merkel warned supporters at a campaign rally in the northwestern town of Delbrueck on Sunday that the election result was not yet clear despite her lead in the polls. A lot of people say the vote is practically decided already ... but it is not, she said, adding that many people would make up their minds in the final days before the vote. She had on Saturday called for a high election turnout, saying: We must fight for every single person to go and vote. Germany s smaller parties narrowed down possible coalition options over the weekend, with both the Greens and the FDP saying they could not imagine a Jamaica coalition, the name refers to the black, yellow and green colors of the Jamaican flag. ",worldnews,"September 10, 2017 ",1 +Egyptian security forces kill 10 suspected militants in Cairo raids,"CAIRO (Reuters) - Egypt s security forces killed 10 suspected militants on Sunday in a shootout during a raid on two apartments in central Cairo, the Interior Ministry said. Nine policemen, including four officers, were injured during the two raids, it said in a statement. An insurgency led by Islamic State in Egypt s rugged Sinai peninsula has killed hundreds of soldiers and policemen since the Egyptian military overthrew President Mohamed Mursi of the Muslim Brotherhood in mid-2013, but attacks have increasingly moved to the mainland in recent months. Authorities received information about militants fleeing North Sinai to hideouts in Cairo, where they were preparing to carry out attacks on more centrally located provinces, the ministry statement said. The police suffered their injuries after a suspected militant detonated an explosive device to block them from entering the building and during an exchange of fire that followed, security sources said. One of the security sources said authorities suspect the individuals to be members of Hasm, a group which has claimed several attacks around the Egyptian capital targeting judges and policemen since last year. Egypt accuses Hasm of being a militant wing of the Muslim Brotherhood, an Islamist group it outlawed in 2013. The Muslim Brotherhood denies this. ",worldnews,"September 10, 2017 ",1 +U.S. denies Iran report of confrontation with U.S. vessel,"BEIRUT (Reuters) - An Iranian military vessel confronted an American warship in the Gulf and warned it to stay away from a damaged Iranian fishing boat, Tasnim news agency reported on Sunday, but the U.S. Navy denied any direct contact with Iranian forces. The American vessel turned away after the warning from the Iranian ship, which belonged to the naval branch of the Iranian army, according to Tasnim. The Iranian military vessel then towed the fishing boat, which had sent out a distress signal after taking on water, back to shore. The agency did not specify when the incident, close to the strategic Strait of Hormuz, took place. In statement, U.S. Naval Forces Central Command (NAVCENT) said the coastal patrol USS Tempest, operating in the Gulf of Oman on Sept. 6, heard the distress call of an unidentified small boat about 75 nautical miles from the Tempest s position. At the same time the motor vessel Nordic Voyager, much closer to the boat in distress, offered help and had made visual contact with it. The Tempest offered to support the Nordic Voyager which declined the offer, NAVCENT said. Following the radio traffic from a distance, USS Tempest heard the Nordic Voyager coordinate additional Iranian Navy help for the vessel in distress to tow it back to Iran. At no time was there any direct contact between the U.S. and Iranian maritime forces, NAVCENT spokesman Chloe Morgan said. Tensions have been on the rise between the Iranian and U.S. military in the Gulf in recent months. In August, an unarmed Iranian drone came within 100 feet (31 meters) of a U.S. Navy warplane as it prepared to land on an aircraft carrier in the Gulf, a U.S. official said at the time. And in July, a U.S. Navy ship fired warning shots when an Iranian vessel in the Gulf came within 150 yards (137 meters) in the first such incident since President Donald Trump took office in January, U.S. officials said. Years of mutual animosity had eased when Washington lifted sanctions on Tehran last year as part of a deal to curb Iran s nuclear ambitions. But serious differences remain over Iran s ballistic missile program and conflicts in Syria and Iraq. The Trump administration, which has taken a hard line on Iran, recently declared that Iran was complying with its nuclear agreement with world powers, but warned that Tehran was not following the spirit of the accord and that Washington would look for ways to strengthen it. During the presidential campaign last September, Trump vowed that any Iranian vessels that harass the U.S. Navy in the Gulf would be shot out of the water. ",worldnews,"September 10, 2017 ",1 +Canada deported hundreds to war-torn countries: government data,"TORONTO (Reuters) - Canada has deported hundreds of people to countries designated too dangerous for civilians, with more than half of those people being sent back to Iraq, according to government data obtained by Reuters. The spike in deportations comes as Canada faces a record number of migrants and is on track to have the most refugee claims in more than a decade. That has left the country scrambling to cope with the influx of asylum seekers, many crossing the U.S. border illegally. Between January 2014 and Sept. 6, 2017, Canada sent 249 people to 11 countries for which the government had suspended or deferred deportations because of dangers to civilians. That includes 134 people to Iraq, 62 to the Democratic Republic of Congo and 43 to Afghanistan, the data shows. The number of Iraq deportations increased from 22 in 2014 to 51 in 2016 and stands at 35 so far this year. The decision to remove someone from Canada is not taken lightly, Canada Border Services Agency spokeswoman Patrizia Giolti wrote in an email. Everyone ordered removed from Canada is entitled to due process before the law, and all removal orders are subject to various levels of appeal. The Canada Council for Refugees has said existing avenues of appeal are too limited, leaving little recourse for people facing deportation to dangerous countries. Canada can deport anyone who is not a citizen, for reasons including criminality, exhausting attempts to obtain permanent residency and non-compliance with immigration laws. The federal government has suspension or deferral designations for countries or regions deemed dangerous but may still deport people to them because of criminality, security risks or human rights violations. The United Nations High Commission on Refugees recommends states refrain from deporting people to Iraq because of the human rights situation and the conflict there, said Jean-Nicholas Beuze, the organization s Canadian representative. But some regions, such as Kurdistan, are safer, he added. The responsibility is on the state sending people back to those countries to make sure ... that those people will not become internally displaced within their own country and dependent on humanitarian aid, Beuze said. In July, a U.S. judge temporarily blocked the deportation of more than 1,400 Iraqis, many with criminal charges or convictions. They had claimed they would face death or persecution if they return to their home country because they belonged to minority groups, including Chaldean Catholics, Sunni Muslims or Iraqi Kurds. ",worldnews,"September 10, 2017 ",1 +Prosecutor links suspect arrested last week near Paris to ISIS,"PARIS (Reuters) - A French prosecutor said on Sunday that a man arrested last week after a police raid on a flat near Paris had a direct connection with Islamic State. Police discovered a stash of explosives in the raid last Wednesday in Villejuif, south of Paris, and found TATP, a product often used by suicide bombers. A second cache of explosive materials was discovered in a nearby town the following day. Two men who were arrested were put into formal investigation on Sunday and placed in detention, the Paris prosecutor, Francois Molins, told a news conference. A third suspect was released with no charges. Analysis from the material seized showed one of the suspects had been in direct contact in August 2016 with Rachid Kassim via Facebook, Molins said. Kassim, believed to be a senior Islamic State militant, was targeted by the U.S. military in a strike near the city of Mosul, Iraq, earlier this year. TATP has been used by militants in several attacks in Western Europe in recent years, including Manchester in May, Brussels in 2016 and Paris in 2015. More than 230 people have been killed by Islamist-inspired attackers in the past three years in France, which along with the United States and other countries are bombing Islamic State bases in Iraq and Syria. ",worldnews,"September 10, 2017 ",1 +South Africa's Ramaphosa steps up criticism ahead of ANC leadership vote,"JOHANNESBURG (Reuters) - South African Deputy President Cyril Ramaphosa, a leading contender to become head of the ruling ANC in December, stepped up his criticism of the government on Sunday, saying state-owned companies had been captured and funds looted from them. Ramaphosa s remarks during a speech to an African National Congress meeting in the old diamond-mining town of Kimberley were tougher than others he has made on government graft, signaling the issue will be a main theme of his campaign. He also took aim without naming them - at the wealthy Gupta family, friends of President Jacob Zuma who have been accused of using undue influence to win lucrative state contracts. Zuma and the Guptas have denied any wrongdoing. Many of these state-owned enterprises have been captured by certain people, by a certain family, Ramaphosa said. All of our state-owned enterprises have been captured and we are saying we want to see an end to state capture and the money that has been stolen, we want it back, he said, to roars of approval from the audience. South Africa s top prosecutor said on Wednesday police were examining a trove of leaked documents detailing relations between the Guptas and Zuma, but it was too early to say if a prosecution should be launched. Ramaphosa said in May that South Africa was in danger of becoming a mafia state and he took a swipe in July at the Guptas over media reports that state funds were diverted in 2013 to pay for a lavish Gupta family wedding. But Sunday s remarks about a certain family were more pointed and come as the race heats up for the ANC s top spot. The next head of the party, who will be selected in December, will be its presidential candidate in 2019 national elections. Ramaphosa s main challenger, veteran politician and Zuma s ex-wife Nkosazana Dlamini-Zuma, will next week be sworn in as a member of parliament, a move which could see the former minister brought back into the cabinet, raising her profile. Analysts say she has the backing of Zuma s well-established patronage network as well as organizations such as the party s Women s League. Ramaphosa is a trade unionist-turned-business tycoon who has the backing of a diverse group of unions, communists and investors who do not always see eye to eye but want to rid the ANC of Zuma s influence and legacy. The opposition has long accused Zuma of sleaze and influence-peddling while in office. He survived a no-confidence vote in parliament on Aug. 8 but 30 ANC lawmakers voted with the opposition, indicating deep divisions in the party that has dominated South African politics since the end of apartheid in 1994. ",worldnews,"September 10, 2017 ",1 +Sea surges may devastate parts of Florida: Governor Scott,"WASHINGTON (Reuters) - A powerful sea surge will accompany Hurricane Irma as the storm moves through Florida, and that blast of ocean water could badly damage coastal areas, Florida Governor Rick Scott said. I am very concerned about the west coast, Scott said of Florida s western shoreline that faces the Gulf of Mexico and is being hit hard by Irma. Scott was talking on Fox News Sunday. Later, on ABC News, Scott said: This storm surge is just deadly. ",worldnews,"September 10, 2017 ",1 +Netherlands PM: Death toll from Irma on Dutch Saint Martin rises to four,"AMSTERDAM (Reuters) - Netherlands Prime Minister Mark Rutte said on Sunday that the death toll from Hurricane Irma on the Dutch part of the island of Saint Martin has risen to four. In a first estimate on Friday, the government said that two people had died and 34 had been wounded, 11 seriously, as a result of the storm. ",worldnews,"September 10, 2017 ",1 +Syrian Democratic Forces say reach Deir al-Zor industrial zone: statement,"BEIRUT (Reuters) - The U.S.-backed Syrian Democratic Forces Alliance reached an industrial zone miles to the east of Deir al-Zor city in rapid advances against Islamic State militants on Sunday, it said in a statement. The SDF announced on Saturday it had launched an operation against the jihadists in northern and eastern parts of Deir al-Zor province, which borders Iraq. The advances bring the SDF to within 15 km (10 miles) of the Syrian army and its allies, which this week broke a years-long Islamic State siege of government-held parts of Deir al-Zor on the other side of the Euphrates river. ",worldnews,"September 10, 2017 ",1 +"Turks safe in Germany, Merkel says, dismissing Ankara's warning","DELBRUECK, Germany (Reuters) - Turks can safely come to Germany, Chancellor Angela Merkel said on Sunday, dismissing a warning from Ankara that its citizens should take care when traveling there due to what it said was an increase in anti-Turkish sentiment. Tensions between Berlin and Ankara have been bubbling for months and Turkey s warning on Saturday came after Germany s foreign ministry said on Tuesday Germans traveling to Turkey risked arbitrary detention even in tourist areas. I want to say very clearly that all Turkish citizens can travel here, Merkel said in the northwestern German town of Delbrueck during a campaign event ahead of a Sept. 24 election. No journalists get arrested here and no journalists get put in custody. Freedom of opinion and the rule of law prevail here and we re proud of that, Merkel said. She pointed to German-Turkish journalist Deniz Yucel, who has been detained in Turkey for more than 200 days. He is one of 12 German citizens now in Turkish detention on political charges, four of them holding dual citizenship. We think there s no justification at all for him being in prison and the same applies to at least 11 other Germans, Merkel said. Merkel, who infuriated the Turkish government last weekend by saying she would seek an end to Turkey s membership talks with the European Union, is expected to win a fourth term in the upcoming election. Polls give her conservatives a double-digit percentage lead over their rival Social Democrats (SPD). ",worldnews,"September 10, 2017 ",1 +Merkel optimistic EU dispute over refugee distribution will soon end,"BERLIN (Reuters) - German Chancellor Angela Merkel said she was optimistic that a dispute over how to distribute asylum seekers in the EU would soon be resolved after a court ruled on Wednesday that member states must take in a share of refugees who reach Europe. Speaking to the Frankfurter Allgemeine Sonntagszeitung (F.A.S.) newspaper two weeks before a national election in which she is expected to win a fourth term, Merkel said she welcomed the court s decision. Separately, the newspaper also reported that in negotiations between member states about redistribution, a compromise was starting to emerge which would link accepting refugees to payments that would come from the EU. The vast majority of EU states had not filed a complaint about redistribution and do not take the view that they never want to take in a refugee so I think there s an opportunity to achieve a distribution of refugees that shows solidarity in the not too distant future, Merkel said in the F.A.S. interview. In its ruling, the EU s highest court dismissed complaints by Slovakia and Hungary over the mandatory quotas introduced in 2015 to relocate asylum seekers from Greece and Italy. Immigration has been a key issue during campaigning for Germany s Sept. 24 election. In the interview, Merkel said it was important to show solidarity in dealing with the migration crisis because otherwise there would be no solidarity on other issues in the EU and that would be bitter for the cohesion of Europe . The newspaper reported that in negotiations between member states about redistribution, a compromise was starting to emerge which would link accepting refugees to payments that would come from the EU. Citing sources involved in the negotiations, F.A.S. said EU member states had developed ideas such as solving the dispute by creating an incentive system in which the EU would give countries 60,000 euros for each refugee they take in. If an EU member state undercuts its quota by more than half, the 60,000 euros per person should be withdrawn, it said. As the distribution mechanism would be for a maximum of 200,000 refugees per year, it would cost up to 12 billion euros, the newspaper said. It would also be possible to put border guards or national asylum officers in overburdened states so they take in fewer migrants, the newspaper said. Interior Minister Thomas de Maiziere had told a Saturday newspaper that social benefits for asylum seekers in Germany were quite high and needed be harmonized across Europe. ",worldnews,"September 10, 2017 ",1 +Irma makes landfall at Cudjoe Key in lower Florida Keys,"(Reuters) - The center of Hurricane Irma made landfall at Cudjoe Key in the lower Florida Keys at 9:10 EDT (1310 GMT), the National Hurricane Center said on Sunday. ",worldnews,"September 10, 2017 ",1 +Russia urges dialogue to solve Gulf crisis,"JEDDAH (Reuters) - Arab countries and Qatar should enter into direct talks to solve a diplomatic dispute, Russia s foreign minister said on a trip to Saudi Arabia on Sunday, urging all parties to restore regional unity. Saudi Arabia, Bahrain, the United Arab Emirates and Egypt severed ties with Qatar on June 5, accusing it of supporting terrorist groups - a charge it denies. We have confirmed our position (that we are) in favor of settling the disagreements by means of negotiations, by directly expressing concerns and achieving solutions which would take into account the concerns and the interests of all parties, the minister, Sergei Lavrov, told a news conference in Jeddah. We are interested in all those mediatory efforts that are currently being made producing results and the unity of the Gulf Cooperation Council (GCC) being restored, he added. Kuwait and the United States have been mediating to reach a breakthrough in the three-month long crisis that has put the whole region on edge, and prompted Turkey to send troops to the wealthy Gulf state in a sign of support. Last week, Saudi Arabia suspended any dialogue with Qatar, accusing it of distorting facts , just after a report of a phone call between the leaders of both countries suggested a breakthrough in the Gulf dispute. Saudi Foreign Minister Adel al-Jubeir told the news conference that Qatar needed to show seriousness in finding a solution to the crisis. We want clarity in the Qatari position, we want seriousness in finding a solution to this crisis that leads to the implementation of principles which all countries support: no supporting terrorism, no welcoming unwanted guests, no spreading hate, no intervention in others affairs, Jubeir said. The two ministers also discussed the planned de-escalation zones in Syria and unification of the Syrian opposition. The kingdom supports the creation of de-escalation zones and looks forward to starting a political process that will end the Syrian crisis, Jubeir said. President Bashar al-Assad s negotiators have not met directly with the opposition because there is no unified delegation from the High Negotiations Committee (HNC) and two other groups, known as the Cairo and Moscow platforms, all claim to represent the opposition. ",worldnews,"September 10, 2017 ",1 +"More than 300 Syrian refugees rescued, arrive in Cyprus","NICOSIA (Reuters) - Two boats crowded with 305 Syrian refugees arrived in Cyprus overnight, police said on Sunday, one of the largest group landings of migrants to the island since the outbreak of the Syrian war in 2011. The vessels were tracked sailing to the north-west of the island and were thought to have set off from the Turkish coastal city of Mersin. For their safety they were towed to harbor, a police spokesman said. One of the vessels had been taking in water, the spokesman added. Cyprus is the closest European Union member state to Syria, yet many fleeing conflict have largely avoided the island because it has no direct easy access to the rest of the continent. The single largest group arrival since the Syrian conflict started was 345 people who were rescued in September 2014. Police said they were questioning a 36 year old Syrian man believed to have been steering one of the vessels. The others would be taken to a reception center west of the capital, Nicosia. The Syrians, who included many minors, appeared in good health. A woman and her infant were taken to hospital for precautionary reasons, the spokesman added. ",worldnews,"September 10, 2017 ",1 +Australia gay marriage rally draws record crowd ahead of postal vote,"SYDNEY (Reuters) - More than 20,000 people rallied in Sydney on Sunday urging the legalization of same-sex marriage, days ahead of a contentious postal survey on the issue that has divided the country. Organizers said the gathering was Australia s largest gay rights demonstration, as a diverse range of people clad in rainbow colors converged on the heart of the city to insist on equal rights. We re blown away by the response, Cat Rose from Community Action Against Homophobia said. The force we ve shown today puts us in a good stead to win this battle over the next couple of months. Though the postal ballot is non-binding, a yes vote is expected to lead to the legalization of same-sex marriage which could further fracture the government of Prime Minister Malcolm Turnbull. Ballots will be mailed out from Sept. 12, with a result expected some time in November. The country s Opposition Leader, Bill Shorten, said it was the law that had to change, not the gay community. We ve got one last mountain to climb before we make marriage equality a reality. Let s climb it together, today, he said. Turnbull, who has said he will be voting in support of same-sex marriage, told a gathering of the Liberal and National parties faithful on Sunday that the issue was one where everyone is entitled to an opinion. Many people will vote yes , as I will, because they believe the right to marry is a conservative ideal as much as any other principle, he said. His words were in contrast to those of one of his party s previous leaders, former prime minister John Howard, who officially launched the no campaign on Saturday. Howard said in a statement on the website of the Coalition for Marriage that there could not be changes to social institutions without wider consequences. I believe there is a conflict here between those seeking the right for same-sex marriage and the rights of the child, and I believe the right of the child to have a mother and father should be preserved, he said. The coalition, the lead campaigner against same-sex marriage, did not respond to requests for comment. It includes the Australian Christian Lobby and the Greek Orthodox Archdiocese of Australia. However, yes campaigner Kerryn Phelps, the former chief of the Australian Medical Association, said the survey was about unifying the nation. What we want is to see Australians united in marriage equality and united in fairness for all Australians, she said. Rally attendees Stephen Madden, 55, and David Long, 47, have been together for 21 years and want to get married. We ve had the world s longest engagement, Long said. My mum would really like to have a legal son-in-law, Madden added. The Sydney event followed a similar rally in Melbourne last month which organizers said was attended by 15,000 people. Police declined to comment on the numbers at both rallies. Australia is one of the only developed English-speaking countries not to have legalised same-sex marriage, despite strong popular support and the backing of a majority of lawmakers. ",worldnews,"September 10, 2017 ",1 +FEMA chief says Irma path is 'worst-case scenario' for Florida Keys,"WASHINGTON (Reuters) - The new path forged by Hurricane Irma posed a severe threat to Florida s west coast and the Florida Keys, the head of the U.S. federal emergency agency said on Sunday, and the storm was bringing tornado watches and warnings around the state. This is a worst case scenario for Monroe County, the Florida Keys and the west coast of Florida, Brock Long, administrator of the Federal Emergency Management Agency, told the Fox News Sunday program. Any time you re in that northeast quadrant as the storm is moving forward, that s where the maximum radius winds are that define the intensity of the storm, he said. That s where the storm surge is most prevalent and the inland winds are going to be tough. ",worldnews,"September 10, 2017 ",1 +Cambodian opposition party to boycott parliament vote on leader,"PHNOM PENH (Reuters) - Cambodia s main opposition party will boycott a parliamentary vote to strip their detained leader of immunity on Monday and will instead go to Kem Sokha s jail to demand his release, one of his deputies said on Sunday. Kem Sokha, the head of the Cambodian National Rescue Party (CNRP), was arrested a week ago and charged with treason for allegedly plotting to win power with the support of the United States, escalating a crackdown on critics of Prime Minister Hun Sen and independent media ahead of a general election next year. Two aid groups run by the publisher of the Cambodia Daily, shut a week ago in a dispute over a crippling tax bill, said they were suspending work after their accounts were frozen. Parliament is due to vote on whether to remove the immunity from prosecution which Kem Sokha gets as an elected member of parliament. The ruling Cambodian People s Party s (CPP) majority means the motion is certain to pass anyway. CNRP deputy leader Mu Sochua said the parliament vote was illegal. We can t accept this. We will demand that Kem Sokha, who has not done anything wrong, be released, she said, adding members of parliament would hold a protest at the prison where he is being held near the border with Vietnam. CPP spokesman Sok Eysan said the opposition boycott would be unconstitutional, but the CPP had enough votes to strip Kem Sokha of his immunity anyway. Hun Sen, a 65-year-old former Khmer Rouge commander, has ruled Cambodia for more than 30 years and said last week he planned to stay in power for another decade. Next year s election had been expected to be his toughest electoral test, but Western countries and human rights groups have raised doubts as to whether the vote will be fair. They have criticized Kem Sokha s arrest, but China has given its backing to close ally Hun Sen. The evidence presented against Kem Sokha so far is a video recorded in 2013 in which he discusses a strategy to win power with the help of unspecified Americans. His lawyers have dismissed the evidence as nonsense and said he was only discussing election strategy. In recent weeks, Hun Sen has also expelled the National Democratic Institute, a non-governmental organization that promotes democracy, and ordered 19 radio stations off the air. The independent English-language Cambodia Daily shut last week after being given a month to pay a $6.3 million tax demand. Japan Relief for Cambodia and World Relief for Cambodia, aid groups financed by the paper s publisher, said their accounts had been frozen and they would have to suspend building schools and teaching English and computing to thousands of pupils. ",worldnews,"September 10, 2017 ",1 +Prominent Russian journalist leaves country after threats,"MOSCOW (Reuters) - Prominent Russian political commentator and writer Yulia Latynina has left Russia fearing for her life, she told a Moscow radio station. Latynina s car was set on fire at the beginning of September, weeks after unidentified assailants sprayed a poisonous substance on her house outside Moscow and the car. I m quite scared ... I m terrified that the people who did it were prepared for fatalities, Latynina said of the arson. I m abroad, my parents are also abroad. It s unlikely I ll be going to Russia soon, she told the Echo of Moscow radio station late Saturday. Latynina, who works as a columnist at the Novaya Gazeta newspaper, has been critical of the Kremlin s policy in the Chechnya republic in the Caucasus, as well as the local authorities. Last year, Latynina was attacked in the center of Moscow. ",worldnews,"September 10, 2017 ",1 +"One killed, several injured in bridge collapse in eastern India","BHUBANESWAR, India (Reuters) - At least one person was killed and several others injured when an under-construction flyover bridge collapsed on Sunday in eastern India, officials said. A portion of the bridge collapsed in Bhubaneswar, the capital of Odisha state where over a dozen workers were working. We have suspended two engineers who were supervising the work, engineer-in-chief and secretary of Odisha s works department Nalini Kanta Pradhan told Reuters. An inquiry has been ordered into the bridge collapse and appropriate action would be taken, said Naveen Patnaik, the chief minister of the state. ",worldnews,"September 10, 2017 ",1 +UK police release two of group arrested over suspected far-right terrorism,"LONDON (Reuters) - Two men arrested on suspicion of belonging to a banned far-right group and planning terrorist acts have been released without charge, British police said on Sunday. The men were among five, including some serving soldiers, arrested on Sept. 5 as part of a pre-planned, intelligence-led operation. They were detained on suspicion of being involved in the commission, preparation and instigation of acts of terrorism and of being members of neo-Nazi organization the National Action group. Two men arrested by officers from West Midlands Police Counter Terrorism Unit on suspicion of terrorism offences have been released from custody ... without charge following enquiries, West Midlands Police said in a statement. Three other men ... continue to remain in police custody. Detectives have been granted extra time to question the men. ",worldnews,"September 10, 2017 ",1 +UK publisher rejected request to block academic articles in China," (This Sept 8 story corrects headline, clarifies timing of request in paragraph 3.) By Fanny Potkin and Michael Martina LONDON/BEIJING (Reuters) - Britain s Cambridge University Press has rejected a request from its Chinese state-owned importer to block online access in China to scholarly articles from the American Political Science Review. A request was indeed made by the Chinese importer, but was not acted upon by Cambridge University Press, so no content was blocked, a spokeswoman for CUP said in an emailed statement. CUP later clarified that the request had been made early last month. China s State Council Information Office told Reuters on Friday that importers of foreign publications must verify that the products are legal. In August, CUP, the publishing arm of the elite Cambridge University, reversed a decision to block online access in China to several hundred articles and book reviews in the China Quarterly, a leading academic journal on Chinese affairs that has been published since the 1960s. It said it had blocked the articles, which covered sensitive topics including the 1989 Tiananmen Square democracy protests, the 1966-76 Cultural Revolution and Tibet, in order to keep its other academic and educational materials available in China. Academics called the decision an affront to academic freedom. The State Council Information Office, responding by fax two weeks after a Reuters request for comment, said that publishers choose for themselves to import materials based on market demand and the law. All publications imported into China s market must adhere to Chinese laws and regulations. Publication importers are responsible for checking the content of their imported publications, it said, without mentioning CUP. ",worldnews,"September 8, 2017 ",1 +"Weeks after row over academic articles, China says imported publications must be legal","BEIJING (Reuters) - Chinese importers of foreign publications must verify the products are legal, China said on Friday, weeks after a British academic publisher which blocked access to hundreds of scholarly articles in the country reposted the material. Cambridge University Press (CUP) said in August that it had removed some 300 papers and book reviews published in the China Quarterly journal from its website in China following a request from the Chinese government. It said it had blocked the articles, which covered sensitive topics, including the 1989 Tiananmen Square democracy protests, the 1960s Cultural Revolution and Tibet, in order to keep its other academic and educational materials available in the country. The move sparked an outcry from academics, who attacked the decision as an affront to academic freedom. CUP, the publishing arm of Britain s elite Cambridge University, later reversed its decision and reposted the articles. China s State Council Information Office, responding by fax two weeks after a Reuters request for comment, said that publishers choose for themselves to import materials based on market demand and the law. All publications imported into China s market must adhere to Chinese laws and regulations. Publication importers are responsible for checking the content of their imported publications, it said without elaborating. It did not mention CUP. At the time, China s education ministry, foreign ministry, cyberspace administration and state publishing authority all declined to comment. The ruling Communist Party s efforts to censor news and information have sometimes backfired or left outsiders perplexed. In 2009, software designed to check pornographic and violent images on PCs blocked images of a movie poster for cartoon cat Garfield, dishes of flesh-colour cooked pork and on one search engine a close-up of film star Johnny Depp s face. But under President Xi Jinping, Beijing has stepped up censorship, tightened controls on the internet and various aspects of civil society, and reasserted party authority over academia and other institutions. ",worldnews,"September 8, 2017 ",1 +"UK doesn't need Brexit to curb EU immigration, says former PM Blair","LONDON (Reuters) - Britain could bring in tough new controls on immigration from the European Union without actually having to leave the bloc, former prime minister Tony Blair said on Sunday. Concerns over the impact of high levels of immigration on public services and housing were cited as a factor by many who voted to leave the EU in last year s referendum. Prime Minister Theresa May s Conservative government has said free movement of EU citizens coming to Britain must end. Many Brexit supporters blame Blair s government, which allowed citizens of former communist states to settle immediately in Britain despite a long transition period implemented by other EU countries, for a big influx of EU migrants from 2004. There is no diversion possible from Brexit without addressing the grievances that gave rise to it. Paradoxically, we have to respect the referendum vote to change it, Blair, who has said Brexit can and should be stopped, wrote in the Sunday Times newspaper. We can curtail the things that people feel are damaging about European immigration, both by domestic policy change and by agreeing change within Europe to the freedom of movement principle, added Blair, who led a Labour government for a decade from 1997. Asked about Blair s proposals, defense minister Michael Fallon said the government had to get on with delivering Brexit. The country has taken its decision, we are leaving the European Union now and that means freedom of movement has to end ... there have got to be restrictions on those coming here, he told BBC Television. A leaked government document last week said Britain was considering measures to restrict immigration for all but the highest-skilled EU workers, plans some companies called alarming. A paper published on Sunday by Blair s Institute for Global Change said the government could take steps including registering EU migrants when they arrive to keep track of whether they meet EU rules about finding work. EU migrants could also be forced to show evidence of a job offer before being allowed to enter Britain, and those without permission to reside could be banned from renting, opening a bank account or accessing welfare benefits, it said. The paper also proposes seeking an emergency brake to implement temporary controls on migration when services are stretched a strengthened version of a deal offered to former Prime Minister David Cameron ahead of the referendum. ",worldnews,"September 10, 2017 ",1 +Suicide bomber kills six people in central Somalia: police,"MOGADISHU (Reuters) - At least 6 people died on Sunday after a suicide bomber blew himself up in a restaurant just outside a senior official s office in the central Somali city of Beledweyne, police and residents said. The al Qaeda-linked al Shabaab group said it was behind the attack. At least six people died and several others were wounded. A suicide bomber blew up himself in a restaurant, major Hussein Osman, a police officer told Reuters from Beledweyne. The Sunday afternoon blast took place outside the office of the governor of the Hiran region, where he was holding a meeting, police and residents said. We are behind the attack at the Hiran governor s headquarters. There are casualties. We targeted the workers of the Hiran administration, said Abdiasis Abu Musab, al Shabaab s military operation spokesman. Beledweyne is about 340 km north of Mogadishu. Residents said clan elders were among the dead. The suicide bomber who had an explosive jacket stood inside the restaurant and blew up himself. We were heading to a meeting in the governor s office when it happened, Farah Ali, a local elder, told Reuters. Somalia has been at war since 1991, when clan-based warlords overthrew dictator Siad Barre and then turned on each other. Al Shabaab has in the past carried out frequent attacks in Mogadishu and other parts of Somalia in a bid to topple the country s Western-backed government and drive out African Union peacekeeping troops. Al Shabaab also wants to impose its strict interpretation of Islam in Somalia. ",worldnews,"September 10, 2017 ",1 +NATO's Stoltenberg says North Korea's 'reckless behavior' requires global response,"LONDON (Reuters) - North Korea s reckless behavior is a global threat and requires a global response, the head of the NATO military alliance said on Sunday. NATO has not been directly involved in the crisis, which saw Pyongyang carry out its sixth and most powerful nuclear test a week ago, but has repeatedly called on North Korea to abandon its nuclear and ballistic missile programs. The reckless behavior of North Korea is a global threat and requires a global response and that of course also includes NATO, NATO head Jens Stoltenberg said in an interview with BBC television. Asked whether an attack on the U.S. Pacific territory of Guam would trigger NATO s Article 5, which requires each member of the alliance to come to the defense of any other, Stoltenberg said: I will not speculate about whether Article 5 will be applied in such a situation. We are now totally focused on how can we contribute to a peaceful solution of the conflict, he said. There is no easy way out of this difficult situation, but at the same time we have to ... continue to work for political solution, continue to press also the economic sanctions. The United States and its allies had been bracing for another long-range missile launch in time for the 69th anniversary of North Korea s founding on Saturday, but no fresh provocations were spotted while the North held numerous events to mark the holiday. Throughout last week, South Korean officials had warned the North could launch another intercontinental ballistic missile in defiance of U.N. sanctions and amid escalating tensions with the United States. British defense minister Michael Fallon also told the BBC he was very concerned about the situation. We are doing now what we can to bring about a diplomatic solution, what we have to avoid at all costs is this spilling over in to any kind of military conflict, he said. The U.S. is fully entitled to defend its own territory, to defend its bases and to look after its people but this involves us, London is closer to North Korea and its missiles than Los Angeles. Fallon said he did not believe North Korea currently had a missile capable of hitting London but said the missile program was accelerating and their range was getting longer and longer . We have to get this program halted because the dangers now of miscalculation, of some accident triggering a response are extremely great, he said. ",worldnews,"September 10, 2017 ",1 +"North Korea's Kim Jong Un fetes nuclear scientists, holds celebration bash","SEOUL (Reuters) - North Korean leader Kim Jong Un hosted a massive celebration to congratulate his nuclear scientists and technicians who steered the country s sixth and largest nuclear test a week ago, its official news agency said on Sunday. The United States and its allies had been bracing for another long-range missile launch in time for the 69th anniversary of North Korea s founding on Saturday, but no fresh provocations were spotted while the North held numerous events to mark the holiday. Throughout last week, South Korean officials had warned the North could launch another intercontinental ballistic missile in defiance of U.N. sanctions and amid an escalating standoff with the United States. Washington told the U.N. Security Council on Friday to call a meeting on Monday to vote on a draft resolution establishing additional sanctions on North Korea for its missile and nuclear program. Japanese Defense Minister Itsunori Onodera said it was vital to put pressure on North Korea through additional sanctions, including blocking or slowing its fuel supplies. If we put firm pressure on North Korea such that it realizes it cannot develop missiles, it will accept dialogue and we can progress with diplomatic efforts, Onodera told public broadcaster NHK on Sunday. Unless we firmly apply pressure, North Korea will not change its direction. KCNA said Kim threw a banquet to laud the nuclear scientists and other top military and party officials who contributed to the nuclear bomb test last Sunday, topped with an art performance and a photo session with the leader himself. KCNA did not specify when the banquet had been held, but analysts said it had likely been on Saturday. Photos released on Sunday by KCNA showed the young leader breaking into a broad smile at the People s Theater with two prominent scientists: Ri Hong Sop, head of North Korea s Nuclear Weapons Institute, and Hong Sung Mu, deputy director of the ruling Workers Party of Korea s munitions industry department. Ri and Hong have played vital roles in the North s nuclear program, appearing at close distance to Kim during field inspections and weapons tests, including the latest nuclear test. Ri is a former director of Yongbyon Nuclear Research Center, North Korea s main nuclear facility north of Pyongyang, where Hong also worked as a chief engineer. North Korea had said the latest test was an advanced hydrogen bomb. There was no independent confirmation but some Western experts said there was enough strong evidence to suggest the reclusive state has either developed a hydrogen bomb or was getting very close. KCNA said on Sunday the scientists and technicians brought the great auspicious event of the national history, an extra-large event through the perfect success in the test of H-bomb . Kim praised the developers in his own remarks as taking the lead in attaining the final goal of completing the state nuclear force in line with his parallel pursuit of nuclear and economic development. The recent test of the H-bomb is the great victory won by the Korean people at the cost of their blood while tightening their belts in the arduous period, Kim was quoted as saying. Ri and Hong s roles have also been noted overseas, prompting the United Nations, the United States or South Korea to blacklist them. Aside from the elite, rank-and-file North Koreans also commemorated the anniversary on Saturday by visiting the Kumsusan Palace of the Sun, which houses the embalmed bodies of founding father Kim Il Sung and his son and successor Kim Jong Il. KCNA said service personnel and civilians, including children, laid floral baskets and bouquets at the statues of the deceased leaders across the country, while enjoying art performances and dancing parties. ",worldnews,"September 10, 2017 ",1 +Rohingya refugees in Pakistan fear for relatives in Myanmar,"KARACHI (Reuters) - For an estimated 300,000 Rohingya Muslims living in squalor in Pakistan s largest city, the news from Myanmar in the past two weeks is reviving painful memories of the violence that drove many of them here half a century ago. Some say they have got word of relatives being killed in Myanmar s Rakhine state or are not being able to contact family members. Karachi s Rohingya community comprises migrants from an earlier era of displacement dating back to the 1960s and 70s. Despite decades in a foreign land, they have stayed in touch with family back home, especially in recent years through mobile phones and social media. In the past two weeks, nearly 300,000 Rohingya have fled to Bangladesh after the Myanmar military launched an offensive in response to a series of attacks by Rohingya insurgents on police posts and an army base. Hundreds of homes in Rohingya villages have been burned and about 400 people have been killed. The older members of Karachi s Rohingya community fled from a repressive military regime that took power in 1962, escaping on foot or by boat to Bangladesh, which was then East Pakistan. Eventually, they made their way to Karachi. Most of the people living in the slum called Arakanabad were born in Pakistan, or fled violence in their homeland decades ago. It s named for Arakan, which was what Rakhine used to be called. Raheela Sadiq, a more recent migrant who came to Pakistan 15 years ago, said she has been unable to contact relatives in Rakhine via mobile phone for nearly two weeks. I have seen what is happening to people over there on the internet, she said as tears filled her eyes. Videos and pictures depicting violence in Rakhine and shared on social media are passed around quickly in Arakanabad, adding to fears and anxiety about relatives back home. Fisherman Noor Mohammed, 50, said three members of his family in Rakhine were killed a few days ago. My brother, brother-in-law, and nephew were there (in Rakhine). They are all dead now. The army over there killed them, he said, adding that he heard the news from another nephew who is still alive. Hoor Bahar, 60, said she left Rakhine with her husband over 30 years ago when her mother and sister were killed. I have one sister left who went to Bangladesh seven to 10 days ago, she added. However, she said, her sister is being held on a beach by boatmen who brought her from Rakhine and are demanding $350 as payment. Arakanabad smells of fish. The Rohingya who live here largely work on fishing boats, or clean the catch brought by fishermen who set sail from the nearby Korangi Creek. Most of them say they are not able to obtain Pakistani identity cards, essential for opening bank accounts, enrolling children in schools, using public hospitals, and even getting a job. Fishing boats, where identity cards are not asked for, are one of the few employment options left although fishermen can sometimes be asked for identification by coast guards. There is no policy in Pakistan for the Rohingya, said Noor Hussain, the Pakistan head of the Rohingya Solidarity Organization, pointing out that the without state-issued identity cards the community cannot progress. Thousands of Rohingya families are crammed into the one-room cement brick houses that line the narrow streets of Arakanabad. Children play amidst knee-high garbage, and crowd around to share slices of jello topped with sugar, or other sweetmeats sold by hawkers. The community is living in extremely difficult circumstances, and our youth is being destroyed because they cannot get an education, said Hussain. Despite the poverty, the community raised around 1.5 million rupees ($15,000) over the Eid al-Adha holidays earlier this month to help refugees fleeing Rakhine. Our community is not a burden on Pakistan, Hussain said. The government of Pakistan is making millions of dollars by exporting the fish our people catch, he said, adding that giving citizenship rights to the Rohingya would only benefit the country. ",worldnews,"September 10, 2017 ",1 +Nancy Hatch Dupree 'Grandmother of Afghanistan' dies in Kabul,"KABUL (Reuters) - Nancy Hatch Dupree, a historian from the United States who helped set up the Afghanistan Centre at Kabul University, has died in the country whose culture she worked for more than five decades to preserve, the university said on Sunday. She was 89. Dupree arrived in Kabul in 1962 as a diplomat s wife but soon divorced and married Louis Dupree, an archaeologist celebrated for his adventurous exploits and groundbreaking discoveries of Paleolithic Afghan tools and artifacts. For the next 15 years, they traveled across Afghanistan by Land Rover as Louis Dupree excavated prehistoric sites and Nancy wrote a series of witty and insightful guidebooks to a country since torn apart by decades of warfare. She called herself an old monument and a lot of Afghans called her the Grandmother of Afghanistan, said Wahid Wafa, Executive Director of the Afghanistan Centre. She understood and knew Afghanistan much better than anybody else. A fixture in the social scene of Kabul during the 1970s, a now-vanished world of smart cocktail parties and mini-dresses, they were forced to leave in 1978 after the Soviet-backed government accused Louis Dupree of being a spy. Her husband died in 1989 and much of the time before her return to Afghanistan in 2005 was spent in Pakistan, where as well as briefly meeting Osama Bin Laden and working with the growing number of war refugees, she assiduously gathered as much documentation on Afghanistan as she could. In 2005, after the fall of the Taliban and the installation of a new Western-backed government in Kabul, she returned with some 35,000 documents wrapped up in fertilizer bags, which became the basis for the Afghanistan Centre archive. A prolific writer, she was director of the Centre between 2006 and 2011 and continued to go into her office after she stepped down, remaining an institution in the cultural life of Kabul and receiving a stream of visitors. It was Nancy s aim to preserve Afghanistan s heritage, said Wafa. She was a very funny, interesting person who loved to talk to anyone coming to visit. She was kind, she was very giving with the information she had and she was always lobbying for the Afghanistan she first knew. While she could be waspishly critical of both blundering Westerners and Afghans she felt were promoting a bigoted version of their culture, she retained her faith in her adopted country to the end, Wafa said. Despite the 40 years of war in Afghanistan she was always hopeful of the future and hopeful for the future of the new generation in Afghanistan. ",worldnews,"September 10, 2017 ",1 +Israeli jets break sound barrier in south Lebanon causing damage,"BEIRUT (Reuters) - Israeli jets flew low over the city of Saida in southern Lebanon on Sunday causing sonic booms that broke windows and shook buildings for the first time in years, security sources and residents said. Israeli warplanes regularly enter Lebanese airspace, the Lebanese military says, but rarely fly so low. The Israeli military gave no immediate comment. The sonic booms also caused panic in Saida, residents said. Tension has risen between Lebanon s Shi ite group Hezbollah and Israel, which last fought a war in 2006. Hezbollah has played down the prospects of another imminent conflict but warned it could take place on Israeli territory, and said its rockets could hit targets anywhere in Israel. Israel s air force chief has said it would use all its strength in a future war with Hezbollah. The 2006 war killed 1,200 Lebanese, mostly civilians, and 160 Israelis, mostly soldiers. ",worldnews,"September 10, 2017 ",1 +Netanyahu's son under fire over 'anti-Semitic' imagery on Facebook,"JERUSALEM (Reuters) - From an argument over dog poo to an alleged anti-Semitic caricature he posted on Facebook, Yair Netanyahu, the Israeli prime minister s 26-year-old son, is courting controversy with his social media activity. The criticism of Netanyahu in Israel is turning into a sideshow to more weighty events: criminal investigations into corruption allegations against his father and mother. They both deny any wrongdoing. The young Netanyahu is widely seen in Israel as being groomed by his parents as a future political leader and the Facebook posts have attracted particular public interest. On Saturday, he posted a cartoon using what the Anti-Defamation League, which monitors anti-Semitism worldwide, described as anti-Semitic imagery in a Facebook post mocking some of his father s critics. It included a depiction of U.S. billionaire George Soros at the top of a food chain, dangling the world in front of both a reptile and former prime minister Ehud Barak, a frequent critic of Netanyahu. Jewish financiers controlling the world is a well-known anti-Semitic theme. Soros supports left-wing and human rights organizations that have been highly critical of Israel and its treatment of Palestinians. The Israel office of the Anti-Defamation League denounced the cartoon on Twitter, writing: The caricature posted by Yair Netanyahu includes explicit anti-Semitic elements. One cannot belittle the danger inherent in an anti-Semitic discourse. In further Facebook posts following criticism for posting the cartoon, Yair Netanyahu, who is a university student, condemned the Israeli left for being two-faced in trying to silence him. A family spokesman said Yair Netanyahu would not be making any other comment. The prime minister refused to ask questions from reporters about the post on Sunday morning at the start of his weekly cabinet meeting. Last month, the son made another headline-grabbing post after a protester was killed during a white nationalist rally in the U.S. state of Virginia. It appeared to suggest that hard-left organizations now pose more of a danger than neo-Nazi groups, which he wrote are a dying breed. In July, Netanyahu junior found himself in a bizarre social media row over dog poo. A neighbor of the family said on Facebook that Yair, who lives with his parents, responded with an obscene gesture and walked away after she had asked him to clean up the mess left by the dog he was walking in a park. The post went viral. A family spokesman said at the time that the woman had behaved aggressively and Yair does not know if Kaiya (the dog) did defecate as (she) alleges . Some critics in Israel suggested Netanyahu s online activities were meant to deflect attention from his parent s legal troubles. On Friday, Israel s attorney-general said he was considering indicting Sara Netanyahu on suspicion of using state funds for personal dining and catering services amounting to some $100,000. Benjamin Netanyahu, who has served as prime minister for 11 years, spread over four terms, is being investigated by police in two corruption cases. ",worldnews,"September 10, 2017 ",0 +"Koreans in Japan wary of tensions with North, worry about backlash","OSAKA, Japan (Reuters) - Ethnic Koreans living in Japan are nervously watching growing tensions over North Korea and are wary of a possible backlash against their community as Pyongyang ramps up its sabre-rattling. While public antipathy towards Koreans does not appear to have escalated in reaction to the North s latest nuclear test and missile launches, the community has been the target of abuse by Japanese nationalists after similar incidents in the past. The North conducted its most powerful nuclear test ever last week, and in late August fired a ballistic missile over Hokkaido in northern Japan in a new show of force. In the western Japanese city of Osaka home to the country s largest population of ethnic Koreans few are willing to talk publicly about North Korea, and those that do have mixed views on Pyongyang s actions. Pu Kyon Ja, owner of the store selling Korean traditional clothes and a second-generation Korean resident in Japan, said she felt the North s pursuit of nuclear weapons was a natural reaction against threats from the United States. I can t say this loudly but I secretly think well done on North Korea s development of missile and nuclear capabilities, she said. North Korea is under great pressure (from the international society), which I believe should end. I m watching over the current situation with great hope, she added. On the other hand, Chung Kap-su, another second-generation Korean in the town, said he hopes North Korea stops further provocations and pursues a peaceful path by seeking dialogue with South Korea. North Korea can t defeat (the United States), so I hope it changes its way. Some 453,096 South Koreans and 32,461 North Koreans lived in Japan last year, according to government data. Many were forced to move there during Japan s occupation of the Korean peninsula before and during World War Two. Japan passed an anti-hate law last year, which may be discouraging fresh acts of abuse against the community, but the issue still bears watching, said Moon Gyeong-su, professor of ethnic Korean studies at Ritsumeikan University in Kyoto. When North Korea launches missile or conducts nuclear tests, for example, Korean schools have been an easy target for bullies and accusations (in Japan), he added. ",worldnews,"September 10, 2017 ",1 +Wife of detained Taiwan activist to attend his trial in China,"TAIPEI (Reuters) - The wife and mother of detained Taiwanese rights activist Lee Ming-che were due to arrive in China on Sunday to attend his subversion trial on Monday, Taiwan s Mainland Affairs Council said in a statement, calling for Lee s safe return home. Lee, a community college teacher and pro-democracy and human rights activist, went missing during a March visit to China. Authorities later confirmed he had been detained, straining already-tense ties between the mainland and the self-ruling island. Authorities at the Intermediate People s Court of Yueyang city, in the central province of Hunan, said Monday s trial on suspicion of subversion of state power would be an open hearing. Chinese courts have video-streamed or live-blogged increasing numbers of proceedings in recent years as part of a push towards judicial transparency However, rights activists say that in sensitive cases, holding open hearings is a tool for authorities to demonstrate state power and that usually the defendant has agreed to an outcome. On Saturday, Lee s wife, Lee Ching-yu, asked during a news conference that supporters forgive her husband if he says something in court which disappoints them, as he might be required to give testimony against his own free will. On Sunday she declined to comment to a large media contingent as she checked into her flight at Taipei Songshan Airport, where she was to fly to Changsha, in Hunan province, via Shanghai. Taiwan s Mainland Affairs Council said it would do everything in its power to facilitate Lee s safe return. Our government s approach to this case has been predicated on preserving our country s dignity while ensuring Lee Ming-che s safety, it said. Lee s case has strained relations between Taipei and Beijing, which have been particularly tense since President Tsai Ing-wen, leader of Taiwan s independence-leaning Democratic Progressive Party, took office last year. Beijing regards the island as a breakaway province and it has never renounced the use of force to bring it back under mainland control. ",worldnews,"September 10, 2017 ",1 +"With Trump meeting, Malaysia's PM seeks to put 1MDB scandal behind him","KUALA LUMPUR (Reuters) - In a room packed with Malaysian civil servants, foreign ministry secretary general Ramlan Ibrahim raised his right hand as he read out an anti-corruption pledge. He was among thousands of state officials nationwide to take such an oath in the past several weeks, part of an anti-graft campaign called by Prime Minister Najib Razak. The citizens are becoming more informed they ask for public service which is more efficient, transparent and fair, Ramlan said after the event in Putrajaya, the administrative capital. The campaign comes as Najib prepares to meet President Donald Trump in the United States this week, where the Justice Department and the Federal Bureau of Investigation are pursuing investigations into 1Malaysia Development Berhad (1MDB), a state fund the prime minister oversaw. Najib must also call a general election by mid-2018 although some commentators have suggested he could do so this year itself. The Malaysian Anti-Corruption Commission (MACC) has arrested dozens of top officials under the anti-graft campaign, including officers at national oil company Petronas and state-controlled palm oil firm Felda. More than 600 arrests were made just this year, MACC data showed. The actions are unusual in the Southeast Asian country, where corruption is seen as widespread. Four out of five Malaysians aged 18-35 cited corruption as the most serious issue facing the country, according to a survey released last month by the Global Shapers Community, a programme under the World Economic Forum. But critics say the campaign ignores the elephant in the room: 1MDB. The state fund is being investigated in at least six countries for money-laundering and misappropriation of funds, including an alleged $681 million transfer into the prime minister s personal account. Malaysia s attorney-general closed the 1MDB probe in January 2016, and cleared Najib of any wrongdoing. The U.S. Justice Department has sought to seize about $1.7 billion in assets allegedly bought with stolen 1MDB funds. Its lawsuits say those involved included Najib s step-son Riza Aziz and his close associate Jho Low. In court filings last Tuesday, the FBI, which is conducting a criminal investigation, alleged that potential witnesses in the case fear for their safety and need protection. But investigations into 1MDB in Malaysia appear to have shut down. MACC had a roomful of files on 1MDB, a former MACC official told Reuters, but the commission could not pursue it once Malaysia s attorney-general declared the case closed. In a way, this campaign is the MACC trying to show that it is doing its job. Even if they cannot secure a conviction (against their targets), the MACC can show that it has done all it could to stamp out major corruption, said the former official, who declined to be identified due to the sensitivity of the matter. Cynthia Gabriel, director of the Kuala Lumpur-based Center to Combat Corruption and Cronyism (C4), said there was enough substance for MACC to reopen the case on 1MDB. MACC declined to comment on whether the commission would reopen its 1MDB investigation. No comment on that, we are very fair in investigating anybody here, whoever they are, deputy chief commissioner Azam Baki told reporters in Putrajaya. Anti-corruption campaigners say they fear Trump s invitation to Najib to visit the United States may affect the investigations in the United States. Territorial influence and geopolitical interests of the United States appears to have hollowed out its commitment to fight international corruption, much to the detriment of the future of Malaysia and the world, Gabriel said. U.S.-based Human Rights Watch (HRW) said Trump s invitation was particularly inappropriate , given Najib s use of repressive laws to stifle critics. There s little doubt that Najib will use this White House visit to burnish his credentials going into next year s election in Malaysia, and redouble his repression of critics using the stamp of approval from this visit, HRW s deputy Asia director Phil Robertson told Reuters. Najib has said he hopes his visit will drum up more trade and investment for Malaysia. I would like to see this as a two way mutually beneficial partnership, he told reporters on Friday. I hope the U.S. sees Malaysia as a reliable partner on issues such as trade and investment, security partnership, counter terrorism and I also hope that U.S. companies see us as among the best countries to invest in. A government source said a defense agreement was also on the table, although no details were immediately available. Senior leaders of the ruling United Malays National Organisation (UMNO) are concerned the party may suffer election losses from the string of graft scandals linked to Najib, a source aware of discussions within the party said. With Najib and the MACC s clean-up campaign, the source said, the party hopes to appease Malaysians frustrated with the corruption and draw back foreign investors who fled as the probe into 1MDB expanded. Besides diverting attention from 1MDB, critics say Najib is also using MACC s anti-graft campaign to target political opponents such as Lim Guan Eng, an opposition leader who is the top elected official in Penang province. He has been charged with abuse of power in the purchase of a bungalow. You are going after all sorts of offences, but the biggest one, it stinks to high heaven, said Lim, the secretary-general of the Democratic Action Party. Everyone can smell it, except you. ",worldnews,"September 10, 2017 ",1 +Havana braced for floods after Hurricane Irma rakes Cuban keys,"HAVANA/CAIBARIEN (Reuters) - Hurricane Irma uprooted trees and tore off roofs in Cuba on Saturday with 125-mile-per-hour (200-km per hour) winds that damaged hotels in the island s best-known beach resorts and forced evacuations as far along the coast as low-lying areas of the capital Havana. Power was out and cellphone service was spotty in many regions as Irma neared the end of a 200-mile (320-km) trek westwards along the top of the island. It was forecast to head north toward Florida in the evening. In the fishing town of Caibarien, residents swept mud from beachside homes after storm surge drove 3 feet (1 meter) of seawater up the shore. In streets carpeted with fresh green seaweed as the water receded, people said it was the strongest cyclone ever to hit the town. Sheets of zinc that came flying into our backyard also damaged the kitchen wall and we lost many roof tiles, said Angel Coya, 52, adding he was optimistic that Cuba s Communist government would help repair the damage. We have to keep on. Irma s turn northward was expected to occur around 150 miles (240 km) east of the capital. Nevertheless, authorities shut off power in large parts of the city and evacuated some 10,000 people from central Havana near the Malecon seawall because of fears of flooding from the storm surge. By Saturday evening, the sea had penetrated two blocks over parts of the city s historic seafront boulevard, and the waters were expected to advance farther as the surge grew. Restaurants on the seaside drive pulled down their shutters and stacked sandbags against the storm. Still, many Cubans expressed a sense of relief after the eye of the first Category 5 storm to make landfall on the island since 1932 passed over the northern keys, just grazing the mainland with its full force. Honestly, I expected worse. I thought I would come back and find the roof gone, said Yolexis Domingo, 39, using a machete to hack the branches off a tree that fell in front of his house in Caibarien. Still, it is going to be a while before I can come back to live here. The water came up to a meter high and some of the roof flew off. Overnight, the storm pounded the chain of pristine keys and tourism resorts that stretch along the coast from central Camaguey province to Villa Clara province, and it was headed toward Varadero, Cuba s most famous beach getaway. Cayos Coco and Guillermo, the crown jewels of what is known as the King s Gardens, with 16 hotels frequented by Canadian and European tourists, sustained serious damage, local authorities in the area said. At least one bridge on a causeway to the area collapsed, and the communications tower for the keys was no longer standing. Dozens of coastal towns were damaged, with some reports of collapsed houses, though no deaths had been reported. This is a beautiful town but now it is a disaster, said local resident Sandro Sanchez, 27, walking through the main square after the hurricane had passed Remedios, in Villa Clara. Corrugated iron from roofs were strewn in the streets alongside rubble. Lampposts were bent double, plant pots smashed and the fronds of palm trees shredded. You can t do anything against nature, he said. We never had a storm wreak so much damage here. This is really a mess. On Saturday, Irma covered most of the island, the Caribbean s largest. Its force sent shockwaves and flooding inward. In the city of Camaguey, Anaida Morales said she just been through a night from hell with her mom, stepson and husband. The trees in the park in front of my house are down and others strewn all over the streets. Lots of roofs are gone and some houses collapsed. The river that runs through the city is about to flood, she said. The wind roared all night and it is still strong. I couldn t sleep. I m scared of hurricanes and this is the worst I have been through, she said. Morales said she made a phone call to her daughter, who shares her name, in Florida, where millions of people were preparing for Irma s arrival. I just spoke to Anaida, it is hard to believe she is getting ready to go through the same thing I just did, she said. ",worldnews,"September 9, 2017 ",1 +Florida Keys hit by near-hurricane winds from Irma - NHC,"(Reuters) - Wind gusts near hurricane force were occurring in the Florida Keys, the National Hurricane Center said on Saturday in an update on Hurricane Irma. The storm was about 105 miles (170 km) southeast of Key West with maximum sustained winds of 125 miles per hour (205 kilometers per hour), the center said. Irma was moving west-northwest at 9 mph (15 kph). The center said a weather station in Vaca Key reported sustained winds of 48 mph (77 kph) with a gust to 66 mph (106 kph). Marathon, Florida, in the Keys reported sustained winds of 51 mph (81 kph) with a gust to 71 mph (115 kph). On the Saffir-Simpson wind scale, sustained winds of at least 74 mph (119 kph) are classified as hurricane strength. Irma s maximum sustained winds of 125 mph were classified as a Category Three storm. ",worldnews,"September 10, 2017 ",1 +Rohingya insurgents declare temporary ceasefire amid humanitarian crisis,"BANGKOK/COX S BAZAR, Bangladesh (Reuters) - Rohingya insurgents declared a month-long unilateral ceasefire, starting on Sunday, to enable aid groups to help ease a humanitarian crisis in northwest Myanmar. Nearly 300,000 Rohingya have fled to Bangladesh and 30,000 non-Muslim civilians have been displaced inside Myanmar after the military launched a counter-offensive following attacks by the Arakan Rohingya Salvation Army (ARSA) insurgents on 30 police posts and an army base on Aug. 25. ARSA strongly encourages all concerned humanitarian actors resume their humanitarian assistance to all victims of the humanitarian crisis, irrespective of ethnic or religious background during the ceasefire period, ARSA said in a statement. The impact of the move is unclear. The group does not appear to have been able to put up significant resistance against the military force unleashed in Myanmar s northwestern Rakhine state. In the last two weeks, thousands of homes have been burned down, dozens of villages uprooted and thousands of people are still on the move toward the border with Bangladesh. The wave of hungry and traumatized refugees pouring into Bangladesh has strained aid agencies and local communities already helping hundreds of thousands displaced by previous waves of violence in Myanmar. In its statement, ARSA called on the military to also lay down arms and allow humanitarian aid to all affected people. Myanmar says its security forces are carrying out clearance operations to defend against ARSA, which the government has declared a terrorist organization. Rights monitors and fleeing Rohingya say the army and Rakhine Buddhist vigilantes have mounted a campaign of arson aimed at driving out the Muslim population. On Friday, the United Nations in Bangladesh found tens of thousands of refugees who had not been counted before, raising the count to 270,000 from some 164,000 the day before. On Saturday, that jumped by another 20,000 to 290,000. On Saturday, thousands of Rohingya were milling on the road near the camp of Kutapalong, carrying bamboo and tarpaulin to build shacks. Children and women flocked to every stopping vehicle, begging. Aid workers say a serious humanitarian crisis is also unfolding on the Myanmar side of the border. Red Cross organizations are scaling up their operations in Rakhine after the United Nations had to suspend activities there following government suggestions that its agency had supported the insurgents. The United Nations evacuated non-critical staff from the area. Thousands of displaced people in Rakhine have been stranded or left without food for weeks. Many are still trying to cross mountains, dense bush and rice fields to reach Bangladesh. The U.N. and INGOs have not been very welcome in Rakhine and...they are not able to operate and ensure the safety and security of their staff and volunteers, said Joy Singhal of the International Federation of Red Cross and Red Crescent Societies (IFRC). The government had invited the Red Cross to assist them, he said. Aid workers worry many Rohingya had been left without food since mid-July, when the World Food Programme (WFP), which had been providing food and cash assistance, was unable to operate. The government said it would set up camps for internally displaced people in Rakhine but the move could draw opposition from U.N. humanitarian experts. (This story corrects to change she to he in 14th paragraph) ",worldnews,"September 9, 2017 ",1 +Exclusive: Flying into the eye of Hurricane Irma with U.S. 'Hurricane Hunters',"THE EYE OF HURRICANE IRMA (Reuters) - The sky darkened, lightning flashed and a jolt of turbulence shook the cabin of the hulking Air Force turbo-prop aircraft as it plied its way toward the eye of Hurricane Irma, one of the strongest Atlantic storms ever recorded. Piloting the four-engine, WC-130J aircraft was Air Force Reserve Lieutenant Colonel Jim Hitterman, who over the past 22 years has flown into 40 to 50 hurricanes. Every storm is different but he likens the experience to driving through a car wash - with one big difference. As you re driving through that car wash, a bunch of gorillas start jumping on top of your car, Hitterman said, adding that sometimes shaking gets so bad, he cannot see his instruments. On Friday and Saturday, Reuters accompanied the Air Force Reserves Hurricane Hunters, whose hard-won data taken directly from the center of storms like Hurricane Irma are critical to U.S. forecasts that save lives. Experts say U.S. satellite data simply cannot do the job. We can estimate by satellite what the strength and size of a hurricane is. But only if you go into the hurricane can you really get an accurate measure of its exact center location, the structure, the maximum winds, said Rick Knabb, a hurricane expert at the Weather Channel and a former director the National Hurricane Center. The 53rd Weather Reconnaissance Squadron s Hurricane Hunters are based at Keesler Air Force Base in Biloxi, Mississippi. Its members trace the origin of hurricane hunting to a 1943 barroom dare by two then-Army Air Corps pilots to fly through a hurricane off Texas. Today, the missions are carried out largely by Air Force reservists who, after a few days or weeks of chasing storms, return to their jobs in the civilian world. Hitterman, 49, flies for Delta Airlines most of the time and, as a hobby, races motorcycles. The flight meteorologist, Major Nicole Mitchell, is an experienced television news meteorologist and mother of an eight-month-old baby boy. She normally lives in Minnesota. The way Mitchell sees it, the more accurate her data is, the more accurate the forecasts can be that tell U.S. citizens whether to evacuate their homes as Irma or other storms advance. It s a fact that we make a difference, she said. Mitchell s plane would make four passes in total through Irma s eye during that mission, some entries and exits more turbulent than others. Its final pass came on Saturday, as Hurricane Irma walloped Cuba s northern coast. Irma s interaction with Cuba s terrain weakened the storm from a Category 5 to a Category 4 hurricane but U.S. National Hurricane Center warned the storm was anticipated to strengthen again. Irma was expected to hit Florida on Sunday morning, bringing massive damage from wind and flooding to America s fourth-largest state by population. Millions of Florida residents have been ordered to evacuate. Despite the severity of storms like Irma and the undeniable danger on the ground, these U.S. flights into hurricanes have an incredible safety record - not one aircraft has been lost in more than four decades. The last time was in 1974. But they are not without risk. Some six hurricane or typhoon hunting aircraft have been lost in total, costing 53 lives, according to the Weather Underground website. Jeff Masters, director of meteorology of The Weather Underground, recalled an extremely close call during a flight into Hurricane Hugo in 1989 organized by the National Oceanic and Atmospheric Administration (NOAA), which also fields its own turbo-prop aircraft. The pilot lost control of the aircraft, one of the engines caught on fire, and the aircraft descended rapidly, all because satellite data had given his crew the sense they were flying into a Category 3 storm. It turned out to be a Category 5. They were flying much too low for a storm that potent. We went in at 1,500 feet, which is a no-no in a Category 5 and we got clobbered, recounted Masters. The pilot was able to recover control after entering Hugo s eye. On the mission into Irma, jolts of turbulence also shook the equipment in the cabin as it neared the eye of the hurricane. Emergency parachutes swayed. But then, suddenly, everything in the plane settled down. It was safe enough to take off seat belts. The flying was smooth. Inside the eye, the sky opened up. The dark eyewall - the surrounding ring of clouds - could be seen outside the cockpit window. Masters says someday drones might be able to do the risky job now done by experienced air crews. But, from the cockpit of this Hurricane Hunter flight, that possibility still seems distant. This aircraft, like all of the 53rd s 10 WC-130J planes, are specially equipped to gather meteorological data and send it to the U.S. National Hurricane Center. Some of that equipment is operated manually. That includes releasing sensors through the belly of the aircraft that, as they fall, transmit storm data including Irma s pressure, wind speed and direction. As the mission got underway, the sensors - known as dropsondes - appeared to be malfunctioning. Technical Sergeant Karen Moore, the loadmaster who releases the dropsondes from the aircraft, among many other duties, said she could not get its GPS signal as it fell into Irma s winds. So, Moore took out a screwdriver and literally started fixing them on the fly, one by one. That is something a drone would not be able to do. Hitterman said he also could see a future where pilotless planes fly into hurricanes to get the data Americans need. But I think it s a ways off, he said. ",worldnews,"September 9, 2017 ",1 +"Pope, in Medellin, recalls 'painful memory' of narco wars","MEDELLIN, Colombia (Reuters) - Pope Francis on Saturday visited Medellin, epicenter of Colombia s narco wars of the 1980s and asked that God convert the hearts of the drug assassins who cut short so many young lives. On his penultimate day in Colombia, Francis flew to Medellin, the city northwest of the capital that was once notorious as the stomping grounds of drug lord Pablo Escobar. In unscripted comments at the last event of the day, he said he could not leave without mentioning the painful memory of so many young lives truncated, discarded, destroyed . He asked his listeners to ask God for forgiveness for those who destroyed the dreams of so many young people. Ask the Lord to convert their hearts, ask for an end to this defeat of young humanity. The Medellin that Francis visited is a city transformed since his predecessor Pope John Paul visited in 1986. It was then rife with violence among cartels, paramilitary groups and guerrillas that raged in the poor comuna neighborhoods on its outskirts. The city is now heralded as a model of urban development. It has installed cable cars up the steep Andean slopes that surround it to save working-class residents a punishing climb, and it has built libraries in sections that were once sites of gun battles. Feared drug trafficker Escobar, Medellin s most infamous resident, was gunned down in the city in a U.S.-backed operation in 1993. He was recently resurrected as a character in the popular Netflix series Narcos. At the start of the day, Francis said a Mass where he urged Colombians to help their fellow citizens who hunger for food, dignity and God, pressing his appeal for the South American country to tackle social inequality. Speaking in a homily to hundreds of thousands of people on muddied fields, Francis urged Colombians to get involved in helping each other and to embrace acts of non-violence, reconciliation and peace. The leader of the world s 1.2 billion Roman Catholics has brought a message of national reconciliation as the country tries to heal the wounds left by a 50-year civil war and bitter disagreements over last year s peace deal with leftist guerrillas that some say lets them off too leniently. On Friday in the tropical city of Villavicencio, the pontiff asked Colombians skeptical of the deal with the FARC guerrillas to be open to reconciliation with those who have repented, speaking hours after a top rebel leader asked the pontiff for forgiveness.. Francis has also used his trip to the predominantly Roman Catholic country to denounce the social inequality that still plagues Colombia, which has extreme poverty in some rural areas. He has called for laws to tackle the structural causes of these problems, which he said spur violence. Christians, he told the ecstatic crowd at the Mass, are called upon to be brave, to have that evangelical courage which springs from knowing that there are many who are hungry, who hunger for God - how many people hunger for God! - who hunger for dignity, because they have been deprived. He visits the city of Cartagena on Sunday before leaving for Rome that night. ",worldnews,"September 9, 2017 ",1 +"Amid tension, Trump and Turkey's Erdogan agree to strengthen ties","ANKARA (Reuters) - U.S. President Donald Trump and Turkey s Tayyip Erdogan spoke on Saturday and agreed to continue to work toward stronger ties and regional security, Erdogan s office said, a day after he lashed out at U.S. authorities for indicting one of his ex-ministers. Ties between the United States and its NATO ally have been strained by Washington s support for the YPG Kurdish fighters in the battle against Islamic State in Syria. Turkey considers the YPG a terrorist group. Ankara has also been frustrated by what it sees as Washington s reluctance to extradite the Muslim cleric Fethullah Gulen. Turkey blames Gulen, who has lived in Pennsylvania since 1999, for last year s failed coup. Noting the strategic partnership between Turkey and the United States, the two leaders emphasized the importance of continuing to work together to further strengthen bilateral relations and increase stability in the region, the Turkish Presidency said in a statement. The two leaders agreed to meet in New York at the United States General Assembly, scheduled for this month. The call was notable for its timing, coming a day after Erdogan described a U.S. prosecutor s indictment against Turkey s former economy minister as being politically motivated and tantamount to an attack on Ankara. The former minister, Zafer Caglayan, and the ex-head of a state-owned Turkish bank were charged this week with conspiring to violate Iran sanctions by illegally moving hundreds of millions of dollars through the U.S. financial system on Tehran s behalf. The indictment marked the first time an ex-government member with close ties to Erdogan had been charged in the on-going U.S. investigation, which has strained ties between the two countries. For the moment, it is impossible to evaluate this within legal logic, he told reporters on Friday. I see this step against our former economy minister as a step against the Turkish Republic. He had also called on Washington to re-think the charges. I hope we ll get a chance to discuss this issue in the United States. You may be a big nation, but being a just nation is something else. Being a just nation requires the legal system to work fairly. ",worldnews,"September 9, 2017 ",1 +Funerals crowd cemetery of dead from massive Mexico quake,"JUCHITAN, Mexico (Reuters) - Anguished mourners lined the streets of the southern Mexican city devastated by the most powerful earthquake to strike the country in 85 years, coffins raised on their shoulders as they advanced slowly to a crowded cemetery on Saturday. More than half of the 65 known victims of Thursday night s 8.1 magnitude quake died in Juchitan, a picturesque, historic city near the coast where more than 5,000 homes were destroyed and many more left without running water or electricity. In the Eighth Section neighborhood, a working-class area where nearly every home was damaged, a loud drum and horn band played traditional music before the funeral of one of the 37 dead so far recovered from the wreckage of the somber city. The piercing blasts of the burly horn section at times were drowned out by the plaintive wailing of mourners for Maximo Zuniga, a little boy whose distraught relatives said was fond of his spiky black hair and bright red tennis shoes. The three-year-old boy was asleep when the force of the quake brought his brick bedroom walls crumbling down on top of him, his mother and an older brother. The boy died shortly after he was pulled from the rubble; the other two survived. I could barely see a little bit of his hair peeking out and his forehead, said neighbor Alejandro Sanchez, who was the first to come to the stricken family s aid. There was a heavy wooden beam on top of all three of them and lots of dirt, he added, as the dead boy s uncle sobbed uncontrollably nearby. The long, juddering tremor was felt some 500 miles (800 km) away in Mexico City and as far south as Honduras, but unlike the 8.0 magnitude quake in 1985 that killed thousands in the capital, outlying areas of Mexico were left relatively unscathed. By contrast, much of the hot, muggy city of 100,000 near the Pacific coast looked as though it had been turned upside down. Piles of rubble lay scattered across town, chunks of roofs littering the ground, and more than 300 locals were receiving care for injuries in area hospitals. Many residents refused to stay indoors for fear that badly damaged structures might yet come tumbling down. Neighbors of the Zuniga family handed out red tulips and others set off fireworks. Then the assembled crowd of about 200 mourners set out for the local cemetery, four men carrying the boy s small white coffin draped in thin sheets of bright blue paper as the band led the procession. Snaking through narrow streets, the colorful flower-bearing train of people in T-shirts and caps had to step over piles of debris and masonry from collapsed walls as neighbors turned out to line the route, bowing their heads as the coffin passed. In the midst of a frantic search for a missing police officer, President Enrique Pena Nieto made a brief appearance on Friday afternoon in Juchitan s devastated downtown. Pledging help to rebuild and attempting to soothe raw nerves, Pena Nieto declared three days of national mourning. But his words were cold comfort for Alma Alverez, Maximo s 48-year-old grandmother, who crossed her arms as men shoveled dirt over the small coffin. Pena Nieto was able to make it here in his helicopter super fast. That s how help should be arriving, right? Exactly how he got here. But it hasn t, Alvarez said, reflecting a belief that Mexico s south has long been ignored by the richer north. Two other funerals of quake victims were underway in the same cemetery as Fernando Lopez, a cousin of Maximo, stood near the back, his head bandaged from cuts suffered protecting his grandmother from falling tiles when the disaster struck. This is what you re going to see the next few days, he said, pointing to the other funeral services taking place. The whole town will be here in the cemetery or in the hospital. We ll tidy up what we can clean, but we won t be celebrating anything on September 15th, said Lopez, referring to the start of Mexico s independence day festivities. We don t have anything to celebrate. Juchitan s mayor, Gloria Sanchez, agreed. A great sadness overwhelms us, she said. The situation in Juchitan is critical, unlike anything we ve ever seen before. ",worldnews,"September 9, 2017 ",0 +Hurricane Irma poses toughest test for U.S. nuclear industry since Fukushima,"(Reuters) - Hurricane Irma will pose the toughest test yet for U.S. nuclear power plants since reactors strengthened their defenses against natural disasters following the Fukushima Daiichi nuclear accident in Japan in 2011. Irma was on course to hit South Florida early on Sunday after slamming Cuba as a Category 5 storm. It weakened to a Category 3 storm with maximum sustained winds of 130 miles per hour (210 km per hour) on Saturday, but was expected to strengthen before reaching Florida, bringing a storm surge to a state home to four coastal nuclear reactors. The National Hurricane Center s forecast track shows Irma making landfall on the southwest side of the Florida Peninsula, west of the two nuclear reactors at the Turkey Point plant. The operator, Florida Power & Light (FPL), has said it will shut Turkey Point well before hurricane-strength winds reach the plant. The reactors are about 30 miles (42 kilometers) south of Miami. FPL said it will also shut the other nuclear plant in Florida at St Lucie, which also has two reactors on a barrier island on the state s east coast, about 120 miles (193 km) north of Miami. We will shut the reactors down 24 hours before Category 1 force winds are forecast to hit, FPL Chief Executive Eric Silagy told a news conference. FPL said both Turkey Point and St Lucie were designed to withstand storms stronger than any ever recorded in the region and both plants are elevated 20 feet (6 meters) above sea level to protect against flooding and extreme storm surges. But South Miami Mayor Philip Stoddard said he was concerned about the potential for floods to damage power generators at Turkey Point, which in turn might threaten the ability of the plant to keep spent nuclear fuel rods cool. At Fukushima in Japan, an earthquake and tsunami disrupted power supplies and caused the fuel in some units to meltdown. The whole site is pretty well able to handle dangerous wind, the real problem from my perspective is water, Stoddard said. He said he was more worried about the nuclear waste than the reactors. The real question is can they keep the spent fuel cool. Peter Robbins, an FPL spokesman, said Mayor Stoddard is wrong. Turkey Point is safe and is ready for Hurricane Irma. U.S. nuclear operators have taken steps to improve preparations for disasters since Fukushima. The U.S. Nuclear Regulatory Commission (NRC) required plants to install portable pumps and generators to keep water moving over fuel rods and the spent fuel pool even if offsite power supply was lost. Nuclear plants also hired more staff and stored equipment needed to deal with reactor problems. Things are better today than in March 2011. Time will tell whether better proves good enough, said Dave Lochbaum, director of a watchdog group, the nuclear safety project, at the Union of Concerned Scientists. The NRC said it was posting more inspectors at the two Florida plants and was considering sending more inspectors to plants in Georgia and South Carolina should the storm head that way. The NRC said the plants should not be compromised by Irma s storm surge. The storm surge forecasts that we have seen so far do not challenge the sites designs, said NRC spokesman Scott Burnell. Both Florida plants have previously weathered major storms. Turkey Point took a hit from Hurricane Andrew, a Category 5 storm, in 1992, damaging a smokestack at fossil fuel plant at the site. Repairs cost about $90 million. St Lucie withstood the back-to-back impact of Hurricanes Frances (Category 2) and Jeanne (Category 3) in 2004. FPL shut St Lucie last October as Hurricane Matthew skirted the Florida coast. Lochbaum said the NRC and the industry could do more to reduce vulnerability to flooding. In January 2014, about 50,000 gallons of rainwater leaked into the St Lucie plant after a heavy downpour. An NRC study blamed degraded and missing flood seals that were not discovered during checks after Fukushima. There is also spent nuclear fuel at the site of a third power plant in Florida which stopped operating in 2009. That is the Crystal River plant, owned by Duke Energy Corp (DUK.N). Duke is in the process of transferring used fuel from the spent fuel pool at the plant to dry cask storage as part of work to decommission the plant. Once in storage, the fuel no longer needs cooling. The NRC s Burnell said Duke has suspended work to transfer the rods ahead of Irma. He said the fuel was safe and the plant also has backup power, even though it has been shut for years. Irma is expected to disrupt much of Florida s power supply. FPL, the state s largest electric company, has warned Irma could cut service to about 4.1 million of its nearly 5 million customers. FPL is one of four large publicly traded utilities in Florida. Other natural disasters since Fukushima have shut some plants. An earthquake in Virginia in 2011 shut Dominion Energy Inc s (D.N) North Anna plant for about 2-1/2 months, the time it took to complete a full damage inspection. That plant sustained no major damage. Hurricane Sandy in 2012 caused three reactors in the U.S. Northeast to shut but inflicted no serious damage. ",worldnews,"September 8, 2017 ",1 +Heavy squalls with tornadoes from Irma sweep south Florida: NHC,"(Reuters) - Hurricane Irma was about 110 miles (175 km) southeast of Key West, Florida, and heavy squalls carrying tornadoes were sweeping across south Florida, the National Hurricane Center said on Saturday. The storm had maximum sustained winds 120 miles per hour (195 kilometers per hour). The center said the core of Irma will continue to move near the north coast of Cuba for next few hours and should be near the Florida Keys on Sunday morning. ",worldnews,"September 10, 2017 ",1 +Trump calls for a tax reform 'speed-up' in light of Hurricane Irma,"WASHINGTON (Reuters) - U.S. President Donald Trump said on Saturday that he will ask the Republican-controlled Congress to further speed up its efforts to overhaul the U.S. tax code, citing the potential impact of Hurricane Irma as a reason to hasten reforms. I think now with what s happened with the hurricane, I m going to ask for a speedup. I wanted a speedup anyway, but now we need it even more so, the president said at the outset of a Cabinet meeting at Camp David. The White House released a video of his remarks. Trump urged Congress in a Friday tweet not to wait until the end of September for tax legislation. ",worldnews,"September 10, 2017 ",1 +Caribbean islands fear grim tourist season in Irma's wake,"MEXICO CITY (Reuters) - Hurricane Irma s deadly tear through the Caribbean will hobble the region s multi-billion dollar tourism industry for months, just as hotels, airlines, and cruises were gearing up for the region s peak winter season. As one of the most powerful Atlantic storms in a century, Irma has killed 21 people, leaving hotels, airports and other buildings damaged or flattened across prime vacation islands such as St. Martin and Barbuda. On Friday, it hurtled north of Cuba toward Florida. Jack Richards, president of U.S.-based tour operator Pleasant Holidays, said it may be well into next year before the local tourism industry begins to normalize, costing it billions in lost business. The region s busiest travel season runs from mid-December to Easter, when Americans, Canadians and Europeans leave behind snow and cold for the warm, turquoise Caribbean waters. Can this be repaired in time? The infrastructure to rebuild these countries simply isn t there, he said. This is just massive. Just a few days after Irma razed the first islands, Richards said his bookings have already dropped for the Caribbean, his company s second-most popular destination worldwide for U.S. tourists. More than 26 million international tourists were expected this year in the Caribbean, the World Travel and Tourism Council (WTTC) projected before Irma hit. In 2016, foreign visitors spent $31 billion in the Caribbean and were expected to spend an additional 5.3 percent in 2017. The WTTC estimates that in 2016, travel and tourism contributed $56 billion in gross domestic product. Any disruption in the tourism industry is a disruption of our livelihood, Caribbean Tourism Organization (CTO) spokesman Hugh Riley said. Officials across the islands have struggled to gauge the scope of destruction, after Irma knocked out electricity and cell phone service, and forced airports to close. The trouble may not yet be over for the Caribbean, with Hurricane Jose forecast on Saturday to pass as a powerful Category 4 storm close to the same group of islands that were trashed by Irma. The hurricane season is set to run for several more weeks. As of Friday afternoon, the U.S. Virgin Islands Department of Tourism was urging visitors to stay away from St. Thomas, where four people died in the storm and where the airport remains closed to comercial traffic. The St. Croix airport was slated to reopen on Friday. The 150-room Windward Passage, an upscale hotel overlooking the St. Thomas harbor in the U.S. Virgin Islands, plans to close for six months, it reported to the Department of Tourism. On the tiny island of Barbuda alone, home to about 1,800 people and reef-lined beaches, preliminary damage estimates top $100 million, Riley said. Some 95 percent of the island s buildings were destroyed. Cruise lines, tour operators and airlines have scrambled to accommodate tourists or postpone plans. Royal Caribbean Cruises, Carnival Cruise Lines and Norwegian Cruise Line each canceled several of their Caribbean-bound cruises through the weekend and rerouted others to avoid sailing through the storms dangerous paths. European tour operator TUI said it had evacuated its Florida customers to hotels in inland Orlando, and brought vacationers in Cuba to shelters. German tour operator DER Touristik said it would bus tourists arriving by cruise ship in Miami on Friday directly to shelters, and that ships would leave the harbor again before the hurricane hits. Recovery efforts in hard-hit areas have so far proven difficult. Rolando Brison, St. Martin s director of tourism, said firefighters struggled to hose off sand dumped by the storm onto the airport runways, leaving nearly 3,000 tourists stranded. The airport remained closed on Friday. Tourism is the economy, he said. It s how our people eat. (This version of the story corrects paragraph 11 to show that St. Thomas airport is closed, not St. John s) ",worldnews,"September 8, 2017 ",1 +To flee or stay? Irma's shifting path forces some to reconsider,"MIAMI/TAMPA, Fla. (Reuters) - Walter Hodgdon scrapped plans to ride out Hurricane Irma on Saturday when shifting forecast models suddenly put his home on a barrier island on Florida s Gulf Coast directly in its path. Within hours, Hodgdon and his partner had hastily boarded up their home and were driving to North Carolina, having the time to store just a few valuable glasswares in an inner closet. Last night, during one of the models, they drew a line right over our house, said Hodgdon, 58, who lives on Terra Ceia where Tampa Bay meets the Gulf of Mexico. We figured if we are going to leave, we are going to leave completely. Hodgdon and his partner, Nels Gullerud, were among the scores of people living on Florida s west coast forced to make last-minute decisions about whether to hunker down - or flee - amid one of the fiercest Atlantic storms in a century. Storm models that earlier in the week projected Irma to bear most heavily on eastern Florida now had the storm barreling right up the western coastline, menacing population hubs around Tampa and Fort Myers. People haven t known exactly what to do, because the situation changes every 12 hours, said Adam Gray, pastor of Redeeming Church in St. Petersburg, Florida, who two days ago week talked to relatives on the east coast about staying with him. Now his wife and young child had evacuated, while he stayed behind to help church members board up their houses and locate spare rooms on higher ground. He planned to open the church to those unable to find shelter. Others in Irma s path decided to take their chances. As surrounding neighborhoods evacuated, Andrea Prather of Fort Myers stocked up on bottled water and food to ride out the storm with her boyfriend and her cat. The 51-year-old pop singer felt safe on the 25th floor of a high-rise built to withstand hurricane-force winds. Still, as the most recent hurricane models showed the storm heading her way, her jitters flared. When it made that turn, that s when I had that anxiety pit in my stomach, she said. How can anyone be totally prepared? Michael Albrecht, a communications professor at Eckerd College in St. Petersburg, decided to stay at his parents fourth-floor condo in South Pasadena, near the Gulf of Mexico. He decided he would be safer in the concrete building with aluminum storm shutters, high above any storm surge, than at his own one-story house in nearby Gulfport, on a street prone to flooding and surrounded by tall trees that could fall down. No branches can hit you up here on the fourth floor, said Albrecht, 40. I m worried about what if it s a week without air conditioning and electricity. That ll be inconvenient but not life-threatening. But after a week of making and changing evacuation plans, Dionna Duncan, 48, on Saturday morning simply opted to leave her home in Palm Harbor, Florida. She had been working all week, without time to prepare. Plywood and other supplies were sold out. She could only put out a few sandbags. She remembered to take 200-year-old family pictures. But she left hanging in her closet the wedding veil that her daughters had wanted to wear someday. You just forget, because you are in such a hurry, said Duncan, who works in the insurance industry and had for years made detailed disaster plans. When you are staring something like this in the face, it doesn t matter what your experience is. Most of your knowledge just escapes you. Retiree Ann Pinsker, 71, and her husband chose to evacuate from their Fort Lauderdale condo on Florida s east coast on Thursday when they thought the storm was headed that way. After a 3-1/2-hour drive stretched into 9-1/2 hours, they now fear the storm is headed directly at the hotel where they are staying in Lakeland, in the central part of the state. With Fort Lauderdale now predicted to be spared the brunt of the storm, their neighbors are sending them photographs from a hurricane party they are holding in the building. I wish we were there, Pinsker said. But hindsight is 20-20. ",worldnews,"September 9, 2017 ",0 +Merkel suggests Iran-style nuclear talks to end North Korea crisis,"BERLIN (Reuters) - German Chancellor Angela Merkel told a newspaper she would be prepared to become involved in a diplomatic initiative to end the North Korean nuclear and missiles program, and suggested the Iran nuclear talks could be a model. South Korea on Saturday braced for a possible further missile test by North Korea as it marked its founding anniversary, just days after its sixth and largest nuclear test rattled global financial markets and further escalated tensions in the region. If our participation in talks is desired, I will immediately say yes, Merkel told Frankfurter Allgemeine Sonntagszeitung in an interview to be published on Sunday. She pointed to negotiations that led to a landmark nuclear agreement between Iran and world powers in 2015. Back then, Germany and the five countries on the United Nations Security Council with veto power took part in talks that led to Iran agreeing to curb its nuclear work in return for the lifting of most sanctions. Merkel said that was a long but important time of diplomacy that ultimately had a good end last year, referring to when the deal was implemented. I could imagine such a format being used to end the North Korea conflict. Europe and especially Germany should be prepared to play a very active part in that, Merkel added. She said she thought the only way to deal with North Korea s nuclear program was to come to a diplomatic solution, adding: A new arms race starting in the region would not be in anyone s interests. Europe should stand united in trying to bring about a diplomatic solution and do everything that can be done in terms of sanctions , she said. Merkel is expected to win a fourth term in office in a Sept. 24 vote, with polls giving her conservatives a double-digit lead over their rival Social Democrats. Merkel is widely seen in Germany as a safe pair of hands at a time of global uncertainty such as the North Korea crisis, Britain s looming departure from the European Union and Donald Trump s presidency in the United States. Merkel has spoken to leaders including Chinese President Xi Jinping and Japanese Prime Minister Shinzo Abe about North Korea this week. The newspaper said, without naming its sources, that she would speak by telephone with Russian President Vladimir Putin on Monday. ",worldnews,"September 9, 2017 ",1 +"New Kosovo PM pledges dialogue with Serbia, graft fight","PRISTINA (Reuters) - Kosovo s newly-elected prime minister, ex-guerilla commander Ramush Haradinaj, pledged on Saturday to maintain dialogue with a former foe Serbia and put an end to endemic corruption. Haradinaj was chosen to form a new government on Thursday after his coalition struck an agreement with a smaller party, paving the way for them to take power. Lawmakers endorsed his appointment on Saturday with 61 votes in the 120-seat parliament - ending a political deadlock that has persisted since elections on June 11. There is no alternative to dialogue with Serbia, Haradinaj told parliament. Despite a tragic history, we can not change the fact that we are neighbors, he said. Haradinaj s coalition comprises parties made up of former guerrillas who fought Serbian forces in 1998 and 1999. That campaign led to accusations of war crimes against him, but he was acquitted twice by a United Nations war crimes tribunal. His arrest in France in January on a Serbian arrest warrant for war crimes soured relations between Belgrade and Pristina. Haradinaj said his new government would fight corruption that has been deterring investors since Kosovo declared independence from Serbia in 2008. We have an endemic corruption in all institutions, he said, ahead of an expected vote on his new cabinet in parliament where his party will command a slim majority. On Saturday, Belgrade officials gave support to 10 Serb deputies who have pledged to vote for Haradinaj s government in parliament in return for three ministerial posts. But opposition lawmakers criticized Haradinaj for relying on votes of Serb deputies who they say would seek Belgrade s approval for any decisions they take. It is unfortunate that after all these years the creation of Kosovo institutions is entirely in the hands of Belgrade. This is a catastrophic cabinet, Avdullah Hoti of the opposition Democratic League of Kosovo (LDK) said. Opposition MPs left the chamber as the vote took place. Central bank governor Bedri Hamza was appointed finance minister and Behgjet Pacolli, whom media refer to as the richest man in Kosovo, as foreign minister. The new government will have the difficult task of tackling 30 percent unemployment, and improving relations with Serbia, a precondition for the neighbors to move forward in their efforts to join the European Union. Kosovo declared independence from Serbia in 2008, almost a decade after NATO air strikes drove out Serbian forces that had been accused of expelling and killing ethnic Albanian civilians in a two-year counter-insurgency. ",worldnews,"September 9, 2017 ",1 +Philippine leader says 'no way' he'll do deal with Islamist rebels,"MANILA (Reuters) - Philippine President Rodrigo Duterte on Saturday ruled out the possibility of allowing Islamic State-linked militants to flee a southern city in exchange for the release of dozens of hostages. The militants seized large parts of Marawi City on the island of Mindanao in May, and a hardcore of fighters has held out through more than 100 days of air strikes and ground attacks by troops. No way, Duterte told reporters when asked about a rumor that one rebel leader, Omarkhayam Maute, had proposed releasing hostages in exchange for the safe exit of the militants. Pockets of fighters remain in the ruins of the heart of a city devastated by artillery and bombings, in an occupation that has alarmed the region about the possibility of Islamic State, on the back foot in Iraq and Syria, making a new home in the southern Philippines. The military has launched its final push to retake Marawi, and is coming under heavy fire from gunmen as troops try to secure buildings and navigate through mines and booby-traps. The military estimates about 20 to 30 hostages are being held, some of whom it says were forced to take up arms against government troops. If I can save one life there, I am willing to wait one year (to retake the city) Duterte said of the hostages, after visiting wounded soldiers in Cagayan de Oro, a few hours away from Marawi. Martial law has been imposed in Mindanao, an island of 22 million people, until the end of the year, to allow the military to break up an alliance of pro-Islamic State militant groups. On another front, the military is also fighting communist rebels of the New People s Army following a breakdown in peace talks with the government. Duterte on Saturday threatened to expand martial law to other areas of the Philippines to crack down on the insurgents. Some 655 militants, 45 civilians and 145 soldiers and policemen have been killed in Marawi, according to the military, which says it has rescued 1,728 civilians. At least 400,000 have been displaced. Army spokesman Colonal Edgard Arevalo said saving hostages was the priority of the military s mission. We are still very mindful of the presence of civilians -guns against their heads - who were made human shields or ordered to wield firearms and ammunition, were converted to become fighters and shoot at our troops, he said in a statement. The United States has provided technical support to the Philippines military in Marawi. Visiting Manila on Friday, Australian Defence Minister Marise Payne offered a small detachment of soldiers to provide training to Philippine forces. ",worldnews,"September 9, 2017 ",1 +"On visit to Cartagena, Pope to honor 'slave of slaves' role model","BOGOTA/CARTAGENA, Colombia (Reuters) - Pope Francis on Sunday pays homage to the social justice legacy of one of his role models, Saint Peter Claver, who ministered to slaves in Colombia in the 1600s, defying Spanish colonial masters who treated them as chattel. Francis wraps up his five-day trip with a stop in Cartagena, the walled Caribbean port city that was a gateway for the slave trade in the New World. There, he is expected to hammer home his message that Colombia needs to address social inequality as it struggles to nurture a fledgling peace process to end a 50-year civil war. The Spanish-born Claver, who died in 1654, is revered throughout Latin America, particularly by fellow Jesuits like Francis, for his groundbreaking work with the era s poor and marginalized. Claver begged his Jesuit superiors in Spain to send him to Cartagena so he could minister to the victims of the brutal trans-Atlantic slave trade, where African captives were bought and sold in colonial Cartagena s cobblestone streets. He boarded slave ships that arrived with their human cargo, distributing food on board and later ministering to the sick and dying in huts along the beach. Francis, who has made defense of the poor and downtrodden a major plank of his papacy, was greatly influenced by Claver s story from the days when he was a young Jesuit seminarian in his native Buenos Aires. There are a lot of similarities that resonate with Pope Francis and this young, Latino Jesuit who has this transformative encounter with the poor, said Father Sean Salai, a Jesuit priest and author of a book about the saints who influenced Francis. Through their encounter with the poor, both men moved into more of a direct relationship with God s people, Salai said in a phone interview from his base in San Antonio, Texas. In a letter he called himself the slave of the slaves forever, and this encounter with the poor transformed him, much like Pope Francis, who gave up on the idea of doing a doctorate in theology to be closer to the people, Salai said. While Cartagena s colonial historic district is Colombia s top tourist destination, the city, like much of the country, has deep socioeconomic and racial divisions. Poor Afro-Colombian street vendors sell coral and pearl jewelry, coconut milk and tropical fruits to tourists on the steps of the church named after Claver and where his remains are kept behind glass in the altar. Francis will pray before the remains, bless participants in two charity programs and visit a home where today s Jesuits help some 300 members of the city s poor Afro-Colombian community. I came to receive the pope s blessing, to hear him, said Liney Galindo, 32, from northern Barranquilla. May God enlighten him to bring a message of forgiveness, reconciliation, and wisdom to us. Francis also will meet homeless people and young girls in a Church program to prevent child prostitution in a city where young people are often victims of sex tourism and exploited by well-off locals and foreigners. Cartagena s archbishop, Jorge Jimenez, hopes the pope s presence will boost the programs. We need to be able to expand, because here those problems are really big, Jimenez said in an interview. ",worldnews,"September 9, 2017 ",1 +Uruguay vice president quits amid probe into use of public funds,"MONTEVIDEO (Reuters) - Uruguay s Vice President Raul Sendic presented his resignation on Saturday amid accusations that he misused public funds while heading state oil company Ancap. He first made the announcement at a special meeting of the Frente Amplio (FA) governing party. I presented to the plenary of the FA my irreversible resignation from the vice presidency. I also told President Tabare Vazquez, he wrote in a tweet. The party s ethics committee has ruled that Sendic used his Ancap credit cards to buy personal items including books and furniture. He headed the oil company from 2008 to 2009 and 2010 to 2013. No criminal charges have been filed against Sendic. ",worldnews,"September 9, 2017 ",1 +Fires destroy more villages in Myanmar's Rohingya region: sources,"YANGON (Reuters) - Several more villages were burned down on Saturday in a part of northwest Myanmar where many Rohingya Muslims had been sheltering from violence sweeping the area, two sources monitoring the situation said. The fires, which started on Friday when up to eight villages went up in flames in the ethnically mixed Rathedaung region, have increased concerns that more minority Rohingya will flee to neighboring Bangladesh. Blazes started on Saturday engulfed as many as four more settlements in Rathedaung, likely destroying all the Muslim villages in the area, the sources said. Slowly, one after another villages are being burnt down - I believe that Rohingyas are already wiped out completely from Rathedaung, said Chris Lewa of the Rohingya monitoring group, the Arakan Project. There were 11 Muslim villages (in Rathedaung) and after the past two days all appear to be destroyed. It was unclear who set fire to the villages, located in a part of northwest Myanmar far from where Rohingya insurgents attacked 30 police posts and an army base last month, triggering an army counter-offensive in which at least 400 people have been killed. Independent journalists are not allowed into the area, where Myanmar says its security forces are carrying out clearance operations to defend against extremist terrorists . Human rights monitors and fleeing Rohingya say the army and ethnic Rakhine vigilantes have unleashed a campaign of arson aimed at driving out the Muslim population. Some 290,000 people have fled across the Bangladeshi border in less than two weeks, causing a humanitarian crisis. Rathedaung is the furthest Rohingya-inhabited area from the border with Bangladesh and aid workers are concerned that a large number of people were trapped there. The sources said that among the torched villages was the hamlet of Tha Pyay Taw. They were also concerned about the village of Chin Ywa, where many people sheltering from other burnings in the area had been hiding and two other settlements. On Friday, the villages of Ah Htet Nan Yar and Auk Nan Yar, some 65 km (40 miles) north of Sittwe, capital of Rakhine state, were also burned along with four to six other settlements. One source, who has a network of informers in the area, said 300 to 400 Rohingya who had been hiding at Ah Htet Nan Yar were now in the forest or attempting a perilous, days-long journey by foot in the monsoon rain toward the River Naf separating Myanmar and Bangladesh. Myanmar leader Aung San Suu Kyi said on Thursday her government was doing its best to protect everyone, but she has drawn criticism for failing to speak out about the violence and the Muslim minority, including calls to revoke her 1991 Nobel Peace Prize. The country s Rohingya Muslims have long complained of persecution and are seen by many in Buddhist-majority Myanmar as illegal migrants from Bangladesh. ",worldnews,"September 9, 2017 ",1 +Immigrants in Central Florida nervous about seeking shelter,"APOPKA, Fla. (Reuters) - With Hurricane Irma barreling down on Central Florida, Apopka resident Carmen Nova had a decision to make. A Mexican immigrant living in the country illegally, she knew her mobile home was at risk in the storm. But the 30-year-old mother of three also knew that seeking protection could pose its own hazards. In a time of increasing public sentiment against illegal immigration, undocumented immigrants like Nova are nervous about reporting to authorities, even if it is to take refuge from a hurricane. There s an internal storm, there s an external storm, and there s a political storm, and they re all targeting this community, said Sister Ann Kendrick, a Roman Catholic nun, community organizer and immigrant rights advocate. They re getting hammered, said Kendrick, who has worked hard in advance of the hurricane to convince undocumented immigrants that it is safer to take shelter than to remain in less-than-sturdy homes. Like other counties in Florida, Apopka s Orange County issued an evacuation order for people living in mobile homes, which are also known as manufactured homes and are a popular housing choice for immigrants. Fears among immigrants in the area were heightened in recent days after the sheriff in neighboring Polk County pledged to check criminal records of people seeking shelter. Although the statement did not mention immigration status and officials later clarified that undocumented immigrants would not be targeted, the warning nevertheless reverberated in migrant communities. In Apopka, a town of about 50,000 people outside Orlando, Kendrick had plenty of work to do in advance of the storm. The area s undocumented immigrants historically came to the area to work on farms but in more recent years have shifted to construction, landscaping and housekeeping. Tirso Moreno, leader of the Apopka-based Farmworker Association of Florida, said the Polk County warning had an impact in Orange County. It scared people, said Moreno, who also spread the word with immigrants that they must take shelter. Moreno said he was not convinced that all the undocumented workers he spoke with would take his advice, saying some were likely to wait out the storm in their mobile homes. The big problem is that many of them don t have enough information, although it s better than it used to be now that we have more Spanish-language media, Moreno said. Kendrick said she fielded calls throughout the day on Friday from undocumented immigrants who wondered if it was safe to report to shelters. About 50 people, including several undocumented families, were waiting in line outside a shelter at Apopka High School when it opened at 9 a.m. on Saturday, Kendrick said. They trust the schools, and they trust us, so if we tell them it s safe, they re coming, Kendrick said. Nova, who cleans houses for a $15 an hour while her husband works as a landscaper for $12 an hour, was among those who decided to seek shelter, saying she would put her fate in God s hands. If they ask for papers, I don t have them, Nova said from her mobile home with boarded up windows as she prepared her family to move to the shelter. The authorities will have to do what they have to do. I am not going to live in fear. ",worldnews,"September 9, 2017 ",0 +"U.S. undersecretary Shannon, Russian deputy foreign minister to meet","MOSCOW (Reuters) - U.S. Undersecretary of State Thomas Shannon will travel to Helsinki on Sept. 10-12 where he will meet Russian Deputy Foreign Minister Sergei Ryabkov, the U.S. Department of State said on Saturday. The meeting will address areas of bilateral concern and cooperation , it said in a statement. Shannon will also lead the U.S. interagency delegation to the U.S.-Russia Strategic Stability Talks, it added. Quoting an unnamed Russian diplomat, Russian news agencies reported earlier on Saturday that the Ryabkov-Shannon meeting in Helsinki would take place on Sept. 11-12. Relations between Moscow and Washington are at their lowest point since the Cold War, strained by Russia s annexation of Crimea in 2014 and the subsequent separatist conflict in eastern Ukraine, developments which led Washington to impose economic sanctions on Russia. U.S. President Donald Trump, himself battling allegations that his associates colluded with Russia, grudgingly signed into law the new sanctions against Moscow that had been drawn up by Congress. ",worldnews,"September 9, 2017 ",1 +Manchester concert venue shattered by bomb attack to reopen,"LONDON (Reuters) - The Manchester music venue where a suicide bomber killed 22 people as they left an Ariana Grande concert in May will reopen on Saturday for the first time since the attack. A benefit concert entitled We Are Manchester will raise money for a charitable trust in charge of establishing a permanent memorial in the northern English city. The victims of the May 22 attack at the Manchester Arena included many young girls, who make up a large part of U.S. singer Grande s fan base. The youngest, Saffie Roussos, was aged eight. Parents who had come to pick up their children after the show were also among those killed in the attack carried out by Salman Abedi. May s events will never be forgotten, but they will not stop us, or Mancunian music fans, from coming together to enjoy live music, James Allen, the venue s general manager, said in a statement. The line-up for Saturday s concert, which was sold out, included Noel Gallagher, formerly of Oasis, one of the most successful bands to emerge from Manchester. Also performing will be local poet Tony Walsh, known as Longfella, who moved crowds to tears at a vigil in central Manchester the day after the attack with his poem This Is The Place which celebrates the spirit of the city. Grande will not take part, having performed at a previous benefit concert, One Love Manchester , which raised funds for victims. The June 4 concert, which took place at a cricket ground in Manchester, also featured artists including Justin Bieber, Coldplay, Miley Cyrus and Pharrell Williams. ",worldnews,"September 9, 2017 ",0 +Five suspected al Qaeda militants killed in Yemen drone strikes,"DUBAI (Reuters) - Five suspected al Qaeda militants were killed in drone strikes on two villages in Yemen s al Baida governorate on Saturday, a local official and residents said. The strikes targeted two villages where al Qaeda is known to be active, a local official said, adding that a total of five were killed in the strikes in central Yemen. Residents said two suspected militants were killed when a drone targeted the car they were traveling in. Three people were injured in the strikes, they said. Yemen s al Qaeda branch, known as Al Qaeda in the Arabian Peninsula (AQAP), has taken advantage of a more than two-year-old civil war between the Iran-aligned Houthi group and President Abd-Rabbu Mansour Hadi s Saudi-backed government to strengthen its position in the impoverished country. The United States has repeatedly attacked AQAP with aircraft and unmanned drones in what U.S. officials say is a campaign to wear down the group s ability to coordinate attacks abroad. ",worldnews,"September 9, 2017 ",1 +Brazil top prosecutor requests billionaire Batista's arrest -source,"BRASILIA/SAO PAULO (Reuters) - Brazil s top prosecutor asked the country s Supreme Court late on Friday to approve the arrest of billionaire Joesley Batista, one of the owners of the world s largest meatpacker JBS SA, a person with knowledge of the matter said. Brazil s Prosecutor-General Rodrigo Janot had told a news conference on Monday that he was considering revoking a plea bargain deal struck by Batista and a fellow state s witness after they appeared to have inadvertently recorded themselves discussing crimes not covered in the deal. The source, who asked for anonymity because he was not authorized to discuss the matter publicly, said that Janot had requested the arrest of Batista and Ricardo Saud, a former executive at the Batista family holding company J&F Investimentos, based on the four-hour recording. Janot s office did not respond to calls and email requests for comment. Joesley Batista and his brother Wesley confessed to bribing scores of politicians in plea bargain testimony that allowed them to avoid prosecution. Amongst the evidence they provided to prosecutors was a recording of President Michel Temer apparently endorsing hush payments to a possible witness in a graft probe. The source said that Janot had revoked the benefits granted under the plea bargain deal to Joesley and Ricardo Saud, a former executive of holding company J&F Investimentos, through which the Batista family controls JBS. He also asked Supreme Court Justice Edson Facchin to authorize the arrest of a former prosecutor, Marcelo Miller, the source said. The taped conversation, which was made public by the Supreme Court this week, was inadvertently submitted to prosecutors with unrelated material last week. In it, Batista and Saud say Miller helped the Batista brothers strike their plea bargain before leaving the Prosecutors Office in April to work in a private law firm. In a statement this week, J&F said Batista and Saud were simply discussing hypotheses in the conversation, not facts. Batista s lawyer, Pierpaolo Bottini, filed a request on Saturday for the Supreme Court to hear defense arguments before authorizing the arrest of his client and Saud. The lawyer also said Batista and Ricardo Saud are willing to surrender their passports. A lawyer for Miller, Andr Perecmanis, said on Saturday his client did not help the Batistas in their plea deal while working as a prosecutor. Another source with knowledge of the matter said the leniency agreement of J&F Investimentos SA, which the company signed in May agreeing to pay a record leniency fine of 10.3 billion reais ($3.3 billion) for its role in the political bribery scheme, had been validated on Friday by a federal court. The source, asking for anonymity to discuss the matter freely, said that if a plea bargain by J&F Investimentos is canceled, the leniency agreement may also lose effect. A string of asset sales depend on the validity of the leniency agreement. In three months, the holding company has signed agreements to sell Havaianas flip-flops maker Alpargatas SA ALPA4.SA, dairy company Vigor Alimentos SA and pulpmaker Eldorado Brasil Celulose SA, but the sales may only be finalized if the leniency agreement is still valid. ",worldnews,"September 9, 2017 ",1 +Lebanon arrests former mayor in border town near Syria: security sources,"BEIRUT (Reuters) - Lebanese security forces arrested a former mayor of the town of Arsal near the Syrian border on Saturday in connection with the capture of Lebanese soldiers, security sources said. Ali al-Hujeiri also stands accused of collusion with the Nusra Front Islamist group, al Qaeda s former Syria branch, the sources said. Militants from the Nusra Front and Islamic State briefly overran Arsal in 2014 and captured a number of soldiers before they withdrew during clashes with the army. Nusra Front released 16 soldiers in 2015 in exchange for the release of jailed Islamists. Islamic State killed all nine soldiers it had captured. Both groups were driven from their last foothold at the Syria-Lebanon border in recent separate offensives by the army and Lebanese Shi ite group Hezbollah. It was not immediately clear which group of captured soldiers Hujeiri was being accused over. Lebanese President Michel Aoun said this week the army was investigating the circumstances that led to the capture of the soldiers killed by Islamic State. ",worldnews,"September 9, 2017 ",1 +"U.S.-backed forces, Syrian army advance separately on Islamic State in Deir al-Zor","BEIRUT/AL SHADADI, Syria (Reuters) - U.S.-backed militias and the Syrian army advanced in separate offensives against Islamic State in eastern Syria on Saturday, piling pressure on shrinking territory the group still holds in oil-rich areas near the Iraqi border. Syrian government forces fought their way to an air base on the outskirts of Deir al-Zor city that had been besieged for years by the jihadists, said a commander in the military alliance fighting in support of President Bashar al-Assad. The Syrian Democratic Forces (SDF), a U.S.-backed alliance of mostly Arab and Kurdish fighters, meanwhile launched attacks against Islamic State in the north of Deir al-Zor province in an operation to capture areas east of the Euphrates river. The advances against Islamic State, another blow to its control over territory it held for years as part of a self-declared caliphate, will likely bring U.S.-backed forces and the Syrian government side, backed by Russia and Iran, into closer proximity. A U.S. warplane shot down a Syrian army jet near Raqqa in June and the SDF accused the Syrian government of bombing its positions, showing the risk of escalation between warring sides in a crowded battlefield. The Syrian conflict, which started as a popular uprising against Assad in 2011, has drawn in the United States, Russia and regional powers. Peace talks have failed to bring an end to a war where Islamist groups have increasingly dominated Syria s armed opposition. The SDF operation in Deir al-Zor province aims to capture areas in its northern and eastern countryside and advance towards the Euphrates, according to the Deir al-Zor Military Council, which is fighting as part of the SDF. The first step is to free the eastern bank of the Euphrates and the areas Islamic State still holds, Ahmed Abu Kholeh, head of the military council, told Reuters after the announcement. We re not specifying a timeframe but we hope it will be a quick operation, he said at the town of al-Shadadi in Hasaka province. Abu Kholeh would not say whether there were plans to advance on Deir al-Zor city itself. We don t know how the battles will go after this, he said. He said SDF fighters did not expect clashes with Syrian government forces, but if fired upon we will respond . The Syrian Observatory for Human Rights monitoring group reported that SDF forces had advanced against IS in Deir al-Zor s northwestern countryside, seizing several hilltops and a village. Syrian government forces and their allies reached Deir al-Zor military airport on the other side of the Euphrates, where troops had been holed up since 2014, surrounded by Islamic State, the commander in the pro-Assad alliance said. The alliance includes Iran-backed militias and the powerful Lebanese Shi ite group Hezbollah. The advance came days after the army and its allies broke the siege of the main part of the city, which had been separated from the airport by IS attacks a few months before. Syrian troops also recaptured the Teym oilfield southwest of Deir al-Zor and seized part of a main highway running downstream to the city of al-Mayadeen, to which many IS militants have retreated, the British-based Observatory said. That advance would help block potential IS reinforcements from al-Mayadeen, it said. Islamic State in Syria still holds much of Deir al-Zor province and half the city, as well some territory further west near Homs and Hama, where government forces recaptured several villages on Saturday, pro-Damascus media reported. But the group has lost most of its caliphate which from 2014 stretched across swathes of Syria and Iraq, including oil-rich Deir al-Zor. The SDF is still battling to eject IS from the remaining areas it holds in Raqqa, northwest of Deir al-Zor and once the group s main Syria stronghold from where it planned attacks abroad. Talks between Russia, Iran and opposition backer Turkey in the Kazakh capital Astana are to take place next week, possibly followed by a separate track at the United Nations in Geneva in October or November. Assad s government has participated in previous rounds from a position of power as Damascus has clawed back much territory, including the main urban centers in the west of the country and increasingly eastern desert held by IS. Syria s non-Islamist opposition holds some pockets of territory in western Syria, and the SDF, which is dominated by the Kurdish YPG militia, controls much of Syria s northeast. ",worldnews,"September 8, 2017 ",1 +"France discusses increased pressure on North Korea with Trump, Abe","PARIS (Reuters) - France s Emmanuel Macron discussed increased pressure and sanctions on North Korea on the telephone with U.S. President Donald Trump and Japan s Prime Minister Shinzo Abe on Saturday, the French president s office said. The three leaders stressed the need for a united and firm reaction from the international community toward Pyongyang, Macron s office said. South Korea was bracing on Saturday for a possible further missile test by North Korea as it marked its founding anniversary, just days after its sixth and largest nuclear test. The French presidency said North Korea s repeated provocations were a threat to peace and international security . It also said Macron had expressed France s solidarity with Japan. Tension on the Korean peninsula has escalated as North Korea s leader, Kim Jong Un, has stepped up the development of weapons, testing a string of missiles this year, including one flying over Japan. Experts believe the Pyongyang government is close to its goal of developing a powerful nuclear weapon capable of reaching the United States, something U.S. President Trump has vowed to prevent. ",worldnews,"September 9, 2017 ",1 +Germany's Greens all but rule out three-way 'Jamaica' coalition,"BERLIN (Reuters) - Germany s Greens on Saturday all but ruled out a three-way coalition with Chancellor Angela Merkel s conservatives and the pro-business Free Democrats (FDP) after the Sept. 24 election and a conservative said such an alliance would not be ideal. Polls show Merkel s conservatives are likely to win the election with around 38 percent of the vote but will be left in need of a coalition partner. Their rival Social Democrats (SPD) are lagging on around 22 percent. Possible coalition options include a repeat of the current grand coalition between the conservatives and SPD or a Jamaica coalition of the conservatives, FDP and Greens - the name referring to the black, yellow and green colors of the Jamaican flag. Katrin Goering-Eckhardt, one of the Greens two top candidates, told regional newspaper Passauer Neue Presse: I can t imagine Jamaica. Coalitions tend to be tested at the state level before they are formed at the national level. A Jamaica alliance was formed in the coastal state of Schleswig-Holstein after Merkel s Christian Democrats (CDU) won an election there in May. But Goering-Eckhardt said the Greens and FDP had diametrically opposed positions on issues including climate protection, emission thresholds for clean cars and refugees. I can t see how it could work at the national level, she said. FDP leader Christian Lindner told Focus magazine he was also unable to envisage a Jamaica coalition given the hurdles to reaching agreement with the Greens on immigration and energy. Interior Minister Thomas de Maiziere, a senior conservative, told regional newspaper Rheinische Post neither the conservatives nor the SPD wanted to continue the current grand coalition because it is not good for democracy , referring to the small parliamentary opposition that such a tie-up leaves. But he added that it would be harder to reach agreements with the Greens and FDP on domestic security than it has been with the SPD. From a security perspective it would be good if the conservative bloc could choose a two-way alliance, he said. Cem Ozdemir, the Greens other top candidate, said in an interview with Tagesspiegel am Sonntag newspaper that his party wanted to be in the next federal government, which he suggested would be formed by Merkel: The race for first place seems to be over - Angela Merkel is out in front. But the latest polls show Merkel s conservatives and the Greens would not be able to muster enough support between them to form a two-way alliance. While support for the Greens has dropped to single digits this year - it is on 8 percent in the latest polls - a Forsa survey published this week showed half of Germans would welcome the Greens being part of the post-election government. Merkel on Saturday reiterated her warning to voters about a coalition between the SPD, radical Left party and Greens, telling voters in the southwestern city of Reutlingen that a red-red-green tie-up would be bad for our country and Germany should not embark on any experiments at a time of uncertainty. A red-red-green alliance, which had seemed a possible option early this year, has not been able to get a majority in polls for weeks. ",worldnews,"September 9, 2017 ",1 +German minister urges EU to standardize asylum seeker benefits,"BERLIN (Reuters) - Social benefits for asylum seekers in Germany are quite high and they need to be harmonized across Europe, the country s interior minister was quoted on Saturday as saying, two weeks before a national election in which immigration is a key issue. Thomas de Maiziere belongs to Chancellor Angela Merkel s conservatives, who are expected again to emerge as the biggest party after the Sept. 24 election despite losing some support to the anti-immigrant Alternative for Germany (AfD). The right-wing AfD, which has tried to tap into public disquiet over Merkel s 2015 decision to open German borders to more than a million migrants, is expected to win up to 11 percent in the election and enter the federal parliament for the first time. In an interview published in the regional newspaper Rheinische Post, de Maiziere appeared to target voters particularly concerned by the migrant influx, saying asylum procedures and benefits for asylum seekers needed to be harmonized across the 28-nation European Union. What we need next is a standardized asylum system in Europe and we re currently negotiating that in the EU - it can t be that the standards are so different in Romania, Finland, Portugal and Germany, he said. Germany is the country that most (asylum seekers) want to live in because the process and conditions for being accepted are relatively generous compared with other European countries and the benefits for refugees are quite high compared with other EU member countries, he said. De Maiziere said a more harmonized system could involve possible subsidies for migrants to help cover higher living costs in countries such as Germany on top of a uniform amount agreed at the level of the EU. He also called for common legal standards, saying: Asylum seekers here can drag out their deportation significantly more than they can elsewhere using various legal paths. ",worldnews,"September 9, 2017 ",1 +"Syrian army, allies reach airbase besieged by Islamic State in eastern Syria: commander","BEIRUT (Reuters) - The Syrian army and its allies reached an air base besieged for years by Islamic State militants on the outskirts of the eastern city of Deir al-Zor on Saturday, said a commander in the alliance fighting in support of President Bashar al-Assad. Forces this week also broke the siege of a separate government-held enclave in the city in swift advances against the jihadists. ",worldnews,"September 9, 2017 ",1 +Turkey cautions citizens about travel to 'anti-Turkey' Germany,"ANKARA (Reuters) - Turkey cautioned its citizens on Saturday to take care when traveling to Germany, citing what it said was an upswing in anti-Turkish sentiment ahead of a German national election later this month. The advisory is likely to further exacerbate tensions between the two NATO allies, whose ties have soured following last year s failed coup against Turkish President Tayyip Erdogan and his subsequent crackdown on alleged coup supporters. The political leadership campaigns in Germany are based on anti-Turkey sentiment and preventing our country s EU membership. The political atmosphere... has actually been under the effects of far-right and even racist rhetoric for some time, Turkey s foreign mininstry said in a statement. Last weekend German Chancellor Angela Merkel said during a televised election debate that she would seek an end to Turkey s membership talks with the European Union, in an apparent shift of her position that infuriated Ankara. Merkel, whose conservative Christian Democrats (CDU) have long been skeptical about Turkey s EU ambitions, is expected to win a fourth term in office in Germany s Sept. 24 election. Turkish citizens who live in, or who plan to travel to, Germany should be cautious and act prudently in cases of possible incidents, behavior or verbal assaults of xenophobia and racism, the foreign ministry said. The advisory marks a reversal of roles. Earlier this year Germany warned its own citizens traveling to Turkey about increased tensions and protests ahead of a Turkish referendum on April 16 which considerably expanded Erdogan s powers. Merkel and other EU leaders have strongly criticized Erdogan s actions since the failed coup, saying his purges of Turkey s state institutions and armed forces amount to a deliberate attempt to stifle criticism. More than 50,000 people have been detained and 150,000 suspended in the crackdown, including journalists and opposition figures. Some German nationals have also been targeted. Turkey says the purges are necessary given the extent of the security threat it faces. ",worldnews,"September 9, 2017 ",1 +Togo must introduce two-term limit swiftly to prevent crisis: U.N.,"DAKAR (Reuters) - Togo must go the way of other West African nations and swiftly limit presidential terms to two if it wants to prevent protests escalating into a political crisis, the United Nations envoy to the region said on Saturday. Thousands of people have taken to the streets in the past three days to demand that President Faure Gnassingbe step aside, in the most serious challenge to his family s 50-year ruling dynasty since the death of his father in 2005. Police have responded with tear gas, although avoiding the bloodshed that has tarnished previous demonstrations, and internet and phone calls have been restricted. There were no further reports of protests on Saturday, and they seemed to have died down, but the opposition said they would continue until Gnassingbe steps aside. It has become unavoidable for Togo to join the rest of West Africa in having term limitations, U.N. Special Representative for West Africa and the Sahel Mohamed Ibn Chambas told Reuters in a telephone interview. Since Gambia s Yahya Jammeh was forced out after losing an election last December, all West African countries except Togo have accepted two-term limits on presidential office bucking a regressive trend across Africa to remove them and re-enable presidents for life . Our main perspective is to advise the Togolese to take those actions to prevent an escalation, he added. We are in a region where the security challenges are real and menacing and so we don t want to see any deep political crisis. He said a move by Gnassingbe s government this week to propose a draft bill to reform the constitution and reintroduce a two-term limit was welcome. The opposition has rejected it because it says it would enable him to stay in power until 2030. I suspect the devil is in the detail. We have to wait to see the formulation of the draft, Chambas said. An official in Gnassingbe s cabinet did not immediately respond to a request for comment, but Chambas said he had received assurances during his meeting with the president on Friday that he had heard the people . The president s father Gnassingbe Eyadema seized power in a 1967 coup and ruled for 38 years before his death. He brought in a two-term limit in 1992, in response to protests, then scrapped it a decade later when he decided he wanted to run again. When he died in 2005, the military installed his son instead of the national assembly head, as was constitutionally mandated, stoking protests in which at least 500 people were killed. Faure Gnassingbe has since sought to remodel Togo as a shipping, banking and airline hub modeled on Dubai or Singapore, with some limited success in port upgrades, regional airline operator Asky and pan-African bank Ecobank. Chambas urged the government to move swiftly with changes. My biggest fear for it to go to the national assembly and there be a total blockage. I hope there will be a clear time line...not a perception that this is a delaying tactic, he said. That will go a long way toward building confidence. ",worldnews,"September 9, 2017 ",1 +Angola's opposition appeals election results,"LUANDA (Reuters) - Angola s main opposition party has appealed to the constitutional court to annul the results of last month s election, which gave a landslide victory to the ruling MPLA, arguing the electoral process failed to comply with the law. The National Union for the Total Independence of Angola (UNITA) presented the appeal, accompanied with boxes of supporting documents rolled into court offices in shopping trolleys, late on Friday. The move comes after the National Electoral Commission (CNE) published definitive results on Wednesday giving The People s Movement for the Liberation of Angola (MPLA) 61 percent of the vote and UNITA 27 percent. Throughout a two-week process of vote counting following the Aug. 23 poll, the CNE repeatedly rejected formal complaints from opposition parties that the law was not being followed. The law was completely violated and that means the results which the CNE published are invalid, Ruben Sicato, UNITA spokesman, told reporters as the appeal was filed. UNITA alleges that in multiple provinces the published results were not the product of local vote counting but instead reflected numbers sent to the provinces from the CNE s head office in the capital Luanda. The MPLA has ruled Angola continuously since independence from Portugal in 1975. The party, which finally won a brutal 27-year civil war against UNITA in 2002, continues to enjoy widespread support for securing peace and an oil-fueled economic booms in the years that followed. But corruption, cronyism and a severe economic crisis thanks to a fall in the price of oil have weakened its support and opposition parties had expected to make larger gains. We hope the constitutional court does its job, Sicato said. ",worldnews,"September 9, 2017 ",1 +"France, Germany, Italy, Spain seek tax on digital giants' revenues","PARIS (Reuters) - France, Germany, Italy and Spain want digital multinationals like Amazon and Google to be taxed in Europe based on their revenues, rather than only profits as now, their finance ministers said in a joint letter. France is leading a push to clamp down on the taxation of such companies, but has found support from other countries also frustrated at the low tax they receive under current international rules. Currently such companies are often taxed on profits booked by subsidiaries in low-tax countries like Ireland even though the revenue originated from other EU countries. We should no longer accept that these companies do business in Europe while paying minimal amounts of tax to our treasuries, the four ministers wrote in a letter seen by Reuters. The letter, signed by French Finance Minister Bruno Le Maire, Wolfgang Schaeuble of Germany, Pier-Carlo Padoan of Italy and Luis de Guindos, was addressed to the EU s Estonian presidency with the bloc s executive Commission in copy. They urged the Commission to come up with a solution creating an equalization tax on turnover that would bring taxation to the level of corporate tax in the country where the revenue was earned. The amounts raised would aim to reflect some of what these companies should be paying in terms of corporate tax, the ministers said in the letter, first reported on by the Financial Times. Le Maire, Schaeuble, Padoan and de Guindos of Spain said they wanted to present the issue to other EU counterparts at a Sept. 15-16 meeting in Tallinn. The EU s current Estonian presidency has scheduled a discussion at the meeting about the concept of permanent establishment , with the aim of making it possible to tax firms where they create value, not only where they have their tax residence. France has stepped up pressure for EU tax rules after facing legal setbacks trying to obtain payments for taxes on activities in the country. A French court ruled in July French court ruled that Google, now part of Alphabet Inc, was not liable to pay 1.1 billion euros ($1.3 billion) in back taxes because it had no permanent establishment in France and ran its operations there from Ireland. ",worldnews,"September 9, 2017 ",1 +Russia berates German defense minister for war games remarks,"MOSCOW (Reuters) - Russia s Defence Ministry on Saturday criticized German Defence Minister Ursula von der Leyen, saying it was bewildered by her assertion that Moscow planned to send more than 100,000 troops to war games on NATO s eastern flank this month. On Thursday, the German defense minister said the war games, code named Zapad or West , were a clear demonstration of capabilities and power of the Russians . Anyone who doubts that only has to look at the high numbers of participating forces in the Zapad exercise: more than one hundred thousand, von der Leyen told reporters at an EU defense ministers meeting in Tallinn. Russia has said that its joint war games with Belarus will be purely defensive in nature, rejecting what it called false allegations that it might use the drills to train for invasions of Poland, Lithuania or Ukraine. We are bewildered by the statements of Ursula von der Leyen, publicly talking through her hat and making arbitrary allegations about 100,000 Russian troops ...and about hidden threats to Europe, Russia s military said in a statement. Russia has said around 13,000 troops from Russia and Belarus and almost 700 pieces of military hardware will be used in the exercises to be held in Belarus, the Baltic Sea, western Russia and Russia s exclave of Kaliningrad on Sept. 14-20. General Valery Gerasimov, chief of Russia s general staff, used a meeting on Thursday with General Petr Pavel, chairman of the NATO military committee, to reassure him about the upcoming war games. It is hard to imagine that Ursula von der Leyen s colleagues from NATO, other competent German ministries or her own subordinates deliberately misled her, Russia s defense ministry said. It is much easier to suppose the opposite. (For a graphic on Russia's Zapad war games, click tmsnrt.rs/2xQtYwH) ",worldnews,"September 9, 2017 ",1 +Hamas leader in Cairo to discuss Gaza blockade,"GAZA (Reuters) - The new chief of Palestinian Islamist group Hamas, Ismail Haniyeh, arrived in Cairo on Saturday to hold talks with senior Egyptian officials about the blockade of Gaza on his first such visit as leader, a Hamas spokesman said. In the past few months Hamas has sought to mend relations with Egypt, which controls their one international border crossing from the Gaza Strip. Egyptian President Abdel Fattah al-Sisi has been wary of ties between Hamas and the Muslim Brotherhood, ousted from power by Sisi after mass protests. Hamas controls the Gaza Strip, a densely populated coastal territory that shares borders with Egypt and Israel, with which it has fought three wars since 2008. For much of the last decade, Egypt has joined Israel in enforcing a partial land, sea and air blockade of Gaza. Hamas spokesman Fawzi Barhoum said the talks with Egypt will focus on alleviating the blockade and mending a longstanding rift with rival group Fatah, headed by Western-backed Palestinian President Mahmoud Abbas. An Egyptian source confirmed Haniyeh s arrival with a delegation for talks on the border crossing, security and power supplies. Haniyeh was elected Hamas leader in May. The group maintains a sizeable armed wing in Gaza since seizing the enclave from Fatah in 2007. Hoping to pressure Hamas to relinquish control of Gaza, Abbas has cut payments to Israel for the electricity it supplies to Gaza. This means that electricity has often been provided for less than four hours a day, and never more than six. Abbas has vowed to keep up sanctions against Gaza, saying measures are aimed against Hamas and not ordinary people. In turn, Hamas is trying to make a crack in the wall of sanctions by improving its relations with Egypt and other Arab countries. Israel, which signed a 1979 peace treaty with Egypt and coordinates closely with it on security, is maintaining a close watch on discussions between Egypt and Hamas. Like the United States and the European Union, it regards Hamas as a terrorist group. ",worldnews,"September 9, 2017 ",1 +France's Le Pen seeks to bill herself as Macron's main opponent,"BRACHAY, France (Reuters) - French far-right leader Marine Le Pen, who has been largely out of the spotlight since stinging electoral defeats, on Saturday sought to reclaim the mantle of main opponent to President Emmanuel Macron, which polls now attribute to the far-left. Surveys show that while Le Pen gathered more votes in the presidential election this spring than her National Front (FN) ever did before, lower-than-expected scores, a damaging TV debate against Macron, infighting within the FN and unpopular anti-euro policies have seriously dented her image. Instead, far-leftist Jean-Luc Melenchon and his France Unbowed party, whose 17 lawmakers have been vocal opponents to Macron since their election in June, in particular on labor reform, are seen as the new president s strongest foes. Lashing out at Macron over his labor reform, immigration and security policies and what she said was the government s inadequate response to Hurricane Irma, Le Pen said in her first public speech in months: Don t be mistaken, Mr Macron s dismantling efforts target not only the essence of our institutions but also society as a whole and each and every one of us, including on labor rules. Calling France Unbowed Islamo-Trotskysts, saying they backed foreigners over French citizens and put up a show rather than properly opposing Macron, Le Pen said the hardline Laurent Wauquiez, favorite to lead the conservative The Republicans, would become more mainstream as soon as he was elected. Our political family is the only one capable of being a proper alternative, Le Pen told supporters in her traditional early September speech in the small, pro-FN eastern France village of Brachay. But in recognition of the difficulties her party faces and disappointment with the presidential and legislative election scores - the FN has only eight lawmakers in the lower house of parliament - Le Pen said she would tour France to meet supporters and discuss what should change within the FN. She confirmed the party would change its name at a congress early next year. And her speech struck a note that was different from her election campaign rallies. Le Pen on Saturday did not mention the euro at all and barely touched upon globalization, while both those themes were at the heart of her campaign strategy. Instead, Le Pen devoted the first chunk of her speech to a harsh criticism of immigration and Islamism, signaling a return to the far-right party s fundamentals as opinion polls show her anti-euro stance is unpopular. ",worldnews,"September 9, 2017 ",1 +Singapore decried for 'harassment' of anti-death penalty activists,"SINGAPORE (Reuters) - Singapore should end harassment of peaceful activists, Human Rights Watch has said, after participants at a candlelight vigil for a man being executed for drug trafficking were stopped from leaving the country. On July 13, around a dozen people, including opponents of the death penalty and relatives Prabagaran Srivijayan, 22, attended the vigil outside Changi Prison in support of the man, who was to be hanged early the next morning. The man, who was executed on July 14, was convicted of trafficking 22.4 grams of heroin into Singapore. During the vigil, participants said they were approached by police and told that a police report had been filed and that they were to remove the candles. The police removed the candles and photographs of Prabagaran but the participants say they were not asked to disperse. A police statement on Saturday said 17 people were under investigation relating to whether they had been involved in an illegal assembly. Assemblies and processions for a cause in public places without a permit is a criminal offense in Singapore. Anyone convicted of organizing such an assembly faces penalties of up to S$10,000 ($7,440) in fines and up to six months in jail. The Singapore government has said that the law is required to provide for the individual s rights for political expression without compromising on order and safety . Among those at the vigil were a journalist, who is an activist against capital punishment, an editor of independent online blog Online Citizen and a filmmaker whose most recent work focused on the detention in 1987 of political activists under Singapore s Internal Security Act. The three said in social media postings that they had been prevented from leaving the country, and had been told that they were required to stay in Singapore to assist police with an investigation. Human Rights Watch said the government should respect the right of free speech and assembly. The government should end its harassment of activists campaigning against capital punishment and respect their rights to freedom of expression and peaceful assembly, the group said in a release on Thursday. None of the three had been arrested or charged, Kirsten Han, the activist and journalist, told Reuters. ",worldnews,"September 9, 2017 ",1 +"Irma seen costing more than 1 billion euros in Saint Martin, Saint Barth","PARIS (Reuters) - The cost of Hurricane Irma, described as one of the most powerful Atlantic storms in a century, is seen costing at least 1.2 billion euros ($1.44 billion) in Saint Martin and Saint Barthelemy, a French public reinsurance body said on Saturday. Irma walloped Cuba s northern coast on Saturday as a Category 5 storm and was expected to hit Florida on Sunday morning, threatening massive damage from wind and flooding to the fourth-largest U.S. state by population. France s Caisse Centrale de Reassurance, a state-owned reinsurance group, said Irma would go down as one of the most damaging disasters in decades on French territory. Saint Barthelemy lies about 35 km southeast of Saint Martin, whose territory is divided between France and the Netherlands. The French interior ministry said on Saturday that 10 people had been reported dead on the two islands. ",worldnews,"September 9, 2017 ",1 +NHC says Irma forecast to strengthen once it moves away from Cuba,"(Reuters) - Hurricane Irma dipped in intensity as it passed over Cuba, with maximum sustained wind speeds falling to 130 miles per hour (215 km/h), but is forecast to regain strength as it moves away from the island, the U.S. National Hurricane Center said on Saturday. The storm will reach the Florida Keys on Sunday morning and is expected to be near the southwest coast of Florida on Sunday afternoon, the NHC said. Irma would remain a powerful hurricane as it approaches Florida, it said. ",worldnews,"September 9, 2017 ",1 +Catalan independence vote divides region's mayors,"BARCELONA (Reuters) - Barcelona s mayor has asked for reassurances that municipal staff would not face legal action or lose their jobs if they helped to organize an Oct. 1 referendum on Catalonia seceding from Spain. However, some of the region s nearly 1,000 mayors have already said they would go ahead with the vote, despite it being declared illegal by Madrid. Having originally offered to allow premises across the city to be used as polling stations, Barcelona mayor Ada Colau has asked the Catalan government for further reassurances that civil servants involved would be protected, her office said. We support the right to participate and protest completely but we will repeat what we have said many times before: we will not put at risk institutions or civil servants, Barcelona s deputy mayor, Gerardo Pisarello, said on Friday. Catalonia s parliament voted on Wednesday to hold an independence referendum on Oct. 1, setting up a clash with the Spanish government that has vowed to stop what it says would be an illegal vote. Polls in the northeastern region show support for self-rule waning as Spain s economy improves. But the majority of Catalans do want the opportunity to vote on whether to split from Spain. As of Friday night, 674 of Catalonia s 948 municipal districts had informed the government of their intention to allow city spaces to be used for the vote, according to the Municipal Association for Independence (AMI). In a video posted on Twitter, the mayor of the Cerdanyola municipality tore in half a letter from the Constitutional Court warning of the legal repercussions of participating in the referendum to applause from the crowd watching. Pro-independence groups protested on Friday outside the offices of several mayors across Catalonia who announced they would not allow municipal spaces to be used for the vote. On Saturday, Spanish police searched the offices of a weekly newspaper in the town of Valls in search of ballot papers, according to newspaper La Vanguardia. On Friday, the Civil Guard police searched a printing company near Tarragona, reportedly in search of materials to be used in the independence vote. Spain s Civil Guard police was unavailable for comment but a court statement said the searches were related to charges brought by the public prosecutor in relation to the referendum. ",worldnews,"September 9, 2017 ",1 +Turkey kills 99 Kurdish militants in latest operations: military,"ANKARA (Reuters) - Turkish security forces have killed 99 Kurdish militants, including a high-ranking one, in operations in southeast Turkey over the last two weeks, the armed forces said on Saturday. Security forces targeted outposts and caves used by the militants for shelter and storage in the southeastern provinces of Sirnak and Hakkari, near the Iraqi border, the military said in a statement. Ninety-nine terrorists have been neutralized. One is in the so-called leading ranks, it said. The outlawed Kurdistan Workers Party (PKK), considered a terrorist organization by the United States, Turkey and the European Union, has waged a more than three-decade insurgency against the state. The PKK, which seeks autonomy for the largely Kurdish southeast, has bases in the mountains on both sides of the Turkey-Iraq border and is frequently targeted by Turkish security forces. The operations, which were carried out between Aug. 24 and Sept. 7, led to the seizure of 420 kg (925 lbs) of ammonium nitrate, used to make explosives, as well as bombs, guns and rifles, the military said. ",worldnews,"September 9, 2017 ",1 +Nigeria's Buhari urges calm after herdsmen kill 19 in central Plateau state,"ABUJA (Reuters) - Nigeria s President Muhammadu Buhari appealed for calm and an end to communal violence on Saturday after police said armed herdsmen killed 19 people in the central state of Plateau. Local police said Fulani herdsmen attacked Ancha village, in the Bassa local government area of Plateau state, in the early hours of Friday. They said it was thought to be a reprisal attack after a boy from the herding community was killed. Police provided details of the attack, in which five people were injured, late on Friday. Fighting between semi-nomadic cattle herders and more settled communities over land use claims hundreds of lives a year in Nigeria s central and northern states. I urge all our communities in the state and the other parts of the country to embrace peace and bring to a stop these painful and unnecessary killings, said Buhari, in an emailed statement. He said communities and security agencies in Plateau had taken steps to pull the state back from the brink of anarchy and senseless killings , adding that it would be a painful loss to allow these unsavory acts to return . The violence is another security challenge for Buhari in addition to the eight-year Boko Haram jihadist insurgency in the northeast and attempts to maintain a fragile ceasefire in the southern Niger Delta energy hub where militant attacks on oil facilities last year cut crude production by more than a third. ",worldnews,"September 9, 2017 ",1 +Red Cross says staff member killed in South Sudan ambush,"JUBA (Reuters) - The International Committee of the Red Cross (ICRC) said on Saturday one of its drivers was shot dead when a convoy of their vehicles was ambushed in South Sudan s Western Equatoria State. The ICRC said Lukudu Kennedy Laki Emmanuel was killed when the convoy of nine trucks and a four-wheel-drive vehicle was shot at by unidentified gunmen while returning from Western Equatoria on Friday. We are shaken and distraught by the killing of our colleague who was traveling in a convoy of vehicles which were clearly marked with the Red Cross emblem, Fran ois Stamm, ICRC s head of delegation in Juba, said in a statement. The Western Equatoria region borders Central African Republic and the Democratic Republic of Congo. South Sudan became independent from neighboring Sudan in 2011 following decades of conflict. The new nation slid into civil war less than two years later, after President Salva Kiir fired his deputy, Riek Machar. The conflict has often followed along ethnic lines, killing tens of thousands and forcing nearly a third of the population of 12 million to flee their homes, with Uganda alone hosting 1 million South Sudanese refugees. South Sudan also continues to be one of the most dangerous places for aid workers. Since the conflict began in December 2013, at least 82 aid workers have been killed, including 17 in 2017 - most of them South Sudanese, according to the United Nations Office for the Coordination of Humanitarian Affairs (UN OCHA). Since January, 27 security-related incidents have forced the relocation of some 300 aid workers. These incidents signify a worsening operating environment for humanitarians in South Sudan, the UN OCHA said in a statement on Friday. ",worldnews,"September 9, 2017 ",1 +"As U.S. ban on travel to North Korea kicks in, tourists say their farewells"," (This Aug 31 story corrects location of Burkhead s home in third paragraph.) By Christian Shepherd BEIJING (Reuters) - American tourist Nicholas Burkhead said he d be happy to return to his latest holiday destination, with its beautiful scenery, great food and friendly people. The problem is, the destination was North Korea and a U.S. State Department ban on travel to the isolated country takes effect on Friday. Burkhead, a 35-year-old resident of Virginia, was among the last American tourists to leave North Korea, landing on Thursday in Beijing. I was surprised at how friendly everyone was, Burkhead said after stepping off the last scheduled flight to Beijing from the North Korean capital, Pyongyang, before the U.S. travel ban kicks in. It was very relaxing - beautiful scenery and they fed us very well in the restaurants there, but the exchange rate wasn t too good for the local won, he told a waiting scrum of reporters. Burkhead arrived in Beijing on North Korea s state-owned Air Koryo after visiting Pyongyang as well as the city of Kaesong near the heavily armed border with South Korea. His five-day tour cost 1,850 euros ($2,200). Other Americans on the flight included two aid workers as well as Jamie Banfill, 32, who had led tours to North Korea but was visiting this time as a tourist. Banfill, who had made the trip to say goodbyes after regularly traveling to the North for a decade, said the travel ban short-sighted. It s an extremely complex situation on the Korean peninsula and they oversimplified it, he said. The United States last month announced a ban on U.S. passport holders from traveling to North Korea, effective Sept. 1. Journalists and humanitarian workers are allowed to apply for exemptions under the ban, which is similar to previous U.S. restrictions on travel to Iraq and Libya. Heidi Linton, director of Christian Friends of Korea, who has been working in North Korea for more than 20 years, told reporters she worried about the people her aid group helped, if her exemption was not granted soon. We started a hepatitis B program and we have 705 patients that have been started on life-saving medicine, that if they go off that medicine then their lives are in danger, she said. It was not immediately clear how many Americans had sought, or been granted, exemptions or how many were still in North Korea. An official at the state department said it was not able to give an estimate on the number of U.S. citizens there. North Korea is under growing international pressure over its nuclear tests and repeated ballistic missile launches, including one this week that flew over northern Japan. The U.S. ban on travel to North Korea followed the death of U.S. college student Otto Warmbier, who was jailed during a tour last year. Warmbier, who was sentenced to 15 years hard labor for trying to steal a propaganda sign, was returned to the United States in a coma in June and died six days later. The circumstances surrounding his death are not clear, including why he fell into a coma. Warmbier had been detained leaving the airport in Pyongyang. I was expecting a strict security check on exit but there was nothing like that, Burkhead said. The State Department declared U.S. passports invalid for travel to, in or through North Korea. The restriction applies for one year unless extended or revoked by the secretary of state. North Korean state media has described the ban as a sordid attempt to limit human exchanges. North Korea is currently holding two Korean-American academics and a missionary, as well as three South Korean nationals who were doing missionary work. This month, North Korea released a Canadian pastor who had been imprisoned there for more than two years. Hundreds of Americans are among the 4,000 to 5,000 Western tourists who visit North Korea annually, according to U.S. lawmaker Joe Wilson. ",worldnews,"August 31, 2017 ",1 +"U.S. students' rape allegation against Italian police has 'some basis', minister says","ROME (Reuters) - Italy s defense minister has said there is some basis to allegations by two American students that they were raped in Florence by Carabinieri policemen. The two women, aged 19 and 21, have said they were raped in the early hours of Sept. 7 after they were given a lift home from a nightclub in the Italian city by a Carabinieri police patrol. The two policemen have denied the accusations. Italian media say the police were called to the nightclub after a fight broke out on the premises. The students told investigators that two officers had offered to give them a ride back to their residence. The students said they were raped inside the building before they could reach their rooms. Investigations are still ongoing, but there is some basis regarding the allegations, Defense Minister Roberta Pinotti told a conference on women s issues late on Friday. Rape is always a serious matter. But it s of unprecedented seriousness if it is committed by Carabinieri in uniform. The Carabinieri is a paramilitary police force under the control of the Defense Ministry. It works alongside the national police, which is controlled by the Interior Ministry. Italian media say the two women, who come from the states of Maine and New Jersey, told investigators they had drunk alcohol and smoked cannabis the night of the attack. They said they had been too frightened to scream or shout as the alleged assault took place. Police are carrying out DNA tests to try to verify their accusations, with results expected in the coming days. The case, which has received wide play in the Italian media, comes less than two weeks after a Polish tourist and Peruvian transsexual were brutally raped in the seaside resort of Rimini. Two Moroccans, a Nigerian and a Congolese asylum seeker have been arrested over the attacks, which led to a sharp increase in anti-immigrant sentiment in Italy. The allegations levelled against the Carabinieri have dismayed the Italian establishment. If this is true, and I hope that light is shed on the matter as soon as possible, then it would be an act of unheard of gravity, Tullio Del Sette, the head of the army, told the ANSA news agency. ",worldnews,"September 9, 2017 ",1 +Syrian army seizes oilfield from Islamic State in east: state TV,"BEIRUT (Reuters) - The Syrian army and its allies recaptured an oilfield from Islamic State near the eastern city of Deir al-Zor on Saturday in further advances against the militants, state TV reported. Government forces also seized part of a main highway running from Deir al-Zor down to the city of al-Mayadeen, to which many Islamic State militants have retreated, the Syrian Observatory for Human Rights monitoring group said. The Syrian army this week broke through Islamic State lines to reach a government-held enclave of Deir al-Zor besieged for years by the jihadists, and is fighting to reach a nearby air base which IS still surrounds. On Saturday, the army and militias fighting alongside it seized the Teym oilfield in desert south of Deir al-Zor, state TV said. Deir al-Zor is in an oil-rich area of Syria. To the east of Teym and south of the air base, government forces also recaptured part of the main road running from Deir al-Zor to al-Mayadeen, downstream along the Euphrates river and closer to the Iraq border, the Observatory reported. The British-based monitoring group said that advance would block potential Islamic State reinforcements from al-Mayadeen. The advances put yet more pressure on Islamic State s shrinking caliphate, which once stretched across northern and eastern Syria, and northwestern Iraq. In Syria, the group holds much of Deir al-Zor province and half the city, as well as a pocket of territory near Hama and Homs in the west of the country. ",worldnews,"September 9, 2017 ",1 +U.S.-backed SDF attacks Islamic State in Syria's Deir al-Zor province,"BEIRUT (Reuters) - The U.S.-backed Syrian Democratic Forces alliance (SDF) has launched an operation against Islamic State militants in the north of Deir al-Zor province in eastern Syria, a statement said on Saturday. The statement from the Deir al-Zor Military Council, fighting as part of the SDF, said assaults would aim to drive the jihadist militants out of areas they hold north and east of the Euphrates river. ",worldnews,"September 9, 2017 ",1 +South Korea braces for possible new missile test to mark North's founding day,"SEOUL (Reuters) - South Korea braced for a possible further missile test by North Korea as it marked its founding anniversary on Saturday, just days after its sixth and largest nuclear test rattled global financial markets and further escalated tensions in the region. Throughout the week, South Korean officials have warned the North could launch another intercontinental ballistic missile, in defiance of U.N. sanctions and amid an escalating standoff with the United States. Pyongyang marks its founding anniversary each year with a big display of pageantry and military hardware. Last year, North Korea conducted its fifth nuclear test on the Sept. 9 anniversary. Tension on the Korean peninsula has escalated as North Korea s young leader, Kim Jong Un, has stepped up the development of weapons, testing a string of missiles this year, including one flying over Japan, and conducting its sixth nuclear test on Sunday. Experts believe the isolated regime is close to its goal of developing a powerful nuclear weapon capable of reaching the United States, something U.S. President Donald Trump has vowed to prevent. Celebrating its founding anniversary, a front-page editorial of the Saturday edition of North Korea s official Rodong Sinmun said the country should make more high-tech Juche weapons to continuously bring about big historical events such as a miraculous victory of July 28. . The July date refers to the intercontinental ballistic missile test. Juche is North Korea s homegrown ideology of self-reliance that is a mix of Marxism and extreme nationalism preached by state founder Kim Il Sung, the current leader s grandfather. South Korean nuclear experts, checking for contamination, said on Friday they had found minute traces of radioactive xenon gas but that it was too early to link it to Sunday s explosion. The Nuclear Safety and Security Commission (NSSC) said it had been conducting tests on land, air and water samples since shortly after the North Korean nuclear test on Sunday. Xenon is a naturally occurring, colourless gas that is used in manufacturing of some sorts of lights. But the NSSC said it had detected xenon-133, a radioactive isotope that does not occur naturally and which has in the past been linked to North Korea s nuclear tests. There was no chance the xenon will have an impact on South Korea s territory or population , the agency said. Trump has repeatedly said all options are on the table in dealing with North Korea and on Thursday said he would prefer not to use military action, but if he did, it would be a very sad day for North Korea. Military action would certainly be an option. Is it inevitable? Nothing is inevitable, Trump told reporters. If we do use it on North Korea, it will be a very sad day for North Korea. Even as Trump has insisted that now is not the time to talk, senior members of his administration have made clear that the door to a diplomatic solution is open, especially given the U.S. assessment that any pre-emptive strike would unleash massive North Korean retaliation. North Korea says it needs its weapons to protect itself from U.S. aggression and regularly threatens to destroy the United States. South Korea and the United States are technically still at war with North Korea after the 1950-53 Korean conflict ended with a truce, not a peace treaty. The USS Ronald Reagan, a nuclear-powered carrier, left its home port in Japan for a routine autumn patrol of the Western Pacific, a Navy spokeswoman said. That area included waters between Japan and the Korean peninsula, she added, without giving any further details. The Ronald Reagan was out on routine patrol from May until August, and was sent to the Sea of Japan with the another carrier, the USS Carl Vinson, to take part in drills with Japan s Self Defense Forces as well as the South Korean military. North Korea vehemently objects to military exercises on or near the peninsula, and China and Russia have suggested the United States and South Korea halt their exercises to lower tension. While Trump talked tough on North Korea, China agreed on Thursday that the United Nations should take more action against it, but it also pushed for dialogue. The U.N. Security Council is expected to vote on a new set of sanctions soon. Russian Foreign Minister Sergei Lavrov said that it was too early to draw conclusions about the final form of the U.N. resolution, Russia s Interfax news agency quoted Lavrov as saying at a news conference on Friday. The United States on Friday told the U.N. Security Council that it intends to call a meeting on Monday to vote on a draft resolution establishing additional sanctions on North Korea for its missile and nuclear program, the U.S. Mission to the United Nations said in a statement. U.S. ambassador to the United Nations Nikki Haley said last Monday that she intended to call for a vote on Sept. 11 and then the United States circulated a draft resolution to the 15-member council on Wednesday. The United States wants the Security Council to impose an oil embargo on North Korea, ban its exports of textiles and the hiring of North Korean laborers abroad, and to subject Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. It was not immediately clear how North Korean allies China and Russia would vote, but a senior U.S. official on Friday night expressed scepticism that either nation would accept anything more stringent than a ban on imports of North Korean textiles. Chinese officials have privately expressed fears that imposing an oil embargo could risk triggering massive instability in its neighbor. North Korea offered fresh vitriol against the pending sanctions, specifically targeting Haley, who this week accused Kim of begging for war . There is nothing more foolish than thinking we, a strong nuclear state, will endure this evil pressure aimed at overthrowing our state, the North s official news agency said in a commentary. Even if Nikki Haley is blind, she must use her mouth correctly. The United States administration will pay for not being able to control the mouth of their U.N. representative. China is by far North Korea s biggest trading partner, accounting for 92 percent of two-way trade last year. It also provides hundreds of thousands of tonnes of oil and fuel to the impoverished regime. China s economic influence has been felt by South Korea as well. The two countries have been at loggerheads over South Korea s decision to deploy a U.S. anti-missile system, the Terminal High Altitude Area Defense, which has a powerful radar that can probe deep into China. Shares in South Korean automaker Hyundai Motor (005380.KS) and key suppliers slid on Friday on worries over its position in China after highly critical Chinese state newspaper comments. The military section of China s Global Times newspaper on Thursday referred to THAAD as a malignant tumor . ",worldnews,"September 8, 2017 ",1 +Japan says jet fighters conducted drills with U.S. aircraft over East China Sea,"TOKYO (Reuters) - Japanese F-15 fighter jets on Saturday conducted an air exercise with U.S. B1-B bombers in the skies above the East China Sea, Japan s Air Self Defense Force (ASDF) said. The joint drill comes as South Korea braces for a possible further missile test by North Korea as it marked its founding anniversary, just days after its sixth and largest nuclear test rattled global financial markets and further escalated tensions in the region. The exercise involved two U.S. Air Force B-1B Lancer bombers flying from Andersen Air Force Base on the U.S. Pacific island territory of Guam, which were joined by two Japanese F-15 jet fighters. On Aug. 31, Japanese F-15 fighter jets also conducted an air exercise with U.S. B1-B bombers and F-35 stealth fighters in skies south of the Korean peninsula, two days after North Korea launched a ballistic missile over northern Japan. ",worldnews,"September 9, 2017 ",1 +"Australia to allow more Pacific Islands workers, patrol fisheries","SYDNEY (Reuters) - Australia will extend its Pacific Islands migrant labor program and fly aerial surveillance missions to protect valuable Pacific fisheries, Prime Minister Malcolm Turnbull said at the Pacific Island Leaders Forum. The meeting, held in Apia, Samoa, brought 17 Pacific Island nations plus Australia and New Zealand to the negotiating table. The new agreement helps tiny low-income Pacific Island nations by giving them access to Australia s large and developed economy, with migrant workers repatriating funds via overseas remittances. The per capita gross national incomes of 11 countries in the region range from $1,540 for the Solomon Islands to $13,496 for Palau, according to World Bank figures, while Australian workers earn an average yearly salary of more than $64,000. Australia s population of 24 million people is highly urbanized, leading to labor shortages in rural areas. Prime Minister Malcolm Turnbull signed an agreement on Friday to allow 2,000 Islanders to work in rural areas over the next three years, adding to an existing seasonal worker program which supplies agricultural labor. The micro-nations of Kiribati, Nauru and Tuvalu will have first access to the scheme, which will allow workers to engage in non-farm work such as care of the elderly. The World Bank said it was in Australia s interests to encourage stability. Aid dependency in the region is high, and reliance on aid alone is an unbalanced strategy. By improving employment prospects and increasing remittance flows, labor mobility helps stabilize otherwise fragile states, it said in a new report, Pacific Possible, released at the forum. The report said the Pacific region had the potential to create more than 500,000 new jobs and increase incomes by more than 40 percent by 2040, if they focused on developing key areas such as tourism and fisheries. The western and central Pacific Ocean covers about 8 percent of the world s ocean mass and contains the last healthy tuna stocks, supplying 60 percent of the world s tuna, the report said. Australia has agreed to fund aerial surveillance for Pacific Island member states to combat illegal fishing, with the planes to be in the air by the end of this year. ",worldnews,"September 9, 2017 ",1 +Australia to send more troops to help Philippines fight Islamist militants,"Sydney - (Reuters) - Australia will send troops to assist Philippine forces in the ongoing battle against Islamic State fighters in the southern city of Marawi, Australia s Defense Minister Marise Payne said on Friday. Small contingents of Australian soldiers will be sent to train Philippine troops, Payne said during a press conference with her counterpart, Delfin Lorenzana in Manila. We are very committed to supporting the Philippines in its efforts to defend itself against terrorist threats, Minister Payne said. This is a threat to the region (that) we all need to work together to defeat. But no Australian troops will be actively involved in the fighting, Lorenza said. It would not look good if we would be needing troops to fight the war here. We are happy with the assistance we re getting from Australia. The militants swept through Marawi on May 23 and have held parts of it despite sustained ground attacks by hundreds of soldiers and daily pummeling by planes and artillery. The southern Philippines has been marred for decades by insurgency and banditry. But the intensity of the battle in Marawi and the presence of foreign fighters fighting alongside local militants has raised concerns that the region may be becoming a Southeast Asian hub for Islamic State as it loses ground in Iraq and Syria. The Australian troops will compliment those from their country already sent to the Philippines to train local personnel, Payne said. Philippine troops fighting Islamic State-linked rebels in a southern city have encountered armed resistance from women and children who were likely family member of militants, the Phillipine military said on Monday. A spokesman for Payne said further details of the training contingent would be determined in coming days. ",worldnews,"September 9, 2017 ",1 +Pope to see a Medellin that has put drug wars in its past,"MEDELLIN, Colombia (Reuters) - Pope Francis on Saturday travels to Medellin, once notorious as the stomping grounds of drug lord Pablo Escobar, to find a city transformed since his predecessor Pope John Paul visited in 1986. Violence between cartels, paramilitary groups and guerrillas raged in the poor comuna neighborhoods on its outskirts and the late pontiff was moved to decry drug violence. Instead, Francis is expected to honor the commitment and sacrifice of those who dedicate themselves to religious vocations when he says mass for a crowd expected to draw hundreds of thousands of people near an airport. He also visits a home for children who were victims of violence and addresses priests, nuns, seminarians and their families at the La Macarena bullring. In the 1980s and early 1990s, violence between cartels, paramilitary groups and guerrillas raged in the poor comuna neighborhoods on its outskirts and the visiting pontiff was moved to decry drug violence. The city is now heralded as a model of urban development. It has installed cable cars up the steep Andean slopes that surround it to save working-class residents a punishing climb home and built libraries in neighborhoods once host to gun battles. Feared drug trafficker Escobar, Medellin s most infamous resident, was gunned down in the city in a U.S.-backed operation in 1993. He was recently resurrected as a character in the popular Netflix series Narcos. During his visit to the city, Francis will highlight those who choose the habit and the cassock over secular careers, as the number of new entrants to vocations in the Roman Catholic Church has slumped. At the La Macarena meeting, Francis will also pray before the relics of Mother Laura Montoya, a nun who was the first female Colombian saint. Montoya was a teacher and prolific author who hosted classes in her own home when the 1895 civil war forced schools to close. The leader of the world s 1.2 billion Roman Catholics has brought a message of national reconciliation as the country tries to heal the wounds left by the conflict and bitter disagreements over a peace deal with guerrillas agreed last year. On Friday in the tropical city of Villavicencio, he urged Colombians skeptical of a the deal with the FARC guerrillas to be open to reconciliation with those who have repented, speaking hours after a top rebel leader asked the pontiff for forgiveness.. He visits the city of Cartagena on Sunday before leaving for Rome that night. ",worldnews,"September 9, 2017 ",1 +Taiwan activist to be tried for subversion in China in 'open' hearing,"Beijing (Reuters) - China will on Monday put on trial a Taiwanese activist, who disappeared while on a visit to the mainland in March, on suspicion of subverting state power, in what court authorities said would be an open trial. Lee Ming-che, a community college teacher and human rights advocate, went missing on his March visit but authorities later confirmed he had been detained, straining already-tense ties between the mainland and the self-ruling island. Lee s trial will begin first thing on Monday morning, at the Intermediate People s Court of Yueyang city, in the central province of Hunan, a woman who answered the telephone at the court told Reuters. Authorities have video-streamed or live-blogged increasing numbers of court proceedings in recent years as part of a push towards judicial transparency. But rights activists say that in sensitive cases, holding open hearings is a tool for authorities to demonstrate state power and that usually the defendant has agreed to an outcome. Photographs of a billboard announcement of the trial date and time, which circulated online on Friday, were genuine, the woman at the court confirmed. The announcement said Lee would stand trial alongside another man, Peng Yuhua, who is suspected of the same crime. It is not clear who Peng is or what his relationship to Lee is, if any. Lee Ching-yu, Lee s wife, who has been campaigning for his release, was contacted this week by a man who said he was her husband s lawyer and who told her to come to the mainland for the trial, Taiwan s Mainland Affairs Council said on Thursday. The council said the Taiwan government would help her apply for travel documents and arrange lawyers to go with her. Lee s case has strained relations between Taipei and Beijing, which have been difficult for decades but particularly tense since President Tsai Ing-wen, leader of Taiwan s independence-leaning Democratic Progressive Party, took office last year. Beijing regards the island as a breakaway province and it has never renounced the use of force to bring it back under mainland control. Proudly democratic Taiwan has shown no interest in being run by Communist Party rulers in Beijing. ",worldnews,"September 8, 2017 ",1 +Mexico's strongest quake in 85 years kills dozens in the poor south,"JUCHITAN, Mexico (Reuters) - At least 61 people died when the most powerful earthquake to hit Mexico in over eight decades tore through buildings and forced mass evacuations in the poor southern states of Oaxaca and Chiapas, triggering alerts as far away as Southeast Asia. The 8.1 magnitude quake off the southern coast late Thursday was stronger than a devastating 1985 temblor that flattened swathes of Mexico City and killed thousands. The tremor rattled Mexico City and shook Guatemala and El Salvador, but the Oaxacan town of Juchitan bore the brunt of the disaster, with sections of the town hall, a hotel, a church, a bar and other buildings reduced to rubble. Dalia Vasquez, a 55-year old cook, said she watched emergency workers haul the bodies of her elderly neighbor and her middle-aged son from their collapsed home. Her own house was badly damaged. Frightened by the possibility of aftershocks, she planned to sleep with dozens more in the streets and parks. We have nothing now. We don t have any savings, she said. President Enrique Pena Nieto flew to the battered town to oversee rescue efforts. The town s mayor, Gloria Sanchez, called it the most terrible moment in Juchitan s history. Facades of shattered buildings, fallen tiles and broken glass from shop fronts and banks littered the pavements of Juchitan while heavily armed soldiers patrolled and stood guard at areas cordoned off due to the extent of the damage. Startled residents stepped through the rubble of about 100 wrecked buildings, including houses, a flattened Volkswagen dealership and Juchitan s shattered town hall. Scores paced the terrain or sat outside warily, mindful of the frequent aftershocks and reliving the night s terror. It was brutal, brutal. It was like a monster, like a train was passing over our roofs, said Jesus Mendoza, 53, as he milled about in a park across from the damaged town hall. Alma Rosa, sitting in vigil with a relative by the body of a loved one draped in a red shroud, said: We went to buy a coffin, but there aren t any because there are so many bodies. All the deaths were in three neighboring states clustered near the epicenter that lay about 70 km (40 miles) off the coast. At least 45 people died in Oaxaca, many of them in Juchitan, while in Chiapas the count reached 12 and in Tabasco four people lost their lives, according to federal and state officials. In Chiapas, home to many of Mexico s indigenous ethnic groups, thousands of people in coastal areas were evacuated as a precaution when the quake sparked tsunami warnings, but only two-foot waves were produced by the quake. State oil company Pemex said there was no structural damage to it s 330,000 barrel-per-day Salina Cruz refinery, which it had shut down as a precaution, but it said it was checking problems in the electrical system before restarting the plant. At least 250 people in Oaxaca were also injured, according to agriculture minister Jose Calzada. Classes were suspended in much of central and southern Mexico on Friday to allow authorities to assess the impact. Dozens of schools were damaged, officials said. People ran into the streets in Mexico City, one of the world s largest metropolises and home to more than 20 million, and alarms sounded after the quake struck just before midnight. The U.S. Geological Survey (USGS) said the quake s epicenter was 54 miles (87 km) southwest of the town of Pijijiapan at a depth of 43 miles (69 km). John Bellini, a geophysicist at the USGS National Earthquake Information Center in Golden, Colorado, said it was the strongest quake since an 8.1 temblor struck the western state of Jalisco in 1932. Across the Pacific, both the Philippines and New Zealand were on alert for possible tsunamis. Windows were shattered at Mexico City airport and power went out in several neighborhoods of the capital, affecting more than 1 million people. The cornice of a hotel came down in the southern tourist city of Oaxaca, a witness said. Mexico City is built on a spongy, drained lake bed that amplifies earthquakes along the volcanic country s multiple seismic fault lines. The 1985 earthquake was just inland, about 230 miles from Mexico City, while Thursday s was 470 miles away. Authorities reported dozens of aftershocks, and President Pena Nieto said the quake was felt by around 50 million of Mexico s roughly 120 million population. Mexico is evaluating whether the quake will trigger a payout from a World Bank-backed catastrophe bond, Finance Minister Jose Antonio Meade said on Friday. Meade said the bond s coverage could reach $150 million, depending on magnitude and location. But he said Mexico has sufficient funds to pay for a cleanup whether the bond was triggered or not. ",worldnews,"September 8, 2017 ",1 +China's Xi urges France to help restart talks on North Korea,"BEIJING (Reuters) - Chinese President Xi Jinping told President Emmanuel Macron on Friday he hoped France could play a constructive role in restarting talks on North Korea, state TV said. The French presidency said the two leaders had agreed in a telephone call on the need to put more international pressure on Pyongyang to get it back to the negotiating table and avoid a dangerous escalation. Chinese TV quoted Xi as saying: The Korean peninsula nuclear issue in the end can only be resolved through peaceful means, including through dialogue and consultations. North Korea has tested a string of missiles this year, including one flying over Japan, and conducting its sixth and biggest nuclear test on Sunday. China hosted on-again, off-again six-party talks on North Korea, including Japan, Russia, the United States and the two Koreas, that fizzled out in 2008. Experts believe the isolated regime is close to its goal of developing a powerful nuclear weapon capable of reaching the United States, something U.S. President Donald Trump has vowed to prevent. Xi discussed North Korea in calls with Trump on Wednesday and German Chancellor Angela Merkel on Thursday. Trump has urged China, North Korea s only major ally, to do more to rein in its neighbor. ",worldnews,"September 8, 2017 ",1 +Philippines suspends trade with North Korea to comply with U.N. resolution,"MANILA (Reuters) - The Philippines has suspended trade relations with North Korea to comply with a U.N. Security Council resolution over its repeated missile tests, Manila s foreign minister said on Friday. The United States and other Western countries have asked the United Nations to consider tough new sanctions on North Korea after its test last week that it said was of an advanced hydrogen bomb. We can say we have suspended trade relations with North Korea, Foreign Minister Alan Peter Cayetano told reporters after a meeting with the U.S. ambassador on cooperation on an anti-drugs program. We will fully comply with UNSC resolution including the economic sanctions. Tension on the Korean peninsula has escalated as North Korea s young leader, Kim Jong Un, has stepped up the development of weapons in defiance of U.N. sanctions. It has tested a series of missiles this year, including one that flew over Japan, and conducted its sixth and biggest nuclear test on Sunday. The Philippines is North Korea s fifth-largest trade partner, with bilateral trade from January to June this year worth $28.8 million, according to the state-run Korea Trade-Investment Promotion Agency. On an annual basis, North Korea imported $28.8 million of products from the Philippines in 2016, an increase of 80 percent from the previous year, while Manila s imports from Pyongyang surged 170 percent to $16.1 million. According to the Philippine Department of Trade and Industry (DTI), the main exports to North Korea in 2015 were computers, integrated circuited boards, bananas and women s undergarments. The U.N. Security Council is quite clear, Cayetano said. Part of these are the economic sanctions and the Philippines will comply. We have been communicating with the DTI secretary and I think it was yesterday and the other day, we have gotten direction from the (presidential) palace to support the U.N. Security Council. Cayetano said the trade ban covered raw computer chips from the Philippines. ",worldnews,"September 8, 2017 ",1 +"South Korea finds traces of radioactive gas, 'can't yet link it' to nuclear test","SEOUL (Reuters) - South Korean nuclear experts, checking for contamination after North Korea s sixth and largest nuclear test, said on Friday they have found minute traces of radioactive xenon gas but that it was too early to specify its source. The Nuclear Safety and Security Commission (NSSC) said it had been conducting tests on land, air and water samples since shortly after North Korea s nuclear test on Sunday. The statement said the commission was analyzing how the xenon entered South Korean territory and will make a decision at a later time whether the material is linked to North Korea s nuclear test . Xenon is a naturally occurring, colorless gas that is used in manufacturing of some sorts of lights. But the NSSC said it had detected xenon-133, a radioactive isotope that does not occur naturally and which has in the past been linked to North Korea s nuclear tests. There was no chance the xenon will have an impact on South Korea s territory or population , the statement said. ",worldnews,"September 8, 2017 ",1 +"Officials found list of targets with 5,000 names in east German raid: media","BERLIN (Reuters) - German officials found lists with over 5,000 names of possible targets, including over 100 politicians, during the raids on the homes and workplaces of two terrorism suspects in the east German state of Mecklenburg-Vorpommern last week, Die Welt newspaper reported on Friday. The newspaper, citing security sources, said one of the suspects, a former policeman who has since been suspended, is believed to have used his office computer to search out the addresses of political opponents. German police on Aug. 28 raided the homes and workplaces of the policeman and another person suspected of planning to capture and kill politicians because of their views on immigration, authorities said. The newspaper report marked the first substantial details that have emerged about the case. At the time, the federal prosecutor s office said the suspects, who feared Germany s refugee policies would impoverish the country, had begun to stockpile food and ammunition and plan attacks. The newspaper said there were no indications thus far of surveillance of the people on the lists, or of any concrete murder plans. Much of the information was publicly available, the paper cited the sources as saying. Federal police officials seized two binders filled with names of over 5,000 people during searches of the properties of one of the suspects, an attorney and a local politician in Rostock, a northern city. It said the politicians on the list belonged to a wide range of parties, including Chancellor Angela Merkel s conservatives. ",worldnews,"September 9, 2017 ",1 +North Korea-U.S. tensions are not Mexico's business: diplomat,"MEXICO CITY (Reuters) - North Korea s ambassador to Mexico on Friday said its tensions with the United States were not Mexico City s business after President Enrique Pena Nieto ordered that he leave the country in protest over Pyongyang s nuclear tests. Mexico on Thursday said it had given the ambassador, Kim Hyong Gil, 72 hours to leave Mexico in order to express its absolute rejection of North Korea s recent nuclear activity, describing it as a grave threat to the region and the world. The North Korean ambassador branded the move as ignorant and said disagreement over the country s nuclear program was an issue for the United States and has nothing to do with Mexico. That is why I express great displeasure at the bilateral diplomatic measures taken by the Mexican government that claims to have a sovereign foreign policy. That (claim) is without basis, he told reporters outside the North Korean embassy in Mexico City. Mexico has traditionally sought to steer clear of diplomatic spats, but in the past few months it has adopted robust language to condemn the governments of Venezuela and North Korea as they descended into increasing international isolation. Mexico s foreign minister, Luis Videgaray, has led the diplomatic push as he also seeks to convince the United States to keep the North American Free Trade Agreement in place. Mexico s move follows a tide of international condemnation of North Korea for repeated missile launches and the test of a powerful nuclear weapon in recent weeks. Videgaray on Friday stressed that Mexico was not breaking diplomatic ties with North Korea, but that the country wanted to send a clear message of absolute rejection of the recent tests. ",worldnews,"September 9, 2017 ",1 +Hurricane Irma thrives on fateful mix of 'ideal' conditions,"(Reuters) - Hurricane Irma, a deadly, devastating force of nature, rapidly coalesced from a low-pressure blip west of Africa into one of the most powerful Atlantic storms on record, following an unhindered atmospheric path and fed by unusually warm seas. A combination of many factors, experts said on Friday, set the stage for Irma s formation and helped the storm achieve its full thermodynamic potential, creating the monster tropical cyclone that wreaked havoc on the eastern Caribbean and may inflict widespread damage on Florida. It got lucky, said John Knaff, a meteorologist and physical scientist for the National Oceanic and Atmospheric Administration (NOAA). This storm is in the Goldilocks environment for a major hurricane. It s bad luck for whoever is in its path, but that s what going on here. Brian Kahn, an atmospheric scientist and cloud specialist for NASA s Jet Propulsion Laboratory, called the ocean conditions that spawned Irma absolutely ideal. Balmy water temperatures along Irma s trajectory ran deep beneath the surface and slightly higher than normal, by as much as a degree Fahrenheit in places, providing ample fuel for the storm s development, scientists said. Irma also encountered little if any interference in the form of wind shear - sudden changes in vertical wind velocity that can blunt a storm s intensity - as it advanced at about 10 to 18 miles per hour, an ideal pace for hurricanes. Its fortuitous path of least resistance was essentially ordained by a well-placed atmospheric ridge of high pressure that steered the storm by happenstance through some of the Caribbean s warmest waters as well as an area mostly devoid of wind shear. The result was a gargantuan storm that rapidly grew to a Category 5, the top of the Saffir-Simpson scale of hurricane strength, with sustained winds of 185 miles per hour, the most forceful ever documented in the open Atlantic. It also ranks as one of just five Atlantic hurricanes known to have achieved such wind speeds during the past 82 years. Irma lashed Cuba and the Bahamas as it drove toward Florida on Friday after hitting the eastern Caribbean with its tree-snapping winds, torrential rains and pounding surf, killing at least 21 people and leaving catastrophic destruction in its wake. By Friday night, Irma s winds had diminished to 155 miles per hour (250 kph) and it was downgraded to a Category 4 storm, though still considered extremely dangerous. The tiny islands directly crossed by Irma, like Barbuda and St. Martin, did little to weaken it, but the storm s intensity could be measurably diminished by a close encounter with a larger land mass, such as Cuba, en route to the U.S. mainland, scientists said. So powerful is Irma that it may end up dampening another Category 4 storm in its wake, Hurricane Jose, which like Irma originated off the west coast of Africa and was following a similar course. Waters already plied by Irma could be left a bit cooler, robbing Jose of potential energy, and outflows from Irma could produce wind shear for Jose, said Scott Braun, a research meteorologist for NASA s Goddard Space Flight Center. Knaff said it was no surprise that the advent of Irma coincided with the precise peak of the Atlantic hurricane season. Much less certain is the role of global climate from human-induced atmospheric increases in heat-trapping greenhouse gases, scientists said. There is consensus that climate change has raised sea levels, which is likely to exacerbate hurricane storm surges. Rising ocean temperatures have been clearly documented as well. Research is divided on whether global warming will make tropical cyclones more frequent, though data from climate modeling suggests a higher probability for stronger, wetter hurricanes in the Atlantic when they do occur, said Tom Knutson, a climate research scientist for NOAA. We think, based on model simulations that climate change is having an effect, making storms slightly more intense with higher rainfall rates, but these changes are not huge and we cannot yet clearly detect them in observations, he said. ",worldnews,"September 9, 2017 ",1 +U.S. calls for U.N. Security Council vote on North Korea on Monday,"UNITED NATIONS (Reuters) - The United States on Friday told the U.N. Security Council that it intends to call a meeting on Monday to vote on a draft resolution establishing additional sanctions on North Korea for its missile and nuclear program, the U.S. Mission to the United Nations said in a statement. The United States wants the Security Council to impose an oil embargo on North Korea, ban its exports of textiles and the hiring of North Korean laborers abroad, and to subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. It was not immediately clear how North Korean ally China and Russia would vote, but a senior U.S. official on Friday night expressed skepticism that either nation would accept anything more stringent than a ban on imports of North Korean textiles. Chinese officials have privately expressed fears that imposing an oil embargo could risk triggering massive instability in its neighbor. A Security Council resolution needs nine votes in favor and no vetoes by permanent members Britain, the United States, France, Russia or China to pass. Tension on the Korean peninsula has escalated as the North has stepped up the development of weapons, testing a string of missiles this year, including one flying over Japan, and conducting its sixth nuclear test on Sunday. South Korea braced for a possible further missile test by North Korea when it marks its founding anniversary on Saturday. Experts believe the isolated regime is close to its goal of developing a powerful nuclear weapon capable of reaching the United States, something President Donald Trump has vowed to prevent. ",worldnews,"September 9, 2017 ",1 +"Exodus of Rohingya to Bangladesh reaches 270,000 - UNHCR","COX S BAZAR, Bangladesh (Reuters) - An estimated 270,000 Rohingya have sought refuge in Bangladesh over the past two weeks, the U.N. refugee agency said on Friday, announcing a dramatic jump in numbers fleeing violence in neighboring Myanmar s Rakhine State. A rights group said satellite images showed about 450 buildings had been burned down in a Myanmar border town largely inhabited by Rohingya, as part of what the Muslim minority refugees say is a concerted effort to expel them. The U.N. High Commissioner for Refugees said the estimated number of Rohingya who fled to Bangladesh since violence erupted in Myanmar on Aug. 25 had risen from 164,000 on Thursday, after aid workers found big groups in border areas. We have identified more people in different areas that we were not aware of, said Vivian Tan, a spokeswoman for UNHCR, while adding that there could be some double-counting. The numbers are so alarming - it really means that we have to step up our response and that the situation in Myanmar has to be addressed urgently. The latest flight of Rohingya began two weeks ago after Rohingya insurgents attacked security force posts in Myanmar s Rakhine State. That triggered an army counteroffensive in which at least 400 people died. The United States, a principle backer of Aung San Suu Kyi s civilian government that came to power in Myanmar last year, said there had been shortcomings on the part of Myanmar security forces and the government in dealing with the situation. Patrick Murphy, U.S. deputy assistant secretary of state for East Asia, said Washington was calling in talks with Myanmar s military and civilian leaders for urgent restoration of access to Rakhine State for humanitarian assistance and journalists. He said the security forces must respond responsibly to the attacks that began the crisis, telling reporters: They have a responsibility to carry out those activities in accordance with rule of law and international human rights Rights groups briefed U.N. Security Council diplomats on the Myanmar violence on Friday. Russia and China did not send any diplomats, according to people at the meeting. Myanmar has said it is was counting on China and Russia to protect it from any Security Council censure. U.N. Secretary-General Antonio Guterres spoke with Suu Kyi by phone on Wednesday and reiterated his concerns about the situation in Rakhine State, U.N. spokesman Stephane Dujarric told Reuters. U.S. Ambassador to the United Nations Nikki Haley said the United States was deeply troubled by continued reports of attacks against innocent civilians and will continue to urge (Myanmar) security forces to respect those civilians as it conducts security operations. Washington was also calling on Myanmar to ensure that aid reached those in need as quickly as possible, and that it is delivered in a manner that protects their rights and dignity, she said in a statement. The wave of refugees, many sick or wounded, has strained the resources of aid agencies and communities already helping hundreds of thousands displaced by previous waves of violence in Myanmar. Many have no shelter, and aid agencies are racing to provide clean water, sanitation and food. We need to prepare for many more to come, I am afraid, said Shinni Kubo, Bangladesh country manager for UNHCR. We need huge financial resources. This is unprecedented. This is dramatic. It will continue for weeks and weeks. While most refugees are coming on foot, many are braving the sea. At least 300 boats carrying Rohingya arrived in Bangladesh s Cox s Bazar district on Wednesday, the International Organisation for Migration (IOM) said. Buddhist-majority Myanmar says its security forces are fighting a legitimate campaign against terrorists it blames for the attacks on the security forces, burning homes and civilian deaths. It says about 30,000 non-Muslims have been displaced. The 1.1 million Rohingya living in Myanmar have long complained of persecution. They are denied citizenship and regarded as illegal migrants from Bangladesh. There is very limited access to the north of Rakhine State and few if any independent witnesses, raising fears that a humanitarian crisis could be unfolding among Rohingya still there. What we know is what people are saying as they come across, and what they re saying now, given this been going on since Aug. 25, is they are in an absolutely desperate state, said IOM s Leonard Doyle. They say (they are) living out in (the) open, without protection from the tropical sun with their children, without enough food to eat. Bangladesh has proposed safe zones run by aid groups for Rohingya in Myanmar. But it would seem the plan is unlikely to be accepted there. Human Rights Watch said satellite images taken last Saturday showed hundreds of burned buildings in Maungdaw, a district capital in Rakhine State, in areas primarily inhabited by Rohingya. If safety cannot even be found in area capitals, then no place may be safe, said Phil Robertson, the group s deputy Asia director. A Myanmar reporter in the north of the state said he had reports from residents of an area called Rathedaung that six villages there had been torched and that there had also been shooting in the area. It was not clear who was responsible. Critics have accused Suu Kyi of not speaking out for the Rohingya and some have called for the Nobel Peace Prize she won in 1991 as a champion of democracy to be revoked. The United States has been careful to avoid direct criticism of Suu Kyi, and Murphy said Washington was looking to help Myanmar s transition to democracy succeed. He noted that most authority in Rakhine State lay with the military, which wielded direct power in Myanmar for decades before Suu Kyi s election win. Murphy called for implementation of recommendations of a commission led by former U.N. chief Kofi Annan set up to find solutions for the ethnically and religiously divided Rakhine. The fact that over a million people inside the country have been devoid of basic rights for generations has been a long-standing issue, Murphy said. It needs to be addressed. Protests against the treatment of the Rohingya were held in several countries, including Muslim-majority Bangladesh, Indonesia and Malaysia. Others were held outside Myanmar s embassies in Tokyo and Manila. Malaysian Prime Minister Najib Razak said he was considering raising the issue in talks with U.S. President Donald Trump next week. Malaysia s coastguard said it was willing to offer Rohingya temporary shelter, although it is unlikely refugees would travel hundreds of kilometres south by sea during the monsoon season, which lasts until late November. Thailand has also said it is preparing to receive people fleeing Myanmar, while Singapore said it was ready to help the humanitarian effort. ",worldnews,"September 8, 2017 ",1 +New fires ravage Rohingya villages in northwest Myanmar: sources,"YANGON (Reuters) - Up to eight villages were burned down on Friday in a part of northwest Myanmar where large numbers of Muslim Rohingya had been sheltering from a wave of violence engulfing the area, a witness and three sources briefed on the matter told Reuters. The fires were blazing in the ethnically mixed Rathedaung township, where populations of Rohingya Muslims and Rakhine Buddhists live side by side. Today around 4 p.m., I saw the smoke coming from where the villages were burning ...I saw it from the Chin village where I am staying now, said a villager from the area contacted by Reuters by phone. It was unclear who set fire to the villages. Independent journalists are not allowed into the area, where Myanmar says its security forces are carrying out clearance operations to defend against extremist terrorists . Rights monitors and fleeing Rohingya say the army and Rakhine vigilantes have unleashed a campaign of arson aimed at driving out the Muslim population. The burning of more villages is likely to fuel an exodus of Rohingya to neighboring Bangladesh. Nearly 270,000 have fled in less than two weeks, creating a humanitarian crisis. Myanmar leader Aung San Suu Kyi said on Thursday her government was doing its best to protect everyone, but she has drawn criticism from around the world for failing to speak out about the violence and the Muslim minority, including calls to revoke her 1991 Nobel Peace Prize. Rathedaung, the site of the latest fires, is the furthest Rohingya-inhabited area from the border with Bangladesh. Humanitarian workers had been concerned that a large number of the Muslims had been trapped there. The blazes were confirmed by sources including two monitors with a network of informants on the ground, and a local journalist based in the nearby town of Buthidaung. They said that among the torched villages were the hamlets of Ah Htet Nan Yar and Auk Nan Yar, some 65 km (40 miles) north of Sittwe, capital of Rakhine state. One source said a camp for internally displaced people in the area also went up in flames. One of the sources said 300 to 400 Rohingya who had escaped other burnings had been sheltering at Ah Htet Nan Yar until the day before the fire broke out. They had escaped before it started, the source said, quoting an eyewitness. The villagers were now hiding in the forest or attempting a perilous, days-long journey by foot in the monsoon rain toward the Maungdaw region and further west to the River Naf separating Myanmar and Bangladesh. The latest flight of Rohingya from their homes in Myanmar began two weeks ago after Rohingya insurgents attacked several police posts in Rakhine. That triggered an army counter-offensive in which at least 400 people were killed. ",worldnews,"September 9, 2017 ",1 +"Hammered by Andrew, Florida town's rebuilding tested by Irma","HOMESTEAD, Fla. (Reuters) - This sprawling suburb on Florida s southern tip was nearly wiped flat by one hurricane 25 years ago. Now its residents hope they have rebuilt strong enough to withstand another. With Hurricane Irma churning toward Florida on Friday, many people in Homestead prepared to hunker down in houses that are substantially more fortified than those that were swept aside when Hurricane Andrew came ashore in 1992. Barreling ashore with winds of up to 165 miles (265 km) per hour, Andrew ripped roofs off houses and stripped palm trees bare. The Category 5 hurricane was responsible for 61 deaths and $26.5 billion in property damage, making it one of the most expensive storms in U.S. history. But a tough new building code approved after the storm required structures to be built to withstand wind speeds of at least 111 miles per hour. So-called hurricane impact windows, which are now common, must be made with shatterproof glass and cheap materials like particle board can no longer be used on roofs. Even construction cranes, a common sight in downtown Miami, must be able to withstand winds of up to 145 miles per hour. No one knows where Irma, a Category 4 storm with top sustained winds of 155 miles an hour late on Friday, will strike the hardest when it makes its projected landfall in south Florida on Sunday. But fortified roofs and other measures to secure buildings have persuaded people like Joy McRae of Homestead, which includes a major agricultural area, to stay put rather than join the hordes trying to escape for safer ground north on the Florida Turnpike and Interstate 95. I convinced myself that it s not going to be so bad, said McRae, 56, as she listed the features of her concrete house, built in 2007, including both shatterproof windows and aluminum hurricane shutters. Though McRae was worried about possible flooding - many new neighborhoods in Homestead are built in low-lying areas - she said she did not expect a repeat of 1992, when Andrew tore the roof off her house and flattened entire neighborhoods nearby. We ve got everything battened down, we re just getting some food and we re ready to ride it out, she said. If south Florida is sturdier now than it was 25 years ago, it also presents a bigger target, however. The population has grown by more than one-third since Andrew, to 2.7 million, as high-rise condos have sprouted in downtown Miami and potato fields have been transformed into subdivisions in outlying areas like Homestead. Homestead s population has more than doubled since 1992 to 67,000, according to the U.S. Census Bureau and all that growth could lead to more devastation. Insurer Swiss Re, in one estimate, said Irma would cause between $50 billion and $60 billion in damages if it were to take an identical path to Andrew. That concerns some longtime residents, who say they are worried less by the prospect of property damage than by how their neighbors might behave in the chaos. Schoolteacher Michael Littman, 51, recalls hearing gunshots at night after Andrew blew through his neighborhood. Police struggled restore order for several days, he said, adding that he plans to keep his cellphone, wallet and Smith & Wesson pistol close by this time around. I ve seen anarchy before, Littman said. It s shocking to see what happens when you strip away the thin veneer of civilization. ",worldnews,"September 9, 2017 ",1 +Brazil prosecutor charges members of Temer's party with criminal organization,"BRASILIA (Reuters) - Brazil s top prosecutor on Friday charged six lawmakers from President Michel Temer s Brazilian Democracy Movement Party (PMDB) with forming a criminal organization, the latest in a barrage of charges in the country s sprawling corruption scandal. Those accused by prosecutor Rodrigo Janot in a filing with the Supreme Court include former senator and president Jose Sarney, the government s leader in the Senate Romero Juca and four other current senators. A corruption scandal involving cartels of companies bribing officials for public contracts has enveloped most of Brazil s political elite with Janot expected to issue another charge against Temer in coming weeks. Temer defeated a first corruption charge from Janot, when the lower house of Congress voted not to allow it to proceed to trial. Separately on Friday, the Supreme Court said it would consider next week requests from Temer that would block Janot from issuing further charges. In the charges against the senators, Janot alleges the group unduly received 864 million reais ($279.84 million) and generated related losses of 5.5 billion reais for state-controlled oil firm Petrobras and 113 million reais for its subsidiary Transpetro. Transpetro s former president, Sergio Machado, was also charged. The PMDB said in a statement that the prosecutor lacked evidence and that it trusted the Supreme Court would set the charges aside. Juca said in a statement he believes the Supreme Court will seriously analyze the charges and he hopes for a speedy investigation. A representative for Machado said he continues to collaborate with authorities, providing evidence of crimes involving politicians and Transpetro suppliers that resulted in several cases being filed. Janot s latest charges echo those against former presidents Luiz Inacio Lula da Silva, Dilma Rousseff and six other members of the Workers Party for criminal organization earlier this week. Lula and Rousseff deny the charges. ($1 = 3.0875 reais) ",worldnews,"September 8, 2017 ",1 +Trump offers US support to French president after Irma hits French islands,"WASHINGTON (Reuters) - President Donald Trump spoke on Friday with French President Emmanuel Macron to extend his condolences on the devastation to the French territories of St. Barthelemy and St. Martin due to Hurricane Irma, and to offer U.S. support to the French government, the White House said in a statement. ",worldnews,"September 9, 2017 ",1 +Venezuela's Maduro seeks debt negotiations after U.S. sanctions,"CARACAS (Reuters) - Venezuelan President Nicolas Maduro has invited bondholders to unspecified negotiations over the country s foreign debt in coming days, in response to recent U.S. financial sanctions. With Venezuela deep in recession and its currency reserves at their lowest in more than two decades, the Maduro government and state oil company PDVSA have to pay about $4 billion in debt and interest during the rest of 2017. All bondholders are invited to various rounds of negotiations over the next few weeks, the president said in a speech late on Thursday to the new Constituent Assembly. He reiterated Venezuela would keep honoring debt, but said he wanted to talk with bondholders affected by sanctions recently imposed by U.S. President Donald Trump. Maduro said Vice President Tareck El Aissami, already under U.S. financial sanctions over drug trafficking allegations, and Finance Minister Ramon Lobo would coordinate talks and some bilateral conversations with bondholders had already begun. In the same speech, Maduro said Venezuela would seek to free itself of the U.S. dollar and implement a new system of international payments using currencies such as the yuan, yen, rupee, euro and ruble. The president did not, however, specify whether paying in a different currency was an option his government wanted to discuss with bondholders. The Washington-based Institute of International Finance, which represents large banks and financial institutions, said it was advising a group of holders of Venezuelan bonds. This informal group will take note of the Venezuelan announcements and discuss how to proceed, IIF Executive Managing Director Hung Tran told Reuters. The group was made up of bondholders from the United States and elsewhere, he said. Tran said Venezuela could not change the currency of bonds without agreement by all or a large majority of holders. Last month, Trump, who brands Maduro a dictator, signed an executive order that prohibits Americans from dealing in new debt issued by the Venezuelan government or PDVSA. That could complicate any debt refinancing attempts. Washington has also sanctioned PDVSA s finance boss Simon Zerpa, meaning U.S. businesses are barred from dealing with him, and even Maduro himself in measures intended to punish the Venezuelan government for alleged corruption and rights abuses. I will be announcing Venezuela s definitive response to the financial aggression we - and the international investors - have suffered from Donald Trump and (opposition leader) Julio Borges, Maduro added in the speech on Thursday. Borges, the head of the opposition-led congress whose role has been overridden by the Constituent Assembly, has been spearheading an opposition campaign for foreign financial institutions to put the squeeze on Venezuela s government. Venezuela will take a position to defend the judicial and financial security of the republic and its investors or holders of financial instruments, Maduro added. Though Maduro gave no further details of what his government wanted to discuss with bondholders or where talks would be held, he did say 74 percent were American or Canadian. Three bondholders consulted by Reuters said they had not received any formal approach to dialogue, though two said intermediaries for the government had been communicating with some investors informally. We didn t receive an invitation or anything like that. Even if we had we don t think we would take it too seriously, said one portfolio manager at a large New York firm that owns Venezuelan debt, asking not to be named. In trading on Friday, Venezuelan government and PDVSA bonds were little changed in price. The OPEC nation of 30 million people is in the fourth year of a recession, with its population grappling with triple-digit inflation and shortages of food and medicine. Critics say a long-failing socialist economic system is to blame for Venezuela s financial troubles, while the government blames an alleged economic war by domestic foes and Washington. International reserves stood at $9.873 billion on Wednesday, compared with nearly $30 billion five years ago, central bank data shows. They are at their lowest level since 1995. Most of the country s reserves are tied up in gold that cannot be used in financial transactions without going through a certification process in another country. In another speech on Friday, Maduro said that Venezuela would begin selling its oil, gas, gold and all products in currencies other than the U.S. dollar, but gave no further details of the intended changes in export transactions. ",worldnews,"September 8, 2017 ",1 +Saudi Arabia suspends any dialogue with Qatar: SPA,"DUBAI (Reuters) - Saudi Arabia on Saturday suspended any dialogue with Qatar, accusing it of distorting facts , just after a report of a phone call between the leaders of both countries suggested a breakthrough in the Gulf dispute. Saudi Arabia s Crown Prince Mohammed bin Salman spoke by the telephone with Qatar s Emir Sheikh Tamim bin Hamad al-Thani on Friday when they discussed the Gulf dispute, state media from both countries reported earlier. Saudi Arabia, the UAE, Egypt and Bahrain cut diplomatic and trade links with Qatar on June 5, suspending air and shipping routes with the world s biggest exporter of liquefied natural gas, which is home to the region s biggest U.S. military base. The nations say Doha supports regional foe Iran and Islamists, charges Qatar s leaders deny. Kuwait has been trying to mediate the dispute. During the call, the Emir of Qatar expressed his desire to sit at the dialogue table and discuss the demands of the four countries to ensure the interests of all, Saudi state news agency SPA reported. The details will be announced later after the Kingdom of Saudi Arabia concludes an understanding with the United Arab Emirates, the Kingdom of Bahrain and the Arab Republic of Egypt, SPA said. The phone call was the first publicly reported contact between the two leaders since the start of the crisis. Qatar s state news agency QNA said the phone call was based on coordination of U.S. President Donald Trump who had earlier talked with Sheikh Tamim. Trump on Thursday said he would be willing to step in and mediate the worst dispute in decades among the U.S.-allied Arab states and Qatar, and said he thinks a deal could come quickly. Both Qatar s Emir and the Saudi Crown Prince stressed the need to resolve the crisis by sitting down to the dialogue table to ensure the unity and stability of the GCC countries, QNA reported. Sheikh Tamim welcomed the proposal of Prince Mohammed during the call to assign two envoys to resolve controversial issues in a way that does not affect the sovereignty of the states, QNA said. Saudi Arabia later issued a second statement citing an unnamed official at the ministry of the foreign affairs denying the QNA report. What was published on the Qatar News Agency is a continuation of the distortion of the Qatari authority of the facts, SPA reported citing the Saudi official. The Kingdom of Saudi Arabia announces the suspension of any dialogue or communication with the authority in Qatar until a clear statement is issued clarifying its position in public. ",worldnews,"September 8, 2017 ",1 +"Trump speaks with leaders of Saudi Arabia, UAE and Qatar","WASHINGTON (Reuters) - U.S. President Donald Trump spoke separately on Friday with Saudi Arabia s Crown Prince Mohammed bin Salman, United Arab Emirates Crown Prince Sheikh Mohammed bin Zayed al-Nahyan, and Qatar s Emir Sheikh Tamim bin Hamad al-Thani, the White House said in a statement. Trump told them that unity among Washington s Arab partners was essential to promoting regional stability and countering the threat of Iran, the statement said. The president also emphasized that all countries must follow through on commitments from the Riyadh Summit to defeat terrorism, cut off funding for terrorist groups, and combat extremist ideology, it said. Trump also spoke to Qatar s al-Thani on Thursday. Trump told a news conference on Thursday that he would be willing to step in and mediate a dispute among the U.S.-allied Arab states and Qatar, and said he thought a deal could come quickly. Saudi Arabia, the UAE, Egypt and Bahrain cut diplomatic and trade links with Qatar on June 5, suspending air and shipping routes with the world s biggest exporter of liquefied natural gas, which is home to the region s biggest U.S. military base. The nations say Doha supports regional foe Iran and Islamists, charges Qatar s leaders deny. ",worldnews,"September 8, 2017 ",1 +Saudi Arabia suspends any dialogue with Qatar: SPA,"DUBAI (Reuters) - Saudi Arabia on Saturday suspended any dialogue with Qatar, accusing it of distorting facts , just after a report of a phone call between the leaders of both countries suggested a breakthrough in the Gulf dispute. Saudi Arabia s Crown Prince Mohammed bin Salman spoke by the telephone with Qatar s Emir Sheikh Tamim bin Hamad al-Thani on Friday when they discussed the Gulf dispute, state media from both countries reported earlier. ",worldnews,"September 8, 2017 ",1 +State Department approves $3.8 billion in arms sales to Bahrain: Pentagon,"WASHINGTON (Reuters) - The U.S. State Department has approved arms sales packages worth more than $3.8 billion to Bahrain including F-16 jets, upgrades, missiles and patrol boats, the Pentagon said on Friday. The approvals coincide with the State Department s notification to Congress, which had held up a similar arms deal last year over human rights concerns. The proposed sales include 19 F-16V jets made by Lockheed Martin Corp which could have a value of up to $2.7 billion, the Pentagon said. Other potential sales approved Friday include two 35 meter (114 feet) patrol boats with machine guns, 221 anti-tank missiles made by Raytheon Co and $1.8 billion worth of upgrades to Bahrain s existing fleet of F-16 jets, the Pentagon said in separate statements. In May, U.S. President Donald Trump said Washington s relations with Bahrain would improve, after meeting with the king of the Gulf Arab state during a visit to Saudi Arabia. However in June, U.S. Senator Bob Corker, the chairman of the Senate Foreign Relations Committee, said he would block arms sales to members of the Gulf Cooperation Council, including Bahrain, until they made progress in resolving a simmering dispute with Qatar. But a U.S. official, who spoke on condition of anonymity earlier on Friday, said the proposed sales were cleared by the Senate Foreign Relations and House Foreign Affairs Committees through the regular tiered review process which precedes this formal notification. The U.S. official also said the United States has regular discussions with Bahrain on human rights and political reform and continues to urge its government to pursue efforts that will enhance regional security. ",worldnews,"September 8, 2017 ",1 +Son of Russian lawmaker pleads guilty in cyber crime cases,"WASHINGTON (Reuters) - The son of a Russian lawmaker accused of stealing credit card data and other personal information has pleaded guilty in two criminal cases stemming from a probe into a $50 million online identity theft scheme, the U.S. Justice Department said on Friday. Roman Seleznev, 33, the son of Russian parliament member Valery Seleznev, pleaded guilty to one count of participating in a racketeering scheme, and another count of conspiracy to commit bank fraud. The charges were filed in federal courts in Nevada and Georgia, and the plea deal for both cases was finalized on Thursday. In April, Seleznev was sentenced to 27 years in prison by a federal court in Washington for his role in a cyber assault involving hacking into point of sale computers to steal credit card numbers. He was arrested in the Maldives and brought to the United States to face charges. The Russian government has previously criticized the arrest, calling it an unlawful kidnapping. Seleznev s attorney, Igor Litvak, said his client accepts responsibility for his role in the two cyber cases settled on Thursday, but that he intends to appeal his conviction stemming from the third separate Washington case. We still feel the way he was brought to the U.S. was illegal, Litvak told Reuters. He was basically kidnapped. The Nevada and Georgia cases involved a credit card fraud ring known as Carder.su, an Internet-based network used by criminals who trafficked stolen credit card data. In pleading guilty, Seleznev admitted he got involved with the ring in January 2009 and sold compromised credit card data to others on the network. He also admitted to serving as a casher by working with other hackers to defraud an Atlanta company that helped process credit and debit card transactions. That scheme ultimately let the hackers steal 45.5 million debit card numbers and withdraw $9.4 million from ATMs in 280 cities. ",worldnews,"September 8, 2017 ",1 +Factbox: Top agricultural exports vulnerable to Irma,"(Reuters) - The following are the top five agricultural exports by volume in the key regions along the U.S. Atlantic coast that could be impacted by Hurricane Irma. Irma, one of the most powerful Atlantic storms in a century, was expected to hit Florida on Sunday morning, bringing massive damage from wind and flooding. It has already killed 21 people and left catastrophic destruction on its way through the eastern Caribbean. Nearly half of U.S. poultry exports transit through these five ports. (Percentages are of total U.S. exports. Source: U.S. Department of Agriculture and the Soy Transportation Coalition) NORFOLK region 1. Soybeans - 4 percent 2. Grain products, cereal, flour - 3 percent 3. Bulk grains - 2 percent 4. Grocery items - 10 percent 5. Animal feed - 3 percent In addition, 18 percent of U.S. soybean oil exports leave from the Norfolk port region along with 8 percent of meat exports and 5 percent of poultry shipments. None of these are in the top five by tonnage for the port. 1. Poultry - 32 percent 2. Raw cotton - 16 percent 3. Animal feed - 1 percent 4. Grocery items - 3 percent 5. Bulbs and seeds - 18 percent 1. Grocery items - 8 percent 2. Poultry - 2 percent 3. Non-alcoholic beverages - 3 percent 4. Fruit - 3 percent 5. Meat - 1 percent 1. Poultry - 9 percent 2. Grocery items - 8 percent 3. Beer, ale - 25 percent 4. Animal feed - 1 percent 5. Non-alcoholic beverages - 6 percent 1. Grocery items - 7 percent 2. Non-alcoholic beverages - 9 percent 3. Grapefruit - 31 percent 4. Citrus fruit juices - 12 percent 5. Poultry - 1 percent ",worldnews,"September 8, 2017 ",1 +Factbox: Irma vs Andrew: How 2017's big hurricane compares with 1992,"(Reuters) - Florida Governor Rick Scott has warned that Hurricane Irma, which was barreling toward Florida on Friday, could be more damaging than 1992 s Hurricane Andrew which caused more than $26 billion in devastation in the state. Following are some facts about hurricanes Irma and Andrew: - In 1992, Hurricane Andrew blasted the southern part of Florida as it moved from east to west, spending about four hours over the state. By comparison, Scott warned this week that Irma was wider than all of Florida and could swamp it from coast to coast, during a northward push through the state. Remember, Hurricane Andrew is one of the worst storms in the history of Florida, Scott said at a news conference. This is much worse and more devastating on its current path. - Hurricane Irma could hit the Florida Keys as a Category 5, which is the highest ranking for a storm s severity, with sustained winds of 160 miles per hour (258 km per hour). Andrew made landfall as a Category 5 with maximum sustained winds of 145 miles per hour (233 km/h), according to the National Weather Service. - Hurricane Andrew directly caused 15 deaths in Florida and another 29 indirect deaths, from causes such as fires, electrocutions and cleanup accidents, according to the National Weather Service. It directly killed eight people in Louisiana, and indirectly killed nine more in the Southern state. - Andrew damaged or destroyed 126,000 single-family houses and ripped apart 9,000 mobile homes, according to the National Weather Service. It also caused property damage in Louisiana after sweeping through the Gulf of Mexico. Irma is larger than Andrew and it could leave 100,000 people without shelter, Federal Emergency Management Agency Administrator Brock Long warned at a news conference. - In Homestead, Hurricane Andrew destroyed 1,167 mobile homes, which amounted to 99 percent of all the mobile homes in that South Florida town, according to the National Weather Service. After Andrew, the federal government imposed more stringent regulations for those types of homes. ",worldnews,"September 8, 2017 ",1 +Miami hospitals prepare for surge in births during Hurricane Irma,"(Reuters) - While many Miami hospitals are shutting down as Hurricane Irma bears down on Florida, some are offering shelter to their pregnant patients, bracing for the increase in births that often accompanies these large storms. At least three of the city s hospitals have plans in place to care for women with advanced or high-risk pregnancies. They could be busy. When Houston was hit by Hurricane Harvey, the number of women who gave birth spiked. According to a Memorial Hermann Health System representative, at least five of the not-for-profit system s 11 Houston-area hospitals with labor and delivery units reported increases in the number of deliveries during Hurricane Harvey. In three, deliveries doubled. The reason may have something to do with a drop in barometric pressure that accompanies a hurricane. A 2007 study published in the Archives of Gynecology and Obstetrics noted a causal relationship between low barometric pressure and spontaneous delivery. But overall, the evidence is inconclusive, said Dr. Shannon Clark, an associate professor in the division of maternal fetal medicine at University of Texas Medical Branch in Galveston, on the Gulf of Mexico. There s some studies that show an association and some that don t. It s kind of mixed, Clark said in a telephone interview. Even so, she said, It s still worth it to forewarn pregnant women in areas that are going to get hit that there could be a potential complication. In Miami, Jackson Health System alerted women who are at least 34 weeks pregnant or who have a high-risk pregnancy that they may take shelter in one of three of its hospitals, as long as they have registered with the hospital in advance. These women are allowed to bring in one guest, but no pets. Tania Leets, a spokeswoman for the public health system which serves Miami-Dade County, said they offered the same service last year during Hurricane Matthew. Baptist Health South Florida offers shelter to women in Miami who are at least 36 weeks pregnant or who have a high-risk pregnancy in one of its four area hospitals. A pregnant woman and one adult companion can set up camp in a waiting room area; those who come must bring their own food, water and bedding. The shelter opens at 8 a.m. on Saturday and closes when the storm has passed, Baptist Health South said in a statement. Mount Sinai Medical Center in Miami Beach will likewise shelter women who are at least 36 weeks pregnant or those with high-risk pregnancies, according to a statement on its website. At Memorial Hermann Greater Heights Hospital in Houston, deliveries started to soar two days before Hurricane Harvey arrived, requiring five managers to help with patient care. We all know in this business - full moons and storms are a problem, said Kim Kendall, director of the hospital s family birth center. Staff made an effort to close the shades, redirect the conversation and focus on the delivery. We tried to maximize the experience and minimize the hurricane, said Kendall. ",worldnews,"September 8, 2017 ",1 +Pope urges skeptical Colombians to accept peace with guerrillas,"VILLAVICENCIO, Colombia (Reuters) - Pope Francis urged Colombians skeptical of a peace deal with guerrillas to be open to reconciliation with those who have repented, speaking hours after a top rebel leader asked the pontiff for forgiveness. Dear people of Colombia: do not be afraid of asking for forgiveness and offering it, he said, at an emotional meeting that brought together victims of the 50-year civil war with former guerrilla and paramilitary fighters. The Argentine pope, leader of the world s Roman Catholics, is visiting Colombia with a message of national reconciliation, as the country tries to heal the wounds left by the conflict and bitter disagreements over a peace deal agreed last year. Francis flew to the city of Villavicencio in Meta province, a vast cattle ranching area which was a hotbed of right-wing paramilitary and Marxist guerrilla violence during a conflict with successive governments. As he arrived, former Revolutionary Armed Forces of Colombia (FARC) rebel leader Rodrigo Londono, now the head of a new political party, issued an open letter to the pope asking for forgiveness for the suffering the group inflicted. [nL2N1LP0UZ] Your repeated expressions about God s infinite mercy move me to plead your forgiveness for any tears or pain that we have caused the people of Colombia, Londono, who goes by the alias Timochenko, said in the letter. Tens of thousands of ecstatic people in this humid area of savanna and shantytowns packed the roads as the pope, riding in the front seat of a simple car, passed by on Friday morning after his plane arrived from the capital Bogota. The pope s afternoon prayer meeting in Villavicencio with about 6,000 survivors of the brutal conflict was the centerpiece of his five-day trip to overwhelmingly Catholic Colombia. He listened to personal accounts from four people, including a woman who joined a paramilitary group when she was 16, a former FARC guerrilla, and two victims of violence between the guerrillas and paramilitary squads. One of the victims, Pastora Mira Garc a, told how she lost her father, husband and two children in the conflict. To great applause she urged forgiveness to break the cycle of violence and said she could now name the unnamable and forgive the unforgivable . On the wall of the stage was a destroyed statue of Jesus Christ recovered from a church attacked by the FARC in 2002 in the rain forest village of Bojaya. About 80 people were killed as they sought refuge from rebel bombings inside the humble church. The plaster figure, without arms or legs, has become an enduring symbol of the war. As we look at it, we remember not only what happened on that day, but also the immense suffering, the many deaths and broken lives, and all the blood spilled in Colombia these past decades, the pope said. Conflict between right-wing paramilitary squads, Marxist rebels, and government forces since the 1960s has killed more than 220,000 people and left millions more displaced. Now Colombians are deeply polarized as they prepare to receive 7,000 former fighters, such as Londono, into society. Many are furious that under last year s peace deal, FARC leaders accused of kidnapping and murder will avoid jail sentences and may receive seats in congress as members of a new political party. [nL1N1DN22O] Francis addressed this hesitancy head-on. Undoubtedly, it is a challenge for each of us to trust that those who inflicted suffering on communities and on a whole country can take a step forward, he said. Let us heal that pain and welcome every person who has committed offences, who admits their failures, is repentant and truly wants to make reparation. As he left Villavicencio, he stopped to pray at the Reconciliation Cross, a memorial to survivors and those killed during the war, and planted a tree as a symbol of peace. Earlier, Francis celebrated a Mass for hundreds of thousands of people on a muddy field to beatify Pedro Maria Ramirez, a priest who was killed in 1948 during a period of political violence known as La Violencia, and Bishop Jesus Emilio Jaramillo, killed in 1989 by the National Liberation Army (ELN) for suspected collaboration with the military. ",worldnews,"September 8, 2017 ",1 +"Foreigner killed in car explosion in central Kiev, police say","KIEV (Reuters) - A Georgian man was killed and a woman was injured in a car explosion in the center of Kiev, Ukraine s capital, in Friday evening s rush hour, police said. Artem Shevchenko, spokesman for Ukraine s interior ministry, said the police had launched investigation into the killing. An unidentified explosive device exploded inside the car. A Georgian citizen was killed, he said. He said there were three people in the car. An injured woman was brought in hospital and a child survived, he said. The local television channel 112 showed a black Toyota, the left side of which had been badly damaged in the blast. ",worldnews,"September 8, 2017 ",1 +Togo leader must quit now for protests to stop: opposition head,"DAKAR/LOME (Reuters) - The leader of Togo s main opposition alliance said on Friday that President Faure Gnassingbe must quit power immediately or protests against his family s 50-year ruling dynasty would continue. Thousands of people have taken to the streets in the past three days to demand that Gnassingbe step aside, in the most serious challenge to his family s stranglehold on power since the death of his father in 2005. Police used tear gas to disperse protesters who were burning tires in Lome s opposition stronghold of Be on Friday, a Reuters correspondent said. He has to leave now. We will not accept him staying on any longer, Jean-Pierre Fabre, head of the National Alliance for Change, told Reuters by telephone. The Togolese are tired ... We will continue to protest. It was not immediately possible to reach Gnassingbe s office. Text messages and phone calls were restricted and the internet has suffered outages. A short government statement on state TV merely acknowledged the protests and said that 10 people had been injured in them, of which eight were security forces and two protesters. But unrest was less widespread than in previous days and traffic had resumed in some areas of the seaside capital amid a heavy police and paramilitary presence. By evening there were no further reports of protests, which seemed to have died down, a Reuters witness said. The president s father Gnassingbe Eyadema seized power in a coup in 1967 and ruled for 38 years before his death. In response to protests, he introduced a 1992 constitution that brought in notional multi-party democracy and limited presidential terms to two. Ten years later, lawmakers scrapped the term limit so Eyadema could run for another term. When he died in 2005, the military installed his son instead of the national assembly head as was legally required, triggering protests in which at least 500 people were killed. Fabre, a French-educated former economics lecturer and newspaper editor, lost to Gnassingbe in disputed presidential polls in 2010 and 2015. He told Reuters that another election would not be fair unless major reforms were made. Gnassingbe s government this week sought to appease its opponents by tabling a draft bill to reform the constitution and reintroduce a two-term limit, but opposition leaders reject it because it could still enable Gnassingbe to rule until 2030. The president, who has encouraged investment to try to turn his tiny nation into a business, banking and shipping hub modeled on Singapore or Dubai, has a mandate due to expire in 2020. But Fabre said even that was too late for him to leave. We can t accept that. This is a question of liberty, he said. The resistance is now organizing itself ... We are very numerous. The U.N. Special Representative for West Africa and the Sahel Mohamed Ibn Chambas urged Togo to respond to people s legitimate expectations . He also called on all parties to preserve peace and security . Chambas, who met with Gnassingbe on Thursday, has delayed his departure and is staying in Togo for further discussions, his spokesman said. I remain convinced that all parties want to move forward on the reforms ... in order to reach a consensus to respond to the legitimate expectations of the Togolese people, Chambas said in a statement. Since Gambian autocrat Yahya Jammeh was forced out after losing an election last December, West African countries have become unanimous in accepting two terms as the limit on presidential office the only exception being Togo. Security forces appear to have avoided bloodshed so far this week, but Amnesty International condemned security forces for firing tear gas at and beating peaceful protesters, and for an unjustified attack on internet freedom. ",worldnews,"September 8, 2017 ",1 +Factbox: Key railroad assets in Hurricane Irma's path,"(Reuters) - Major eastern U.S. railroads CSX Corp and Norfolk Southern Corp are rerouting rail cars and locomotives, holding traffic in yards out of harm s way, relocating workers, and putting repair equipment into place as Hurricane Irma barrels toward Florida. Here are some key rail facilities in the U.S. Southeast that could be impacted by Irma, projected to strike southern Florida on Sunday: The No. 3 U.S. railroad, based in Jacksonville, Florida, has major rail yards in Jacksonville, Orlando, and Tampa, on the state s western Gulf Coast. Apart from the major rail yards, Jacksonville and Tampa also have intermodal terminals, transfer terminals for bulk goods, and auto distribution terminals. Orlando has the major rail yard and auto distribution terminal. It has bulk good transfer terminals in Fort Lauderdale. CSX serves 12 ports, including Fort Myers, Fort Pierce, Jacksonville, Miami, Palm Beach, and Panama City. For Georgia, CSX has major rail yards in Atlanta, coastal Savannah, and Waycross as part of its 2,700 miles (4,345 km) of track. In Atlanta and Savannah, they also have intermodal and bulk transfer operations in addition to the major rail yards. Augusta, about 150 miles from the Atlantic Ocean, is a terminal serving bulk commodities. In Alabama, CSX has major rail yards in Mobile, Birmingham, and Montgomery. It has bulk freight transfer terminals in Birmingham and Montgomery and an intermodal terminal in Mobile. In South Carolina, it has major rail yards in Charleston, which also has intermodal and bulk commodity terminal operations, and Florence, and has bulk terminals in Spartanburg and Greenville. The No. 4 U.S. railroad, based in Norfolk, Virginia, has a major rail yard, intermodal and auto distribution facilities and a rail-to-truck transfer facility in Jacksonville, in Florida s northeast. In Atlanta, Georgia, the railroad has a rail yard, rail-to-truck transfer and auto distribution facilities, and two intermodal facilities. It also has yards in Macon, Augusta, Valdosta, Albany, Rome, Columbus, and Savannah, with rail-to-truck transfer facilities in Augusta, and Dalton. In Georgia it also has auto distribution facilities in Commerce, Savannah, and Brunswick, and port access points in Savannah and Brunswick, in the state s southwest. In South Carolina, the railroad has port operations, a rail yard, an intermodal terminal and an auto distribution facility in Charleston, as well as a yard and rail-to-truck transfer facility in Columbia. In the broader area of Greenville, in the state s northwest, it has two rail yards, a rail-to-truck transfer facility and an intermodal terminal. In Alabama, the company has key intermodal, auto distribution and rail yard facilities in Birmingham, with yards in Selma, Mobile further south, and Sheffield, and Decatur in the north. Mobile also has a rail-to-truck transfer facility and port operations. ",worldnews,"September 8, 2017 ",1 +U.S. Navy moving aircraft carrier for Hurricane Irma relief,"WASHINGTON (Reuters) - The U.S. Navy said on Friday that it was moving the aircraft carrier Abraham Lincoln and other ships into position to provide humanitarian relief from Hurricane Irma if needed. The Abraham Lincoln, along with the amphibious assault ship Iwo Jima and transport dock ship New York, have left Norfolk, Virginia and are making their way south while trying to avoid the hurricane, U.S. officials said. A destroyer is expected to join them. These ships are capable of providing medical support, maritime civil affairs, maritime security, expeditionary logistic support, medium and heavy-lift air support, the statement said. In total, the four ships have three CH-53E Marine heavy lift helicopters, 10 MH-60S and 14 MH-60R Navy medium life helicopters. The Pentagon said the assault ship Wasp near the U.S. Virgin Islands was carrying out evacuations for critical patients from the island of St. Thomas to the larger St. Croix island. So far, 21 patients have been evacuated with another 23 evacuations planned for Friday, U.S. Northern Command said in a statement. The U.S. Air Force said it had moved 50 F-16 fighter jets and more than 100 personnel from Shaw Air Force base in South Carolina to Louisiana. Military facilities in the path of the hurricane have ordered evacuations. MacDill Air Force base in Tampa, home to U.S. Central Command which oversees military operations in the Middle East, ordered a mandatory evacuation. Marine Corps Recruit Depot in Parris Island, South Carolina, said it had authorized and encouraged non-essential military and civilian personnel to evacuate. ",worldnews,"September 8, 2017 ",1 +Additional inspectors sent to Florida's nuclear plants ahead of Irma: NRC,"(Reuters) - The Nuclear Regulatory Commission said on Friday it has dispatched additional inspectors to the Turkey Point and St. Lucie nuclear plants in Florida in preparation for the effects of hurricane Irma on those sites. Turkey Point was expected to close on Friday evening and St. Lucie is to shut about 12 hours later, depending on the storm s path. The nuclear plants are located along Florida s Atlantic Coast, about 20 feet (6 meters) above sea level. The NRC inspectors are verifying that all of the preparations have been completed, and the plants emergency diesel generators are available to be used if the storm affects off-site power supplies, the agency said in a statement. The inspectors will remain at the nuclear plant sites and the incident response center will remain staffed until the agency is assured that the storm no longer poses a risk to these facilities, the agency said. The NRC expects to activate the regional incident response center in Atlanta, Georgia, on Saturday. Electricity generator Florida Power & Light (FPL), a subsidiary of NextEra Energy Inc, generates enough power for about 1.9 million homes at the Turkey Point and St. Lucie plants. Hurricane Irma is expected to hit Florida as a powerful Category 4 on Sunday. It threatens to knock out power to more than 4.1 million homes and businesses served by FPL, affecting around nine million people based on the current storm track, the utility s chief executive said. ",worldnews,"September 8, 2017 ",1 +U.N. aviation agency to call for global drone registry,"MONTREAL (Reuters) - The United Nations aviation agency is backing the creation of a single global drone registry, as part of broader efforts to come up with common rules for flying and tracking unmanned aircraft. While the International Civil Aviation Organization cannot impose regulations on countries, ICAO has proposed formation of the registry during a Montreal symposium this month to make data accessible in real time, said Stephen Creamer, director of ICAO s air navigation bureau. The single registry would eschew multiple databases in favor of a one-stop-shop that would allow law enforcement to remotely identify and track unmanned aircraft, along with their operator and owner. The initiative comes at a time when drone usage is soaring in the United States, Europe and China, raising privacy concerns and fears of collisions with commercial jets. You ve got to have some commonality so that you re not carrying five receivers in your police car, Creamer said in an interview on Thursday. It s not yet clear who would operate such a database, although ICAO could possibly fill that role. The proposal, however, could face push back from users, after hobbyists successfully challenged the creation of a U.S. drone registry by the Federal Aviation Administration in court earlier this year. ICAO will host the symposium from Sept 22-23 on issues like registering and tracking drones, along with geofencing-like systems to prevent their operation in restricted areas. The talks will be at an event attended by experts and companies like Google, Rockwell Collins (COL.N) and Amazon.com (AMZN.O), according to the meeting program schedule. Montreal-headquartered ICAO, which normally sets standards for international civil aviation that are adopted by its 191-member countries, was asked to assist in the development of more uniform domestic drone regulations because the remotely-piloted aircraft are sold and flown globally. They (drone makers) are worried that Europe might create one set of standards, United States might do a second and China might do a third. And they ve got to build a drone differently in these different environments, Creamer said. Parimal Kopardekar, a principal investigator for Unmanned Aircraft System Traffic Management (UTM) at the NASA Ames Research Center in California said he supported the drone industry developing around the world with common operating standards. I think it s smart that ICAO is trying to harmonize it, he said by phone. If you have a drone that you build in one country you should be able to use it in another country and vice versa. ",worldnews,"September 8, 2017 ",1 +U.S waives Jones Act to secure fuel for hurricane responders,"WASHINGTON (Reuters) - The U.S. government on Friday said it was temporarily waiving a law that limits the availability of cargoes on the U.S. coasts, a step that will ensure enough fuel reaches emergency responders during Hurricane Irma and in the wake of Hurricane Harvey. The Jones Act mandates the use of U.S.-flagged vessels to transport merchandise between U.S. coasts. The Department of Homeland Security waived the requirement for one week. This will allow oil and gas operators to use often cheaper, tax-free, or more readily available foreign-flagged vessels. Harvey, which hit Texas with record floods, had a wider effect of disrupting fuel distribution across Florida, Georgia and other Southeastern states by shutting refineries and pipelines. With Hurricane Irma, one of the most powerful Atlantic storms in a century, expected to hit Florida in days, the region will experience one of the largest mass evacuations in American history and see historic levels of restoration and response crews, said Elaine Duke, acting secretary of Homeland Security. Waiving the Jones Act will ensure there is fuel to support lifesaving efforts and restore services and infrastructure in the wake of the storm, Duke said. ",worldnews,"September 8, 2017 ",1 +Factbox: Florida's most deadly and destructive hurricanes,"(Reuters) - Hurricane Irma was churning toward Florida on Friday, prompting the governor to plead with residents in the evacuation zone to flee their homes before the powerful and immense storms slams into the southern half of the state on Sunday. Following are five of the most deadly and destructive hurricanes to make landfall in Florida, listed in chronological order: - Great Miami Hurricane, 1926 Miami s population had boomed in the early 1920s, and hurricanes were a strange phenomenon to new residents. When the eye of the storm came, people wandered outside in the deceptive calm. After they eye had passed, they were caught off guard by deadly winds and high waves. Outside Miami, flooding at Lake Okeechobee also caused many deaths. The storm killed at least 372 people in the state. - Okeechobee Hurricane, 1928 It made landfall in Palm Beach County, Florida, unleashing waves as high as 20 feet (6 meters). In Palm Beach, a haven for the wealthy, some structures were flattened. The south shore of Lake Okeechobee, where migrant farm workers lived, was flooded as water topped dikes. At least 2,500 people are believed to have died from the storm in Florida, according to the National Weather Service. - Florida Keys Labor Day Hurricane, 1935 The hurricane struck the Florida Keys as a Category 5, the highest ranking possible. It killed more than 200 World War One veterans who were in the Keys to build a highway. The storm ranks as the most intense hurricane to hit the United States, based on a record low barometric pressure reading of 26.35 inches, according to the National Weather Service. It generated wind speeds of up to 200 miles per hour (322 km per hour). After ravaging the Keys, the storm moved north off the western coast of Florida before turning inland. In all, more than 400 people died in Florida. - Hurricane Andrew, 1992 The hurricane struck South Miami-Dade County and caused an estimated $26 billion in damage. That ranked as the most expensive storm in U.S. history, until Hurricane Katrina inundated New Orleans and pummeled other parts of the U.S. South in 2005. More than a dozen people were directly killed by the storm in Florida, with others dying of indirect causes. - Hurricane Wilma, 2005 While the death toll of five victims in Florida was low, compared with other hurricanes, Wilma caused more than $20 billion in property damage. It rambled across the southern part of the state, generating wind gusts of more than 100 miles per hour (161 km per hour). ",worldnews,"September 8, 2017 ",1 +French minister calls out Trump on climate change as Irma wreaks havoc,"PARIS (Reuters) - French Environment Minister Nicolas Hulot said on Friday extreme weather conditions like the powerful hurricane bearing down on Florida risked becoming the norm, and took a dig at U.S. President Donald Trump s stance on climate change. In an interview with France 2 TV about Hurricane Irma, Hulot implied that Trump - who has called global warming a hoax - was ignoring the reality of man-made climate change, which most mainstream scientists regard as an established fact. Trump said in May he was pulling the United States out of the landmark 2015 global agreement to fight climate change that was brokered in Paris, saying it would harm the U.S. economy and cost jobs. Irma - described by Trump as a storm of absolutely historic destructive potential - pummeled Cuba and the Bahamas on Friday, and a second powerful hurricane was tracking towards the northeastern Caribbean. Asked if the storms might force Trump to rethink his climate change policy, Hulot said: What will change in the United States are the federal states, the cities, a whole section of society. I think that is what will make up for the reservations of the American president on the links between cause and effect. ",worldnews,"September 8, 2017 ",1 +Brazil police arrest ex-minister Vieira Lima after cash seizure,"BRASILIA (Reuters) - Brazilian police on Friday said they arrested former minister Geddel Vieira Lima on new charges after a corruption probe found his fingerprints in bags hiding more than 51 million reais ($16.52 million) in cash. Vieira Lima was in charge of President Michel Temer s relations with Congress until November. He had been under house arrest since July, accused of obstruction of justice for allegedly trying to deter entrepreneur L cio Funaro, who worked for politicians close to Temer, from striking a plea bargain deal with prosecutors. Judge Vallisney de Souza Oliveira said in a ruling authorizing the arrest that it was necessary to stop Lima from committing other crimes. Police took hours to calculate the exact amount of money found in boxes and bags earlier this week at an apartment in Salvador, in the nation s biggest-ever cash seizure. When Lima resigned from his cabinet post in November, he was the fifth minister to leave the administration over graft allegations. Temer himself was later charged by the country s top prosecutor of corruption, an accusation he managed to defeat through a lower house vote in August. Lima s lawyer, Gamil Foppel, said his client had no access to the court documents about the evidence found by police, in clear violation of the law. ($1 = 3.0875 reais) ",worldnews,"September 8, 2017 ",1 +U.S.-led surveillance aircraft leave area near Islamic State convoy in Syria,"WASHINGTON (Reuters) - The U.S.-led coalition fighting Islamic State said on Friday its surveillance aircraft had moved away from an Islamic State convoy which has been trying to reach territory in east Syria. The Islamic State convoy has split in two, with 11 buses remaining in the open desert after others turned back into government-held areas. The Syrian government and Lebanon s Hezbollah group offered the convoy of originally about 300 lightly armed Islamic State fighters and about 300 family members safe passage in return for the militant group surrendering an enclave on the Syria-Lebanon border. However, the coalition has blocked the convoy from entering Islamic State territory in east Syria, near the border with Iraq, by cratering roads and destroying bridges. To ensure safe de-confliction of efforts to defeat ISIS, coalition surveillance aircraft departed the adjacent airspace at the request of Russian officials during their assault on Dawyr Az Zawyr, the coalition said in the Friday statement, using an acronym for Islamic State. The coalition said Syrian pro-regime forces had advanced past the convoy. The regime s advance past the convoy underlines continued Syrian responsibility for the buses and terrorists, Brigadier General Jon Braga, director of operations for the coalition said. ",worldnews,"September 8, 2017 ",1 +Hurricane Irma may cut power to over 9 million people in Florida: utility,"(Reuters) - Hurricane Irma threatens to knock out power to more than 4.1 million homes and businesses served by Florida Power & Light (FPL), affecting around nine million people based on the current storm track, the utility s chief executive said on Friday. Everyone in Florida will be impacted in some way by this storm, Eric Silagy said at a news conference, urging FPL customers to be prepared for a multiweek restoration process. FPL is the biggest power company in Florida serving almost half of the state s 20.6 million residents. Outages across the state will likely top 4.1 million customers since other utilities, including units of Duke Energy Corp, Southern Co and Emera Inc, will also suffer outages but have not yet estimated how many. Irma poses a significantly bigger menace to power supplies in Florida than Hurricane Harvey did in Texas because Irma is packing 150 mile-per-hour winds (240 km/h) that could down electric lines and close nuclear and other power plants. This storm is unprecedented as far as strength and size. We are preparing for the worst and will likely have to rebuild parts of our service territory, Silagy said, noting the kinds of winds expected could snap concrete poles. Irma s winds have rivaled the strongest for any hurricane in history in the Atlantic, whereas Harvey s damage came from record rainfall. Even as Houston flooded, the power stayed on for most, allowing citizens to use TV and radio to stay apprised of danger, or social media to call for help. When Harvey made landfall in Texas it made it fully inland and weakened pretty quickly. Irma, however, could retain much of its strength, said Jason Setree, a meteorologist at Commodity Weather Group. Irma has killed several people and devastated islands in the Caribbean. Current forecasts put almost the entirety of the Florida peninsula in the path of the storm, which made landfall in the Caribbean with wind speeds of 185 mph. The threat of the Category 4 storm, the second highest rung on the Saffir-Simpson Hurricane Wind Scale, is grave enough that FPL plans to shut its two nuclear power plants in the state, and officials warned that it may have to rebuild parts of its power system, which could take weeks. One of those nuclear plants, Turkey Point, is located south of Miami near the southern tip of Florida, putting it near where Irma is expected to make landfall early Sunday morning. The other nuclear plant, St. Lucie, is on a barrier island on the east coast about 120 miles (193 km) north of Miami. Most Florida residents have not experienced a major storm since 2005, when total outages peaked around 3.6 million during Hurricane Wilma. Some of those outages lasted for weeks. Setree compared the projected path of Irma to Hurricane Matthew in 2016, which knocked out power to about 1.2 million FPL customers in October. FPL, a unit of Florida energy company NextEra Energy Inc, restored service to most customers affected by Matthew in just two days. In a statement this week, FPL estimated about half of its near five million customers - particularly in the trio of populous southeast counties Miami-Dade, Palm Beach and Broward - had not experienced a major hurricane since 2005. FPL said it had invested nearly $3 billion since 2006 to strengthen its grid, including placing 60 main power lines underground and installing nearly five million smart meters and other devices. Other utilities in the Sunshine State said in statements that they had also invested in intelligent, self-healing devices. Smart meters allow utilities to see outages as they occur, rather than waiting on customer calls, and utilities also use automated devices that can reenergize lines without damage that were taken offline because of contact with trees or other objects, said Jay Apt, director of the Carnegie Mellon Electricity Industry Center in Pittsburgh. Olivia Ross, a spokeswoman for CenterPoint Energy, which serves the greater Houston area, said these devices helped the utility keep the lights on for more people in the aftermath of Harvey as some issues were resolved remotely. But such devices can only do so much. Harvey s outages were limited to 312,000 customers, of which CenterPoint was responsible for about 109,000, as it quickly lost force after landfall and turned into a tropical storm. By contrast, Ross noted, Hurricane Ike in 2008 caused 2.1 million of CenterPoint s customers to lose power when it hit the Texas coast near Houston. ",worldnews,"September 8, 2017 ",1 +'Ghost boats' drop Tunisian migrants onto sunny Italian tourist beaches,"ROME (Reuters) - The figures jumping from a small boat into the clear shallow waters and running ashore on an Italian beach look like troops practicing a D-Day-style landing, but this is no drill, and these are not soldiers. The images, caught on camera, show what has become a increasingly common sight on the beaches of Italy s southern islands - migrants from Africa landing in broad daylight. In the past these boats came at night, said Claudio Lombardo, the local head of the Mareamico (Friend of the Sea) environmental group who filmed the scene on a beach near Agrigento in Sicily on Wednesday morning. When they came at night, all you saw was the abandoned boat on the beach the next day and the people were nowhere to be found, and that s why we called them ghost boats. The change in tactic by people smugglers comes as the number of arrivals from Libya - long the busiest route for migrants from Africa trying to reach the European Union - have plummeted since departures from the coastal city of Sabratha were stopped by a shadowy armed group this summer. As Libyan departures slumped, wooden boats from neighboring Tunisia have started landing on secluded Sicilian beaches, often in broad daylight while tourists are out sunbathing, an official leading the investigation into the arrivals told Reuters. Some 3,000 migrants, mostly men, have come from Tunisia in the past two months, with between 1,500-1,800 landing on the south coast of Sicily, and the rest on the smaller islands of Lampedusa or Linosa, said the local investigator, who spoke on condition of anonymity. It is still fewer than the Libyan arrivals, which totaled well over 10,000 over the past two months, but such numbers have not been seen since Tunisia s Arab Spring revolution in 2010 and 2011, said Lombardo, whose priority is to protect beaches from damage caused by the abandoned boats and belongings. Those who reached the smaller islands have almost all been identified by police, while between 20 to 40 percent of those who made it to Sicily vanished without trace, the official said. Almost all are Tunisians, and some had already been expelled from Italy in the past, the investigator said. The Agrigento court is looking to see if smugglers pick them up upon arrival in Italy. We re more concerned about the ones who try to flee because perhaps they could have problems with the law either in Tunisia or Italy, he said. As for the 50-or-so filmed by Lombardo, they climbed up into the dry hills beyond the beach and headed inland, discarding T-shirts and shoes. They have a kit with them, which is a bag with a change of clothes, and bottles of water and milk, Lombardo said. Within 30 minutes, they disappear. They re gone. Police pick up many found walking along roads, the investigator said. On Thursday, one young Tunisian man was killed by a car in a hit-and-run near Agrigento. While some of the boats are big enough to make the more than 200-km (125-mile) crossing from Tunisia, some are very small, raising questions about how they got there. We have not excluded the existence of mother ships, the investigator said, referring to large fishing boats used in the past to ferry migrants close to the coast before putting them onto smaller boats for the last leg of the voyage. ",worldnews,"September 8, 2017 ",1 +U.S. Navy moving aircraft carrier in anticipation of Irma relief,"WASHINGTON (Reuters) - The U.S. Navy said on Friday that it was moving the aircraft carrier Abraham Lincoln into position to provide humanitarian relief from Hurricane Irma if needed. The Navy said in a statement that the Abraham Lincoln, along with the amphibious assault ship Iwo Jima and transport dock ship New York, had been ordered to get underway on Friday and that a destroyer would join them. These ships are capable of providing medical support, maritime civil affairs, maritime security, expeditionary logistic support, medium and heavy-lift air support, the statement said. ",worldnews,"September 8, 2017 ",1 +Mexico temporarily suspends operations at key refinery after quake,MEXICO CITY (Reuters) - Mexican President Enrique Pena Nieto said on Friday operations at the Salina Cruz refinery on Mexico s southern coast were temporarily suspended as a precautionary measure following a major earthquake nearby. ,worldnews,"September 8, 2017 ",1 +UK's Farage says PM May might not last until Christmas,"BERLIN (Reuters) - Brexit campaigner Nigel Farage said on Friday that British Prime Minister Theresa May might be out of a job by Christmas unless she manages to get her party behind her and take charge of Brexit negotiations. Speaking at an election campaign event for the right-wing Alternative for Germany (AfD) in Berlin, Farage said May needed to rapidly assert her authority over her Conservatives and also over the Brexit negotiations. If she doesn t do those two things - doesn t get some sense of order back into her own party and direction back into where the negotiations are going then I think the whispering campaign will go from something that is being done in private to being done in public and she might not last til Christmas, he said. At a citadel on the outskirts of Germany s capital, Farage said leading British ministers have been contradicting each other on a weekly basis so the government looked rudderless. She has to stamp her authority on the party and do so pretty damn quickly, said Farage, who while leader of the anti-EU UKIP Party played an important role in pressuring then-Prime Minister David Cameron to hold the Brexit referendum. ",worldnews,"September 8, 2017 ",1 +Britain's Farage talks Brexit at German right-wing election rally,"BERLIN (Reuters) - Brexit campaigner Nigel Farage received a standing ovation at a pre-election rally of the anti-immigration Alternative for Germany (AfD) in Berlin on Friday, where he was presented as a model of what a right-wing eurosceptic politician can achieve. Far-right parties have suffered setbacks this year at elections in France and the Netherlands, but the AfD is set to enter Germany s national parliament for the first time in the Sept. 24 parliamentary vote. Farage, a leading voice in the victorious movement last year for Britain to leave the European Union, bemoaned the lack of discussion of Brexit in the German campaign. (I m trying) to get a proper debate going in the biggest, richest and most important, powerful country in Europe about not just the shape of Brexit but perhaps even the shape of the European project to come, Farage told reporters. He said Chancellor Angela Merkel and her Social Democrat (SPD) challenger Martin Schulz had refused to discuss Brexit as it was a huge embarrassment for the European dream that both of them have had . Polls put the AfD, which wants to put an end to euro zone bailouts and call a referendum on Germany s EU membership, on up to 11 percent support. That could make it the largest opposition party if Merkel wins, as expected, and renews her grand coalition with the SPD. Beatrix von Storch, the AfD s 46-year-old deputy chairwoman, said her party took hope from Farage, who was a founding member of the eurosceptic UK Independence Party in 1993. Nigel Farage showed the impossible is possible if you just believe in it and fight this fight - he did that for more than two decades and that makes him a role model for us, she said. Farage said he thought Merkel would probably be better for Brexit as she was more likely to agree to a free trade deal between Britain and the EU, while Schulz, previously president of the European Parliament, was a pro-EU fanatic . ",worldnews,"September 8, 2017 ",1 +"South Africa's Dlamini-Zuma, ANC leadership contender, to become MP","JOHANNESBURG (Reuters) - South African veteran politician and anti-apartheid activist Nkosazana Dlamini-Zuma, a leading contender to take over as head of the ruling ANC in December, will be sworn in as a member of parliament next week, a senior party official said on Friday. Dlamini-Zuma, the ex-wife of current ANC leader and South African President Jacob Zuma, does not hold a top position and could use a seat in parliament to raise her profile ahead of the party s December leadership conference. She is going to be sworn in, ANC Secretary General Gwede Mantashe was quoted as saying by the local EWN news network. The former health and foreign affairs minister s main opponent in the ANC leadership race is expected to be Deputy President Cyril Ramaphosa, a trade unionist-turned-business tycoon whom many investors would prefer to see running a country with serious economic challenges. Dlamini-Zuma is pushing for a more radical redistribution of wealth from whites to blacks, a policy that appeals to many poor people who resent the stark racial inequality that persists 23 years after the end of apartheid. The next head of the ANC will be the party s presidential candidate in 2019 general elections. ",worldnews,"September 8, 2017 ",1 +"Irma to stress-test Florida insurers, reinsurers: rating agencies","(Reuters) - Florida s insurance and reinsurance market is well equipped to handle hurricane losses, but Irma could strain the state s coverage market depending on the extent it makes landfall in Florida, according to rating agencies. Irma, the second major hurricane to approach the United States in two weeks, is expected to make landfall in south Florida on Sunday morning. Fitch said if the storm were to produce insured losses greater than $75 billion, some Florida insurers and reinsurers could experience notable financial strain . Irma hit the Dominican Republic and Haiti on Friday, heading for Cuba and the Bahamas. The projected path and severity of Irma creates the potential for economic and insured losses to significantly exceed those experienced in Hurricane Andrew in 1992, Fitch said. Strong capitalization of the insurance and reinsurance sector will help mitigate the impact of Irma, S&P Global Ratings said. ",worldnews,"September 8, 2017 ",1 +U.S. says Myanmar should respond responsibly to attacks on security forces,"WASHINGTON (Reuters) - Myanmar should respond responsibly to attacks on security forces in the country s Rakhine State, respecting rule of law and human rights, a senior official of the U.S. State Department said on Friday. Patrick Murphy, deputy assistant secretary of state for East Asia, told reporters Washington saw shortcomings on the part of the security forces and the government in dealing with the situation in Rakhine and was pushing for urgent restoration of access for humanitarian assistance and journalists there. ",worldnews,"September 8, 2017 ",1 +Venezuela has problems fulfilling obligations on debt: Russia,"MOSCOW (Reuters) - Russian Finance Minister Anton Siluanov told reporters on Friday that Venezuela is having problems with fulfilling its obligations on its debt to Russia. We have a request from our colleagues in Venezuela to do a restructuring, Siluanov said. Venezuela owed Russia $2.84 billion as of September last year. ",worldnews,"September 8, 2017 ",1 +Russia hopes to agree on debt repayment with Venezuela by year-end,"MOSCOW (Reuters) - The Russian finance ministry wants to find a solution on how Venezuela will fulfill its debt obligations to Moscow by the end of this year, a senior ministry official said on Friday. Konstantin Vyshkovsky, head of the state debt department at the finance ministry, told Reuters that Venezuela owed Russia more than $3 billion. Venezuela borrowed from Russia in late 2011 but failed to keep up with payments on the debt in 2016 as the South American state faced a full-blown economic and financial crisis. For now we consider it to be a liquidity crisis but not a crisis of financial solvency, Vyshkovsky said. Vyshkovsky said that the finance ministry hoped to agree on new conditions for how Caracas would honor the debt by the end of 2017. What the conditions would be like and how quickly we would find a compromise remains to be seen. But our partners speak about a strong desire to reach an agreement quickly, Vyshkovsky said. Vyshkovsky declined to say when he would expect Caracas to pay back its debt. Venezuela s unraveling socialist government is increasingly turning to ally Russia for the cash and credit it needs to survive, according to a Reuters special report published last month. ",worldnews,"September 8, 2017 ",1 +"Germany disputes size of Russian wargames, predicts 100,000 troops","TALLINN (Reuters) - Germany said on Thursday that Russia was planning to send more than 100,000 troops to war games on NATO s eastern flank this month, disputing Moscow s version that only 13,000 Russian and Belarussian servicemen would participate. The Sept. 14-20 exercises known as Zapad, or West in Belarus, the Baltic Sea, western Russia and the Russian exclave of Kaliningrad, are stirring unease in NATO despite Moscow s assurances troops would rehearse a purely defensive scenario. It is undisputed that we are seeing a demonstration of capabilities and power of the Russians, German Defence Minister Ursula von der Leyen told reporters at an EU defense ministers meeting in Tallinn. Anyone who doubts that only has to look at the high numbers of participating forces in the Zapad exercise: more than one hundred thousand, she said in a joint news conference with her French counterpart Florence Parly. (For a graphic on Russia's Zapad war games click tmsnrt.rs/2xQtYwH) While Baltic nations have voiced concerns about a bigger-than-reported exercise and while NATO s secretary-general expects more than 13,000 troops, Von der Leyen s remarks are the first time a top Western politician has called out Russia publicly on what NATO sees as the true size of the war games. Such numbers would be legal under international treaties on war games, but would require inviting international observers. With less than 13,000 troops, international observation of the drills is not mandatory, Russia says. In a sign of efforts to contain tensions, NATO general Petr Pavel held his first face-to face meeting in more than two years with Russia s top general, Valery Gerasimov, in Azerbaijan on Thursday, the alliance said. NATO said in a statement the meeting showed a clear mutual interest to maintain the military lines of communication. An exercise on that scale is one of NATO s most pressing concerns. France, for one, believes the war games are no simple military drill, even though Russian Deputy Defence Minister Alexander Fomin told Western military attaches in Moscow in August the West had nothing to fear. Russia accuses NATO of building up forces on its frontiers in a manner reminiscent of the Cold War. But NATO says it is protecting the interests of member states bordering Russia who are troubled by Moscow s annexation of Ukraine s Crimea and links to pro-Russian rebels in eastern Ukraine. Previous large-scale exercises in 2013 employed special forces training, longer-range missiles and unmanned aerial vehicles that were later used in the Crimea annexation and in actions in eastern Ukraine and Syria, NATO diplomats said. Russia has a global strategy of a visible, deliberate demonstration of force, Parly said before heading to meet French troops in Estonia as part of NATO s deployment of deterrent forces in the Baltics and Poland. They have a strategy of intimidation, Parly said, warning that any attack on a Baltic country or Poland by Russia would be considered an attack on all of the U.S.-led NATO alliance. ",worldnews,"September 7, 2017 ",1 +We'll lift Russia sanctions when east Ukraine is peaceful: Merkel,"BERLIN (Reuters) - German Chancellor Angela Merkel said on Friday that she wanted European Union sanctions against Russia lifted, but only once peaceful conditions had been achieved in eastern Ukraine. Speaking at an election campaign rally in the eastern town of Strasburg, Merkel said Russia s grave violations of international law made sanctions necessary. I spend much of my time working to achieve reasonable, good relations with Russia, Merkel said, adding that she was trying, along with France, to achieve peaceful conditions in eastern Ukraine, where Moscow-backed separatists are fighting a war against the Kiev government. The moment we get that, we will also lift the sanctions, she said, adding that Russia s annexation of the Crimean peninsula from Ukraine and its backing for separatists were against the principles that we have had in place since World War Two . If Russia s actions were allowed to stand, there was a risk they would be repeated, Merkel said. ",worldnews,"September 8, 2017 ",1 +U.N. beefs up guards as it scales up presence in Libya,"ROME (Reuters) - The United Nations is preparing to deploy 150-250 mostly Nepalese guards to Libya to protect its base in the capital as part of a plan to return its operations to the country, U.N. officials said on Friday. Backed by Western governments, the U.N. is trying to heal a rift between Libya s rival factions in order to stabilize the country and to tackle militant violence and people-smuggling from Libya s northern coast. The mission has been based in Tunis since 2014, when fighting among rival Libyan brigades forced out most foreign embassy staff, but it has gradually increased its presence in Libya and has been planning for months for a fuller return. The military unit would probably consist of around 150 guards, Jean-Pierre Lacroix, U.N. Under-Secretary-General for Peacekeeping Operations, told a news briefing in Geneva. Most will be Nepalese. To make sure that we protect our colleagues as they deploy in Tripoli there will be a guard unit which will be basically U.N. military personnel coming from Nepal, Lacroix said. U.N. Libya envoy Ghassan Salame told Italian newspaper La Stampa that a little under 250 could be deployed in the coming weeks . Deploying the guards to the base in Tripoli will mean that around the beginning of October we can carry out a significant part of our work in Libya, said Salame, who has headed the mission since June. A spokesperson for the mission said there were no plans to send U.N. peacekeepers to Libya. Security in Tripoli and other parts of western Libya is fragile, and armed groups that are largely unaccountable hold power on the ground. Most foreign embassies closed and pulled out their staff in 2014 when heavy fighting between rival factions destroyed the capital s airport. It was the worst fighting since the fall of long-time leader Muammar Gaddafi in 2011. Libya slipped into turmoil after the NATO-backed uprising that toppled Gaddafi. A U.N.-backed government set up in Tripoli last year has struggled to assert its authority and is opposed by factions that control eastern Libya. In July, rival leaders pledged in Paris to work toward elections in 2018 and a conditional ceasefire. Salame said constitutional and electoral laws would have to be written to ensure any vote brought lasting change. We need to be sure everyone accepts the final result, he said. Let s not forget that presidential elections would be the first ever. Salame also expressed frustration at competing international initiatives in Libya, where regional and European powers have vied for influence. I think the proliferation of initiatives, of mediations, does not help, he said. French Foreign Minister Jean-Yves Le Drian said he hoped that after his country s efforts a revision of the 2015 U.N.-mediated deal that created the Tripoli government could be reached under Salame s auspices. Discussion has centered on reforming the government s leadership and power over military appointments. It seems that efforts are converging, Le Drian told reporters during a visit to Moscow. ",worldnews,"September 8, 2017 ",1 +Zimbabwe to start compiling new voter register next week,"HARARE (Reuters) - President Robert Mugabe on Friday said Zimbabwe will begin compiling a new voter register next week ahead of the 2018 presidential and parliamentary elections, in which the 93-year-old is seeking to extend his 37-year hold on power. Mugabe said in an official government notice that the Zimbabwe Electoral Commission would start registering voters on Sept. 14 and would end the process on Jan. 15. Opposition parties have been demanding a new roll for voters and have previously accused Mugabe s ruling ZANU-PF party of manipulating the existing register. ZANU-PF denies these accusations. Mugabe also told the central committee of his ZANU-PF on Friday that his party should galvanize supporters to register anew. He said Western powers were behind the last month s reunification of the main opposition Movement for Democratic Change but added that the opposition would still be defeated by ZANU-PF in next year s votes. We know of course they are creatures of the West whose sole purpose is to dislodge ZANU-PF from power. But really, they come together as a bundle then one blow against a bundle will set the bundle in pieces, Mugabe said to applause from ZANU-PF members. ",worldnews,"September 8, 2017 ",1 +"Trump: Hurricane Irma has ""absolutely historic destructive potential""","WASHINGTON (Reuters) - U.S. President Donald Trump warned of Hurricane Irma s destructive potential on Friday as the Category 4 storm headed toward Florida and urged residents in its path to heed government recommendations. This is a storm of absolutely historic destructive potential. I ask everyone in the storm s path to be vigilant and to heed all recommendations from government officials and law enforcement, Trump said in a videotaped statement. (This story corrects first paragraph to say Irma is now Category 4) ",worldnews,"September 8, 2017 ",1 +"Bangladesh wants 'safe zones' to ease Rohingya crisis, but seen unlikely","DHAKA (Reuters) - Bangladesh has proposed creating safe zones run by aid groups for Rohingya Muslims in Myanmar s Rakhine state to stop hundreds of thousands of refugees crossing into its territory following a military crackdown. The plan, the latest in a string of ideas floated by Dhaka, is unlikely to get much traction in Myanmar, where many consider the Rohingya community of 1.1 million as illegal immigrants from Bangladesh. That will leave Bangladesh, one of the poorest nations in the world, with little choice but to open new camps for refugees. Dhaka sent the proposal to the Myanmar government through the International Committee of the Red Cross to secure three areas in Rakhine, home to the Rohingya community, suggesting that people displaced by the violence be relocated there under the supervision of an international organization, such as the United Nations. The logic of the creation of such zones is that no Rohingya can come inside Bangladesh, said Shahidul Haque, Bangladesh s foreign secretary, the top civil servant in the foreign ministry. The Red Cross confirmed that it had passed on the request to Myanmar but said that it was a political decision for the two countries to make. A Myanmar government spokesman did not respond to a request for comment. Hundreds of thousands of Rohingya have fled to Bangladesh, a mostly Muslim nation of 160 million, from Buddhist-majority Myanmar in recent years. The decades-old conflict in Rakhine flared most recently on Aug. 25, when Rohingya insurgents attacked several police posts and an army base. Since then, an estimated 270,000 Rohingya have fled to Bangladesh, according to the U.N. High Commissioner for Refugees, joining more than 400,000 others already living there in cramped makeshift camps since the early 1990s. There are widespread fears that tens of thousands more could try to cross if the violence doesn t abate. Recent pictures from the border between the two countries show hundreds of Rohingya men, women and children trying to cross over into Bangladesh on foot and by boat. The humanitarian crisis next door has left Bangladesh scrambling to deal with people that it does not welcome either. In recent days, Bangladesh officials have said they plan to go ahead with a controversial plan to develop an isolated, flood-prone island in the Bay of Bengal to temporarily house tens of thousands of refugees, drawing fresh criticism from the international community. It bowed to pressure on Thursday, with government officials saying that Dhaka would now make another 1,500 acres (607 hectares) of land available for camps to house refugees near Cox s Bazar, where many refugees already live as it is near the border with Myanmar. They will be given temporary shelter, said Kazi Abdur Rahman, additional deputy commissioner of Cox s Bazar. But Rahman added that the refugees would be fingerprinted and confined to the camp so that they did not mix with the local community. These measures, however, do not offer a long-term solution to the crisis, and Dhaka says it is getting little support from its neighbor, which has been accused of trying to engineer ethnic cleansing within its borders. Bangladesh officials said they had proposed joint patrolling along the border but did not receive a response from Myanmar. Earlier this week, Bangladesh lodged a protest after it said Myanmar had laid landmines near the border between the two countries. Myanmar leader Aung San Suu Kyi, a Nobel Laureate, has come under pressure to halt violence against Rohingya. She has said that her government was doing its best to protect everyone in Rakhine but did not refer specifically to the Rohingya exodus. The solution lies in Myanmar. The UN hopes that Myanmar can address the root causes of the problem, said Shinji Kubo, head of the United Nations High Commissioner for Refugees in Bangladesh. Kubo said the Bangladesh government was doing its best by accepting the refugees instead of sending them back. Bangladesh officials are turning to the international community for help, claiming support from countries such as Turkey, which has promised aid. On Friday, a Malaysian coast guard official said the country will not turn away Rohingya Muslims and is willing to provide them temporary shelter. But any such voyage would be hazardous for the next few months, because of the annual monsoon. The world community must come forward to help them, not by putting pressure on Bangladesh but by putting pressure on Myanmar not to resort to these atrocities and violence, said H.T. Imam, a senior aide to Bangladesh Prime Minister Sheikh Hasina. The only solution is to force Myanmar to take back their citizens through international pressure. And we are working with our partners on that, Imam said. Besides the creation of internationally-controlled safe zones in Rakhine state, Bangladesh has also mooted creating a buffer zone along the border, where the international community could set up camps and provide for the refugees, the officials said. Further details of the plan could not be learned. We will give aid agencies access. But we are not interested to give them shelter here. We are already overburdened, said Mostafa Kamal Uddin, Bangladesh s home secretary. ",worldnews,"September 8, 2017 ",1 +U.N. rights chief says EU deal on Libya migrants falls short,"GENEVA (Reuters) - A European and African deal to stem the flow of migrants coming through Libya to Europe fails to tackle the abuses they face, the top U.N. human rights official wrote on Friday. The 28-nation European Union has long struggled to reach a coherent answer to the influx of migrants fleeing war, poverty and political upheaval in the Middle East and Africa, and the crisis is testing cooperation between member states. On Aug. 28, the leaders of France, Germany, Italy, Spain, Chad, Niger and Libya agreed a plan to tackle illegal human trafficking and support nations struggling to contain the flow of people across the desert and Mediterranean sea. U.N. High Commissioner for Human Rights Zeid Ra ad al-Hussein said it was significant that the agreement they struck in Paris recognized that a comprehensive response was needed. But it is very thin on the protection of the human rights of migrants inside Libya and on the boats, and silent on the urgent need for alternatives to the arbitrary detention of vulnerable people, he wrote in an article published by the United Nations. Zeid s office published a report last December on abuses faced by migrants in detention centres in Libya, but memories are short when facts are inconvenient , he wrote. Since then the situation had worsened, with far too many allegations to verify and reports of bodies in the desert, in the forest, on the beaches . Libya s morgues were overflowing, he said. Apart from the families awaiting word from missing relatives, hardly anybody seemed to care, Zeid wrote. The EU faces a moral and legal dilemma because it relies on cooperation with Libyan coastguards and plays down their abuses, which include shooting at aid workers trying to rescue migrants, Zeid said. A coastguard that sometimes rescues migrants in distress but sometimes chooses not to. Like the militias onshore, coastguards also sometimes beat, rob and even shoot the migrants they intercept, he said. Zeid said he agreed with a letter to European leaders from Joanne Liu, the head of Medecins Sans Frontieres, a charity that has sent aid workers to rescue migrants. The letter, entitled European governments are feeding the business of suffering , asked: Is allowing people to be pushed into rape, torture and slavery via criminal pay-offs a price European governments are willing to pay? I fully support her analysis, and share her disgust at this situation, Zeid wrote. ",worldnews,"September 8, 2017 ",1 +German lawmakers visit Turkish air base but dispute unresolved,"BERLIN (Reuters) - German politicians visited their country s troops at an air base in Turkey on Friday but some lawmakers said they would not extend the airmen s mission to take part in NATO air patrols unless an underlying dispute over visiting rights was resolved. Germany s armed forces are under parliamentary control and Berlin insists lawmakers must have access to them, but Turkey has repeatedly prevented visits from taking place. Friday s visit was arranged by NATO, sidestepping Ankara s objections. Some of the lawmakers, who were flown to the Konya air base on a NATO plane from the alliance s Brussels headquarters, said Germany s parliament would only extend the troops mandate if future visits were more straightforward. The current mandate expires at the end of this year. The conflict over visiting rights must be dealt with before parliament votes again on the mandate, said Green lawmaker Tobias Lindner, a member of the delegation. Flying via Brussels cannot be a long-term solution. Relations between Ankara and Berlin were already strained by Turkish President Tayyip Erdogan s crackdown on opponents after a failed coup last year, and Turkey s refusal to let German members of parliament visit airmen based in the country has exacerbated tensions. It must be possible for us to visit our soldiers serving abroad, said Henning Otte, a lawmaker for Chancellor Angela Merkel s ruling conservative party. Germany has a parliamentary army. Seven German lawmakers visited the handful of German troops serving in a NATO air surveillance mission at Konya. The delegation was led by NATO s Deputy Secretary General Rose Gottemoeller. There are usually around 25 German soldiers based in Konya although only a handful were present at the base on Friday. Some more arrived with the lawmakers in the NATO plane. Turkey had objected particularly strenuously to the participation of a member of Germany s far-left Left party whom Ankara accuses of supporting terrorists. Repeated refusals by Ankara to let lawmakers visit German soldiers at Incirlik, another base in Turkey, prompted Berlin to relocate those troops to Jordan in July. Turkey and Germany are also at odds over Berlin s refusal to extradite asylum seekers Ankara accuses of involvement in last year s failed coup against Erdogan, while Berlin is demanding the release of an imprisoned Turkish-German journalist. The deterioration in relations has led German Chancellor Angela Merkel to say she will seek to end Turkey s membership talks with the European Union. ",worldnews,"September 8, 2017 ",1 +"Spain blocks Catalan independence vote, threatens charges","MADRID (Reuters) - Spain s central authorities moved on Thursday to crush plans by the northeastern region of Catalonia to hold an independence referendum and took steps to prosecute regional lawmakers backing the ballot. A long-running campaign for independence by a group of Catalan politicians, who hold a majority in the regional parliament, came to a head on Wednesday when they approved a law to allow a vote on secession from Spain scheduled for Oct. 1. The country s Constitutional Court, Spain s highest legal authority on such matters, suspended the referendum law late on Thursday to allow judges time to consider whether the vote breaches the country s constitution. Prime Minister Mariano Rajoy said earlier on Thursday he had appealed to the court to declare the referendum illegal. The constitution states Spain is indivisible. This referendum will not go ahead, he said. In a separate move on Thursday, Spain s state prosecutor s office said it would present criminal charges against leading members of the Catalan parliament for allowing Wednesday s parliamentary vote to go ahead. Catalan lawmakers have said they are prepared to go to jail over the issue. The state prosecutor-general, Jose Manuel Maza, told reporters he had also asked the security forces to investigate any preparations by the Catalan government to hold the referendum. This could involve printing leaflets or preparing polling stations. Teachers, police and administrative workers are among civil servants that could risk fines or potentially the loss of their jobs by manning polling stations or taking part in other activities deemed as helping the vote. Polls show the debate over independence in the region is close-run, with those preferring to stay united with Spain slightly outnumbering independentistas . A majority of Catalans do want the right to hold a referendum, however. Barcelona residents on Thursday had mixed feelings about the possibility of a referendum. It will never be legal if it s not agreed with the government, said 53-year-old interior designer Laurent Legard. This is not the right path. Dolores, a 55-year-old receptionist who declined to give her surname, disagreed. We are delighted - we ve been waiting for this moment for many years. It really is a democracy to allow people to give their opinion about how they want to live and how they want their country to be, she said. Prime Minister Rajoy s recourse to the courts to block any independence referendum now and in a non-binding 2014 vote on a split from Spain has raised hackles in the industrial region. Any heavy-handedness on behalf of his government to stop leaflet printing or confiscate ballot boxes could trigger social unrest. Catalan s regional head, Carles Puigdemont, has said the results of the referendum will be binding no matter what the turn-out is. Analysts have said a low turn-out would harm the legitimacy of the result. Catalonia will declare independence within 48 hours of a yes vote, the referendum law states. ",worldnews,"September 7, 2017 ",1 +Syrian government denies U.N. chemical attack report,"BEIRUT (Reuters) - The Syrian government has denied a U.N. report accusing it of a sarin attack in April that killed scores of people, state media said on Friday. Damascus sent the United Nations a letter asserting that Syria has not and will not use toxic gases against its people because it does not have them in the first place , state news agency SANA said. U.N. war crimes investigators said this week that Syrian forces have used chemical weapons more than two dozen times during the six-year conflict. The U.N. Commission of Inquiry on Syria said a government warplane dropped sarin on Khan Sheikhoun in insurgent-held Idlib province in April, killing more than 80 civilians. The attack prompted a U.S. missile strike on a Syrian government air base. A fact-finding mission of the Organisation for the Prohibition of Chemical Weapons (OPCW) previously identified the attack as containing sarin, an odorless nerve agent. But that conclusion did not assign blame. The Syrian government has said before that air strikes in the town of Khan Sheikhoun hit a weapons depot belonging to rebel factions. The U.N. investigators dismissed this. President Bashar al-Assad s government has repeatedly denied using chemical weapons in the war and says it only targets militants. In 2013, hundreds of civilians died in a sarin gas attack in the suburbs of the capital Damascus, in an attack that Western states blamed on Assad s government. Damascus blamed rebels. In the wake of the atrocity, the United States and Russia brokered a deal under which Syria joined the international Chemical Weapons Convention. Syria declared it had 1,300 tonnes of chemical weapons or industrial chemical stocks, surrendering it to the international community for destruction. U.N.-OPCW investigators have said that the government continued to use chlorine, which is widely available and hard to trace. Chlorine is not a banned substance, but the use of any chemical is banned under the 1997 Chemical Weapons Convention. A series of U.N.-OPCW investigations found that various parties in the war have used chlorine, sulfur mustard gas and sarin. ",worldnews,"September 8, 2017 ",1 +"Norway's Merkel, Erna Solberg hopes to beat history in re-election bid","OSLO (Reuters) - Erna Solberg seeks to accomplish something no Conservative Norwegian prime minister has managed for more than three decades: winning a second term. If Norwegians are sufficiently happy with Solberg s last four years in power, they will re-elect her on Sept. 11; if not she will lose to Labour Party leader Jonas Gahr Stoere. Opinion polls show the race is too close to call. Solberg hopes to emulate a European center-right leader with an enviable track record of winning: Angela Merkel, herself seeking a fourth term as Germany s chancellor. She is absolutely the most important politician in Europe, Solberg said after taking office in 2013 as she prepared for her first foreign trip as prime minister, to Berlin. Portraying herself as a steady figure who steered western Europe s top oil and gas producer through a two-year slump in energy prices, Solberg has warned voters her defeat would mean a red-green chaos of socialists and environmentalists bent on raising taxes. Once known as Iron Erna for her tough stance on immigration, Solberg softened her image and broadened her appeal with a 2011 book emphasizing people s needs over the Conservative Party s traditional focus on fiscal prudence. Conservatives hope to capitalize on an easy-going personality that has made Solberg popular beyond her party, as seen in a Sept. 6 poll where 46.3 percent believed her best suited to be prime minister, against Stoere s 39.1 percent. (For a graphic on Norway's parliamentary elections click tmsnrt.rs/2ugJCjo) There is an enormous focus on her as a person, which has given the party a real boost during the election campaign, said Associate Professor Tore Bang at BI Norwegian Business School, an expert in public relations and political communication. The hype around her is atypical for a leader of the Conservative Party. She is seen as a much more folksy politician and has a much broader appeal than Gahr Stoere. Born on Feb. 24, 1961, in her late teens Solberg was diagnosed with dyslexia. Graduating in political science she was elected to parliament aged 28, becoming deputy party leader in 2002 before taking the top job in 2004. She is Norway s second female prime minister after Labour s Gro Harlem Brundtland, who led three governments in the 80s and early 90s and became known as the mother of the nation . As prime minister, Solberg has really strengthened her position as an uncontested party leader. She personifies the party brand and the association between her and the party is comparable to what Gro Harlem Brundtland had in the Labour Party, said Bang of the BI Norwegian Business School. While the opposition was long favored to win, opinion polls show Solberg and her allies have closed the gap in recent months, taking advantage of an economic rebound. It s quite apparent that the Conservative Party has looked to Germany and found inspiration in the position Merkel has taken there, said Johannes Bergh, head researcher of the University of Oslo s National Election Studies program. It s a comparison that the party really likes. Merkel is very good at winning elections and offers a lot of the same things as Solberg. The economic upturn, and concerns it could falter, will play well for the prime minister, Bergh said. The backdrop of this election is that the Norwegian economy is doing well again. There is no real sense of crisis anymore but people are still weary, so offering a stable and predictable Merkel-like leadership is a strategy that seems to have worked well. If she wins, she plans to continue a policy of cutting taxes on companies and individuals, but her room for maneuver will be tighter as Norway s near-trillion dollar sovereign wealth fund is not expected to grow as the same pace as before. In Norway s fragmented parliament however, where nine parties are expected to win seats, re-election will not guarantee a Solberg government survives another four years. Kaare Willoch, the last Conservative prime minister to win back-to-back elections, in 1981 and 1985, was booted out of office just months into his second term in a disagreement over petrol taxes. In fact, if she were to serve two full terms, Solberg would easily become the longest-serving Conservative prime minister since the introduction of the parliamentary system in the late 19th century. ",worldnews,"September 8, 2017 ",1 +Kenyan opposition chief to focus on corruption in election re-run,"NAIROBI (Reuters) - Kenyan opposition leader Raila Odinga says he will make the mismanagement of last month s annulled presidential vote the focus of his new election campaign, linking it to a series of political scandals. The Supreme Court last week nullified the Aug. 8 election, ruling that incumbent president Uhuru Kenyatta s win by 1.4 million votes was invalid due to flaws in the tallying process. Right now, we are basically dealing with the rigging of elections, which is basically an extension of corruption, Odinga told Reuters in an interview on Thursday, repeating his allegation, rejected by the court, that Kenyatta had deliberately manipulated the vote. Odinga has threatened to boycott the re-run unless a series of demands are met. The court ruling sent shockwaves through Kenya, East Africa s richest country per capita and a relatively stable ally of the West in a region beset by conflict. Although it caused political uncertainty, many hope it will eventually reduce the chance of political violence by rebuilding trust in Kenya s battered public institutions. The election commission set the re-run for Oct. 17, but Odinga reiterated his stance that he would not take part unless some electoral officials were fired and the opposition were given access to voting data that they say will prove their allegation of deliberate rigging. The board has said different staff will be in charge of the re-run, but has not opened up the election records for scrutiny or announced any disciplinary measures. This election shows that Jubilee (the ruling party) have taken corruption to the stratosphere in our country ... it is very regrettable, it is actually shameful that a government can preside over this fraud. The judges said Kenyatta was not at fault and the blame lay with the election commission, which had not followed procedures designed to allow a transparent vote. A more detailed ruling is expected this month. Jubilee has also denied manipulating the vote. But Odinga s words may resonate with Kenyans tired of the corruption scandals that have dominated front pages in recent years, including allegations that tens of millions of dollars went missing from the Health Ministry and National Youth Service. The auditor-general regularly issues scathing reports about missing funds, but action is rarely taken. No top official has been successfully prosecuted. Odinga, who presents himself as a champion of the poor, built his previous campaign on criticism of high inflation and shortages of the staple maize flour after a regional drought. He has criticized government borrowing, and promised to lower the deficit by improving revenue collection and slashing graft. He said he would preserve the large infrastructure projects that were the centerpiece of Kenyatta s re-election campaign. Odinga also plans to substantially reshape Kenya s policy towards its neighbors if he wins, setting a timeline to withdraw Kenyan troops from Somalia and calling for the release of South Sudanese rebel leader Riek Machar, currently under house arrest in South Africa, to participate in peace talks. ",worldnews,"September 8, 2017 ",1 +"Dutch government: 2 dead, 43 wounded on Saint Martin","AMSTERDAM (Reuters) - The Dutch government on Friday raised its estimate of casualties caused on the Dutch part of the island of Saint Martin by Hurricane Irma to two dead, one of natural causes, and 43 wounded. Of those wounded, 11 are in critical condition, Interior Minister Ronald Plasterk said at a press conference. The island suffered widespread damage in the hurricane, including severe damage to homes, stores, ports, airports, gas stations and power stations. Two hundred Dutch soldiers are assisting on the island from two nearby ships as it struggles to restore its airport and main harbor in order so that it can receive more aid. ",worldnews,"September 8, 2017 ",1 +Hurricane Irma threatens power losses for millions in Florida,"(Reuters) - Hurricane Irma poses a bigger menace to power supplies in Florida than Hurricane Harvey did in Texas because Irma is packing near 200 mile-per-hour winds (320 km/h) that could down power lines, close nuclear plants and threats to leave millions of homes and businesses in the dark for weeks. Irma s winds rival the strongest for any hurricane in history in the Atlantic, whereas Harvey s damage came from record rainfall. Even as Houston flooded, the power stayed on for most, allowing citizens to use TV and radio to stay apprised of danger, or social media to call for help. When Harvey made landfall in Texas it made it fully inland and weakened pretty quickly. Irma, however, could retain much of its strength, said Jason Setree, a meteorologist at Commodity Weather Group. Irma has killed several people and devastated islands in the Caribbean. Current forecasts put almost the entirety of the Florida peninsula in the path of the storm, which made landfall in the Caribbean with wind speeds of 185 mph (295 km/h). The threat of the Category 5 storm, at the top of the Saffir-Simpson Hurricane Wind Scale, is grave enough that electricity generator Florida Power & Light (FPL) plans to shut its two nuclear power plants in the state, and officials warned that it may have to rebuild parts of its power system, which could take weeks. Most Florida residents have not experienced a major storm since 2005, when total outages peaked around 3.6 million during Hurricane Wilma. Some of those outages lasted for weeks. Setree compared the projected path of Irma to Hurricane Matthew in 2016, which knocked out power to about 1.2 million FPL customers in October. FPL, a unit of Florida energy company NextEra Energy Inc, restored service to most customers affected by Matthew in just two days. But FPL spokesman Chris McGrath said: With a storm as powerful as Irma, we want customers to prepare for damage to our infrastructure and potentially prolonged power outages. He said it was too soon to speculate on the number and location of customers Irma could affect. In a statement this week, FPL estimated about half of its near five million customers - particularly in the trio of populous southeast counties Miami-Dade, Palm Beach and Broward - had not experienced a major hurricane since 2005. Should Irma s worst fears be realized, our crews will likely have to completely rebuild parts of our electric system. Restoring power through repairs is measured in days; rebuilding our electric system could be measured in weeks, FPL Chief Executive Eric Silagy said. FPL, Florida s biggest power provider, said it had invested nearly $3 billion since 2006 to strengthen its grid, including placing 60 main power lines underground and installing nearly five million smart meters and other devices. Other publicly traded utilities in the Sunshine State, including units of Duke Energy Corp, Southern Co and Emera Inc, said in statements that they had also invested in intelligent, self-healing devices. Smart meters allow utilities to see outages as they occur, rather than waiting on customer calls, and utilities also use automated devices that can reenergize lines without damage that were taken offline because of contact with trees or other objects, said Jay Apt, director of the Carnegie Mellon Electricity Industry Center in Pittsburgh. Olivia Ross, a spokeswoman for CenterPoint Energy, which serves the greater Houston area, said these devices helped the utility keep the lights on for more people in the aftermath of Harvey as some issues were resolved remotely. But such devices can only do so much. Harvey s outages were limited to 312,000 customers, of which CenterPoint was responsible for about 109,000, as it quickly lost force after landfall and turned into a tropical storm. By contrast, Ross noted, Hurricane Ike in 2008 caused 2.1 million of CenterPoint s customers to lose power when it hit the Texas coast near Houston. ",worldnews,"September 8, 2017 ",1 +Hurricane Irma will 'devastate' part of U.S.: emergency services head,"WASHINGTON (Reuters) - Anticipating that Hurricane Irma will devastate part of the United States, U.S. officials were preparing a massive response to the storm, the head of the Federal Emergency Management Agency (FEMA) said on Friday. With Irma set to hit Florida as early as Saturday night, parts of Florida was expected to lose electricity for days, if not longer, and more than 100,000 people may need shelter, FEMA Administrator Brock Long warned at a news conference. Hurricane Irma continues to be a threat that is going to devastate the United States in either Florida or some of the southeastern states, Long said. Irma was a Category 5 hurricane, the most dangerous measure by the National Hurricane Center, before being downgraded to Category 4 early Friday after pummeling islands in the Caribbean. The United States has experienced only three Category 5 storms since 1851 and Irma is far larger than the last one to hit the United States in 1992, Hurricane Andrew, according to Long. He warned people not to ignore evacuation orders. They need to get out and listen and heed the warnings, Long said. Officials have thousands of personnel ready to respond and millions of meals and liters of water in place nearby, Long said. The National Weather Service said that Friday was the last day to evacuate before winds would start to reach unsafe speeds in Florida. Airlines added extra flights from Florida on Thursday before announcing plans to halt service from some southern Florida airports starting Friday afternoon. U.S. Health and Human Services Secretary Tom Price called Irma a remarkably dangerous storm and the window to get yourself in the right spot ... is closing rapidly. Price said the main hospital in St. Thomas in the U.S. Virgin Islands was closed after being damaged by Irma, and critically ill patients were being evacuated to Puerto Rico or other islands. On Friday, the U.S. House of Representatives voted 316-90 to approve a measure to more than double funding to $15.25 billion for FEMA and local block grants to handle natural disasters after the Senate passed the measure Thursday, 80-17. FEMA s disaster assistance fund could have run out of money Friday without action. President Donald Trump is expected to sign the measure Friday. The measure also extends the life of the National Flood Insurance Program through Dec. 5. It had been set to expire Sept. 30. ",worldnews,"September 8, 2017 ",1 +Competing efforts to end South Sudan's war prolong conflict: U.N. panel,"NAIROBI (Reuters) - Competing efforts to end South Sudan s civil war allow the government to exploit divisions among international brokers and are unlikely to halt the fighting, a confidential U.N. report said. South Sudan became the world s newest nation when it gained independence from Sudan in 2011. War broke out in late 2013 and has forced more than a quarter of its 12 million population have fled their homes. The hostilities in South Sudan continue against a complex backdrop of competing regional and bilateral initiatives to resolve the conflict, U.N. sanctions monitors said in a report to the Security Council seen by Reuters on Friday. These efforts suffer from several defects, including inadequate oversight, lack of enforcement and the absence of an integrated, coherent plan for peace. Among the international bodies involved in trying to bring the warring parties to the table are regional bloc IGAD, the U.N. Security Council, a troika of South Sudan s main Western backers prior to independence, and an African Union panel. The efforts of these groups are affected by conflicting interests compounded by underlying rivalries in the region , the panel wrote, in what could refer to the role of leaders such as Uganda s Yoweri Museveni, who deployed troops in 2013 to support the Juba government and opposes an arms embargo. The government of South Sudan has sought to exploit this division among the competing efforts, the panel said. Absent a significant shift toward a more coherent and unified approach from East African nations, coupled with broader international support for a single and inclusive political process, current efforts are unlikely to ... halt the violence in South Sudan, it said. Information Minister Michael Makuei Lueth told reporters in Juba: There is nothing new in this report. The leaked report is by a panel mandated to document arms flows and security threats. The proliferation of diplomatic efforts has created an opportunity for parties to forum shop , the panel wrote, saying this bought the armed groups time to organize military operations and avoid attempts to enforce a settlement. It noted the military was still able to procure weapons while opposition forces access to arms remains limited . The main opposition figure, Riek Machar, is under house arrest in South Africa and has declined to renounce violence. Kiir continues to buy weapons and government forces continue to attack civilians, the report said. East African leaders said in June they want the warring sides to recommit to the deal they abandoned more than a year ago. In July, Western donors said the process was no longer viable and froze support for it. There has been no comment in recent months from IGAD or the African Union about a timeline for resumption of peace talks. This week the United States imposed sanctions on two senior South Sudanese officials and the former army chief. The Security Council last December vetoed the imposition of an arms embargo recommended by the monitors. ",worldnews,"September 8, 2017 ",1 +Trump visit to Britain still unfixed nine months after PM May's invitation: sources,"LONDON (Reuters) - Nine months after Prime Minister Theresa May invited President Donald Trump for a formal state visit to Britain, no arrangements have yet been made and there is no sign of the visit taking place soon, U.S. and British officials said. Discussions between Washington and London about a Trump visit have continued, said one official who asked not to be named, but so far the White House has not signaled when and how the president wants to proceed. May s invitation to Trump during a visit to Washington a few days after he took office sparked controversy in Britain. Just hours after she left the White House, Trump announced his widely-criticized ban on travel from Muslim-majority countries. Such is the controversy that some officials on both sides of the Atlantic are privately having second thoughts about the visit, worried about street demonstrations that might greet Trump in London and other British cities. There have been signs of relief in some quarters that he has yet to appear on Her Majesty s schedule, said a British official who spoke on condition of anonymity. Given Trump s penchant for showmanship and his pre-presidential visits to the two golf courses he owns in Scotland, many Trump-watchers expected Britain to be one of the first stops on any presidential European tour. White House representatives told British officials at the time of the invite that Trump had accepted. But a senior U.S. government official told Reuters in July that Trump had no plans to visit Britain in the near future. A full-scale state visit to Britain involves considerable pomp. Upon arriving in London, the president would be greeted by Queen Elizabeth and other members of the Royal Family at a ceremony near the Houses of Parliament. Some British opponents of Trump including former Labour Party leader Ed Miliband have promised to organize protests should he visit. We remain in the same position with the Trump visit The queen extended an invitation to President Trump to visit the UK, it was accepted, and there is no change to those plans. But a date has not been set, a spokesman for the British Embassy in Washington said. We re looking forward to welcoming President Trump to the UK, the spokesman added. U.S. officials, including Trump aides and spokespeople and representatives of the U.S. Embassy in London, did not respond to detailed emails requesting comment. ",worldnews,"September 8, 2017 ",1 +Turkish minister says EU turning negotiations into 'children's game',"TALLINN (Reuters) - Turkey said on Friday the European Union was making a child s game out of its membership talks, wrangling over threats to end them, and reminded the bloc of its strategic importance abutting Middle Eastern conflict zones. After trading bitter barbs for months with President Tayyip Erdogan, largely over Turkey s human rights record, German Chancellor Angela Merkel said on Sunday it was clear Turkey should not join the EU and accession talks should end. Most other EU states reacted cautiously to her comments and said any real discussion would be possible only after German elections on Sept. 24. But some, like Austria, backed Merkel and some officials have suggested suspension of talks. This is not a children s game at all, Turkish EU Minister Omer Celik said after meeting EU foreign ministers in Estonia s capital Tallinn. You cannot talk about suspending or halting the accession negotiations and then restarting it in six months, and that Turkey is a great strategic and important country. The bloc has been shocked by the scale of Erdogan s purges and the intensity of his crackdown on dissenters - including academics and journalists - after a failed coup last year. Many EU ministers in Tallinn stressed that Turkey, a NATO ally of 80 million people, was indispensable for security cooperation and keeping a lid on immigration to the bloc from the tumultuous Middle East. French President Emmanuel Macron said separately that Turkey remained a vital partner for the EU. Celik reiterated his call to open more areas of negotiations with the EU. This approach of I froze talks, now I restarted them is not acceptable for us, he said. The talks started in 2005, viewed by many in Turkey and abroad as a stimulus in themselves to Turkish democratic reform. But they have stalled over opposition from EU states including Cyprus and France, Erdogan s track record on human rights and other issues. While Austria and Luxembourg were among those who backed Merkel s tougher line on Turkey, Hungary, Lithuania and Britain - which will be leaving the EU - held the opposite view. All European countries, including the UK, have concerns, serious concerns about human rights in Turkey, about arrests... (and) the treatment of journalists, British foreign minister Boris Johnson told reporters. But it s always been my view that we shouldn t push Turkey away. Turkey is a great country and a strategically important country for all of us. EU states would have to be unanimous to kill off Turkey s bid, but suspension requires only majority backing. EU leaders are expected to discuss the matter in Brussels in October. ",worldnews,"September 8, 2017 ",1 +'Lips and teeth' no more as China's ties with North Korea fray,"BEIJING (Reuters) - When Kim Jong Un inherited power in North Korea in late 2011, then-Chinese president Hu Jintao was outwardly supportive of the untested young leader, predicting that traditional friendly cooperation between the countries would strengthen. Two years later, Kim ordered the execution of his uncle Jang Song Thaek, the country s chief interlocutor with China and a relatively reform-minded official in the hermetic state. Since then, ties between the allies have deteriorated so sharply that some diplomats and experts fear Beijing may become, like Washington, a target of its neighbor s ire. While the United States and its allies - and many people in China - believe Beijing should do more to rein in Pyongyang, the acceleration of North Korea s nuclear and missile capabilities has coincided with a near-total breakdown of high-level diplomacy between the two. Before retiring this summer, China s long-time point man on North Korea, Wu Dawei, had not visited the country for over a year. His replacement, Kong Xuanyou, has yet to visit and is still carrying out duties from his previous Asian role, traveling to Pakistan in mid-August, diplomats say. The notion that mighty China wields diplomatic control over impoverished North Korea is mistaken, said Jin Canrong, an international relations professor at Beijing s Renmin University. There has never existed a subordinate relationship between the two sides. Never. Especially after the end of the Cold War, the North Koreans fell into a difficult situation and could not get enough help from China, so they determined to help themselves. A famine in the mid-1990s that claimed anywhere from 200,000 to three million North Koreans was a turning point for the economy, forcing private trade on the collectivized state. That allowed the North a degree of independence from outside aid and gave credence to the official Juche ideology of self-reliance. China fought alongside North Korea during the 1950-53 Korean War, in which Chinese leader Mao Zedong lost his eldest son, and Beijing has long been Pyongyang s chief ally and primary trade partner. While their relationship has always been clouded by suspicion and mistrust, China grudgingly tolerated North Korea s provocations as preferable to the alternatives: chaotic collapse that spills across their border, and a Korean peninsula under the domain of a U.S.-backed Seoul government. That is also the reason China is reluctant to exert its considerable economic clout, worried that measures as drastic as the energy embargo proposed this week by Washington could lead to the North s collapse. Instead, China repeatedly calls for calm, restraint and a negotiated solution. The North Korean government does not provide foreign media with a contact point in Pyongyang for comment by email, fax or phone. The North Korean embassy in Beijing was not immediately available for comment. China s foreign ministry did not respond to a faxed request for comment. It has repeatedly spoken out against what it calls the China responsibility theory and insists the direct parties - North Korea, South Korea and the United States - hold the key to resolving tensions. Until his death in 2011, North Korean leader Kim Jong Il made numerous entreaties to ensure China would back his preferred son as successor. While then-President Hu reciprocated, the younger Kim, in his late 20s at the time, began to distance himself from his country s most powerful ally. There s a lot of domestic politics in North Korea where this young leader who isn t well-known, he s not proven yet, especially has to show that he s not in the pocket of Beijing, said John Delury of Seoul s Yonsei University. I think he made the decision first to keep Hu Jintao and then (current President) Xi Jinping really at bay. Within months of coming to power, Kim telegraphed North Korea s intentions by amending its constitution to proclaim itself a nuclear state. The execution of Jang in 2013 sealed Beijing s distrust of the young leader. Of course the Chinese were not happy, said a foreign diplomat in Beijing focused on North Korea. Executing your uncle, that s from the feudal ages. In an attempt to warm ties, Xi sent high-ranking Communist Party official Liu Yunshan to attend the North s October 2015 military parade marking the 70th anniversary of the founding of the Workers Party of Korea. Liu hand-delivered a letter from Xi praising Kim s leadership and including congratulations not just from the Chinese Communist Party but Xi s personal cordial wishes in a powerful show of respect. Xi s overture has been repaid with increasingly brazen actions by Pyongyang, which many observers believe are timed for maximum embarrassment to Beijing. Sunday s nuclear test, for example, took place as China hosted a BRICS summit, while in May, the North launched a long-range missile just hours before the Belt and Road Forum, dedicated to Xi s signature foreign policy initiative. Mao Zedong s description of North Korea s relationship with China is typically mischaracterised as being as close as lips and teeth . His words are better translated as: If the lips are gone, the teeth will be cold, a reference to the strategic importance of the North as a geographical security buffer. Despite its resentment at the pressure North Korea s actions have put it under, Beijing refrains from taking too hard a line. It said little when Kim Jong Un s half-brother was assassinated in February at Kuala Lumpur s airport. The half-brother, Kim Jong Nam, had been seen as a potential rival for power in Pyongyang and had lived for years in Beijing, then Macau. An editorial in China s influential Global Times warned after Pyongyang s latest nuclear test that cutting off North Korea s oil would redirect the conflict to one between North Korea and China. Zhao Tong, a North Korea expert at the Carnegie-Tsinghua Center in Beijing, said North Korea was deeply unhappy with China s backing of earlier UN sanctions. If China supports more radical economic sanctions that directly threaten the stability of the regime, then it is possible that North Korea becomes as hostile to China as to the United States. (This story has been refiled to remove reference to uncle in paragraph 18) ",worldnews,"September 8, 2017 ",1 +"Trump speaks to Qatar emir on Gulf unity, terrorism fight: White House","WASHINGTON (Reuters) - President Donald Trump stressed to the emir of Qatar the importance of unity in fighting terrorism, the White House said on Friday, a day after the U.S. president offered to mediate the Gulf country s dispute with its Arab neighbors. In a telephone call Thursday with the emir, Tamim bin Hamad Al Thani, The President underscored the importance of all countries following through on commitments from the Riyadh Summit to maintain unity while defeating terrorism, cutting off funding for terrorist groups, and combating extremist ideology, the White House said. They also discussed the continued threat Iran poses to regional stability, it said. ",worldnews,"September 8, 2017 ",1 +Central African Republic risks return to major conflict: U.N. report,"GENEVA (Reuters) - Deadly ethnic fighting in Central African Republic could descend into a much larger-scale conflict if nothing is done to disarm combatants and defuse tensions, a U.N. report said on Friday. With a fifth of the population displaced since the mainly Muslim Seleka rebels ousted the president in 2013, provoking a backlash from Christian anti-balaka militias, U.N. peacekeepers are struggling to contain simmering violence. The U.N. human rights working group on mercenaries and foreign fighters said it strongly senses that the possibility of another armed conflict is likely, if foreign armed actors, along with local armed groups, are not effectively dismantled and suppressed. National security forces are too weak to tackle armed groups and counter the spillover from conflicts in neighboring countries, and U.N. military personnel, who number just over 10,000, have failed to convince locals that they can protect them, the report said. Ugandan and U.S. forces pulled out earlier this year, declaring success against the Lord s Resistance Army, a regional militia notorious for two decades of abducting children to use as fighters and sex slaves. On Thursday, Amnesty International issued its own report detailing what it said was the systematic rape and murder of civilians in ethnic fighting. If the U.N. s mandate in the Central African Republic is to mean anything, civilians must be better protected, the rights group s Joanne Mariner said. U.N. peacekeeping chief Jean-Pierre Lacroix said the U.N. mission in Central African Republic (MINUSCA) had to make changes and was slightly short of the necessary personnel. We have currently a troop ceiling which we think is slightly under what we would need, he said on Friday. MINUSCA s mandate authorizes it to have 10,750 military personnel, a recent U.N. report said there were 10,098 on the ground. We are seeing a surge in ... very negative and antagonistic messages to the effect that foreigners should be eliminated, putting one ethnic or religious component of this country against the other, Lacroix told reporters in Geneva. The working group report said the word foreigners was constantly used to label Muslims. ",worldnews,"September 8, 2017 ",1 +Lebanese army to deploy along entire eastern border: army chief,"BEIRUT (Reuters) - Lebanon s army will deploy along the country s entire eastern border with Syria and remain stationed there after recently recapturing areas from Islamic State militants, army chief General Joseph Aoun said on Friday. The remarks appeared to confirm comments by the Lebanese Shi ite group Hezbollah that it was handing over points it had controlled along the border to the military. The army will deploy from now onwards along the extent of the eastern borders, to defend them, Aoun said at a ceremony commemorating Lebanese soldiers killed by Islamic State. An army offensive last month ended with the militants withdrawing from their last foothold along the border under a ceasefire deal. The Syrian army and Hezbollah fought the jihadists separately on the Syrian side. Hezbollah leader Sayyed Hassan Nasrallah said in July it would be ready to hand over territory it captured if the Lebanese army requested it. Hezbollah led a campaign in the same area that month to oust the Nusra Front jihadist group from their last foothold along the border. Security sources said Hezbollah had begun handing over points it controlled. Iran-backed Hezbollah has played a critical role in vanquishing Sunni Muslim jihadists in the border region during the six-year-long Syrian war, part of its military support for Syrian President Bashar al-Assad. The group, an ally of Lebanese President Michel Aoun, was key to the defeat of militants in the Qalamoun area further south in 2015, and at the Syrian town of Qusair, in 2013. Lebanon s southern border with Israel, a Hezbollah foe, is patrolled by the United Nations Interim Force in Lebanon. ",worldnews,"September 8, 2017 ",1 +Dublin rejects British proposal for post-Brexit Irish border,"TALLINN (Reuters) - Ireland dismissed British proposals for the Irish border after Brexit as unconvincing on Friday, a day after the EU chief negotiator said they amounted to a demand the bloc suspend its laws for Britain. But British Foreign Secretary Boris Johnson, speaking at a meeting of EU foreign ministers in Tallinn, said a solution was not beyond the wit of man . The border between the Irish Republic and the British province of Northern Ireland is currently open to free flow of goods, being an internal EU frontier. But when Britain leaves the bloc, it will become subject to EU customs regulation. Establishment of a physical border could revive security concerns, 20 years after a peace deal involving Dublin that ended a long civil conflict in Northern Ireland and led to the end of army and police checkpoints. Britain has proposed an invisible border without border posts or immigration checks between the two after Brexit, but given no firm proposals how the customs frontier between Northern Ireland and the Republic would be monitored. EU Brexit negotiator Michel Barnier said on Thursday British proposals would undermine the bloc s single market. He said Britain in effect wanted the EU to suspend the application of its laws as a test case for broader EU-British customs regulations. This will not happen. Ireland s Foreign Minister Simon Coveney told Reuters on Friday: The maintenance of an invisible border on the island of Ireland would be a lot easier if Britain were to remain in the customs union. That is something Prime Minister Theresa May has said would not happen, though her cabinet is split on the issue and some have floated the idea of a transition period after Brexit that would still leave Britain in the EU customs union. Britain is the one leaving, they have an obligation to try and design unique solutions.... We cannot have a physical border on the island of Ireland again that creates barriers between communities, Coveney said. We cannot and will not support that and nor will the European Union, he said, adding that Britons wanted to avoid a hard border too. The problem is that the solutions to actually get us there so far haven t been convincing. Negotiations to extricate Britain from the EU have seen a slow start and Brussels has repeatedly warned that time is running out to answer complex questions before Britain is due to leave in March, 2019. The bloc, which will have 27 member states after Brexit, wants to solve key exit issues before opening talks about any future trade cooperation with Britain. London says divorce talks should run in parallel with discussions about future ties. But, with slow progress on agreeing Britain s divorce bill, ensuring expatriates rights and deciding on the Irish border, the EU now doubts it will give a green light in October for starting talks about the post-Brexit order, as had been planned. The EU worries London may try to use the Irish border as a template for a broader trade pact with the EU after Brexit. It believes Britain s proposals risk affecting the bloc s single market and customs union. The European Parliament s chief Brexit speaker, Guy Verhofstadt, dismissed Britain s plans for an invisible border as surreal. We are nowhere on border issues, one senior EU official said. But, asked if he was confident that Britain would get a deal with the EU, Johnson said in Tallinn: Absolutely, with rock solid confidence. He reiterated London s stance that the divorce talks should run together with discussion about the post-Brexit relationship. Article 50 makes it very clear that the discussion about the exit of a country must be taken in context with discussion of the future arrangements. And that s what we re going to do, he said. ",worldnews,"September 8, 2017 ",1 +Scotland's SNP must come up with 'doable' independence plan after Brexit: Salmond,"GLASGOW, Scotland (Reuters) - Scotland s former first minister believes the independence movement has a three-year window after Britain quits the European Union to push again for seccession, despite the Scottish National Party s losses in an election in June. Salmond, who is still very influential in the movement, said the independence drive could be refreshed by proposing to join the European Free Trade Association, which would give Scotland European single market membership. The SNP lost a third of its seats in the national election, including Salmond s own seat, in a sign of waning enthusiasm for another Scottish independence referendum after the uncertainties thrown up by Brexit. Despite that, support for independence itself has remained at the 45 percent level it was when it was voted down in 2014 and the SNP still holds 35 of Scotland s 59 seats in the Westminster parliament. Salmond said Brexit was proving to be disastrous for Britain and would only end in humiliation . Scotland and Northern Ireland voted to keep EU membership while Wales and most-populous England voted to leave at last year s referendum, straining the ties of the four-nation United Kingdom. So the SNP were and are right about Brexit, but as we found out to our cost in the election just being right does not necessarily make for popularity. Nor does it absolve us of a responsibility to attempt to create order out of chaos, he told a Business for Scotland annual dinner. We have 18 months of Brexit negotiations and after that perhaps a three-year period of transition to get our ducks in a row. Salmond said, in a speech peppered with jibes at the government s Brexit talks, which have faltered in recent weeks. He said that EFTA membership could be a prelude to full EU membership if necessary. We have to offer something which is doable, feasible and speedily deliverable for the European connections of an independent Scotland, he said, ",worldnews,"September 8, 2017 ",1 +Kenya election campaigns turn personal after court orders fresh polls,"NAIROBI (Reuters) - The president calls the chief justice a cheat. A lawmaker denounces the head of the opposition as the devil and says he needs a whipping. The opposition leader accuses the president of making a public speech while drunk. The gloves are off as Kenya s ruling party and the opposition battle for votes ahead of new elections, tentatively scheduled for Oct. 17 by the Supreme Court after it voided last month s presidential results. Last Friday s historic decision, the first of its kind in Africa, was welcomed by many as a rare sign of independence from Kenya s judiciary. It means voters will again have to choose between President Uhuru Kenyatta, 55, and veteran opposition leader Raila Odinga, 72. But others feared that after a relatively peaceful election campaign, it could open the door to political instability, reviving memories of the violence that followed a disputed 2007 election when more than 1,200 people died. Despite being prone to occasional unrest, Kenya is viewed by the United States and other allies as an anchor of stability in the region. East Africa s richest country per capita and main trade route between the coast and the interior, it has avoided the civil wars that for decades plagued neighbors such as Somalia, South Sudan and Uganda. After the verdict by the Supreme Court ... I m worried about the upsurge of hate discussion amongst Kenyans, said Francis Ole Kaparo, the chair of the National Cohesion and Integration Commission, the government body in charge of preventing hate speech. As of yesterday morning we were investigating 273 cases of hate-mongering in the social media. I believe the number has probably doubled as we are sitting here, he told a press conference. They had less than a third of that number for the whole ten-week campaign period leading up to Aug. 8 elections, he said. Lawmakers from both sides are under investigation. Opposition lawmaker Paul Ongili Owino, whose Twitter account suspended, is among them. Kaparo did not respond to a message seeking more details. So is ruling party lawmaker Moses Kuria, who gave a fiery speech on Tuesday denouncing Odinga. Kuria is already facing hate speech charges brought by the commission more than a year ago. Raila is a demon. He needs to be whipped by a man and whipped by a woman. Support us, including all parliamentarians, so we can hold him, Kuria told cheering crowd in a speech in the Kikuyu language peppered with coarse words in Kiambu county on the outskirts of the capital. We went and gave birth to a baby (the election). That baby did not die during pregnancy or during delivery. The baby had started to suckle. Raila then came and stuck his finger in the baby s arse and killed it, he said during the speech, which was filmed and posted on YouTube. Later, he posted on his Facebook page, Manhunt is on tonight for the 200,000 people who did not vote and the 70,000 that voted for that other demon. The biggest worry in Kenya is violence taking on an ethnic dimension, as in 2007. President Kenyatta is from the largest of Kenya s 44 tribes, the Kikuyu, while many of Odinga s supporters believe his Luo ethnic group has been locked out of power. Police denied reports, which were posted online and repeated by opposition politicians, that following Kuria s speech buses had been stopped in the area and passengers questioned about their ethnicity. Reuters was unable to verify the accuracy of those reports. Raphael Tuju, the secretary-general of the ruling Jubilee party, denounced Kuria s speech to a local news channel hours after it was reported. That is completely out of order and I would not accept that kind of language. I will take it up with him because it is unacceptable, he said. Tuju did not return calls from Reuters seeking comment on what disciplinary action Kuria might face. Manoah Esipisu, a presidential spokesman, said State House does not comment on comments by people like Moses Kuria. Kuria s speech came days after Kenyatta repeatedly criticized the Supreme Court for nullifying the August election results. Official results showed that Kenyatta had won by a comfortable margin of 1.4 million votes, but the court ordered the poll re-run because it said there were irregularities by the election board. In a speech immediately after the ruling, Kenyatta said he disagreed with the ruling but would accept it. But in a public rally later he referred to the judges as wakora, a Kiswahili term for a cheat. The next day, Kenyatta promised to fix the judiciary. Esipisu, the spokesman, said the president used the term wakora to criticize a judgment he views as subverting democracy. Anything that doesn t express the will of the people is wakora, Esipisu said. At another rally, Kenyatta told a crowd that Odinga was a witchdoctor because he was insisting on being consulted on the date of new elections. Odinga told Reuters in an interview that the statements were unpresidential. When the anger settles, we should have a sober campaign without insults, he said in an interview. These campaigns will be fought on the basis of serious issues, not who can shout loudest, who can insult more than the other person. But later he couldn t resist adding a personal dig at Kenyatta, saying that the president was probably drunk. It was irresponsible for the president to address the nation when he appeared to have taken one too many, he said. I think it is an insult to the nation. Asked about that comment, presidential spokesman Esipisu said: We don t comment on rubbish. (For a graphic on Kenya's presidential election click tmsnrt.rs/2vENDRp) ",worldnews,"September 8, 2017 ",1 +"Mexico's quake killed at least 26 people, authorities","MEXICO CITY (Reuters) - A powerful earthquake late on Thursday in Mexico killed at least 26 people, authorities said, raising the number of fatalities after the governor of the southern state of Oaxaca said on Friday that 20 people were killed in that region. Oaxaca governor Alejandro Murat said 17 of the 20 fatalities were in Juchitan, a town on Mexico s Tehuantepec isthmus. ",worldnews,"September 8, 2017 ",1 +"EU must be part of U.S. Middle East peace push, Ireland says","TALLINN (Reuters) - Israelis and Palestinians will face more unrest over the next year without a revival of a long-fractured Middle East peace process that the European Union must be part of, Ireland s foreign minister said on Friday. Simon Coveney, who met Israeli and Palestinian leaders less than a month after taking up his post in June, is leading the charge to involve the EU in a fresh attempt at peace talks and overcome divisions that have weakened the bloc s influence. Speaking to EU foreign ministers at a meeting on Middle East policy in Tallinn on Thursday, Coveney said the bloc had a duty to make its voice heard in any new U.S. initiative as the Palestinians biggest aid donor and Israel s top trade partner. My concern is that it will be a much more difficult political challenge in a year s time or in two years time, Coveney told Reuters. If you look at cycles of violence in Gaza, for example, without intervention and new initiatives in my view, we are heading there again, he said, describing the Israel-Palestinian situation as an open sore that could erupt at any time. Coveney said EU governments had to pull together and keep the focus on a two-state solution. Now is the time for the European Union ... to become more vocal, said Coveney, who met Israeli Prime Minister Benjamin Netanyahu and Palestinian President Mahmoud Abbas in July. Coveney has also met Jason Greenblatt, Trump s Middle East envoy, and said it was crucial that the EU sought to influence U.S. plans that are being drawn up by Greenblatt and Trump s son-in-law and senior adviser, Jared Kushner. Coveney said the European Union had a right to be heard because EU governments and the European Commission spend 600 million euros ($724 million) a year on aid to the Palestinians and on projects with Israel. We cannot simply wait for the U.S. to take an initiative on their own, we should be supportive of them and helping them to shape it and design it in a way that is likely to have international community support, he said, although he added he still did not know what the U.S. proposals would look like. In the absence of the U.S. being able to bring forward a new initiative, I think the EU will have to do that itself. Hurdles for the European Union include its range of positions, ranging from Germany s strong support for Israel to Sweden s 2014 decision to officially recognize the state of Palestine, something Ireland considered three years ago. Coveney said the European Union is also perceived by some in Israel as being too pro-Palestinian, partly because of the EU s long-held opposition to Israeli settlements. But Coveney said the European Union could build trust with Israel by deepening ties in trade, science, scholarships for students and to pursue what he called a positive agenda . The EU aims to hold a high-level meeting with Israel to broaden trade and other economic links later this year, although a date is still pending. It would be the first such meeting since 2012. ",worldnews,"September 8, 2017 ",1 +Russia says too early to decide on U.N. resolution on North Korea: Interfax,"MOSCOW (Reuters) - Russian Foreign Minister Sergei Lavrov said that it was too early to draw conclusions about the final form of the United Nations resolution on North Korea, Russia s Interfax news agency quoted Lavrov as saying at a news conference on Friday. ",worldnews,"September 8, 2017 ",1 +Erdogan urges U.S. to review 'political' charges against Turkish ex-minister,"ISTANBUL (Reuters) - President Tayyip Erdogan urged the United States on Friday to review charges against a Turkish former minister for violating U.S.-Iran sanctions, saying Ankara had never agreed to comply with the embargo and the prosecution was politically motivated. There are very peculiar smells coming from this issue, Erdogan said. Former economy minister Zafer Caglayan and the ex-head of a state-owned Turkish bank were charged with conspiring to violate the sanctions by illegally moving hundreds of millions of dollars through the U.S. financial system on Tehran s behalf. The indictment, announced this week, marked the first time an ex-government member with close ties to Erdogan had been charged in an investigation that has strained ties between Washington and Ankara. For the moment, it is impossible to evaluate this within legal logic, Erdogan told reporters at Istanbul s Ataturk airport. I see this step against our former economy minister as a step against the Turkish Republic. We didn t decide to impose sanctions on Iran. We have bilateral ties with Iran, sensitive relations, he said, adding he had told former U.S. President Barack Obama as much, when the sanctions were in force. We said to the relevant people, we said we would not take part in sanctions... These steps are purely political. Prosecutors in New York said on Wednesday they had charged Caglayan and former Halkbank general manager Suleyman Aslan and two others with conspiring to use the U.S. financial system to conduct hundreds of millions of dollars worth of transactions on behalf of the government of Iran and other Iranian entities, which were barred by United States sanctions. The charges stem from the case against Reza Zarrab, a wealthy Turkish-Iranian gold trader who was arrested in the United States over sanctions evasion last year. He has pleaded not guilty. Reuters was not able to reach Caglayan or Aslan for comment. Relations between Washington and NATO ally Turkey, an important partner in tackling the Syrian conflict, were strained after a failed coup against Erdogan in July last year and the president s subsequent crackdown on opposition. The United States needs to revise this decision (to charge Caglayan), Erdogan said. I hope we ll get a chance to discuss this issue in the United States. You may be a big nation, but being a just nation is something else. Being a just nation requires the legal system to work fairly. ",worldnews,"September 8, 2017 ",1 +"Factbox: Humanitarian crisis in Bangladesh as 270,000 Rohingya flee Myanmar","(Reuters) - About 270,000 Muslim Rohingya fleeing violence in Myanmar have sought refuge in Bangladesh in the past two weeks, a spokeswoman for the U.N. High Commissioner for Refugees said on Friday. This has brought to 357,000 the number of Rohingya who have sought refuge in Bangladesh since October 2016. The exodus has put pressure on aid agencies and communities already helping hundreds of thousands of refugees from previous violence in Myanmar. Following are some details on the crisis gathered from U.N. sources working in the Cox s Bazar district of Bangladesh, on the Myanmar border. - The number of new arrivals has increased considerably in part because of a survey carried out on Sept. 6 and 7, when inter-agency teams visited host communities previously left out of calculations. About 75,000 people were identified in previously unvisited communities at nine locations. - There is immediate need for food for the majority of the new arrivals, who do not have, or have finished, their own supplies, and are getting food from host communities or refugees who came across the border last year. - Most of the food being distributed is high-energy biscuits with 47,522 new arrivals getting them. Supplies of rice are scheduled to go out from Sept. 9. - Water is scarce while sanitation and hygiene facilities in all makeshift settlements and refugee camps, especially at Shamlapur and Leda, where the number of fresh arrivals is increasing rapidly, are stretched. Limited space to build new facilities is a chronic problem. - There are serious concerns about malnutrition, especially among children under five and pregnant or lactating women, some of whom are being enrolled in targeted feeding programs. - Many pregnant women are very hungry, some having not eaten for several days. Seven babies have been born. - There is also a need for safe spaces for women with eight reported cases of gender-based violence, including 2 cases of sexual violence. - As of Sept. 7, a total of 299 unaccompanied asylum-seeking children have been identified and registered since Aug. 25. - An estimated 51,100 children need schooling. ",worldnews,"September 8, 2017 ",1 +Turkish court orders release of pro-Kurdish party's former spokesman: party official,"ANKARA (Reuters) - A Turkish court has ordered the release of a parliamentarian who was the former spokesman for Turkey s pro-Kurdish opposition party, a party official said on Friday. The court ruled that Ayhan Bilgen be released after a monthly review of his detention since he was arrested in the southern city of Diyarbakir over accusations that he was a member of an armed terrorist group, the official told Reuters. Bilgen had served as spokesman and head of the pro-Kurdish Peoples Democratic Party s (HDP) parliamentary group. The ruling comes amid growing concern among opposition parties, human rights groups and Turkey s Western allies that President Tayyip Erdogan is using a crackdown on suspected supporters of last year s failed coup to muzzle dissent. Since the failed coup, some 50,000 people have been arrested and more than 150,000 sacked or suspended from the military, civil service and private sector. Nine HDP deputies are jailed pending trial, more than 70 elected mayors from the HDP s southeastern affiliate have been remanded in custody in terrorism-related investigations, and their municipalities taken over by state officials. Thousands of party members have also been arrested. The Turkish government says the HDP is an affiliate of the militant Kurdistan Workers Party (PKK), which has waged a three-decade insurgency against the Turkish state and is considered a terrorist organization by Turkey, the United States and the European Union. The HDP denies direct links. Turkey s parliament has also stripped four HDP lawmakers, including the party s co-chairwoman Figen Yuksekdag, of their parliamentary status, reducing the presence of the country s third-largest party in the 550-seat assembly. The HDP had 59 lawmakers elected to parliament in the November 2015 general election. The party s co-leader Selahattin Demirtas has also been in jail since November 2016. (This story corrects number of jailed deputies in paragraph 6) ",worldnews,"September 8, 2017 ",1 +"Nine dead, seven missing after Irma hits French islands: minister","PARIS (Reuters) - Nine people have been killed and at least seven are missing after hurricane Irma hit the France s Caribbean islands of Saint Martin and Saint Barthelemy, French Interior Minister Gerard Collomb said on Friday. 112 were people were injured, Collomb said, adding that there could be more victims. ",worldnews,"September 8, 2017 ",1 +Macron hurls challenge to Europe - reform or decline,"ATHENS (Reuters) - Europe risks subjugation to China and the United States unless it becomes more sovereign and democratic, French President Emmanuel Macron said on Thursday in a speech underlining the scale of his ambition to reform the European Union. In a speech delivered symbolically on the Athens hill where ancient Greeks gave birth to democracy a few thousand years ago, Macron, a fervent europhile, said the continent would face its demise without a radical overhaul of its governance. In order not to be ruled by bigger powers such as the Chinese and the Americans, I believe in a European sovereignty that allows us to defend ourselves and exist, Macron said at the top of the hill of Pnyx, with the spectacular backdrop of the Parthenon temple in the sunset. Are you afraid of this European ambition? Elected four months ago, the 39-year-old leader wants a giant leap in European cooperation which, at the economic level, would see the creation of a euro zone budget, finance minister and parliament. Macron said more democratic institutions would help respond to a populist wave which has seen the rise of far-right leaders such as Marine Le Pen, whom he defeated in May, and helped fuel the successful Brexit campaign which led to Britain s vote to leave the EU. He said he would unveil a road map for the EU in a few weeks, after Germany s Sept. 24 election, and wanted European leaders to agree before the end of the year to launch public debates in the first half of 2018 during which citizens will be able to discuss their vision for the bloc. I don t want a new European treaty discussed behind closed doors, in the corridors of Brussels, Berlin or Paris, Macron said. These debates - so-called democratic conventions , which he proposed during his French presidential campaign - would help lay the foundations of Europe for the next 10 to 15 years. Macron also said he backed the idea of giving Britain s 78 seats in the European Parliament to pan-EU representatives elected by all of the EU s citizens after Brexit. ",worldnews,"September 8, 2017 ",1 +Malaysia ready to provide temporary shelter for Rohingya fleeing violence,"KUALA LUMPUR (Reuters) - Malaysia s coast guard will not turn away Rohingya Muslims fleeing violence in Myanmar and is willing to provide them temporary shelter, the maritime agency s chief said on Friday. Rohingya insurgents attacked several police posts and an army base in Myanmar on Aug. 25. The ensuing clashes and a military counter-offensive have killed at least 400 people and triggered an exodus of more than 160,000 to neighboring Bangladesh. Malaysia, hundreds of km (miles) to the south on the Andaman Sea, is likely to see more boat people from Myanmar in coming weeks and months because of the renewed violence, said Zulkifli Abu Bakar, the director-general of the Malaysia Maritime Enforcement Agency. However any such voyage would be hazardous for the next few months, because of the annual monsoon. We are supposed to provide basic necessities for them to continue their journey and push them away. But at the end of the day, because of humanitarian reasons, we will not be able to do that, Zulkifli told Reuters, adding that no fresh refugees had been seen yet. Malaysia, a Muslim-majority nation already home to more than 100,000 Rohingya refugees, will probably house the new arrivals in immigration detention centers, where foreigners without documents are typically held, he said. Malaysia, which has not signed the U.N. Refugee Convention, treats refugees as illegal migrants. Thailand has also said it is preparing to receive people fleeing the fighting in Myanmar. Malaysia will send a humanitarian mission to help refugees seeking shelter at the Bangladesh-Myanmar border, Prime Minister Najib Razak said. The mission, to be led by the Malaysian armed forces, is a manifestation of Malaysia s strong objection of the continued suppression of the Rohingya community by the Myanmar security forces, Najib said in a statement. The mission will leave on Saturday to review the situation in refugee camps. Malaysia Airlines and Malindo Air will help in the distribution of aid, the statement added. Malaysia will hold talks with Bangladesh to set up a military hospital at the border, Najib added. There are about 59,000 Rohingya refugees registered with the United Nations High Commissioner for Refugees (UNHCR) in Malaysia although unofficial numbers are almost double. In 2015, mass graves were exhumed at jungle camps on the border between Thailand and Malaysia that were thought to be mainly Rohingya victims of human traffickers. ",worldnews,"September 8, 2017 ",1 +"Stop fighting over Brexit and get real, Jim O'Neill tells UK","LONDON (Reuters) - The British government should stop dreaming about having its own way in Brexit negotiations and start to get more realistic about the likely outcome of divorce talks with the European Union, said Jim O Neill, a former Goldman Sachs economist. Prime Minister Theresa May, who quietly opposed Brexit ahead of the referendum, has formally notified the bloc of Britain s intention to leave and divorce talks are under way. A botched gamble on a snap election in June undermined May s authority inside her own Conservative Party and some EU diplomats say the British negotiating stance remains both unrealistic and unclear. O Neill, who coined the term BRIC in 2001 to describe how the economic clout of Brazil, Russia, India and China would challenge the West s dominance, told BBC radio that divisions inside the Conservatives were driving Brexit policy. The divisions between our political parties, particularly inside the ruling Conservative one, continue to dominate the policy discussion and it is very unfortunate and I wish it would change, said O Neill. In the June 23, 2016 referendum, voters in the United Kingdom backed leaving the EU by a margin of 51.9 percent to 48.1 percent. O Neill, who resigned from his job as a Treasury minister in May s government a year ago, said that the British negotiators attempt to cherry pick an exit deal was unrealistic. The last thing the EU wants for a big country to leave and for there to be no consequences because at some point there would be others that might think: Well if it s that easy and you can get away from the worst bits but keep the good bits, then I ll have some of that too , he said. It frequently seems our negotiators don t seem to appreciate that, O Neill said. May says she will make Brexit a success and that she hopes the EU will agree to a deal that allows both sides to continue to trade as freely as possible. ",worldnews,"September 8, 2017 ",1 +Singapore decried for 'harassment' of anti-death penalty activists,"SINGAPORE (Reuters) - Singapore should end harassment of peaceful activists, Human Rights Watch has said, after participants at a candlelight vigil for a man being executed for drug trafficking were stopped from leaving the country. On July 13, about 10 people, including opponents of the death penalty and relatives Prabagaran Srivijayan, 22, attended the vigil outside Changi Prison in support of the man, who was to be hanged early the next morning. The man, who was executed on July 14, was convicted of trafficking 22.4 grams of heroin into Singapore. During the vigil, participants said they were approached by police and told that a police report had been filed and that they were to remove the candles. The police removed the candles and photographs of Prabagaran but the participants say they were not asked to disperse. Assemblies and processions for a cause in public places without a permit is a criminal offense in Singapore. Anyone convicted of organizing such an assembly faces penalties of up to S$10,000 ($7,440) in fines and up to six months in jail. The Singapore government has said that the law is required to provide for the individual s rights for political expression without compromising on order and safety . Among those at the vigil were a journalist, who is an activist against capital punishment, an editor of independent online blog Online Citizen and a filmmaker whose most recent work focused on the detention in 1987 of political activists under Singapore s Internal Security Act. The three said in social media postings that they had been prevented from leaving the country, and had been told that they were required to stay in Singapore to assist police with an investigation. As of Friday afternoon, police were not able to respond to requests by Reuters for comment. Human Rights Watch said the government should respect the right of free speech and assembly. The government should end its harassment of activists campaigning against capital punishment and respect their rights to freedom of expression and peaceful assembly, the group said in a release on Thursday. None of the three had been arrested or charged, Kirsten Han, the activist and journalist, told Reuters. ",worldnews,"September 8, 2017 ",1 +Hard Irish border post-Brexit would be risk to peace: Coveney,"TALLINN (Reuters) - A physical border between the Irish Republic and Northern Ireland after Brexit would risk decades of peace negotiations, and Britain s solutions so far are not sufficient, Ireland s Foreign Minister Simon Coveney said on Friday. We cannot have a physical border on the island of Ireland again that creates barriers between communities, that will create tension, that will undermine the peace process that has taken 30 years to build, Coveney told Reuters. The problem is that the solutions to get us there so far haven t been convincing, he said in the margins of an EU foreign ministers meeting in Tallinn, referring to Britain s proposals. The issue of how the Irish Republic and Northern Ireland will fare after Britain leaves the European Union is sensitive given the decades of violence over whether the province should be part of Britain or Ireland. ",worldnews,"September 8, 2017 ",1 +Israel's Sara Netanyahu may face indictment: attorney general,"JERUSALEM (Reuters) - Israel s attorney general is considering indicting the wife of Prime Minister Benjamin Netanyahu, Sara, on suspicion of using state funds for personal dining and catering services amounting to some $100,000, the justice ministry said on Friday. The ministry statement said the attorney general was considering prosecuting Sara Netanyahu for offences that include fraudulently procuring items, fraud and breach of trust. A post on the prime minister s Facebook page published late on Thursday in response to media reports about a forthcoming announcement by Attorney General Avichai Mandelblit, said the claims against Sara Netanyahu were absurd and will be proven to be unfounded . It was unclear what political impact Friday s announcement might have on Netanyahu, who himself is under investigation in two corruption cases. One of those, known as Case 1000, involves gifts that the prime minister and his family may have received from businessmen, while Case 2000 deals with alleged efforts by him to secure better coverage from an Israeli newspaper publisher. Netanyahu - who has been prime minister for 11 years over four terms - has denied any wrongdoing. Netanyahu leads a relatively stable coalition government and presides over a buoyant economy. His conservative Likud party has rallied behind him in the absence of clear rivals for the leadership, rebuffing calls for his departure from the center-left opposition. Likud s religious-nationalist coalition partners, seeing no threat to their agenda with Netanyahu as prime minister, are likewise sticking with him for now. In a case dubbed the meals-ordering affair by the Justice Ministry, Sara Netanyahu with help from an aide allegedly created a false impression between 2010-2013 that no cooks were employed at the prime minister s official residence, while indeed there were, according to the ministry statement. This was done, the statement said, to procure state funding for outside catering that would have been covered had there been no chef. In this way, hundreds of meals from restaurants and chefs worth 359,000 shekels ($102,399) were received from the state fraudulently, said the justice ministry statement. Sara Netanyahu has the option to plead her case in a hearing with the attorney general. ",worldnews,"September 8, 2017 ",1 +"U.N. says 270,000 Rohingya fled Myanmar in past two weeks","GENEVA (Reuters) - An estimated 270,000 Rohingya refugees have fled Myanmar in the past two weeks and sought refuge in Bangladesh, where two existing refugee camps are bursting at the seams , the U.N. refugee agency UNHCR said on Friday. The exodus of the minority Rohingya was triggered by insurgent attacks on Aug. 25 and an army counter-offensive. Myanmar says its forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on the police and army since last October. Officials blame Rohingya militants for killing non-Muslims and burning their homes. The two refugee camps in Cox s Bazar in southeast Bangladesh home to nearly 34,000 Rohingya refugees before this influx are now bursting at the seams. The population has more than doubled in two weeks, totaling more than 70,000. There is an urgent need for more land and shelters, UNHCR said in a briefing note for reporters in Geneva. The vast majority are women, including mothers with newborn babies, families with children. They arrive in poor condition, exhausted, hungry and desperate for shelter. The United Nations was expecting a total refugee influx of 300,000, up from a previous estimate of 120,000, an official told Reuters on Wednesday. The International Organization for Migration said the estimate of new arrivals had increased considerably partly because of an assessment on Sept. 6, when humanitarian workers visited more locations, and found 75,000 newly arrived people in nine locations. There were 130,000 people in the registered refugee camps and three makeshift settlements, 90,000 in host communities, and nearly 50,000 in new spontaneous settlements which are expanding quickly with people still searching for space to make temporary shelters , an IOM statement said. While most of Rohingya refugees arrive on foot, mostly walking through the jungle and mountains for several days, thousands are braving long and risky voyages across the rough seas of the Bay of Bengal, UNHCR said. At least 300 boats arrived in Cox s Bazar on Wednesday, IOM said. ",worldnews,"September 8, 2017 ",1 +"Pierre Berge, who co-founded Yves Saint Laurent fashion house, dies","PARIS (Reuters) - French businessman and art patron Pierre Berge, who co-founded the Yves Saint Laurent fashion house, has died at age 86 following a long illness, his foundation said on Friday. Berge was the partner of the late designer Yves Saint Laurent, with whom he founded the label in 1961. He died on Friday at his home in Saint-Remy-de-Provence in southern France. Berge, who ran the Yves Saint Laurent house until 2002, was a passionate art collector and opera lover. Socialist President Fran ois Mitterrand put him in charge of the newly-built Bastille Opera in Paris in 1988. Pierre Berge was a true prince of the arts and culture, former culture minister Jack Lang said. In 1994, Berge, a longtime campaigner for gay rights, created Sidaction, a fund-raising organization dedicated to AIDS research and treatment. He was also a founder of the French weekly Courrier International and the gay magazine Tetu and the chairman of the supervisory board at Le Monde newspaper as one its main shareholders. Berge was due to inaugurate two museums dedicated to Yves Saint Laurent in Paris and Marrakech this autumn. ",worldnews,"September 8, 2017 ",1 +Philippines' Duterte says no peace talks without communists' ceasefire,"MANILA (Reuters) - Philippine President Rodrigo Duterte on Friday ruled out a resumption of stalled peace talks with communist rebels if they do not stop guerrilla attacks, two days after lawmakers ousted the last leftist from his cabinet. An angry Duterte in May ordered the scrapping of formal peace talks with the Communist Party of the Philippines (CPP) after the military said fighters from the CPP s military wing, the New People s Army, stepped up offensives in the countryside. There will be no talks until you declare a ceasefire, period, he said in a speech in his home city of Davao. And if you say you want another war, be my guest. Duterte gave two cabinet positions to left-wing activists recommended by the CPP when he assumed power last year to show his commitment to ending nearly five decades of conflict, in which more than 40,000 people have been killed. The legislature s Commission on Appointments on Wednesday rejected the appointment of leftist Rafael Mariano as agrarian reform minister. Mariano s exit came less than a month after the same panel ousted Judy Taguiwalo, another leftist, as social welfare minister, in what some commentators say is a move by Duterte s allies to punish the CPP. But Duterte s office in both cases expressed disappointment the ministers had not been approved. In the Philippines, all ministers must be approved by the house panel, but the process can take more than a year. The president is furious about repeated attacks by the communist rebels who, he said, have killed many soldiers and police. He is also angered by what he sees as duplicity by the CPP s exiled political leaders, to whom he says he has made many concessions and has shown good faith by making the peace process a top priority for his administration. The rebels chief negotiator, Luis Jalandoni, has said the government s demand to stop guerrilla attacks is ridiculous because soldiers are attacking villages where rebels are based. ",worldnews,"September 8, 2017 ",1 +Control of information shifts up a gear in run-up to Cambodia election,"PHNOM PENH (Reuters) - Critics of Cambodian Prime Minister Hun Sen have grown used to following upstart news service Fresh News to find out what the government s next target might be. From treason accusations against detained opposition leader Kem Sokha to the tax demand against the now-shuttered Cambodia Daily to allegations against the recently expelled U.S. National Democratic Institute, it was on Fresh News first. Its rise, just as pressure is growing on more critical media, reflects a shift in control of information in the run-up to next year s general election at the same time as a crackdown on Hun Sen s opponents. If any news needs to be reported, I may contact the prime minister or the prime minister may contact me, 37-year-old Fresh News chief executive Lim Chea Vutha told Reuters. Lim rejected accusations it publishes unsubstantiated reports to serve the government s interest and said it was just ambitious to break news the same as any major news agency. Cambodia has long had one of Southeast Asia s most open media environments, but journalists with publications critical of the government say work is becoming tougher than during any period of Hun Sen s more than three-decade rule. This means an imbalance of information, said Pa Nguon Teang, head of the partly EU-funded Voice of Democracy radio station, banned from broadcasting to its estimated 7.7 million listeners last month and now trying to publish via Facebook. Eighteen other radio stations were ordered off air while channels were also forbidden from rebroadcasting the U.S.-funded Voice of America and Radio Free Asia. The Cambodia Daily newspaper, whose editor described it as a burr in Hun Sen s side since it was started 24 years ago, was forced to close by a crippling $6.3 million tax bill news of which first appeared on Fresh News. The three-year-old publication also published the video that formed the basis for arresting opposition leader Kem Sokha for treason charges his lawyers dismiss as nonsense. It s not fresh news, it s not even fake news, it s bad news - bad news for the future of Cambodia, said Mu Sochua, a deputy of Kem Sokha in his Cambodia National Rescue Party. Cambodia is not the only Southeast Asian country where the media is under pressure, with journalists and bloggers in Thailand, the Philippines, Myanmar and Vietnam facing everything from verbal threats to arrest to violence. Hun Sen has said his attitude to media he does not like is no different to that of U.S. President Donald Trump, who has branded some liberal U.S. news organizations fake news and has refused to take questions from their reporters. For Hun Sen, a 65-year-old former Khmer Rouge soldier, critical media are like children challenging their father , said Huy Vannak, president of the partly state-funded Union of Journalist Federations of Cambodia. They only mock his good faith to the nation. That s why he s not tolerant, he said. Praised openly by Hun Sen, Fresh News now has more than 100 employees. At the company s ninth-floor offices near a busy Phnom Penh junction, signs tell journalists the first enemy of success is laziness . Facebook is one of the main channels for Fresh News to publish and has also been embraced by Hun Sen since the opposition almost won the 2013 election, partly with the help of their social media strategy. While declining to give company financial details, Lim said he received no money from the government. A government spokesman said there was no funding for Fresh News or anyone publishing on social media beyond official accounts. Lim said he was supported only by advertising. Flipping through his mobile phone, he showed ads for everything from Range Rover to Coca-Cola to local businesses thriving in an economy growing at around 7 percent a year. But business and government are entwined in Cambodia and the leadership and its family members control many of Cambodia s biggest enterprises - including media businesses. Hun Sen s oldest daughter, Hun Mana, chairs Kampuchea Thmey Daily and Bayon TV and Radio among at least a dozen other firms. Senate president and the deputy leader of the ruling Cambodia People s Party, Say Chhum, owns Rasmei Kampuchea, Cambodia s most popular newspaper. According to a 2015 study, media organizations with politically affiliated owners accounted for 41 percent of print readership and 63 percent of television viewership. Of those owners, eight out of 10 were close to the ruling party. Businesses won t give advertising to media seen as pro-opposition because it won t help them, said Huy Vannak. The government doesn t need to sponsor you when your content is positive. Business will come to you, he said. Despite international awards for its reporting, the Cambodia Daily was not a big commercial success. By the end, it said it was barely breaking even and had no hope of paying a tax bill it disputed before the Sept. 4 deadline set by government. The paper appeared to get limited sympathy from Lim. It s the right of the government to shut it down, he said. As we reported, it s a legal matter. ",worldnews,"September 8, 2017 ",1 +Three vehicles torched in long-running South African taxi war,"JOHANNESBURG (Reuters) - One Uber vehicle and two other taxis were torched in South Africa s main business district on Thursday night in a feud over fares, but no one was injured, Uber and police said on Friday. The vehicles were set alight in the wealthy Sandton district near the Gautrain station, a popular pick-up point for taxis where previous attacks on Uber vehicles have taken place. It was not clear who torched the vehicles. Uber [UBER.UL] drivers around the world have faced threats and protests from regular taxi operators, who say cheap fares from Uber drivers are forcing them out of business. All the drivers of the cars escaped unharmed. It is suspected that the incident is related to the ongoing fight between the metered taxis and the Ubers, police spokesman Captain Mavela Masondo said. A fourth car had its back window smashed in, he said. On Friday, police officers patrolled the street outside the Gautrain station, which is opposite the Reuters offices. Samantha Allenberg, Uber s communications head for Africa, said only one of the torched vehicles belonged to Uber. One of the torched vehicles was likely from a different ride-hailing service, Allenberg said. We really need the government to do more here. The violence and intimidation is simply unacceptable, she said. Uber has met the minister of transport and law enforcement agencies several times over similar incidents, she said. Footage of the burning vehicles circulated on social media. Transport Minister Joe Maswanganyi said those behind the violence and intimidation would face the law. More than 6,000 vehicles use the e-hailing Uber application to find customers in South Africa, where the service has grown swiftly as public transport has not kept up with the rising population in sprawling cities. Uber operates in more than 600 cities and has faced protests in France, Brazil and Hungary, and Uber drivers have been threatened or attacked in Kenya, Costa Rica, and Australia. ",worldnews,"September 8, 2017 ",1 +Suu Kyi says Myanmar trying to protect all citizens in strife-torn state,"YANGON/COX S BAZAR, Bangladesh (Reuters) - Myanmar leader Aung San Suu Kyi said on Thursday her government was doing its best to protect everyone in the strife-torn state of Rakhine, as the estimated number of Rohingya Muslims who have fled to Bangladesh leapt by 18,000 in one day, to 164,000. Suu Kyi did not refer specifically to the exodus of the minority Rohingya, which was sparked by insurgent attacks on Aug. 25 and an army counter-offensive, but said her administration was trying its best to take care of all citizens. Western critics have accused Suu Kyi of not speaking out for the Rohingya, some 1.1 million people who have long complained of persecution and are seen by many in Buddhist-majority Myanmar as illegal migrants from Bangladesh. Some have called for the Nobel Peace Prize she won in 1991 as a champion of democracy to be revoked. We have to take care of our citizens, we have to take care of everybody who is in our country, whether or not they are our citizens, Suu Kyi said in comments to Reuters Television s Indian partner, Asian News International. Of course, our resources are not as complete and adequate as we would like them to be but, still, we try our best and we want to make sure that everyone is entitled to the protection of the law, she said during a visit by Indian Prime Narendra Modi to Yangon. Suu Kyi on Tuesday blamed terrorists for a huge iceberg of misinformation on the strife in the northwestern state of Rakhine but made no mention of the Rohingya who have fled. She has come under increasing pressure from countries with Muslim populations, and this week U.N. Secretary-General Antonio Guterres warned there was a risk of ethnic cleansing in Myanmar that could destabilise the region. In Washington, the U.S. State Department on Thursday voiced its concern following serious allegations of human rights abuses including mass burnings of Rohingya villages and violence conducted by security forces and also armed civilians . We urge all in Burma including in the Rakhine state to avoid actions that exacerbate tensions there, State Department spokeswoman Heather Nauert told reporters. The U.S. ambassador has met Myanmar officials to discuss allegations of violence conducted by both the security forces and civilians and access for humanitarian groups, she said. Myanmar has said it is negotiating with China and Russia to ensure they block any Security Council censure over the crisis. Suu Kyi said the situation in Rakhine has been difficult for many decades and so it was a little unreasonable to expect her administration, which has been in power for 18 months, to have resolved it already. Myanmar says its forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on the police and army since last October. Officials blame Rohingya militants for killing non-Muslims and burning their homes. We need to wipe out the threat of the terrorism in those regions, Ko Ko Hlaing, a presidential adviser of the previous government said on Thursday at a forum arranged by military-owned media to discuss the crisis. He said rehabilitation and development are important and the citizenship issue must be settled, but the first priority needed to be the detoxification of dangerous ideology of extremism . Suu Kyi s spokesman, Zaw Htay, on Thursday posted what he said were photos of Bengalis setting fire to their houses . The pictures of several sword-wielding women wearing headscarfs and men in Islamic prayer caps, or Kufi , setting a house on fire, which were published in one of the country s leading newspapers, were also shared widely by the military. These photos showing that Bengalis are torching their houses emerge at a time when international media have made groundless accusations of setting fire to Bengali houses by the government security forces and the killings of Bengalis, said the Eleven Media daily But the photographs sparked controversy on social media with many people who identified themselves as Myanmar Muslims saying they appeared staged. Rights monitors and Rohingya fleeing to Bangladesh say the Myanmar army has been trying to force them out of Rakhine state with a campaign of arson and killings. Boatloads of exhausted Rohingya continued to arrive in the Cox s Bazar region of neighbouring Bangladesh on Thursday. The latest estimate by U.N. workers operating there put arrivals in just 13 days at 164,000, up from 146,000 from the day before. U.N. officials in Bangladesh now believe the total number of refugees from Myanmar since Aug. 25 could reach 300,000, said Dipayan Bhattacharyya, who is Bangladesh spokesman for the World Food Programme (WFP). [nL4N1LN4N3] The surge of refugees - many sick or wounded - has strained the resources of aid agencies and communities already helping hundreds of thousands from previous spasms of violence in Myanmar. Many have no shelter, and aid agencies are racing to provide clean water, sanitation and food. Many refugees are stranded in no-man s land between the border with Myanmar, medical charity Medecins Sans Frontieres (MSF) said in a statement. Even prior to the most recent influx, many Rohingya refugees in Bangladesh lived in unsafe, overcrowded and unhygienic conditions, with little protection from the elements. It said more nurses, midwives and doctors had been brought in to tackle violence-related injuries, severely infected wounds and obstetric complications. (Corrects title of U.N. Secretary General in 8th paragraph, dropping extraneous words Security Council .) ",worldnews,"September 7, 2017 ",1 +"Children, teenagers among wounded Rohingya in crammed Bangladesh hospital","CHITTAGONG, Bangladesh (Reuters) - Mohammed Idrees, a 10-year-old Rohingya boy, does not remember how he landed at the hospital in Bangladesh with a part of his right ear blown off. But he says he won t return to his home country, neighboring Myanmar, until there is peace. Idrees is one of around 60 badly injured Rohingya Muslims admitted to the hospital in Chittagong since violence flared in Rakhine state in the northwest of Myanmar in late August. Rohingya insurgents attacked several police posts and an army base on Aug 25, leading to a military crackdown that has resulted in the deaths of at least 400 people and sent 146,000 people fleeing to Bangladesh. Apart from creating a humanitarian crisis, the unrest has also brought waves of international criticism of Myanmar s leader, the Nobel Peace Prize winner Aung San Suu Kyi, for not speaking out for a minority that has long complained of persecution. The Rohingya are denied citizenship in Myanmar, a mainly Buddhist country. Almost all the Rohingya being treated at the Chittagong Medical College Hospital, the largest in southeast Bangladesh, have been injured by gunshots or bomb blasts, according to a hospital document given to Reuters. Around a third of the total injured are teenagers or younger, including a six-year-old boy. The Myanmar military has repeatedly said that it has been targeting only insurgents in the crackdown. Ajoy Kumar Dey, who is in charge of the hospital, said he had not seen similar wounds during previous influxes of Rohingya from Myanmar. He said the large number of young men and children, like Idrees, underlined the gravity of the situation in Rakhine. I don t remember what happened to me, but I want to go see my mother, Idrees said, lying on his bed in a soiled white shirt and a checked longyi, a Myanmar-style sarong. His head was bandaged and he was clutching the hand of his father, sitting by his side. It hurts a lot. He cried as his father, Mohammed Rasheed, described how Myanmar security forces sprayed bullets into their village, Kyauk Chaung, on the morning of Aug. 25. One bullet took off a chunk of Idrees ear as his family crouched behind a canal near their house. Six fellow villagers from Kyauk Chaung died in the hour-long shooting, said Rasheed. A bleeding Idrees was carried on a bamboo stretcher over some hills near the border to reach Bangladesh the same night. His mother, three sisters and a brother arrived on Sunday. We are lucky all of us are alive, said Rasheed. Across the ward, a Rohingya man with bullet wounds in one shoulder, the back of a thigh and a shin, writhed in agony. A plastic nasal pipe was helping him breath. The government hospital in Chittagong is usually crowded at the best of times; now it is receiving twice as many people as it has beds - many of them Rohingya with shattered faces, shredded legs and damaged eyes who are fighting for their lives. Around two dozen young Rohingya men, some groaning in pain, were laying on blue hospital mattresses on the floor of a corridor on Wednesday, their legs or hands heavily plastered. Zaw Htay, Aung San Suu Kyi s spokesman, said Thursday that Myanmar was in discussions with Dhaka on what to do about what he said were terrorists in the hospital, a charge the Myanmar military made earlier in the week. The Bangladeshi foreign secretary, Shahidul Haque, denied being contacted by Myanmar about militants being treated at the hospital. However, he said that Bangladesh had previously handed over two terrorists after being given their names by Myanmar. He did not provide further details, but said Bangladesh would hand any terrorists to Myanmar if it provided more names and the individuals could be found. A United Nations source said that on Sept. 3 alone, 31 Rohingya with bullet injuries and six with burn injuries were admitted to the Chittagong hospital. There have been many people who have come with bullet wounds on the backs of their bodies, said H.T. Imam, a political adviser to Prime Minister Sheikh Hasina of Bangladesh. That is most reprehensible. This is a killing mission, plain and simple. Myanmar officials have said the country has the right to defend itself from attack, adding that security personnel were told to keep innocent civilians from harm. Rohingya who have fled to Bangladesh are in urgent need of medical and humanitarian assistance given the massive scale of the influx, Doctors Without Borders said Wednesday. Many of the arrivals have serious medical needs, such as violence-related injuries, severely infected wounds, and advanced obstetric complications, Pavlo Kolovos, the humanitarian group s head in Bangladesh, said in a statement. Without a scale-up of humanitarian support, the potential health risks are extremely concerning. One such person with severe injuries is Mohammed Jubair, 21, who, according to doctors treating him in the burns and plastic surgery department, is on his deathbed. The right side of Jubair s face has been smashed up completely; the left has severe burns, as does his lower body. He was fleeing his village in Rakhine with his five-year-old sister when Myanmar forces in a helicopter hurled a bomb at them on Aug. 26, killing the girl on the spot, according to his older brother, Nur Mohammed. Unlike me, my brother was carrying our young sister as we fled to the hills when the army came and started setting our houses on fire, he said. I could move ahead faster, now Allah save my brother. Like the attack on the village reported by Rasheed, it was not possible to independently verify Mohammed s account. ",worldnews,"September 7, 2017 ",1 +China's tighter drone rules send new pilots flocking to school,"BEIJING (Reuters) - A buzz fills the sky above a flight base in northern Beijing, as pilots practise take-offs and landings ahead of tests to qualify for a license - to fly drones. Drone enthusiasts in China, the world s top maker of consumer unmanned aerial vehicles (UAVs), are scrambling for licenses after the government adopted strict rules this year to tackle incidents of drones straying into aircraft flight paths. A drone is not a toy, said Yang Nuo, the principal of the drone training school in the Chinese capital, who expects more students to sign up in a drive to boost flying skills. It involves complicated aerial theoretical knowledge. Gao Huiqiang, 32, said his construction company told him to seek a license. Since the laws on drones are tightening and a legal framework is being built, they told me to come and get the license first, he added. In June, China set an end-August deadline for owners of civilian drones to register crafts up to a certain weight under their real names. Last week, a test-flight base opened in the commercial hub of Shanghai, which requires civilian drones to fly below 150 m (492 ft), the official news agency s Xinhuanet website said. Others have balked at the idea of spending around 10,000 yuan ($1,534) for an official qualification, particularly as uncertainty surrounds future regulations. They don t know when the next regulation will be introduced, said Hao Jiale, the manager at a DJI drone store. Some people want to wait and see. Privately-held SZ DJI Technology Co Ltd, based in the southeastern city of Shenzen, had a roughly 70 percent share of the global commercial and consumer drone market, according to a 2016 estimate by Goldman Sachs and Oppenheimer analysts. Despite the curbs, prospects for growth look bright. China s camera drone market will see a compound annual growth rate of 68 percent in five years, with shipments reaching 3 million units by 2019, up from 40,000 in the third quarter of 2015, tech research firm IDC said last year. More than 120,000 drones have been registered in China, Xinhuanet said, compared to just 77,000 registered users in the United States. ",worldnews,"September 5, 2017 ",1 +Hungarian PM Orban says will fight after EU ruling on migrant quota,"BUDAPEST (Reuters) - Hungary will not change its anti-immigration stance after the European Union s top court dismissed a challenge against migrant quotas, Prime Minister Viktor Orban said on Friday. The EU s highest court ruled on Wednesday that member states must take in a share of refugees who reach Europe, dismissing the challenge by Slovakia and Hungary and re-igniting an east-west row that has shaken EU cohesion. We must take note of the ruling as we cannot erode the foundation of the EU - and respect of law is the foundation of the EU - but at the same time this court ruling is no reason for us to change our policy, which rejects migrants, Orban told state radio. The Mediterranean migrant crisis of 2015 flooded the Balkans, Italy and Greece with migrants, which prompted the EU to impose mandatory quotas on its member countries for relocating asylum seekers. The flow of migrants has receded, easing pressure to force compliance on nationalist leaders like Orban, who is benefiting from his tough anti-immigrant policies as elections approach in 2018. Now that the legal challenge has failed, Orban said he would pursue a political fight to force the EU to change its mandatory migrant quotas. The whole issue raises a very serious question of principles: whether we are an alliance of European free nations with the Commission representing our joint interests, or a European empire which has its center in Brussels and which can issue orders, Orban said. He said EU countries which let in migrants, unlike Hungary, decided to do so of their own will and now they cannot ask Hungary to take a part in correcting their mistake. It is not us Hungarians who question the rules of the club, but the Commission had changed the rules and this is unacceptable, Orban added. He said that unlike some of the major member states of the EU, whose colonial legacy has made them immigrant countries , Hungary did not have a colonial past. These countries with colonial legacy, which have become immigrant countries by now, want to impose on us Central Europeans their own logic ... but Hungary does not want to become an immigrant country, Orban said. At the same time, he said Hungary was committed to EU membership, because Hungarians had decided in a referendum to join the bloc in 2004. No government can lead Hungary out of the EU as it was the Hungarian people which decided to be inside and this is right. ",worldnews,"September 8, 2017 ",1 +Minor New Zealand parties in focus as hotly contested election gets tighter,"WELLINGTON (Reuters) - The rising popularity of New Zealand s Labour Party in hotly contested elections is making it less likely that the nationalist New Zealand First Party will play kingmaker, poll averages released on Friday show. The uncertainty over which combination of parties will decide the next government is worsening an already topsy-turvy election, previously seen as a slam dunk for the center-right National Party, which has ruled for almost a decade. Since taking over as leader last month, charismatic politician Jacinda Ardern has almost single-handedly changed the chances of her Labour Party at the Sept. 23 election. When I go out and knock on doors...there is a feeling for change, there is, Marama Fox, a leader of the M ori Party, said at a televised debate between leaders of smaller parties, referring to Labour s newfound popularity. Fox s party, which campaigns for the rights of indigenous New Zealanders, could play a crucial role in determining the next government. Though it has been in a coalition with National for nine years, Fox said she could work with Labour. Support for newly invigorated Labour rose to 41.8 percent in opinion polls, nudging above the National Party s 41.1 percent, figures released by media showed. That put the center-left opposition party closer to being able to form a government with the Green Party, polling at around 5.4 percent, and the M ori Party, which posted support of about 1.2 percent. Alternatively Labour could join forces with New Zealand First, which slipped to 7.9 percent and had previously been thought likely to determine which major party governed. Green Party leader James Shaw would not rule out a deal with New Zealand First, but expressed reluctance, as the party s outspoken leader would not commit to either National or Labour. He s a bad date, Shaw said of Peters last-minute decision to skip the debate. He s stood us up tonight... he s completely unreliable and you don t know which way he s going to go. But if the Green Party fell further, sinking below the support threshold of 5 percent for seats in parliament, that would put New Zealand First in an even stronger position. It is really unusual... it s all about which pieces land where, said Grant Duncan, political analyst at Auckland University. Minor parties often have an outsize role in New Zealand s proportional representation system, in which a party, or combination of parties, needs 61 of Parliament s 120 members - usually about 48 percent of the vote - to form a government. ",worldnews,"September 8, 2017 ",1 +Bahrain rejects Amnesty report citing crackdown on dissent,"DUBAI (Reuters) - Bahrain condemned as inaccurate a report by the Amnesty International rights group accusing the Bahraini government of crushing dissent and violently cracking down on protests over the last year. Amnesty said in a report on Thursday that it had documented how the Bahraini government, from June 2016 to June 2017, had arrested, tortured, threatened or banned from travel at least 169 activists and opponents or their relatives. It also accused in particular Britain and the United States, who both have military facilities in Bahrain, of turning a blind eye to abuses. Ministry of Foreign Affairs (MoFA) of Kingdom of Bahrain regrets inaccuracies contained in Amnesty International s report, the ministry said on its twitter account. It gave no details. MoFA stresses commitment of Kingdom of Bahrain to respect and promote freedoms and human rights principles. Amnesty International said it had documented security officers beating protesters, firing tear gas, shotguns and semi-automatic rifles directly at protesters and driving armored vehicles and personnel carriers into protests. Bahrain has been a flashpoint since the Sunni-led government put down Arab Spring protests in 2011. The kingdom, most of whose population is Shi ite, says it faces a threat from neighboring Shi ite theocracy Iran. Entitled No one can protect you: Bahrain s year of crushing dissent , the Amnesty report said at least six people had been killed, including a child, in the crackdowns. Bahrain has intensified a crackdown on critics, shutting down two main political groups, revoking the citizenship of the spiritual leader of the Shi ite Muslim community and jailing rights campaigners. ",worldnews,"September 8, 2017 ",1 +India bars 'unruly' passengers from flying for three months to over two years,"NEW DELHI (Reuters) - India has issued new norms barring unruly passengers from flying for a minimum of three months to more than two years depending on the nature of the misdemeanor, the government said on Friday. The federal government has issued a no-fly list of unruly passengers after a lawmaker admitted assaulting an official from state-owned carrier Air India. The new rules will be applicable to foreign carriers as well, the government said in a statement, adding that unruly behavior has been categorized in three levels - verbal, physical and life threatening. The concept of no-fly is based on safety of other passengers, crew and the aircraft, and not just on the security threat, the government said. ",worldnews,"September 8, 2017 ",1 +Russia says its air strike kills several top Islamic State commanders in Syria,"MOSCOW (Reuters) - A Russian air strike has killed around 40 Islamic State fighters, including four senior commanders, near the eastern Syrian city of Deir al-Zor, Russia s defense ministry said on Friday. The strike, carried out by Su-34 fighter-bombers and Su-35 fighters, came after an intelligence report on Sept. 5 showed that top Islamic State commanders were meeting at a secret underground command post in the vicinity of Deir al-Zor, the ministry said on its Facebook page. Among those killed was Abu Muhammad al-Shimali, who oversees foreign fighters at IS, it said. The defense ministry also said it had evidence that Gulmurod Khalimov, Islamic State s minister of war , was present at the meeting in the bunker and had been fatally wounded in the strike and evacuated to the al-Muhasan area, 20 km (13 miles) southeast of Deir al-Zor. Khalimov, the U.S.-trained commander of Tajikistan s elite police force, defected to Islamic State in April 2015 and later posted a video address, vowing to return home to establish sharia law in his Central Asian nation and to take jihad to Russia and the United States. A top official at Tajikistan s national security service told Russia s RIA news agency that Moscow had been asked to provide details proving Khalimov s elimination. On Tuesday Syrian government forces, supported by Russian air strikes and cruise missile launches, reached troops besieged for years by Islamic State in Deir al-Zor, the militants last major stronghold in Syria. ",worldnews,"September 8, 2017 ",1 +Sweeping change in China's military points to more firepower for Xi,"BEIJING (Reuters) - China s military is preparing a sweeping leadership reshuffle, dropping top generals, including two that sources say are under investigation for corruption. The changes would make room for President Xi Jinping to install trusted allies in key positions at a key party congress that begins on Oct 18. A list of 303 military delegates to the Communist Party Congress, published by the army s official newspaper on Wednesday, excluded Fang Fenghui and Zhang Yang, both members of the Central Military Commission. The commission is China s top military decision-making body. Reuters reported this week that the 66-year-old Fang, who accompanied Xi to his first meeting with U.S. President Donald Trump in April, is being questioned on suspicion of corruption. Three sources familiar with the matter said Zhang, the director of the military s Political Work Department, is also the subject of a probe. China s Defense Ministry did not respond to a request for comment. The personnel changes herald a clean sweep of the top-ranking generals heading up the department. All three of Zhang s deputies - Jia Tingan, Du Hengyan and Wu Changde - were also missing from the list of congress delegates. This is a very clear message: they re out, said Cheng Li, an expert on Chinese elite politics at the Brookings Institution. Their political careers have come to an end. On Friday, news reports carried by the People s Liberation Army Daily and the official news agency Xinhua abruptly referred to the navy s political commissar, Miao Hua, as the Political Work Department director, despite no official announcement of Zhang being replaced in his role. The department is in charge of imbuing political thought and makes military personnel decisions in a similar vein to the Communist Party s Organisation Department. The Political Work Department used to be headed by Xu Caihou, who along with a fellow former vice-chairman of the military commission, Guo Boxiong, was accused of taking bribes in exchange for promotions. Guo was jailed for life last year, while Xu died of cancer in 2015 before he could face trial. Also among the key omissions from the list published Wednesday were Du Jincai, who was replaced as the military s anti-corruption chief in March, and Cai Yingting, who left his post as head of the PLA Academy of Military Science in January. Taking into account officials who are likely to retire, as many as seven of the 11 spots on the military commission may be vacated, strengthening talk in Chinese political circles that the body may be streamlined. Xi, who is commander-in-chief of China s armed forces, currently chairs the commission, which also comprises two vice-chairmen and eight committee members. Two sources familiar with the matter said the commission may be cut down to Xi and four vice-chairmen, doing away with committee members and streamlining reporting lines. Li, the Brookings expert, said that among those likely to be central to the army s refreshed leadership were Li Zuocheng, who took over from Fang as chief of the Joint Staff Department last month, Miao and the three commanders of the army s ground, air and naval forces: Han Weiguo, Ding Laihang and Shen Jinlong. The fact that all five were newly-appointed this year and none were members of the Communist Party s 200-odd strong Central Committee, Li said, reflected the extent to which Xi was rejuvenating the leadership as part of his years-long drive to modernize the military and make it more ready for combat. This is really a major step from Xi Jinping to consolidate his authority to promote the young, those who have some professional experience, but are not corrupted, and certainly not belonging to the factions of Guo Boxiong and Xu Caihou, he said. ",worldnews,"September 8, 2017 ",1 +"Taiwan's new premier vows to 'build country', scrap investment hurdles","TAIPEI (Reuters) - Taiwan s new premier, William Lai, vowed on Friday to work towards luring greater investment to the self-ruled island, while sticking to the policies of the ruling Democratic Progressive Party. Lai, formerly the mayor of the southwestern city of Tainan, made the remarks at a cabinet transition ceremony following the resignation this week of his predecessor, Lin Chuan.. The cabinet reshuffle, at a time of low public approval ratings for President Tsai Ing-wen, will give the government an opportunity to push through legislation with less resistance. Ratings for Tsai shrank to below 30 percent by August, a survey by a private foundation showed, down from nearly 70 percent soon after her landslide election victory in 2016. My main responsibility is to build the country, expand the economy and look after the people, said Lai, adding that his cabinet would press on with reforms in areas ranging from the energy industry to labor, pensions and tax, while eliminating obstacles for investment . He added, these will have a pragmatic strategy and will be solved in a steadfast way. Dissatisfaction with labor and pension reforms are seen to have weighed on Tsai s ratings, sparking occasional protests. The reshuffle brought several new key appointments, though most of the other ministry-level positions stayed unchanged. The financial supervisory commission gets a new chief, Wellington Koo, while acting economics minister Shen Jong-chin was confirmed in the role. A new vice premier and secretary-general were also appointed to the cabinet, or executive yuan. Lai, a member of Tsai s independence-leaning party, won a landslide reelection in 2014 in Tainan, home to the plants of Taiwan Semiconductor Manufacturing Co (TSMC) and other technology firms. The Harvard-educated Lai is expected to take a cautious stance in the transition, as shown by his modest personnel changes, analysts say. Lai brings an effective administrative style, and will seek to keep the agenda on track, said Edward Yang, an associate professor at National Taiwan Normal University. His popular style also contrasts with that of Lin, who was seen as a less effective communicator, Yang added. The DPP is striving to shore up its popularity ahead of local elections next year in which it faces off against its main rival, the China-friendly Kuomintang (KMT) party. Local election results are seen as a harbinger for the presidential election in 2020. ",worldnews,"September 8, 2017 ",1 +Most South Koreans doubt the North will start a war: poll,"SEOUL (Reuters) - North Korea has ratcheted up international tension and fear with its sixth and largest nuclear test on Sunday, but South Koreans feel increasingly doubtful it would start a war, a poll showed on Friday. A Gallup Korea survey found that 58 percent of South Koreans felt there was no possibility North Korea will cause a war, while 37 percent said they thought it would. Gallup Korea began asking South Koreans the question in 1992, and the percentage of respondents this time who thought the North would not start a war was the second highest since then. In the first poll in 1992, 69 percent of those questioned thought the North would start a war while only 24 percent thought it would not. The survey released on Friday showed South Koreans were considerably less concerned about war compared with June 2007, nine months after North Korea conducted its first nuclear test, in September 2006. In 2007, 51 percent of respondents said they expected a war, while 45 percent did not. North Korea says it needs to develop weapons to protect itself against U.S. aggression. It has been steadily pursuing its nuclear and missile programs in defiance of international condemnation and has threatened more action in response to any new U.N. sanctions and U.S. pressure. Despite the North s fiery rhetoric, South Koreans are generally calm, going about their lives with no sign of panic. The survey results show South Koreans have likely grown accustomed to its repeated threats of provocation after over 60 years in a ceasefire state, Gallup Korea said in a statement. South Korea and the United States are technically still at war with North Korea after the 1950-53 Korean conflict ended with a truce, not a peace treaty. The poll also found that 60 percent of those surveyed believed South Korea should arm itself with nuclear weapons while 35 percent disagreed. Those in their twenties were most opposed to the idea of acquiring nuclear weapons, while respondents 50 and above said the South should have them. Gallup also said 59 percent of respondents were against the idea of the United States attacking North Korea first should North Korean provocations continue, while 33 percent said it should. Gallup Korea said the poll was carried out from Sept. 5 to 7. A total of 1,004 South Koreans over the age of 19 were polled by telephone, it said. The survey has a margin of error of plus or minus 3.1 percent. ",worldnews,"September 8, 2017 ",1 +Pope Francis to bless Colombia's war victims,"VILLAVICENCIO/BOGOTA, Colombia (Reuters) - Thousands of victims of Colombia s five-decade war will seek blessings, guidance and a path to forgiveness from Pope Francis on Friday, during his visit to a region that for years has been known as an epicenter of violence. The Argentine pope has received a rapturous welcome in Colombia, a majority Roman Catholic nation, bringing with him a message of peace and unity as he seeks to strengthen faith and heal the scars of civil war. In the city of Villavicencio, Francis will hold a prayer meeting with 6,000 survivors of a brutal conflict that has left millions scarred by kidnappings, massacres, rape, land mines and displacement. He will also bless the Cross of Reconciliation, a plain white memorial to the victims, and hear personal testimonies of those who have suffered. There has been too much hatred and vengeance. The solitude of always being at loggerheads has been familiar for decades, and its smell has lingered for a hundred years, the leader of the world s 1.2 billion Roman Catholics said on Thursday. We do not want any type of violence whatsoever to restrict or destroy one more life, added the pontiff, who delayed visiting Colombia until a peace deal between the government and Revolutionary Armed Forces of Colombia (FARC) rebels was in effect. Colombians have suffered from war between right-wing paramilitaries, Marxist rebels, and government forces since 1964. More than 220,000 have been killed and millions more displaced as the war spilled into towns and rural communities. The 80-year-old Francis will also beatify two victims as martyrs. He will take the first step to make saints of Pedro Maria Ramirez, a priest who was killed in 1948 during the period of political violence known as La Violencia, and Bishop Jesus Emilio Jaramillo, killed in 1989 by the National Liberation Army (ELN) for suspected collaboration with the military. The pontiff wants his message of reconciliation to resonate with the war victims and he urged his Church to help spread the message. You are not bureaucrats, nor politicians, you are pastors, he said, addressing bishops in Bogota. In Villavicencio - the capital of central Meta province, a vast cattle ranching area which has been a hotbed of paramilitary and rebel violence - Francis will see a destroyed statue of Christ brought from western Choco province for his visit. The effigy was recovered from a church attacked by the FARC in 2002 in the rain forest village of Bojaya. About 80 people were killed as they sought refuge from rebel bombings inside the humble church. The plaster figure, without arms or legs, has become an enduring symbol of the bloody war. Forgiveness is pivotal if Colombia is to forge lasting peace, break cycles of revenge and rebuild once-hostile communities. But Colombians are deeply polarized as they prepare to receive 7,000 former fighters of the FARC into society and aim to repair divisions from the war. Many are furious that under last year s peace deal, FARC leaders accused of kidnapping, displacements and murder will avoid jail sentences and instead may receive seats in congress as members of a civilian political party. But at least during the pope s visit, people seem willing to forgive. I ll be up at 3 a.m. to queue. It s so emotional, just to see him on television makes me tearful, said Francis Alvarez, a 59-year-old housewife, who hopes to attend the Mass in Villavicencio. It will consolidate peace in this region that s been so forgotten. ",worldnews,"September 8, 2017 ",1 +Singapore man and woman arrested for 'terrorism-related' activity,"SINGAPORE (Reuters) - Police in Singapore have arrested a man suspected of planning to join Islamic State-linked fighters in the Philippines and a woman who was in contact with foreign militants, the government said on Thursday. Singapore, regarded as the most stable country in Southeast Asia, has become increasingly concerned about the risks of radicalization among its Muslim minority. At least 14 radicalized Singaporeans have been put under restriction or detention orders under a tough internal security law since 2015, up sharply from 11 cases between 2007 and 2014, the government said in June. The man arrested was identified as Imran Kassim, 34. The Ministry of Home Affairs said he had tried to make his way to Syria to join Islamic State fighters at least twice, and had been prepared to attack members of the Singaporean armed forces. More recently, he had intended to join militants who seized control of Marawi City in Philippines this year, the ministry said in a press release. Imran s arrest came as a result of information given to police by people close to him . Authorities have mounted a campaign to encourage family members, friends and neighbors to report on anyone they fear was in danger of becoming radicalized. The woman who was arrested was identified as Shakirah Begam binte Abdul Wahab, a 23-year old administrative assistant. The ministry said she had been in contact with several foreign fighters since 2013. Shakirah has demonstrated a propensity to engage in risky behavior which renders her vulnerable to adverse influence and recruitment by terrorists who belong to a group that poses a security threat to Singapore , the ministry said. She was put under a restriction order, which means suspects are monitored and their movements are restricted. A child care worker arrested in June is the only Singaporean woman to have been placed in custody under the Internal Security Act, which allows for detention without trial. An auxiliary policeman who was suspected of becoming radicalized was also arrested in June. ",worldnews,"September 7, 2017 ",1 +Rohingya say their village is lost to Myanmar's spiraling conflict," (Story refiles to add dropped word not , in paragraph 10, in the September 7th story) By Simon Lewis KUTAPALONG, Bangladesh (Reuters) - The villagers said the soldiers came first, firing indiscriminately. Then came civilians, accompanying the soldiers, to loot and burn. Now in Bangladesh, 20 Muslims and Hindus gave interviews in which they recounted how they were forced out of their village of Kha Maung Seik in Myanmar s Rakhine State on Aug. 25. The military brought some Rakhine Buddhists with them and torched the village, said Kadil Hussein, 55. All the Muslims in our village, about 10,000, fled. Some were killed by gunshots, the rest came here. There s not a single person left. Hussein is staying with hundreds of other new arrivals at the Kutapalong refugee settlement, already home to thousands of Rohingya who fled earlier. Nearly 150,000 Rohingya have arrived in Bangladesh since Aug. 25, when insurgents of the Arakan Rohingya Salvation Army launched attacks on security forces in Rakhine State. Reuters interviewed villagers from Kha Maung Seik and neighboring hamlets, who described killings and the burning of homes in the military response to the insurgent attacks. Reuters has been unable to verify their accounts. Access to the area has been restricted since October, when the same insurgent group attacked police posts, killing nine. Myanmar says its forces are in a fight against terrorists . State media has accused Rohingya militants of burning villages and killing civilians of all religions. Myanmar does not recognize the 1.1 million Rohingya as citizens, labeling them illegal immigrants from Bangladesh. The refugees from Kha Maung Seik, and from numerous other villages across the north of Rakhine State, say Myanmar forces and ethnic Rakhine Buddhists are intent on forcing them out. One refugee, Body Alom, 28, said he hid in forest with thousands of others when the soldiers arrived. He waited for hours before emerging to look for his family. He says he saw corpses in paddy fields, and eventually found his mother and brother dead with gunshot wounds. Two other villagers said they saw bodies in the fields. It wasn t safe, so I just left them, he said. I had no chance to give them a burial. A military official denied that Buddhist civilians were working with authorities and instead accused Muslims of attacking other communities. The military arrived at the village later but did not find any bodies, said the military source, who declined to be identified as he is not authorized to speak to media. Another military source in the state capital, Sittwe, said Kha Maung Seik was in the conflict zone and clear information about what happened had yet to emerge. The main village of Kha Maung Seik was home to a mixed community, with Rohingya Muslims in the majority along with about 6,000 Rakhine Buddhists, Hindus and others. The village is known to the Rohingya as Foira Bazar for its market of about 1,000 shops where everyone did business. But relations have been strained for some time. A government plan to grant Hindus citizenship, violence in the state in 2012 and October, and an identity card scheme that the Rohingya rejected as it implied they were foreign, all contributed to tension, the refugees said. Since October, more soldiers were posted near the village, with border police. Patrols went house-to-house arresting anyone suspected of having militant links, they said. Abu Kalam, 31, showed Reuters welts on his back, arms and legs, and what he said were cigarette burns on his arms. He said he was detained by the military last month, before the attacks, as he was working in his vegetable patch with a knife. After October, the military told us not to have knives. When they saw me using one they arrested me, he said, adding he was kept in a barracks for six days. They regularly tortured me, asking are you connected with al-Yaqin? , he said, using another name for the rebels. Villagers in Kha Maung Seik say they heard shooting at 2 a.m. on Aug. 25. A military source in Maungdaw town and two Muslim residents said militants attacked a police post near the village that night. According to the military source, the rebels attacked with grenades then turned their attention to a Hindu neighborhood. Four Rohingya villagers separately gave Reuters accounts of how, at about 5 a.m., soldiers entered the village, firing indiscriminately. Thousands fled. I was at the front of a big group running for cover, but I looked back and could see people at the back getting shot, said Abul Hussein, 28. Later, grenades and mortar bombs were fired into the forest, according to Hussein and three other villagers. I saw a mortar hit a group of people. Some died on the spot, he said. From the forest, residents watched military and civilians loot and burn houses. Civilians helped gather bodies, according to Body Alom and two other villagers. They collected the bodies, searching for belongings, said Body Alom. They took money, clothes, cows, everything. Then they burned the houses. Members of Myanmar s small Hindu community seem to have been caught in the middle. The military source said some Hindus from Kha Maung Seik were unaccounted after the militant attack. A group of Hindu women refugees in Kutapalong said they saw eight Hindu men killed by Buddhist Rakhines after they refused to attack Muslims. They asked my husband to join them to kill Rohingya but he refused, so they killed him, said Anika Bala, 15. Six months pregnant, she said Muslims helped her get to Bangladesh. After seeing their homes burned, Kha Maung Seik s Muslim leaders decided it was too dangerous to stay. We thought we might be able to return and live with other types of people, said Mohammed Zubair, 30, assistant to the village chairman. But we realized that s not possible. About 100 men decided to stay and fight, Body Alom said. One said to me If I have to die, I will die here . ",worldnews,"September 7, 2017 ",1 +"Hurricane, storm surge warnings issued for Florida ahead of Irma: NHC","(Reuters) - Hurricane Irma, one of the most powerful Atlantic storms in half a century, has triggered hurricane and storm surge warnings for south Florida and the Florida Keys, the U.S. National Hurricane Center (NHC) said on Thursday. Irma, which is about 585 miles (940 km) east-southeast of Miami, Florida, packing maximum sustained winds of 165 miles per hour (270 kph), will continue to bring life-threatening wind, storm surge, and rainfall hazards to the Turks and Caicos Islands and the Bahamas through Saturday, the NHC said. Irma should maintain a west-northwestward trajectory but slow down during the next 36 hours, it added. ",worldnews,"September 8, 2017 ",1 +Hurricane Irma kills five as it sweeps through island of Saint Martin,"AMSTERDAM/PARIS (Reuters) - Hurricane Irma has killed at least five people and left a trail of destruction on the part-French, part-Dutch Caribbean island of Saint Martin, government officials in France and the Netherlands said on Thursday. Packing winds of around 175 mph (290 kph), the storm lashed several small islands in the northeast Caribbean, including St Martin and St Barthelemy, tearing down trees, flattening homes and causing widespread damage. French Prime Minister Edouard Philippe on Thursday said four bodies had been recovered on the French side of the island, revising down an earlier death toll. The death toll is still uncertain because clearing operations are under way, Philippe told a news conference at a crisis centre in Paris. About 50 people have been injured. There is considerable damage, Philippe said, adding that local authorities in Saint Martin said 95 percent of the houses there had been damaged, and 60 percent were uninhabitable. There is no electricity, no drinkable water, gasoline is unavailable. Philippe said the government would on Friday declare a state of emergency, facilitating insurance compensation. Government officials in the Netherlands said the hurricane had caused enormous devastation on the Dutch side of the island, killing one person and injuring several others. The Dutch navy, which has two ships stationed off the coast, tweeted images gathered by helicopter showing damaged houses, hotels and boats. Sint Maarten, as it is known in Dutch, is an independent nation within the Kingdom of the Netherlands with a population of around 40,000 people, about the same as on the French side of the island. Images of the Dutch side s Juliana Airport showed the landing strips appeared intact, although the navy said the airport was unreachable for now. ",worldnews,"September 7, 2017 ",1 +U.S. airlines scramble to evacuate residents ahead of Hurricane Irma,"(Reuters) - Airlines were racing against the clock to clear as many customers as possible from the likely Florida path of Hurricane Irma, as social and political pressure mounted for carriers to play a bigger role in aiding evacuations. As the powerful storm threatened to rip through the Florida coast by Sunday, airlines ramped up the number of flights available out of south Florida airports, where operations were likely to temporarily cease through the weekend and beyond. But flights out of the area remained extremely limited. At Miami International Airport, many outbound flights were canceled, leaving residents scrambling to rebook to anywhere outside the path of the storm. American Airlines, which has one of the larger operations in south Florida, said on Thursday it had added 16 flights out of Miami, amid more than 2,400 forced cancellations through Monday. Delta Air Lines Inc said it had upsized aircraft and added flights to increase the number of available outgoing seats by 2,000. United Airlines added six flights out of Miami to its hubs, including Newark, New Jersey, and Chicago O Hare. All three carriers said they planned to mostly wind down south Florida operations by Friday evening. In areas already pummeled by the powerful storm, flight operations had been rolled back and halted altogether. A Delta-operated flight from New York to San Juan, Puerto Rico, and back, made headlines for narrowly avoiding the storm in a mission to evacuate another plane-full of passengers from the area ahead of Irma s landfall. Flight-tracking website FlightRadar24.com saw the plane land for one last departure in the U.S. territory located squarely in the path of Irma s landfall, fill with passengers, and make its successful flight back to New York on Wednesday. Other airlines had already ceased operations in the region. PRICE-GOUGING As residents sought to secure last-minute flights out of the dangerous Category 5 storm s path, airlines faced accusations of trying to capitalize on the panic and chaos by price gouging. Under pressure from some members of Congress following social media reports, airlines have taken the unusual step of publicly announcing price caps on tickets out of areas in Irma s course. Early on, carrier JetBlue capped flights out of the area at $99, and other carriers followed suit, capping fares at between $99 and $399 a ticket. But while airlines offered some cheap flights out of south Florida after complaints, passengers said that did little good if all the flights were fully booked or canceled. Medical student Eric Slabaugh said he was dismayed by ticket prices over $2,000 when he started looking for flights earlier this week. He got a ticket to Detroit for $700, he said, because nobody wants to go there. Publix can t charge $50 for a case of water without getting accused of price gouging, but airlines can charge 50 times the price of a normal ticket. I don t think that s fair, Slabaugh said. Airlines customer service practices have come under fire in recent months, and just last year, U.S. carriers were cleared in a federal investigation regarding exorbitant fare mark-ups in the wake of a deadly Amtrak derailment that drove up demand for air travel on some routes. Senator Bill Nelson, a Florida Democrat who had been pressuring airlines to aid in evacuating Florida residents, spoke with airline executives on Thursday and urged them to add more flight outs of Florida. His office said Nelson is pleased airlines were doing everything they could to help get impacted Floridians to safety. The Federal Aviation Administration is holding twice daily phone calls with airlines to talk about airport conditions, but does not plan to close the Miami airport on Friday, officials said. Airlines are still planning for airport closures, however, and said they expect their operations to be impacted in the region at least through the weekend. Also affected by the storm, Carnival Cruise Lines, which has major operations out of Florida ports, said on Thursday it had canceled four of its Caribbean cruises, though it still planned to operate several more under modified itineraries. ",worldnews,"September 7, 2017 ",1 +Six farmers killed in apparent land dispute in Peru's Amazon,"LIMA (Reuters) - Six farmers were shot dead in the Peruvian Amazon by a group of masked men in an apparent dispute over land rights, a police officer and a tribal leader said on Thursday. Five bodies, one with hands and feet bound, had been thrown in a river and a sixth was found by the side of an unpaved road in the jungle region Ucayali, police officer Raul Huari said. The victims were part of a community of peasant farmers that had refused to leave the lands they work on when pressured by oil palm growers, said Robert Guimaraes, the head of an indigenous federation in Ucayali. Witnesses testified that a group of between 30 and 40 men carrying shotguns tried to kill some 20 farmers altogether, Huari said. They said they showed up, surrounded them and just started shooting. Fortunately, some managed to escape, he said. In my 24 years of working I ve never seen anything like this. Huari said the murders appeared to be linked to a land dispute, and a special police unit and prosecutors were carrying out investigations. The murders occurred on Sept. 1, marking the three-year anniversary of the killing of four indigenous activists who had faced threats from loggers in a different part of Ucayali. After the 2014 murders, which came as Peru was hosting a global environmental summit, the government promised to do more to protect remote Amazonian villages that often lack land titles from violent clashes with squatters. Guimaraes said native communities continue to face violent threats in Ucayali and that no one has been convicted for the 2014 murders. Peru s culture and interior ministries did not respond to requests for comment. The native Shipibo community of Santa Clara de Uchunya, which lives near where the farmers killed, has tried to repel oil palm growers from their lands for years, said Guimaraes. ",worldnews,"September 8, 2017 ",1 +Hurricane Irma kills four in U.S. Virgin islands: government,"(Reuters) - Hurricane Irma killed four people in the U.S. Virgin Islands and caused widespread damage to infrastructure, including to a major hospital, a government spokesman said on Thursday. We are not sanguine that there aren t more (dead), spokesman Lonnie Soury said by telephone from New York. He said that Governor Kenneth Mapp had spoken to U.S. President Donald Trump who pledged strong federal government support in responding to the crisis. ",worldnews,"September 7, 2017 ",1 +Uganda in anti-online pornography drive seen by critics as diversion,"KAMPALA (Reuters) - Uganda is launching a drive against online pornography that critics condemn as a diversion from deeper problems of graft, unemployment and crumbling social services facing President Yoweri Museveni. The campaign is the latest salvo in a culture war between conservatives fighting what they see as foreign moral influences promoting criminality and a more liberal, often younger population. This is an invasion, it s Western culture, said Simon Lokodo, a 59-year-old Catholic priest who serves as minister of ethics and integrity. Over consumption of pornography ... the consequences are very dire, he told Reuters this week. The government had released 2 billion shillings ($556,000) to his office to combat online pornography. Some money would go to pornography-blocking software, he said. Some Ugandans expressed anger at the cost of the ban, saying it served only to divert public attention from failures of President Museveni s government. Critics of Museveni, who has ruled for 31 years, say he presides over widespread corruption and human rights abuses. Parliament is considering a removing a constitutional age cap to allow Museveni to serve longer. He is also widely considered to be grooming his son, a presidential adviser and the former commander of an elite military unit, to succeed him. Andrew Karamagi, a rights activist and lawyer in Kampala, said he could not understand government obsession with what people watch, who sleeps with whom, how and when , while it struggled to fund social services such as hospitals and schools. Uganda s only radiotherapy machine broke down last year and hasn t been replaced due to funding shortages. Drug shortages are common in public hospitals where and in dilapidated public schools poorly-paid teachers often don t show up for class. The regime ... does not have the moral authority to combat pornography, Karamagi said. They are themselves an obscenity. ",worldnews,"September 7, 2017 ",1 +Pope says Colombia must confront inequality to secure lasting peace,"BOGOTA (Reuters) - Pope Francis on Thursday urged Colombians to shun vengeance after a bloody 50-year civil war but said leaders had to enact laws to end the darkness of injustice and social inequality that breeds violence. At the last event of a packed day, the Argentine pontiff said Mass for a crowd estimated by Colombian authorities at just over a million people in Bogota s sprawling Simon Bolivar Park. Under a light drizzle, he ended the day as he had begun it, urging Colombians in his homily to put their differences behind them and beware the darkness of thirst for vengeance . Hours earlier, at the start of his first full day in the country, he had told government leaders in the courtyard of the presidential palace that all Colombians should see peace as a long-term commitment and not allow it to be weakened by partisan politics. Colombians are deeply polarized as they prepare to receive 7,000 former fighters of the FARC guerrilla group into society and aim to repair divisions after a war that killed more than 220,000 people and displaced millions over five decades. Many Colombians are furious that under the 2016 peace deal, FARC leaders accused of kidnapping and murder will avoid jail and may receive seats in congress as members of a political party. President Juan Manuel Santos, who attended both events and is the architect of the peace accord, has an approval rating of about 24 percent. In both speeches, Francis denounced the social inequality that still plagues Colombia, which has extreme poverty in some rural areas. At the morning event, he told leaders that just laws were needed to resolve the structural causes of poverty that lead to exclusion and violence , calling social inequality the root of social ills. In the evening the leader of the world s Roman Catholics told Colombians huddled on wet fields: Here, as in other places, there is a thick darkness which threatens and destroys life - the darkness of injustice and social inequality. As part of the peace agreement, the government agreed with the Revolutionary Armed Forces of Colombia (FARC) to distribute more land to poor rural communities and to invest and bring development to war-torn areas. The FARC, which began as a peasant revolt in 1964, has also pledged to help subsistence farmers switch from illegal crops like coca, the raw material that makes cocaine, to food. We want to hear the message of love and peace, so that we open our hearts and leave hatred behind, said 54-year-old William Soacha, a clothes salesman, waiting with his family under the rain for the pope s Mass to begin. The 80-year-old pope, who showed signs of fatigue by Thursday night, has received a tumultuous welcome since his arrival on Wednesday, with his motorcade having to stop or slow down often because of crowds mobbing the popemobile . In his speech at the presidential palace, the pope quoted from the 1982 Nobel Prize acceptance speech of Colombian writer Gabriel Garcia Marquez about life and love being the proper response to oppression. In an apparent reference to the late author s best-known work, One Hundred Years of Solitude , he added: There has been too much hatred and vengeance. The solitude of always being at loggerheads has been familiar for decades, and its smell has lingered for a hundred years; we do not want any type of violence whatsoever to restrict or destroy one more life, he said. He also prayed in the colonial cathedral before a painting of Our Lady of Chiquinquira, the patron saint of overwhelmingly Catholic Colombia, before addressing a raucous crowd of young people. He left a message in the cathedral s visitor book, writing: I come here as a witness of peace, of the peace that God wants for Colombia. This will be possible with the efforts of all. He will visit the cities of Villavicencio, Medellin and Cartagena before leaving for Rome on Sunday night. ",worldnews,"September 7, 2017 ",1 +Victims of Colombia's civil war seek healing from pope,"VILLAVICENCIO (Reuters) - Blanca Real traveled 17 hours by canoe and bus from Colombia s eastern plains to listen to a message of peace by Pope Francis, in the hope he can heal her pain decades after she and her family survived a massacre. Real, 44, is one of thousands of victims of Colombia s half-century of conflict that will seek blessings and guidance from the pontiff on Friday during his visit to the rural town of Villavicencio. The Argentine pope, leader of the world s Roman Catholics, is visiting Colombia with a message of national reconciliation, as the country tries to heal the wounds left by the conflict and deep polarization over a peace deal agreed last year. After visiting the capital Bogota on Wednesday and Thursday, Francis will travel to Villavicencio, where he will lead a prayer event with some 6,000 victims from around the Andean nation. Villavicencio, a mid-sized city and the capital of the cattle ranching province of Meta in central Colombia, is ringed by vast plains which until recently were host to combat between leftist guerrilla groups and right-wing paramilitaries. It will be comforting to get rid of this pain that we ve suffered for so many years, said Real, who survived a 1998 paramilitary massacre in Puerto Alvira, Meta province and was later displaced from her farm by rebels from the Revolutionary Armed Forces of Colombia (FARC). Paramilitary groups, which officially demobilized back in 2006 but remain active across Colombia, were formed in the 1990s as private security forces to protect wealthy cattle ranchers and landowners from the FARC. But they soon morphed into cruel drug-trafficking armies that massacred communities as they battled the FARC for territory. If I don t forgive and take away the pain I have in my heart, I will never be able to be happy, said Real, who lost friends among the 18 killed in the massacre. A small group of victims and perpetrators - including civilians, former guerrillas and soldiers - are scheduled to speak at the event. Violence between the rebels, paramilitaries and armed forces has killed more than 220,000 people and displaced millions more. Other victims said that, despite the papal visit, there remained challenges. For my wounds to heal, to forgive these people, they need to stop hurting me, but they continue to do things in my area, said Ana Delia Cundumi, head of a victims group from the southeastern jungle province of Guaviare. We are still seeing blood spilled in our land because of these people, she said. We are still threatened. Francis has staunchly supported the peace deal between the government and the FARC, but delayed his visit to Colombia until implementation was in full swing. The FARC has now disarmed and converted into a political party. Remaining rebel group the National Liberation Army (ELN), founded by radical Roman Catholic priests in 1964, is in peace talks with the government. The two sides announced a bilateral ceasefire this week, set to last at least into January 2018. ",worldnews,"September 8, 2017 ",1 +Venezuelan bishops tell pope of 'truly desperate' situation,"BOGOTA (Reuters) - Venezuela s Roman Catholic Church leaders said on Thursday they would tell Pope Francis of the truly desperate humanitarian crisis in their country at a meeting they hoped would throw a spotlight on problems caused by political deadlock. The Argentine pontiff is visiting Colombia and had asked bishops from neighboring Venezuela to meet with him and brief him on the situation. The short meeting took place after the pope s Mass on Thursday night. Cardinal Jorge Urosa Savino, the archbishop of Caracas, told reporters ahead of the meeting that his country was mired in a truly desperate situation. There are people who eat garbage and there are people who die because there is no medicine. We want to remind the pope of this again ... because the government is doing everything possible to establish a state system, totalitarian and Marxist, Urosa said. On Wednesday, Francis told reporters he hoped Venezuela could find stability. Venezuela has been convulsed by months of near-daily demonstrations against leftist President Nicolas Maduro, who critics say has plunged the oil-rich country into the worst economic crisis in its history and is turning it into a dictatorship. Maduro has said that he is the victim of an armed insurrection and an economic war by U.S.-backed opponents seeking to gain control of the OPEC member s oil reserves. World bodies and foreign governments have expressed concern about the shortage of food and medicine in Venezuela and called for political dialogue between Maduro and the opposition. Church leaders in Venezuela have made a series of highly critical speeches since late last year. The Vatican mediated in talks between the government and opposition in 2016 that ultimately broke down. Venezuela s crisis has also sparked an increase in border crossings to Colombia, which is struggling to supply social services for the migrants. This meeting is a real gift that the pope is giving to all of the Venezuelan people through the bishops who are here, said the archbishop of Merida, Cardinal Baltazar Porras Cardozo. ",worldnews,"September 8, 2017 ",1 +Trump: 'Sad day' for North Korea if U.S. takes military action,"WASHINGTON/BEIJING (Reuters) - U.S. President Donald Trump said on Thursday he would prefer not to use military action against North Korea to counter its nuclear and missile threat but that if he did it would be a very sad day for the leadership in Pyongyang. Trump again pointedly declined to rule out a U.S. military response following North Korea s sixth and most powerful nuclear test as his administration seeks increased economic sanctions, saying Pyongyang was behaving badly and it s got to stop. Military action would certainly be an option. Is it inevitable? Nothing is inevitable, Trump said during a news conference. I would prefer not going the route of the military, Trump said. If we do use it on North Korea, it will be a very sad day for North Korea. Even as Trump has insisted that now is not the time to talk to North Korea, senior members of his administration have made clear that the door to a diplomatic solution remains open, especially given the U.S. assessment that any pre-emptive strike would unleash massive North Korean retaliation. While Trump talked tough on North Korea, China agreed on Thursday that the United Nations should take more action against Pyongyang but also kept pushing for dialogue to help resolve the standoff. North Korea, which is pursuing its nuclear and missile program in defiance of international condemnation, said it would respond to any new U.N. sanctions and U.S. pressure with powerful counter measures , accusing the United States of aiming for war. The United States wants the U.N. Security Council to impose an oil embargo on North Korea, ban its exports of textiles and the hiring of North Korean laborers abroad, and to subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. Pressure from Washington has ratcheted up since North Korea conducted its nuclear test on Sunday. That test, along with a series of missile launches, showed it was close to achieving its goal of developing a powerful nuclear weapon that could reach the United States. Given the new developments on the Korean peninsula, China agrees that the U.N. Security Council should make a further response and take necessary measures, Chinese Foreign Minister Wang Yi told reporters. Any new actions taken by the international community against the DPRK should serve the purpose of curbing the DPRK s nuclear and missile programs, while at the same time be conducive to restarting dialogue and consultation, he said, referring to North Korea by the initials of its official name, the Democratic People s Republic of Korea. China is by far North Korea s biggest trading partner, accounting for 92 percent of two-way trade last year. It also provides hundreds of thousands of tonnes of oil and fuel to the impoverished regime. Trump has urged China to do more to rein in its neighbor, which was typically defiant on Thursday. We will respond to the barbaric plotting around sanctions and pressure by the United States with powerful counter measures of our own, North Korea said in a statement by its delegation to an economic forum in Vladivostok, in Russia s Far East. A U.N. Security Council diplomat said the U.S. draft was the cutting room floor resolution, it s everything and that Russia had questioned what leverage it would leave the Security Council if North Korea continued to conduct nuclear and ballistic missile testing. Russia and China are not on board with the content of the resolution, the diplomat said, speaking on condition of anonymity. The United States has said it wants the draft resolution to be voted on Monday. Japanese Prime Minister Shinzo Abe and South Korean President Moon Jae-in spoke in Vladivostok and agreed to try to persuade China and Russia to cut off oil to North Korea as much as possible, according to South Korean officials. North Korea accused South Korea and Japan of dirty politics. North Korea says it needs its weapons to protect itself from U.S. aggression. South Korea and the United States are technically still at war with North Korea after the 1950-53 Korean conflict ended with a truce, not a peace treaty. While successive U.S. administrations have insisted they will never recognize North Korea as a nuclear-armed state, Trump declined to answer a question on Thursday on whether he would accept a situation where Pyongyang would be deterred and contained from using its nuclear arsenal, saying he did not want to disclose his negotiating strategy. A senior U.S. official said afterwards it was unclear whether the Cold War-era deterrence model that Washington used with the Soviet Union could be applied to a rogue state like North Korea. The official, speaking on condition of anonymity, said there was grave risk that North Korea could miscalculate the U.S. response to its weapons testing and warned Pyongyang not to under-estimate Washington s resolve. South Korea installed the four remaining launchers of a U.S. anti-missile Terminal High Altitude Area Defense (THAAD) system on a former golf course south of its capital, Seoul, early on Thursday. Two launchers had already been deployed. More than 30 people were hurt when about 8,000 police broke up a blockade near the site by about 300 villagers and members of civic groups opposed to the deployment, fire officials said. The deployment has drawn strong objections from China, which believes the system s radar could be used to look deeply into its territory and will upset the regional security balance. Mexico on Thursday said it had declared the North Korean ambassador persona non grata in protest at the country s nuclear tests and gave him 72 hours to leave the country, an unusually firm step that moved it closely into line with Washington. North Korea s nuclear activity is a serious risk for international peace and security and represents a growing threat to nations in the region, including fundamental allies of Mexico like Japan and South Korea, the Mexican government said. However, an official at the Mexican foreign ministry noted that President Enrique Pena Nieto s government was not breaking diplomatic ties with North Korea. ",worldnews,"September 7, 2017 ",1 +Mexico expels North Korean ambassador over nuclear tests,"MEXICO CITY (Reuters) - The Mexican government on Thursday said it had declared the North Korean ambassador to Mexico persona non grata in protest at the country s nuclear tests, an unusually firm step that moved it closely into line with Washington. In a statement, the government said it had given Kim Hyong Gil 72 hours to leave Mexico in order to express its absolute rejection of North Korea s recent nuclear activity, describing it as a grave threat to the region and the world. Mexico has traditionally sought to steer clear of diplomatic ructions, but in the past few months it has adopted robust language to condemn the governments of Venezuela and North Korea as they descended into increasing international isolation. Facing a rocky relationship with U.S. President Donald Trump due to his threats to tear up the North American Free Trade Agreement (NAFTA), Mexico has backed him diplomatically on issues that imply no great political cost for the government. North Korea s nuclear activity is a serious risk for international peace and security and represents a growing threat to nations in the region, including fundamental allies of Mexico like Japan and South Korea, the Mexican government said. Mexico s step follows a tide of international condemnation of North Korea for repeated missile launches in recent weeks that intensified again following a nuclear test on Sunday. An official at the Mexican foreign ministry noted, however, that President Enrique Pena Nieto s government was not breaking diplomatic ties with North Korea. ",worldnews,"September 7, 2017 ",1 +"Trump may have to settle for deterring, not disarming, North Korea","WASHINGTON (Reuters) - President Donald Trump, like his predecessors, may find that neither negotiations nor economic and military pressure can force North Korea to abandon its nuclear program, and that the United States has no choice but to try to contain it and deter North Korean leader Kim Jong Un from ever using a nuclear weapon. North Korea conducted its sixth and most powerful nuclear test on Sept. 2, describing it as an advanced hydrogen bomb for a long-range missile, a dramatic escalation of its stand-off with the United States and its allies. U.S. officials declined to discuss operational planning, but acknowledge that no existing plan for a preemptive strike could promise to prevent a brutal counterattack by North Korea, which has thousands of artillery pieces and rockets trained on Seoul. In an implicit recognition that the military options against the North are unpalatable at best and pyrrhic at worst, U.S. Defense Secretary Jim Mattis last week told reporters: We are never out of diplomatic solutions. U.S. and Asian officials believe it is necessary to try negotiations and more economic pressure but concede these are unlikely to curb, let alone eliminate, the nuclear and missile programs that North Korean considers essential to its survival. That leaves Washington and its allies in South Korea, Japan and elsewhere with an unwelcome question: Is there any way to live with a nuclear-armed North Korea, one that is contained and deterred from using its nuclear weaponry? Trump declined to answer that question at a news conference on Thursday, saying he would not disclose his negotiating strategy publicly and adding it would be a very sad day for North Korea if the U.S. military settles the matter. Military action would certainly be an option. Is it inevitable? Nothing is inevitable, Trump said. Still, a senior Trump administration official said it is unclear whether the Cold War-era deterrence model that Washington used with the Soviet Union could be applied to a rogue state like North Korea, adding: I don t think the president wants to take that chance. We are very concerned that North Korea might not be able to be deterred, the official said, speaking to reporters on condition of anonymity shortly after Trump s remarks. Among the U.S. options to strengthen its deterrent is the long-planned modernization of America s aging nuclear forces that would assure that North Korea would be destroyed if it fired a nuclear-tipped missile at the United States, a U.S. military base, Japan, or South Korea. Another is stepped-up investment in U.S. missile defenses, particularly testing, research and development of technologies that could defeat a significant number of incoming missiles. Both steps would need to avoid triggering new arms races with Beijing and Moscow, experts say. Another factor weighing on Pentagon planners is their readiness for a major conventional conflict after 16 years of war in Afghanistan, Iraq, Syria and elsewhere. There has been no sign the White House, which has been cool to the idea of talks and hopes pressure can change the North s calculus, is ready to settle for a containment strategy. Despite pessimism about talks, a U.S. official speaking on condition of anonymity said there was a chance that economic pressure, especially from China, combined with an agreement to negotiate could convince Pyongyang to limit its nuclear arsenal or even sign the 1996 Comprehensive Nuclear Test-Ban Treaty. Signing the CTBT would given the North tacit admission to the nuclear club but end its testing program, the official said. That, along with assured destruction, might be the best that could be done. The remaining question, however, is whether Trump would be willing to settle for that. Discipline and steadiness are not words one usually uses in a sentence that also has the name Donald Trump, said Robert Einhorn, a former State Department official who negotiated with North Korea and is now at the Brookings Institution think tank. Would he over time recognize that he may have no choice? Frank Jannuzi, president of the Mansfield Foundation, which promotes U.S.-Asia relations, is more optimistic. Does he have the patience to manage a difficult process of deterrence and containment against the (North) rather than doing something impulsive? I think so, he said. Some of his deals have taken years to come to fruition. ",worldnews,"September 7, 2017 ",1 +EPA chief says ready to further relax fuel standards due to hurricanes,"WASHINGTON (Reuters) - The U.S. Environmental Protection Agency is preparing for Hurricane Irma s landfall on the U.S. East Coast by securing vulnerable toxic waste sites and easing gasoline standards to ensure steady fuel supplies, its chief told Reuters on Thursday. EPA Administrator Scott Pruitt declined to say whether he believed claims by scientists that the second powerful storm to affect the United States in two weeks may have a link to warmer air and water temperatures resulting from climate change. The most we can do is help people in these areas by monitoring drinking water and respond to real and tangible issues, he said in a brief telephone interview. Hurricane Irma is expected to make landfall in Florida as early as Friday after slamming Caribbean islands with 185 mph winds, only days after Hurricane Harvey triggered record flooding in Texas that killed scores of people. The EPA said has issued waivers on certain federal requirements for the sale, production and blending of gasoline to avoid supply shortfalls in the aftermath of Harvey and as Hurricane Irma approaches Florida. Pruitt said he spoke with Florida Governor Rick Scott about potentially issuing more waivers on gasoline requirements if the need arises after Irma. EPA will grant additional waivers if requested, he said. He said the agency is also evaluating 80 Superfund toxic waste sites from Florida to North Carolina to identify those at risk of flooding. The EPA has yet to finish assessing the impact of Harvey on Texas Superfund sites - heavily contaminated former industrial zones - amid widespread flooding. On Saturday, the agency said 13 sites were flooded or damaged, but the full impact on surrounding areas was not immediately clear. Pruitt said the agency is also continuing to seek additional information about explosions last week at French chemical company Arkema s flooded plant in Crosby, Texas, which sickened more than a dozen law enforcement personnel and prompted an evacuation of the surrounding area. ",worldnews,"September 8, 2017 ",1 +Trump offers to mediate talks on Qatar crisis,"WASHINGTON (Reuters) - U.S. President Donald Trump on Thursday said he would be willing to step in and mediate the worst dispute in decades among the U.S.-allied Arab states and Qatar, and said he thinks a deal could come quickly. If I can help mediate between Qatar and, in particular, the UAE and Saudi Arabia, I would be willing to do so, and I think you would have a deal worked out very quickly, Trump said at a joint news conference with Kuwaiti Emir Sheikh Sabah al-Ahmad al-Jaber al-Sabah. Saudi Arabia, the UAE, Egypt and Bahrain cut diplomatic and trade links with Qatar on June 5, suspending air and shipping routes with the world s biggest exporter of liquefied natural gas, which is home to the region s biggest U.S. military base. The nations say Doha supports regional foe Iran and Islamists, charges Qatar s leaders deny. Kuwait has been trying to mediate the dispute. What is important is that we have stopped any military action, Sheikh Sabah said. While both sides in the dispute have ruled out the use of armed force, some ordinary Qataris have said they worry about the possibility of military action, given the ferocity of the criticism their country has received from media in the four Arab states. Sheikh Sabah said he had received a letter from Qatar that expressed willingness to discuss a list of 13 demands from its neighbors. We know that not all of these 13 demands are acceptable, Sheikh Sabah said, referring specifically to issues that affected Qatari sovereignty. A great part of them will be resolved, he said. For its part, Doha said Trump had called Emir Sheikh Tamim bin Hamad al-Thani to discuss mediation efforts. Qatari Foreign Minister Sheikh Mohammed bin Abdulrahman al-Thani told Al Jazeera TV that any mediation had to come without conditions , reiterating that Doha would not negotiate while transport links with neighbors remained cut. The Arab powers responded with a joint statement accusing Qatar of putting preconditions on negotiations which it said showed a lack of seriousness in resolving the dispute. The four countries reiterated an accusation that Qatar continued to finance terrorism and interfere in the internal affairs of other countries. Qatari officials have repeatedly said the demands are so draconian that they suspect the four countries never seriously intended to negotiate them, and were instead seeing to hobble Doha s sovereignty. At the same time, they have said Qatar is interested in negotiating a fair and just solution to any legitimate issues of concern to fellow Gulf Cooperation Council member states. The joint statement praised what the countries called Trump s firm assertion that the only way to resolve the crisis was by stopping the support and financing of terrorism and his unwillingness to resolve the crisis unless this is achieved . They expressed regret about the Kuwaiti emir s comment about stopping military intervention. The military option was not and will not be (used) in any circumstance, the statement said. ",worldnews,"September 7, 2017 ",1 +Togo forces fire tear gas to disperse Gnassingbe opponents,"LOME (Reuters) - Togo security forces fired tear gas at hundreds of anti-government protesters carrying out a late night sit-in at an intersection in central Lome as part of a bid to end the 50-year-old Gnassingbe family dynasty, witnesses said on Thursday. The move to disperse the crowds comes after two days of mass country-wide protests involving tens of thousands of people that have amounted to the biggest challenge to Faure Gnassingbe s rule since he succeeded his late father 12 years ago. In the past, security forces have violently suppressed protests, killing at least two people during an opposition march in August and hundreds after the contested election in which Gnassingbe took power in 2005. But up until late on Thursday, police officers armed with batons had watched passively at protesters wearing the red, pink and orange T-shirts of the opposition, who danced and blew whistles as they wound through the streets of the capital Lome. It was not immediately clear how the opposition would respond to the security forces intervention with tear gas late on Thursday. The head of the main ANC opposition party, Jean-Pierre Fabre, had earlier pledged to remain seated on the tarmac of the Dekon crossroads until Gnassingbe left power. We want the end of this 50-year-old Gnassingbe regime. Enough is enough, Kodjo Amana, a 42-year-old baker, shouted over a chanting crowd earlier in the day. The protests in the West African country of 8 million people have proceeded despite widespread reports of network outages confirmed by non-governmental organization Internet Without Borders. Other African incumbents in Gabon and Cameroon have used network cuts to control criticism and suppress protests at sensitive times. Residents said that text messages had also been blocked on Thursday. The communications minister could not be reached for comment, although another minister said earlier this week that the cuts had been carried out for security reasons. The president s father Gnassingbe Eyadema seized power in a coup in 1967, a few years after the territory known as French Togoland that was once in German hands became independent from colonial power France. The current president this week sought to appease opponents by tabling a draft bill to reform the constitution and reintroduce a two-term limit that his father scrapped in 2002. But opposition leaders are skeptical about the implementation of the reforms that the government has stalled on for more than a decade and Prime Minister Komi Selom Klassou confirmed on Thursday that the term limits would not apply retroactively. That could mean that Gnassingbe, 51 and currently in his third term, could remains in power for two more mandates from the next election, until 2030. Gnassingbe sent a Tweet from his official account on Thursday, saying that he had met with the U.N. Special Representative for West Africa and the Sahel, Mohammed Ibn Chambas, on the subject of reforms. A spokesman for the latter confirmed the meeting without elaborating on its content. State TV said Thursday evening that parliament, which still needs to approve the bill, will meet for an emergency session on September 12. However, if the protests resume, analysts say Gnassingbe may find himself isolated amid growing criticism of autocratic rule in West Africa. The president s position is very fragile and we do not think his peers in ECOWAS or his friends in Europe will help him if things get ugly, said the head of research at NKC African Economics, Francois Conradie. Togo, a regional financial hub that aspires to be an African Singapore, is at odds with West African neighbors which mostly have laws restricting presidential mandates. The government, along with Gambia s, voted in 2015 against introducing them across the 15 members of the ECOWAS regional body which Gnassingbe currently chairs. Since then, Gambia s longtime leader Yahya Jammeh has been voted out of power. African rulers, notably in Rwanda, Burundi and Burkina Faso, have moved to drop term limits in recent years in order to remain in power. In some cases this has sparked strong opposition that has led to violent unrest; in others, leaders have been driven from power, as happened in Burkina Faso. ",worldnews,"September 7, 2017 ",1 +Germany's FDP party leader 'can't imagine' three-way coalition,"BERLIN (Reuters) - Christian Lindner, leader of Germany s pro-business Free Democratic Party (FDP), distanced himself from a possible three-way coalition with Chancellor Angela Merkel s conservatives and the pro-environment Greens after the Sept. 24 election. Lindner told German magazine Focus in an interview published Friday that he saw big hurdles to reaching agreement with the Greens on immigration and energy policies, reducing the prospects for a so-called Jamaica coalition of the conservatives, Greens and the FDP. In the meantime, I can t imagine a Jamaica coalition, Lindner told the magazine. Merkel s conservatives were at 37 percent in the latest Infratest dimap poll, versus 21 percent for the Social Democrats (SPD), their lowest reading since early January. The anti-immigration, euro-hostile AfD came in unchanged at 11 percent, making it the third-strongest political force, followed by the radical Left party with 10 percent and the FDP at 9 percent, while the Greens scored 8 percent. The fractured political landscape could make it hard to form a viable alliance other than the current grand coalition between Merkel s CDU/CSU and the SPD. Political experts say they are skeptical that the other possible option - the Jamaica coalition - could work, given significant differences between the parties and the fact that such an alliance has never been tested on the federal level. Lindner s comments to the magazine underscored the problems facing such a coalition. Meanwhile, Sahra Wagenknecht, head of the radical Left party, signaled her willingness to compromise with the SPD to permit the possibility of a so-called red, red, green coalition among the SPD, Left and Greens. Of course there can be compromises, Wagenknecht told the RND chain of newspapers, citing labor law and inheritance taxes as possible areas where the Left party would be willing to make concessions. ",worldnews,"September 7, 2017 ",1 +Togo forces fire tear gas to disperse anti-government sit-in,"LOME (Reuters) - Security forces fired tear gas at hundreds of anti-government protesters carrying out a late night sit-in at an intersection in central Lome as part of a bid to force President Faure Gnassingbe to step aside, witnesses said on Thursday. The opposition chief said earlier that evening that they would remain seated on the tarmac of the Dekon crossroads until Gnassingbe, whose family has ruled for 50 years, left power. ",worldnews,"September 7, 2017 ",1 +"Trump says will discuss military issues, Qatar with Kuwait's emir","WASHINGTON (Reuters) - U.S. President Donald Trump said he would discuss trade and military issues with the emir of Kuwait at the White House on Thursday, as well as tensions over Qatar. Trump, welcoming Kuwait s Sheikh Sabah al-Ahmad al-Jaber al-Sabah to the White House, said Kuwait was helping the United States in the Gulf and things were coming along nicely. Kuwait has been trying to heal a bitter dispute between Qatar and four Arab countries, including Saudi Arabia, which say Doha supports regional foe Iran and Islamists, charges Qatar s leaders deny. ",worldnews,"September 7, 2017 ",1 +Florida cites complaints over Chevron gas prices as shortages mount,"NEW YORK (Reuters) - Florida Attorney General Pam Bondi said on Thursday her office had received 45 complaints of inflated prices at Chevron Corp branded gasoline stations in the southern part of the state, as shortages worsened ahead of Hurricane Irma s expected U.S. landfall this weekend. More than 1,800 gas stations - more than a quarter of the state s total - were without fuel late Thursday, up from 1,200 Wednesday, ahead of Irma, which is battering the Caribbean with winds at speeds of around 185 miles per hour (300 km per hour). The storm is expected to hit Florida on Sunday. Gasoline prices in Florida have risen sharply in the last week, with the average cost of a regular gallon of gas hitting $2.725 on Thursday, according to motorists advocacy group AAA. Suppliers and terminal operators said demand has soared as motorists in coastal areas flee. Shortages were more acute in southern Florida, according to Gasbuddy.com. More than 40 percent of stations in the Miami-Fort Lauderdale area were without fuel and around 30 percent were empty in the West Palm Beach-Fort Pierce areas, said Patrick DeHaan of Gasbuddy.com. So Chevron, if you re watching me right now, you need to call us and tell us why your prices are inflated in south Florida, Bondi said on Fox News. Chevron has said several times this week it has no tolerance for price gouging at its stations. No retail outlets in Florida are directly owned by the company. The company reiterated that on Thursday, saying consumers should report price gouging to Bondi s office. Our fuel supply agreements with independently owned Chevron and Texaco stations in the state and elsewhere require them to comply with all laws, spokesman Braden Reddall said in a statement. Port Everglades, the major point of fuel delivery for south Florida, is set to close Friday evening. At Tampa Bay, three ships made deliveries Thursday morning, unloading 1.2 million gallons each, said Samara Sodos, a spokeswoman for the port, adding that the port received five deliveries on Wednesday. One terminal operator, speaking on condition of anonymity, said his terminal typically loaded 25,000 to 30,000 barrels a day onto trucks every day, and expected to hit 40,000 to 45,000 on Thursday. Concerns about shortages spread beyond Florida as Caribbean fuel terminals closed and residents began evacuating other coastal U.S. states, including Georgia, South Carolina and North Carolina. Georgia said on Thursday it will close its ports Friday night because of Irma. ",worldnews,"September 7, 2017 ",1 +Egypt blocks Human Rights Watch website amid widespread media blockade,"CAIRO (Reuters) - Egypt has blocked the website of Human Rights Watch just one day after the organization released a report on systematic torture in the country s jails. Reuters attempted to access the website late on Thursday but was unsuccessful. Egyptian authorities keep insisting that any incidents of torture are isolated crimes by bad officers acting alone, but the Human Rights Watch report proves otherwise, Joe Stork, deputy Middle East director at Human Rights Watch, said on Thursday. The report titled We Do Unreasonable Things Here , based on the accounts of 19 former detainees and the family of another, claimed Egyptian authorities used arbitrary arrests, enforced disappearances, and torture. Rather than address the torture crisis in Egypt, the authorities have blocked access to a report that documents what many Egyptians and others living there already know. Egypt s foreign ministry lambasted the report in a statement on Wednesday, saying it defamed the country and ignored progress made on human rights in recent years. The report ... is a new episode in a series of deliberate defamation by such organization, whose politicized agenda and biases are well known and reflect the interests of the entities and countries sponsoring it, said Foreign Ministry spokesman Ahmed Abu Zeid. Egypt first blocked access to a number of news websites including Al Jazeera and Huffington Post Arabic in May after similar actions by its Gulf allies Saudi Arabia and the United Arab Emirates. But since, hundreds of other news sites and blogs have been wiped from Egyptian screens with the most recent count according to the Association for Freedom of Thought and Expression, a non-government organization tracking the affected sites through software that monitors outages, at 424. Journalists see the campaign against them as a step toward banning all but the most state-aligned media, effectively reversing the private media boom that flourished in the final decade of former president Hosni Mubarak s rule and which they say helped push him from power in 2011. The government has offered no comment on the reason behind the blockages. ",worldnews,"September 7, 2017 ",1 +Hurricane Irma worsens Latin America's fuel supply crunch,"HOUSTON (Reuters) - Monster Hurricane Irma has shut down oil terminals across the northern Caribbean, worsening a fuel supply crunch in Latin America which is struggling to meet demand since Hurricane Harvey disrupted shipments from the U.S. Gulf Coast last month. Latin America had been scrambling for almost two weeks to find oil cargoes because of Harvey, which caused massive flooding in Texas and Louisiana, shutting down ports, refineries and production platforms. Irma, which is being followed by two hurricanes in the Atlantic and Gulf of Mexico, was affecting Caribbean refineries, terminals and storage facilities. The U.S. National Hurricane Center said Irma is the strongest hurricane ever recorded in the Atlantic Ocean and one of the five most forceful storms to hit the Atlantic basin in 82 years. The Caribbean has the capacity to store more than 100 million barrels, which is crucial for those nations because of limited ability to refine crude, and also as supply for South American nations including Brazil, Venezuela and Colombia. Several oil trading firms had moved a portion of their U.S. fuel inventories to the Caribbean ahead of Harvey so they could keep selling cargoes to Latin America, traders from two companies told Reuters. Those barrels are now locked in terminals in St. Eustatius, Puerto Rico, the Bahamas and the U.S. Virgin Islands, as Irma, a Category 5 storm with winds of 185 mph (295 kph), was expected to hammer the region for several more days as it moves west-northwest. Irma is arriving at a bad moment. Not all oil storage facilities in the Caribbean have closed, but vessel traffic is difficult in the middle of the storm. It will get worse before getting any better, said a trader from an oil firm that rents tanks in St. Croix. Buckeye Partners LP (BPL.N), the largest owner of oil storage facilities in the Caribbean with 41.1 million barrels of capacity, shut its Puerto Rico terminal on Wednesday. It also plans to close BORCO, its largest terminal in the Bahamas that can store up to 26.2 million barrels, by the end of the day on Thursday, a source familiar with terminal operations said. Also in the Bahamas, Statoil s (STL.OL) South Riding Point terminal was open on Thursday, the company said. But traders added that plans to halt marine operations would likely start later on Thursday. NuStar Energy LP (NS.N), which on Tuesday closed its 13-million-barrel Statia terminal on the small island of St. Eustatius, said several tanks and other equipment were damaged in the hurricane, so no restart date has been set. Firms using tanks in closed terminals in St. Eustatius, St. Croix, Bahamas and Puerto Rico include traders Vitol, Glencore (GLEN.L), Novum Energy and Freepoint Commodities, and oil firms PDVSA from Venezuela, China s Sinopec (600028.SS), Russia s Rosneft (ROSN.MM) and Lukoil (LKOH.MM), U.S. Chevron Corp (CVX.N) and Royal Dutch Shell Plc (RDSa.L), according to the sources and Reuters vessel data. As traders worry about Irma s impact on inventories, others see longer-term potential consequences from this or other storms, as both Jose, now in the Atlantic Ocean, and Katia, off Mexico s coast, continued moving on Thursday after strengthening to hurricanes. If a hurricane with Irma s intensity strikes a terminal tank farm, the force of the storm at the eye wall will have destructive impact on the storage tanks, which are typically not designed to withstand those forces, said Ernie Barsamian, chief executive officer of the Tank Tiger, a terminal storage clearinghouse. Mexican state-run oil company Pemex said on Thursday that its facilities have not been hit so far, but it keeps monitoring Katia s path to decide if further action was needed. Fuel importers such as Mexico and Brazil have secured supplies in recent days from the U.S. East Coast, Europe and the Caribbean, according to traders, regulators and oil firms. But those options are running short amid growing regional demand and limited offers from Texas refiners as ports have been slow to reopen for large vessels. The only option that traders see for desperate buyers in the coming days is to divert fuel cargoes from countries such as Brazil, which bought diesel in excess, or Venezuela, which cannot pay for all the fuel floating near its ports because of the country s fiscal problems. At least three fuel cargoes have been diverted from Venezuela since last week, according to Reuters data. All of them have changed their destinations to Panama, likely to pass the Canal before discharging in South America. Companies from Uruguay, Ecuador, Peru and Costa Rica are seeking spot cargoes of diesel, gasoline, aviation gasoline, asphalt and components on the open market, but few providers are willing to participate, traders said. I cannot use my inventories in the Caribbean at this moment to supply third parties, one trader said. Dominican Republic refining firm Refidomsa, which declared force majeure last week on deliveries, has been rationing fuel from its 34,000-barrel-per-day Haina refinery, giving it enough inventory for 20 days. Most Caribbean refineries are dependent on U.S. light oil since large regional crude producers such as Mexico and Venezuela have cut exports to some neighbors. ",worldnews,"September 7, 2017 ",1 +Florida nuclear plants to shut ahead of Hurricane Irma,"(Reuters) - Electricity generator Florida Power & Light said on Thursday it will shut its two nuclear power plants before Irma comes ashore as a very powerful hurricane. FPL, a subsidiary of NextEra Energy Inc, generates enough power for about 1.9 million homes at the Turkey Point and St. Lucie plants, which are both along Florida s Atlantic Coast, about 20 feet (6 meters) above sea level. We will safely shut down these nuclear plants well in advance of hurricane-force winds, and we ve finalized plans for that shutdown, FPL spokesman Rob Gould told a news conference. The company will adjust the plans as necessary, depending upon the path of the storm, Gould said. He would not comment on exactly when the plants would be taken down or how long they could be shut. The Energy Department said late on Thursday that the Nuclear Regulatory Commission expects Turkey Point to close on Friday evening and St. Lucie to shut about 12 hours later, depending on the storm s path. Irma, a Category 5 hurricane at the top of the Saffir-Simpson Hurricane Wind Scale, is packing winds of up to 180 miles (290 km) per hour. Present forecast models are showing it hitting the tip of Florida on Sunday morning and raking the whole state as it moves north over the peninsula the following couple of days, the Miami-based National Hurricane Center said. FPL says it has invested $3 billion to protect its electricity grid since 2005, when the last major hurricane damaged power facilities in Florida. But no grid is hurricane-proof, and if Irma stays on its path, many FPL customers will lose power, Gould said. The company, which serves about 10 million power customers across nearly half of Florida, may have to physically rebuild parts of the power system, Gould said. This could take weeks or longer if Irma s worst fears are realized, he said. Gould said FPL might have to turn off some substations ahead of any major flooding, a technique that could help the company restore power faster once any floodwaters recede, rather than keeping them on and allowing the storm to damage them. FPL s nuclear plants are protected by thick concrete and reinforced steel and like many plants around the world were bolstered further after the 2011 Fukushima nuclear disaster in Japan, Gould said. A series of explosions and meltdowns occurred at the Fukushima nuclear plant after a massive earthquake unleashed a powerful tsunami that shut the facility s cooling systems and led to meltdowns. ",worldnews,"September 7, 2017 ",1 +Trump says hopes to avoid use of military action on North Korea,"WASHINGTON (Reuters) - U.S. President Donald Trump said on Thursday he would prefer to avoid military action to deal with North Korea s nuclear threat, but said previous diplomatic efforts have failed to pressure Pyongyang from developing its missiles. Military action would certainly be an option. Is it inevitable? Nothing is inevitable, Trump said during a news conference. I would prefer not going the route of the military, Trump said. If we do use it on North Korea, it will be a very sad day for North Korea. ",worldnews,"September 7, 2017 ",1 +German citizen on trial in Turkey on political charges: media,"FRANKFURT (Reuters) - A 49-year-old woman has become the first German citizen to stand trial in Turkey on allegations of supporting U.S.-based cleric Fethullah Gulen, whom Turkish authorities blame for a failed military coup last year, German media reported. Broadcasters WDR and NDR and daily newspaper Sueddeutsche Zeitung said the trial began in the southern Turkish city of Karaman on Thursday and cited the indictment as saying the woman faced several years in prison. They said the woman, whom they did not name, was born in Turkey but had lived in southwest Germany for more than 20 years and had been a German citizen for 15. She had been arrested in Turkey in August 2016 and released in September after pressure from Germany s foreign ministry but was not allowed to leave the country, they said. Earlier on Thursday, the ministry confirmed that another German citizen detained in southern Turkey last week had been released but banned from travel. Turkey s Dogan news agency said the man and his German partner had been detained while on holiday in Antalya. The partner had already been freed after questioning. Dogan said the couple had also been held as part of investigations into Gulen and Kurdish militants in Syria. Gulen has denied any link to the failed coup. Thursday s release means 10 German citizens remain in Turkish detention on political charges. The arrests have raised tensions between Ankara and Berlin and led Chancellor Angela Merkel to call for a review of relations and of Turkey s EU accession talks. The detainees include dual German-Turkish citizen Deniz Yucel, who has been held for more than 200 days. ",worldnews,"September 7, 2017 ",1 +"Home Depot, Lowe's ship emergency material to Florida ahead of hurricane","CHICAGO (Reuters) - Home improvement retailers Home Depot Inc and Lowe s Inc said on Wednesday they have started shipping emergency material to Florida in anticipation of Hurricane Irma, even as they continue recovery efforts after Hurricane Harvey in Texas. Irma, which hit the Caribbean island of St. Martin on Wednesday, is expected to make landfall in Florida during the weekend but its precise trajectory remained uncertain. Irma could become the second powerful storm to thrash the U.S. mainland after Harvey killed more than 60 people and caused as much as $180 billion in damage after hitting Texas late last month. This is unusual because we are now juggling two different storms in two different phases. One is approaching while the other market is in the recovery phase, Home Depot spokesman Matthew Harrigan told Reuters. Home Depot is following the same script preparing for Irma as it did for Harvey. The retailer s merchandising and supply chain teams have previously dealt with different weather-related disasters at once, Harrigan said without giving specific examples. Before Harvey hit Texas, the world s largest hardware and home improvement chain activated its disaster-response plan, asked managers to freeze prices in stores around the region and move storm related merchandise to the front of the store. It followed a plan honed over many hurricane seasons to minimize disruptions, deliver essential material to affected areas and capitalize on a surge in demand for products once repairs begin. Home Depot said it takes up to two months to open stores that are hit hard by a hurricane. Stores that are minimally impacted are usually opened within a few days. Both Home Depot and Lowe s had activated a hurricane command center during Harvey that is now continuing to monitor the path of Irma and mobilizing resources such as supplies. Home Depot said it has despatched 300 truckloads to Florida so far. Rival Lowe s said it has sent 400 truckloads of hurricane prep material including flashlights, batteries and weather radios to Florida. Analysts have said investments in logistics and supply chain by home improvement chains during a weather-related disaster typically brings about 10 to 15 times more in sales. Shares of both Home Depot and Lowe s traded up nearly 2 percent on Wednesday morning. ",worldnews,"September 6, 2017 ",1 +FEMA may run out of funds on Friday: senators,"WASHINGTON (Reuters) - The U.S. Federal Emergency Management Agency will run out of disaster assistance funding on Friday unless Congress approves more money, two Florida senators warned on Thursday. As Hurricane Irma barrels through the Caribbean on its way to an expected landfall on Florida on Sunday, the Senate approved a measure 80 votes to 17 to more than double funding to $15.25 billion to FEMA and local block grants to handle natural disasters. The House is expected to approve the measure later this week. It already approved $7.85 billion on Wednesday. FEMA is stretched, and, of all things, FEMA runs out of money unless we act by tomorrow, Democrat Senator Bill Nelson said in a speech on Thursday, following a letter he wrote with Republican Senator Marco Rubio to congressional leaders warning that more funds were needed. The bill also extends the National Flood Insurance Program through Dec. 8 that was set to expire on Sept. 30. The government-subsidized insurance program helps homeowners in flood-prone areas receive coverage. It is nearly $25 billion in debt and members of both parties want to reform it. FEMA declined on Thursday to say how much remained in its Disaster Relief Fund, which had just over $1 billion on hand as of Tuesday, less than half the $2.1 billion it had last week. The agency has received a record number of disaster assistance requests from victims of Hurricane Harvey. We re not going to let money get in the way of saving lives, FEMA director Brock Long told broadcaster CBS on Wednesday. Congress knows what they need to do. David Lapan, a spokesman for the Department of Homeland Security, which oversees FEMA, also declined to say on Thursday when the fund would be depleted, but said it would not be long without congressional action. On Thursday, U.S. President Donald Trump approved a major disaster declaration for the U.S. Virgin Islands, which makes residents eligible for FEMA and other government grants for temporary housing and home repairs, low-cost loans to cover uninsured property losses, and other programs. In response to Irma, FEMA said staff had been deployed to the U.S. Virgin Islands and Puerto Rico and more than 1,000 personnel were ready to respond in Florida, South Carolina, North Carolina and Georgia. Provisions include millions of liters of water, meals, medical equipment and generators. ",worldnews,"September 7, 2017 ",1 +Spain's constitutional court suspends Catalan referendum law: court source,"MADRID (Reuters) - The Spanish Constitutional Court has suspended a referendum law that was approved on Wednesday by the Catalan parliament, blocking the way for an Oct. 1 ballot on independence from Spain, a court source said on Thursday. The law will be suspended while judges consider arguments that the vote breaches the country s constitution. Prime Minister Mariano Rajoy said earlier on Thursday he had appealed to the court to declare the referendum illegal. The constitution states Spain is indivisible. ",worldnews,"September 7, 2017 ",1 +U.S. unsure if North Korea can be deterred: Trump administration official,"WASHINGTON (Reuters) - The United States is very concerned that North Korea might not be able to be deterred, a senior Trump administration official said on Thursday, drawing a distinction between Washington s view of Pyongyang and its model for dealing with former Cold War foes. The official, speaking to reporters on condition of anonymity, also said there was a grave risk that North Korea might miscalculate the U.S. response to its behavior and warned Pyongyang not to under-estimate American will to protect ourselves and our allies. While U.S. experts are continuing to assess the North Korean nuclear test - its sixth and most powerful - the official that there was no information to contradict Pyongyang s assertion that it detonated a hydrogen bomb. ",worldnews,"September 7, 2017 ",1 +Gbagbo allies behind attacks in Ivory Coast: interior minister,"ABIDJAN (Reuters) - A group of allies of Ivory Coast s former president Laurent Gbagbo, including at least one living in exile in neighboring Ghana, are behind a wave of attacks on security installations this year, the interior minister said on Thursday. Thirty-five people, a number of them soldiers, have been arrested for involvement in the violence, according to a statement released by Sidiki Diakite following a meeting of the National Security Council. Francophone West Africa s biggest economy has been shaken by army mutinies, violent protests by former rebels and a spate of attacks on prisons and police stations this year. The attacks have raised fears over its long-term stability, more than six years after a prolonged crisis ended in a civil war that killed more than 3,000, when Gbagbo refused to cede a 2010 election to current President Alassane Ouattara. Most of the people were already implicated in similar attacks around 2012 to 2014, Diakite said. Arrested and imprisoned, they were freed in the spirit of political dialogue and reconciliation. Previously, much of this year s violence has been blamed on disgruntled former members of the rebel group that helped Ouattara dislodge Gbagbo, but former fighters loyal to Gbagbo have been blamed for attacks in the past, including several that killed 10 soldiers in the commercial capital Abidjan in 2012 and other deadly attacks near the Liberian border in 2014. Gbagbo was captured in April 2011 and is on trial at the International Criminal Court on war crimes charges, but many of his allies have been pardoned. It is clear that the clemency offered them with a view to peace and reconciliation was not understood by them, and so they continue to pose a threat, the minister said. Ghanaian government officials were not immediately available to comment on the allegations. Ivory Coast has accused Accra in the past of not doing enough to track down Gbagbo supporters. Ouattara has won praise for helping Ivory Coast recover from a decade of crisis to become Africa s fastest growing economy, but thousands of weapons left over from the war are still in circulation and the army is crippled by internal divisions. If Gbagbo s allies are behind recent attacks, Ivory Coast faces the prospect of instability from both them and the rebels they fought as it approaches what is likely to be a hotly contested election to choose Ouattara s successor in 2020. ",worldnews,"September 7, 2017 ",1 +Israel hits Syrian site said to be linked to chemical weapons,"BEIRUT/JERUSALEM (Reuters) - Israel attacked a military site in Syria s Hama province early on Thursday, the Syrian army said, and a war monitoring group said the target could be linked to chemical weapons production. The air strike killed two soldiers and caused damage near the town of Masyaf, an army statement said. It warned of the dangerous repercussions of this aggressive action to the security and stability of the region . The Syrian Observatory for Human Rights, which monitors the war, said the attack was on a facility of the Scientific Studies and Research Centre, an agency which the United States describes as Syria s chemical weapons manufacturer. It came the morning after U.N. investigators said the Syrian government was responsible for a sarin poison gas attack in April. Syria s government denies using chemical arms. In 2013 it promised to surrender its chemical weapons, which it says it has done. The Observatory said strikes also hit a military camp next to the center that was used to store ground-to-ground rockets and where personnel of Iran and its ally, the Lebanese Hezbollah group, had been seen more than once. An Israeli army spokeswoman declined to discuss reports of a strike in Syria. Syria s foreign ministry has sent letters to the U.N. Security Council protesting against Israel s aggression and saying anyone who attacked Syrian military sites was supporting terrorism, Syrian state TV reported. In an interview in Israel s Haaretz daily last month on his retirement, former Israeli air force chief Amir Eshel said Israel had hit arms convoys of the Syrian military and its Hezbollah allies nearly 100 times in the past five years. Israel sees red lines in the shipment to Hezbollah of anti-aircraft missiles, precision ground-to-ground missiles and chemical weapons. The reported attack took place on the 10th anniversary of Israel s destruction of a nuclear reactor in Syria. Prime Minister Benjamin Netanyahu is due to address the U.N. General Assembly on Sept. 19, and is widely expected to voice Israel s concern over what it sees as attempts by Iran to broaden its military foothold in Syria and threats posed by Hezbollah Israeli officials have said that Russia, another ally of Syrian President Bashar al-Assad, and Israel maintain regular contacts to coordinate military action in Syria. Some Israeli commentators saw the latest strike - a departure from the previous pattern of attacks on weapons convoys - as a show of Israeli dissatisfaction with the United States and Russia. Last month, Netanyahu met Russian President Vladimir Putin, but came away without any public statement from Moscow that it would curb Iranian influence. Hezbollah and Israel fought a brief war in 2006 in which more than 1,300 people died. Both have suggested that any new conflict between them could be on a larger scale than that one. Hezbollah has been one of Syrian President Bashar al-Assad s most important allies in the war and last month its leader Sayyed Hassan Nasrallah said he had recently traveled to Damascus to meet the Syrian president. Israel is conducting military exercises in the north of the country near the border with Lebanon. Yaakov Amidror, a retired Israeli general and former national security adviser, told reporters he assumed Thursday s strike was linked to Nasrallah s visit to Damascus. Weapons systems have been transferred from this organization (the Scientific Studies and Research Centre) into the hands of Hezbollah during the years, he said. In May, an official in the military alliance backing Assad said that Hezbollah drew a distinction between Israel striking its positions in Syria and at home in Lebanon. If Israel strikes Hezbollah in Lebanon, definitely it will respond, the official said. The Syrian army statement said the Israeli strike came at 2:42 a.m. (2342 GMT) from inside Lebanese airspace. It said it had been launched in support of Islamic State. Jets flying over Lebanon overnight broke the sound barrier and Lebanese media reported that Israeli warplanes had breached Lebanese airspace. The Observatory reported that seven people were killed or wounded in the strike. The factory that was targeted in Masyaf produces the chemical weapons and barrel bombs that have killed thousands of Syrian civilians, Amos Yadlin, a former head of Israeli military intelligence, said in a tweet. The strike sent a message that Israel would not let Syria produce strategic weapons, would enforce its own red lines, and would not be hampered by Russian air defense systems in Syria, he added. The U.N. Commission of Inquiry on Syria said on Wednesday a government jet dropped sarin on Khan Sheikhoun in Idlib province in April, killing more than 80 civilians, and that government forces were behind at least 27 chemical attacks. U.S. President Donald Trump said he had not heard a report that Syria had used chemical weapons again. But nothing would change. We would be extremely upset if he was using chemical weapons, he said in response to a question at a news conference in Washington. As far as Syria is concerned, we have very little to do with Syria other than killing ISIS. What we do is we kill ISIS. ",worldnews,"September 7, 2017 ",1 +EU's Barnier worried by UK's post-Brexit plan for Irish border,"BRUSSELS (Reuters) - The European Union s chief Brexit negotiator said on Thursday he was worried by Britain s plans for the border arrangement with Ireland after it leaves the EU and urged London to come up with creative proposals . The comments from Michel Barnier highlighted the gulf between the two sides on one of the trickiest issues thrown up by Brexit - how it will affect the currently seamless movement of people and goods between the Republic of Ireland, which is an EU member, and British-ruled Northern Ireland. Britain said last month that there should be no border posts or immigration checks along the 500 km (300 mile) frontier after Brexit. Some 30,000 people make the crossing each day, and businesses from farming to brewing depend on easy movement of goods between north and south. While Brussels and Dublin also say they want to keep an open border, they say Britain has failed to explain how it would square this with its stated intention to leave the EU s customs union. What I see in the UK s paper on Ireland and Northern Ireland worries me, Barnier told a news conference in Brussels. The UK wants the EU to suspend the application of its laws, its customs union and its single market at what will be a new external border for the EU, and the UK wants to use Ireland as a kind of test case for the future EU-UK customs relations. This will not happen, Barnier said. The EU is also concerned that Britain could use the border between the two Irelands as a way to circumvent tariffs that could be imposed in a post-Brexit EU-UK trade deal. Barnier s remarks coincided with the publication of a set of principles from the European Commission, the EU s executive, on how the Irish issue should be dealt with. It explicitly stated that the onus to propose solutions on Ireland fell on Britain. The paper also made it clear that a hard border between Ireland and Northern Ireland should be avoided to protect peace on the island. It said that any physical border infrastructure should be ruled out, but that required flexible and imaginative solutions . Nearly three months into Brexit talks, EU and Britain negotiators have made little progress on the Irish border and the other issues - expatriate citizens rights and the bill that London should pay its EU partners to settle existing financial commitments - that Brussels wants broadly solved before talks on a future trading relationship can start. The Irish government called on Britain to make substantive commitments and provide workable solutions . Prime Minister Leo Varadkar reiterated that for all sides to achieve their aim of avoiding a hard border, Britain needed to stay in the customs union or in a similar arrangement for at least a post-Brexit transition phase. Britain seized on the EU comments about the need for an open border as evidence that British and EU objectives were closely aligned . In particular the commitment to avoid any physical infrastructure at the border is a very important step forward, a government spokesman said, adding that the position papers from both sides clearly provide a good basis on which to continue to make swift progress. ",worldnews,"September 7, 2017 ",1 +Exclusive: Chile expects to soon clinch Argentina energy swap deal,"VINA DEL MAR, Chile (Reuters) - Chile expects to close an energy swap deal with Argentina in the days ahead, Chilean Energy Minister Andres Rebolledo said in an interview on Thursday, the latest example of increasing economic integration between the South American nations. The neighboring countries are also negotiating the locations for five additional transmission line interconnection points, with an agreement expected as early as January, the minister told Reuters. We made a proposal to Argentina and we are very close to reaching an agreement, Rebolledo said, referring to the energy swap. I think we can have an agreement in the next couple of days or if not, over the next few weeks, he added. Chile and Argentina share a 3,300-mile (5,300-kilometer) border running north to south along the rugged terrain of the Andes mountains. The deal would allow both countries to send natural gas or electricity at one point of the frontier and obtain needed supplies at another border point. In 2016, Chile exported 100 gigawatt-hours of electricity to Argentina and 361 million cubic meters of gas, worth nearly $100 million. The deal is the latest episode in a larger economic and diplomatic rapprochement between the neighboring South American countries that have often had frosty relations. Since conservative Argentine President Mauricio Macri came to power in 2015, the two nations have signed free trade deals and begun transporting gas between the nations, among several other measures. Rebolledo, who spoke with Reuters on the sidelines of the Energy and Climate Partnership of the Americas (ECPA) meeting in the coastal city of Vina del Mar, said Chile and Argentina are planning to add five new electricity interconnection points in the coming years. For this, he said the countries commissioned studies with financial support from the Development Bank of Latin America (CAF) to define the geographic points that would make the project most efficient. In January we will probably have the result (of the study), with the map of the five main points where there is supply and demand on the other side, and where it is best to put the transmission lines, he said. Chile is currently undergoing a broader transmission buildout. In August, Rebolledo told Reuters that the government hopes to have a formal proposal to pitch to investors for a line connecting northern Chile with southern Peru by the end of the current government in March. ",worldnews,"September 7, 2017 ",1 +U.S. requires enhanced screening of cargo from Turkey,"WASHINGTON (Reuters) - The U.S. Transportation Security Administration said on Thursday it is issuing a new security directive requiring enhanced screening of cargo from Turkey. The change was to adequately address emerging threats to cargo and raise the baseline for global aviation security, TSA spokesman Michael England said. The directive mandates voluntary measures already in use by Turkey and will ensure cargo flying to the United States is screened and secured in accordance with the Air Cargo Advance Screening Program, he said. Officials said the decision to impose the security directive and an emergency amendment was made after an incident in Australia and came in response to intelligence reports. In July, an Australian man sent his unsuspecting brother to the Sydney airport to catch an Etihad Airways flight carrying a home-made bomb disguised as a meat mincer built at the direction of a senior Islamic State commander, police said. Detailing one of Australia s most sophisticated militant plots, police said two men, who have been charged with terror-related offences, also planned to build a device to release poisonous gas in a public area. High-grade military explosives used to build the bomb were sent by air cargo from Turkey as part of a plot inspired and directed by the militant Islamic State group, police Deputy Commissioner National Security Michael Phelan said in August. The plot targeted an Etihad Airways flight on July 15, but the bomb never made it past airport security, he said. ",worldnews,"September 7, 2017 ",1 +May's government pushes Brexit bill to avoid 'chaotic' departure,"LONDON (Reuters) - Brexit minister David Davis called on parliament on Thursday to back legislation to sever Britain s political, financial and legal ties with the European Union, saying that opposing the bill would lead to chaos. At a rowdy session of parliament, Davis accused the opposition Labour Party of pursuing a cynical and unprincipled path by challenging the repeal bill, or EU withdrawal bill, designed to disentangle Britain from more than 40 years of EU lawmaking. Labour, in turn, said the government was using the bill to give itself wide-ranging powers and a blank cheque to do away with laws if ministers did not like them, threatening the rights of ordinary Britons. The legislation is a vital stepping-stone towards Britain s departure from the EU in March 2019. It faces stormy debate and a likely barrage of attempted amendments as Prime Minister Theresa May, weakened by the loss of her majority in a June election and criticized by Brussels over her Brexit strategy, attempts to steer it through parliament. Without this legislation a smooth and orderly exit is impossible ... To delay or oppose the bill will be reckless in the extreme, Davis told lawmakers, describing support for a proposed amendment by Labour as a vote for a chaotic exit . Labour s Brexit spokesman, Keir Starmer, said several clauses in the bill amounted to a power grab by government. He said it would prevent Britain from remaining in the EU s single market and customs union during a transition phase, as Labour now argues should happen. That we are leaving (the EU) is settled, how we leave is not. This bill invites us to surrender all power and influence over that question to the government and to ministers. That would betray everything we have been sent here to do, Starmer said. Unless the government makes a very significant concession before we vote on Monday Labour will table, and has tabled, a reasoned amendment and will vote against the bill. The legislation seeks largely to copy and paste EU law into British legislation to ensure the UK has functioning laws and the same regulatory framework as the bloc at the moment of leaving it, something that may offer some reassurance for companies. Davis said it would allow the British government and parliament to become masters of our own laws , and promised concerned lawmakers that ministers would not use the wide-ranging powers to make substantive changes to law. To vote down the bill, Labour would need to convince EU supporters in May s Conservatives to side with them, but some more vocal pro-EU Conservative lawmakers have now said they will vote with the government after asking for reassurance that parliament will be able to scrutinize any changes to the law. May has also promised to listen to the concerns of lawmakers, but warned that delaying or hindering the bill with amendments would slow vital legislation. The repeal bill helps deliver the outcome the British people voted for by ending the role of the EU in UK law, but it s also the single most important step we can take to prevent a cliff-edge for people and businesses, because it provides legal certainty, she said in a statement. ",worldnews,"September 6, 2017 ",1 +Russian and Japanese leaders 'decisively condemn' North Korean tests,"VLADIVOSTOK (Reuters) - Russian President Vladimir Putin said on Thursday after talks with Japanese Prime Minister Shinzo Abe that the two leaders decisively condemned North Korean weapons tests. We decisively condemned North Korea s launch of a medium-range ballistic missile that flew over Japan s territory on August 28, as well as the new nuclear tests conducted on September 3, Putin said in a statement. Putin reiterated that the crisis around North Korea should be resolved only by political means, and that it posed a threat to peace and stability in the region. He called for it to be resolved through a road map proposed by Moscow and Beijing. Putin also said he and Abe discussed the prospect of joint economic activities by their countries on the disputed Kurile islands. The islands, called the Northern Territories in Japan and the Southern Kuriles in Russia, were seized by Soviet forces at the end of World War Two, when 17,000 Japanese residents were forced to flee. Putin said he and Abe discussed the prospect of a peace treaty officially ending World War Two hostilities, which has never been signed because of the territorial dispute. Putin did not say how close the two countries were to such an agreement. Kremlin spokesman Dmitry Peskov later said there could not be a timeframe for concluding a treaty. This is a very complicated and sensitive issue, he said. Russia and Japan are steadily building up mutual trust, mutually beneficial cooperation, which cannot but promote the creation of a favorable atmosphere for finding a solution for the peace treaty. ",worldnews,"September 7, 2017 ",1 +"Georgia governor orders evacuation of Savannah, coast ahead of Irma","(Reuters) - Georgia Governor Nathan Deal issued a mandatory evacuation order on Thursday for the state s coast, including historic Savannah, as deadly Hurricane Irma rolled toward Florida and the southeastern United States. The evacuation order for areas east of Interstate 95 and some areas to its west takes effect Saturday at 8 a.m., Deal said in a statement. The governor also authorized up to 5,000 Georgia National Guard members to respond to the storm and expanded a state of emergency to 30 southeast Georgia counties. The order affects the cities of Savannah and Brunswick in Georgia, which has not been hit by a Category 3 hurricane or higher since 1898, according to WSB-TV. I encourage all Georgians in our coastal areas that could be impacted by this storm to evacuate the area as soon as possible, Deal said in a statement. Irma, one of the most powerful Atlantic storms in a century, plowed past the Dominican Republic toward Haiti on Thursday after devastating a string of Caribbean islands and killing at least 10 people. Irma will likely hit Florida as a powerful Category 4 storm on Sunday, with storm surges and flooding beginning within the next 48 hours, according to the NHC. Gas shortages in the Miami-Fort Lauderdale area worsened on Thursday, with sales up to five times the norm. The storm s exact path is uncertain, but it could affect Georgia and the Carolinas early next week. ",worldnews,"September 7, 2017 ",1 +South Sudan judges end strike to return to huge legal backlog,"JUBA (Reuters) - South Sudanese judges ended a five-month strike without a pay deal on Thursday, saying they had to clear a massive backlog of cases. President Salva Kiir, who in July sacked several striking judges, has told union representatives he would resolve their demands in the near future, Arop Malueth of the Judges and Justice Union said. The strike was over salaries that the judges say have been rendered practically worthless by hyperinflation in a country in civil war since 2013. Courts already faced a huge backlog as the nation of 12 million people only had 274 judges on the payroll in the last government budget. Some have since resigned, some are off sick and others are on leave, the union said. This strike has gone for five months but nothing has been done by the authorities and our citizens have been suffering every day because the courts are closed, Malueth told Reuters. The union s general assembly agreed on Wednesday to return to work on Sept. 11. War has brought famine and forced more than a quarter of South Sudan s population to flee their homes, creating Africa s biggest refugee crisis since the Rwandan genocide in 1994. ",worldnews,"September 7, 2017 ",1 +YRC Worldwide has limited operations in Florida terminals,"(Reuters) - YRC Worldwide Inc resumed limited operations at Florida terminals in Fort Pierce, Miami, Tampa, and West Palm Beach that were closed earlier on Thursday due to Hurricane Irma. Its terminal in Guaynabo, Puerto Rico remains closed, the company said. ",worldnews,"September 7, 2017 ",1 +Austria's Freedom Party criticizes ECJ ruling on migrant quotas,"VIENNA (Reuters) - The leader of Austria s far-right Freedom Party (FPO) on Thursday criticized the European Union s top court for upholding Brussels right to force member states to take in asylum-Seekers, calling the quota system an immigration program . Heinz-Christian Strache, whose anti-immigrant party could become kingmaker in next month s parliamentary election, took sides with Hungary s Prime Minister Viktor Orban. It simply cannot be that states lose their right to self-determination and decision-making when it comes to receiving (asylum-seekers), Strache said in a panel discussion in Vienna. The European Court of Justice (ECJ) dismissed complaints by Hungary and Slovakia against the quota system on Wednesday. The European Commission said it might seek fines at the ECJ within weeks for Hungary, Poland and the Czech Republic unless they take people from Italy and Greece. The (EU) program is not a refugee program but an immigration program, said Strache, who has repeatedly called for zero and minus immigration . The veteran party chief drew attention to remarks by U.N. peace talks mediator Staffan de Mistura. The U.N. Special Representative pointed out the war in Syria is over, Strache said. We all know, asylum is a temporary protection, which applies for as long as there is persecution. But if that s no longer the case, one actually has to take care of going back home. The Freedom Party s popularity rose to a high during Europe s migration crisis in 2015, when it denounced the government s decision to open Austria s borders to hundreds of thousands of migrants. It led polls for more than a year, until Sebastian Kurz took the helm of the conservative People s Party in May. Kurz, who also has a hard stance on migration, has been leading polls ahead of the Oct. 15 election with just over 30 percent. The Freedom Party and center-left Social Democrats trail with around 25 percent each. Austria s system of proportional representation is likely to produce another coalition government, and observers say Kurz s and Strache s parties are likely to join forces. ",worldnews,"September 7, 2017 ",1 +At least one killed by Hurricane Irma on Dutch side of Saint Martin,"AMSTERDAM (Reuters) - At least one person was killed and several others injured by Hurricane Irma on the Dutch side of the Caribbean island of Saint Martin, the Dutch government said on Thursday. French officials earlier said there had been eight fatalities on the French side. ",worldnews,"September 7, 2017 ",1 +South Africa's Tutu asks Myanmar's Suu Kyi to help Rohingya,"JOHANNESBURG (Reuters) - Retired South African cleric and anti-apartheid campaigner Archbishop Desmond Tutu urged Myanmar leader and fellow Nobel Laureate Aung San Suu Kyi on Thursday to intervene to help Rohingya Muslims fleeing her country. Western critics have accused Suu Kyi of not speaking out for the Rohingya, who have been fleeing to neighboring Bangladesh, following an army counter-offensive against militant attacks. Tutu said in an open letter to Suu Kyi that: I am now elderly, decrepit and formally retired, but breaking my vow to remain silent on public affairs out of profound sadness about the plight of the Muslim minority in your country, the Rohingya. My dear sister: If the political price of your ascension to the highest office in Myanmar is your silence, the price is surely too steep ... We pray for you to speak out for justice, human rights and the unity of your people. We pray for you to intervene, Tutu wrote. Tutu, 85, has been living with prostate cancer for nearly two decades and has largely withdrawn from public life. The Rohingya comprise some 1.1 million people who have long complained of persecution and are seen by many in Buddhist-majority Myanmar as illegal migrants from Bangladesh. We have to take care of our citizens, we have to take care of everybody who is in our country, whether or not they are our citizens, Suu Kyi said earlier on Thursday in comments to Reuters Television s Indian partner, Asian News International. Suu Kyi, who won the Nobel Peace Prize in 1991 as a champion of democracy, did not refer specifically to the exodus of the minority Rohingya. ",worldnews,"September 7, 2017 ",1 +Bosnian forensics experts search ravine for victims of 90s war,"SARAJEVO (Reuters) - Forensic experts began searching a ravine in central Bosnia on Thursday for the remains of around 60 Bosnian Muslims and Croats killed by Serb forces early in the 1992-95 war. The search began hours after the Bosnian war crimes court ordered the exhumations at Mount Vlasic where between 160 and 220 prisoners of war were shot dead on Aug. 21, 1992. Bosnian Serbs told the prisoners from detention camps for non-Serbs near the town of Prijedor that they would be released in a prisoner exchange but instead drove them away by bus, lined them up by the edge of a ravine and shot them. Only a dozen survived what has become known as the Koricani Cliffs massacre, by tumbling or jumping down the steep ravine. The 1992-95 war claimed 100,000 lives. The killings were part of a wave of ethnic cleansing by rebel Bosnian Serb forces who were trying to create a Serb statelet by removing Bosniaks - Bosnian Muslims - and Croats from the area. The remote site is believed to be a secondary mass grave, meaning the bodies were removed from the execution site to this location some time later in an attempt to hide the crime, Amor Masovic, the head of a regional Commission for Missing Persons, told Reuters. Forensic experts have already unearthed skeletal remains from two other secondary mass graves and have established the identities of 117 victims of the massacre whose bodies were mainly incomplete due to removal. Eleven Bosnian Serb ex-policemen were convicted for the crime at Koricanske Stijene, including Dargo Mrdja who was jailed for 17 years by the Hague-based U.N. war crimes court. The remainder were convicted by the Bosnian war crimes court. ",worldnews,"September 7, 2017 ",1 +Russian court tells Aeroflot it cannot tell stewardesses what size clothing to wear,"MOSCOW (Reuters) - A court on Wednesday ruled that Russian airline Aeroflot cannot tell staff what size clothing to wear after a stewardess complained she had been taken off international routes because she did not fit into the regulation-size uniform. The stewardess, Yevgenia Magurina, said she had been transferred to lower paying domestic flights because she exceeded what she said was Aeroflot s maximum uniform size of 48. On Wednesday, Magurina partially won her appeal in a Moscow court against an earlier court decision which had gone against her. The court ordered Aeroflot to pay Magurina the amount she deemed her salary had been docked as a result of the regulation - around 17,000 rubles ($296.53) - and to pay her compensation for moral suffering of 5,000 roubles, TASS reported. The court however did not rule that Aeroflot s actions were discriminatory. Magurina said after the decision she was satisfied with what she called a victory even though the court had not found Aeroflot guilty of discrimination. Thank God we have solved this issue inside our country. We were ready to go further and of course it would have been a shame for Russia to expose such things outside of the Russian Federation, she told reporters. After the ruling, Aeroflot said it was satisfied that the court did not rule it was discriminating against employees, TASS news agency reported, and would look at amending its staff regulations once it had fully studied the court s decision. ",worldnews,"September 6, 2017 ",1 +France paying close attention to U.N. report on chemical attacks in Syria,"PARIS (Reuters) - France said on Thursday it was paying close attention to evidence from a U.N. investigation that shows Syrian forces used chemical weapons in different attacks in 2017 and before. French President Emmanuel Macron said in May, barely two weeks after his inauguration, that the use of chemical weapons in Syria would represent a red line and result in reprisals. U.N. war crimes investigators said on Wednesday that Syrian forces have used chemical weapons more than two dozen times during the country s six-year civil war, including a deadly attack that led to U.S. air strikes on government planes. Syrian government forces carried out chemical attacks seven times between March 1 and July 7, according to the U.N. investigation, suggesting attacks would have taken place after Macron s warnings. We are paying extremely close attention to the consistent evidence revealed by the commission regarding different types of chemical attacks on 2017, a foreign ministry spokeswoman said in response to a question on what Paris would do if its red line had been crossed. She said the foreign ministry called for those behind the April 4 sarin attack on Khan Sheikhoun in Idlib province, which killed more than 80 civilians, to be held to account. ",worldnews,"September 7, 2017 ",1 +"German citizen freed in Turkey but banned from leaving, Dogan reports","ISTANBUL (Reuters) - A Turkish court has ordered a German citizen who was detained in southern Turkey last week to be released but banned him from leaving the country, the news agency Dogan reported on Thursday. The released man and his German partner were detained while on holiday in Antalya, a popular tourist destination. The partner had already been freed after questioning, Dogan said. A spokeswoman for Germany s Foreign Ministry confirmed the man had been freed. He is banned from leaving the country, she said. Dogan said the couple had been held as part of investigations into a network of supporters of U.S.-based cleric Fethullah Gulen, who is blamed by Turkish authorities for a failed military coup last year, and Kurdish militants in Syria. Gulen has denied any link to the failed coup. Thursday s release means 10 German citizens remain in Turkish detention on political charges. The arrests have raised tensions between Ankara and Berlin and led Chancellor Angela Merkel to call for a review of relations and of Turkey s EU accession talks. The detainees include dual German-Turkish citizen Deniz Yucel, who has been held for more than 200 days. ",worldnews,"September 7, 2017 ",1 +Mongolian parliament ousts prime minister in latest reshuffle,"ULAANBAATAR (Reuters) - Mongolia s parliament voted to oust Prime Minister Jargaltulga Erdenebat, its website said late on Thursday, after his ruling Mongolian People s Party (MPP) was defeated in a July presidential election. No prime minister of Mongolia, a thinly populated and mineral-rich country sandwiched between Russia and China, has completed a four-year term since 2004. Of 73 members of parliament attending the vote, 42 were in favor of Erdenebat s removal. The outgoing prime minister noted that the country had seen 13 governments in the last 25 years. The resignation of a government in a democratic parliament is a normal occurrence, but it can be harmful if a good thing goes beyond its norms, Erdenebat said in a statement on parliament s website. A former Soviet satellite, Mongolia transitioned to a parliamentary democracy in 1990. I believe that dismissing government is a mistake that hinders the development of the country, rather than a positive mechanism of accountability, Erdenebat said. The MPP gained power in mid-2016 in elections in which it won 65 of parliament s 76 seats. It is expected to hold a party congress to choose new leadership, said Dale Choi, an analyst and head of Altan Bumba Financial Group in Ulaanbaatar. I don t think it means instability for the government, he said. I think it means internal party politics. It s clearing the party s decks after a monumental, unexpected presidential loss. Last month, some 30 members of the parliament, or State Ikh Khural, signed a petition calling for Erdenebat s resignation in the aftermath of the presidential vote, which was won by populist former martial arts star and businessman Khaltmaa Battulga of the opposition Democratic Party. The defeat was seen as a rejection of the MPP government s austerity policies and a reaction to allegations of corruption. In Mongolia s parliamentary democracy, the prime minister is the leader of the government, and the president has limited powers including the ability to veto legislation and to propose laws to parliament. Higher coal prices this year have helped the resource-dependent economy gain momentum. But earlier this year, a slump in foreign investment and declining commodity prices forced Mongolia to agree to a $5.5 billion economic bailout led by the International Monetary Fund, to relieve fiscal strains and try to restore investor confidence. ",worldnews,"September 7, 2017 ",1 +Vocal critic of Tanzanian president seriously hurt in gun attack,"DAR ES SALAAM (Reuters) - Tanzanian opposition lawmaker Tundu Lissu, a fierce critic of President John Magufuli s government, was seriously wounded in a gun attack on Thursday, police and party officials said. Magufuli condemned the shooting and ordered the country s security forces to investigate the incident. Lissu underwent emergency surgery after being shot in the abdomen and other parts of the body by unknown gunmen outside his residence in the administrative capital Dodoma, they said. Lissu has suffered multiple gunshot wounds and is being treated at the main public hospital in Dodoma, said Tumaini Makene, spokesman for the main opposition CHADEMA party. We strongly condemn this attack and are closely monitoring his condition, the party said in a separate statement. James Kiologwe, a doctor at Dodoma regional hospital, said Lissu was in stable condition. Police said an investigation had been launched into the attack on Lissu, a senior lawyer and CHADEMA s parliamentary chief whip. Police said they did not know what had motivated the attack and the suspects were still at large. I have been saddened by reports of the shooting of Hon. Tundu Lissu. I pray for his quick recovery, Magufuli said on Twitter. Law enforcement agencies should hunt down all those involved in this barbaric act and bring them to justice. Lissu is a vocal opponent of Magufuli and has been arrested on several occasions and charged with incitement. He was detained most recently in July after having called Magufuli a dictator. He was subsequently released. The authorities must take steps to reassure Tanzanians and the world that this shooting was not politically motivated, rights group Amnesty International said in a statement. ",worldnews,"September 7, 2017 ",1 +Germany sees jump in citizenship applications from U.S.,"BERLIN (Reuters) - German consulates in the United States have seen a significant rise in requests for citizenship since November 2016, when Donald Trump was elected president, data collected by the German foreign ministry shows. Total citizenship applications - including those filed by U.S. citizens already living in Germany - are reported yearly, with data for this year not expected until summer 2018. However, German consulates receive citizenship requests filed overseas, including those filed by former Germans who were stripped of their citizenship during the Nazi era. The German government s offices in the United States are currently seeing a significant increase in legal queries related to citizenship issues, the German interior ministry said in response to an official query by the Greens party. Applications do not ask why an applicant wants to become a citizen, so the reasons for the increase are a matter of conjecture. But applications by German stripped of citizenship during the Nazi era and their descendants rose sharply after the U.S. election in early November. Such applications climbed from 92 in October 2016 to 124 in November, 144 in December and 159 in January 2017. At least 100 people living in the United States have applied every month through June. Data from the German foreign ministry showed that, all told, 1,190 such applicants sought citizenship in the first eight months of 2017, compared with 792 in the full year of 2016. Germany has also seen a surge in British nationals applying for German citizenship since the country voted to leave the European Union last year. The Federal Statistics Office said a total of 110,400 foreigners took up German citizenship last year, a 2.9 percent increase from the previous year, with Britons making up the largest share of the increase. ",worldnews,"September 7, 2017 ",1 +Some Syrian schools erase Assad but tensions rise over Kurdish,"HAZIMA, Syria (Reuters) - The few bullet-marked schools Islamic State did not flatten or booby trap around its former Syrian stronghold of Raqqa are buzzing for the first time in years with the sound of children learning. In the village of Hazima, north of Raqqa, teachers gave ad-hoc alphabet lessons to crammed classrooms on a recent summer s day before the start of term. Right now, the most important thing is to get children into class, said teacher Ahmed al-Ahmed, standing next to a hole in the school stairwell left by a mine blast that wounded a colleague. The ultra-hardline Islamic State closed this school and many others in northern Syria after it seized control of the region in 2014, three years into the country s civil war. Instead it taught children extremist thought in mosques. But now that the group has been ousted from most territory it held in and around Raqqa by a U.S.-backed military alliance, the Syrian Democratic Forces (SDF), a growing debate over education points to the ethnic tensions expected to follow. What is taught in areas under the control of the SDF, which includes Arab militias but is dominated by the Kurdish YPG, is one of many questions over how predominantly Arab parts of northern Syria will be run as they come into the Kurdish fold. Schools around Raqqa will this year teach a new curriculum that is based on old textbooks but erases the Baathist ideology of President Bashar al-Assad, a decision agreed on by Arab and Kurdish teachers alike. But an official in the SDF has floated the immediate introduction of Kurdish lessons in Raqqa schools, an idea that makes local officials bristle. In contrast with other areas under SDF control that have for years taught Kurdish, there are no plans yet to teach the language in mostly Arab Raqqa. Officials say it would need broad consensus, hinting at concerns that its introduction too quickly would cause unrest. We wouldn t object to Kurdish teaching. But if it s imposed on schools then there will be problems, Ahmed said. The YPG has held areas of northeast Syria since early in the six-year-old war which are now under a self-run administration opposed by Assad, who holds the main population centers in the west and is also advancing against Islamic State, and Turkey, a YPG foe which borders Syria. Raqqa is likely to join the administration, officials say. All ethnic groups are represented in the local bodies that run majority Arab regions captured by the SDF as it ousted IS fighters but critics say Kurds dominate decision-making. Reuters interviews with SDF officials and local authorities suggest resentment over Kurdish power is brewing over education plans. A senior SDF adviser and coordinator with the U.S. coalition said he believed Kurdish would be taught to Kurdish pupils around Raqqa this year, following the model for other schools in SDF territory. No one has opposed this ... every (ethnic) group has the right to study in its own language, Amed Sido said via the internet. Officials in the Raqqa Civil Council, the newly-formed local governing body, were taken aback. No, that won t happen without consultations with us and agreement in the council, Ammar Hussein, an education committee official, said at its office in the town of Ain Issa. For now it s in Arabic, with English and French lessons. Echoing several council members, he said Kurdish would be taught only if families requested it, there were enough qualified teachers and the Arab-Kurdish council approved it. If the people here agree ... there won t be any objection, said Ali Shanna, another education committee official. But the Kurd knows the Kurdish language, why does he need to learn it? A former Kurdish teacher privately derided Shanna s comments. I hate that attitude. It s ignorance, it s the same thinking as Daesh (Islamic State), said the teacher, who had been jailed under Assad for writing a Kurdish-language journal. The sensitivity over language has already caused unrest in Hasaka to the northeast, an area controlled for years by the YPG where a new curriculum is taught in Arabic and Kurdish, both now official languages. In demonstrations reported by a monitoring group, protesters called for Arab children not to have to learn Kurdish. Mostafa Bali, an SDF official, said there was no intention to force Kurdish on Arabs, or to suppress Arabic. We don t support racism over language. But there are many Kurds who would like to see Arabic teaching banned in Kurdish areas as revenge for the Baath (teaching), he said. The Baathist curriculum championed Arab nationalism over ethnic identity. Kurdish pupils were punished for speaking their mother tongue in school playgrounds. Now, even in some Arab-majority towns, Kurds are taught Kurdish. Officials in Raqqa are determined to do things their way, regardless of what they say are potential military threats from Assad or neighboring Turkey. We won t let Turkey or anyone else interfere in our internal affairs. We decide what we ll teach or not teach, Leila Mostafa, the Kurdish co-president of the Raqqa Civil Council said. At Hazima school, teachers worry about both the legacy left by Islamic State and Assad, and future political upheaval. One kid turned up singing Islamic State chants, teacher Ahmed Saoud said. The teachers say racist Baathist modules help fuel Syria s conflict and are anxious to begin the new curriculum. It s urgent we start teaching. The next phase will be difficult - there ll be a reckoning between factions, Ahmed al-Ahmed said, without specifying which groups he was referring to. A reckoning, in general. ",worldnews,"September 7, 2017 ",1 +"EPA waives requirements on sale, production of gasoline due to storms","(Reuters) - The U.S. Environmental Protection Agency has issued waivers on certain federal requirements for the sale, production and blending of gasoline to avoid supply shortfalls in the aftermath of Tropical Storm Harvey and as Hurricane Irma approaches Florida, the agency said Thursday. The EPA said winter-grade gasoline will be allowed to be sold through September 15 in most states in the country other than those on the West Coast and in the Rocky Mountains. It also temporarily waived federal requirements covering the production and blending of winter gasoline through September 26, it said. ",worldnews,"September 7, 2017 ",1 +Former guerrilla coalition gets mandate to form Kosovo government,"PRISTINA (Reuters) - Ramush Haradinaj, a former guerrilla fighter who has twice stood trial for war crimes, was chosen on Thursday to form a new government in Kosovo, ending a political deadlock that has persisted since elections on June 11. President Hashim Thaci gave Haradinaj the mandate after his coalition struck an agreement with a smaller party that paved the way for them to take power. Haradinaj s coalition comprises parties made up of former guerrillas who fought Serbian forces in 1998 and 1999. That campaign led to accusations of war crimes against him, but he was acquitted twice by a United Nations war crimes tribunal. The coalition signed an agreement on Monday with the smaller New Alliance for Kosovo (AKR) party to put together a new government, an agreement that gives them 62 seats in the 120-seat parliament [nL8N1L42QO. The AKR is led by Behgjet Pacolli, whom media call the richest man in Kosovo. Haradinaj is expected to present his program to parliament on Saturday, after which the government should be elected. The new government will confront unemployment running at 30 percent and uncertain relations with Kosovo s neighbors, especially Serbia, a precondition for both countries to move forward in their efforts to join the European Union. It must also reform health and education and the tax administration system as well as include representatives of some 120,000 Kosovo Serbs who do not recognize independence. Kosovo declared independence from Serbia in 2008, almost a decade after NATO air strikes drove out Serbian forces that had been accused of expelling and killing ethnic Albanian civilians in a two-year counter-insurgency. ",worldnews,"September 7, 2017 ",1 +Exiled Chinese tycoon Guo seeking asylum in U.S.,"BEIJING (Reuters) - Guo Wengui, an exiled Chinese billionaire who has accused some of the most senior officials of China s Communist Party of corruption, has applied for political asylum in the United States, his lawyer said. Thomas Ragland, a Washington-based lawyer, said Guo, who lives in New York and is in the United States on a tourist visa expiring this year, applied for asylum on Wednesday because he feared his accusations had made him a political opponent of the Chinese regime . This step was taken because of his very real concerns of his safety and risks he would face from the Chinese regime because of his videos, his Twitter posts, the things that he s said and written, Ragland told Reuters by phone on Thursday. Guo, who is also known as Miles Kwok, did not immediately respond to a request for comment. Chinese foreign ministry spokesman Geng Shuang said he was unaware of the situation when asked about it at a daily news briefing in Beijing earlier on Thursday. Guo, who left China in 2014, has emerged as a political threat to China s government in a sensitive year, unleashing a deluge of corruption allegations against high-level officials of the ruling party through Twitter posts and video blogs. The businessman has made it clear that he wants to disrupt an important Communist Party congress, which is held every five years and due to begin on Oct. 18. Despite providing scant evidence to back up his accusations, Guo s standing as a former billionaire insider with ties to senior intelligence officials has meant his online video streams and prolific tweeting command attention, as well as the ire of Beijing. Interpol issued a global red notice for Guo s arrest in April, at Beijing s request, while articles in China s state-controlled media have accused him of crimes including bribery, fraud, and embezzlement. Guo denies the accusations. Guo is also being sued for defamation in the United States by several Chinese individuals and companies, including the HNA Group conglomerate. Ragland said Guo feared that China could soon file criminal charges against him that were politically motivated and request American authorities to cancel his visa. Filing an application for asylum, Ragland said, triggers protections both under U.S. and international law that would allow Guo to remain in the country for the duration his application was being processed, the national average for which is two to three years. ",worldnews,"September 7, 2017 ",1 +Greece 'ready and determined' to exit bailout in 2018: PM,"ATHENS (Reuters) - Greece is ready and determined to exit its international bailout next August, putting an end to years of crisis and uncertainty, Prime Minister Alexis Tsipras said on Thursday. Greece s third EU/IMF bailout since 2010 is due to expire in August 2018. We are absolutely ready and determined to move in this direction and I m certain our lenders have the same approach of avoiding hurdles and delays, Tsipras said during joint press conference in Athens with French President Emanuel Macron. It is important not only for Greece, it is important for Europe, Tsipras said. The final end of the Greek crisis will signal Europe s passage into a new era of less uncertainty. ",worldnews,"September 7, 2017 ",1 +"Exclusive: U.N. expects up to 300,000 Rohingya could flee Myanmar violence to Bangladesh","COX S BAZAR, Bangladesh (Reuters) - Up to 300,000 Rohingya Muslims could flee violence in northwestern Myanmar to neighboring Bangladesh, a U.N. agency official said on Wednesday, warning of a funding shortfall for emergency food supplies for the refugees. According to estimates issued by United Nations workers in Bangladesh s border region of Cox s Bazar, arrivals since the latest bloodshed started 12 days ago have already reached 146,000. Numbers are difficult to establish with any certainty due to the turmoil as Rohingya escape operations by Myanmar s military. However, the U.N. officials have raised their estimate of the total expected refugees from 120,000 to 300,000, said Dipayan Bhattacharyya, who is Bangladesh spokesman for the World Food Programme. They are coming in nutritionally deprived, they have been cut off from a normal flow of food for possibly more than a month, he told Reuters. They were definitely visibly hungry, traumatized. The surge of refugees, many sick or wounded, has strained the resources of aid agencies and communities which are already helping hundreds of thousands displaced by previous waves of violence in Myanmar. Many have no shelter, and aid agencies are racing to provide clean water, sanitation and food. Bhattacharyya said the refugees were now arriving by boat as well as crossing the land border at numerous points. Another U.N. worker in the area cautioned that the estimates were not hard science , given the chaos and lack of access to the area on the Myanmar side where the military is still conducting its clearance operation . The source added that the 300,000 number was probably toward the worst-case scenario. The latest violence began when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive killed at least 400 people and triggered the exodus of villagers to Bangladesh. In a letter to the U.N. Security Council on Tuesday, Secretary-General Antonio Guterres expressed concern that the violence could spiral into a humanitarian catastrophe . Based on the prediction that 300,000 could arrive, the WFP calculated that it would need $13.3 million in additional funding to provide high-energy biscuits and basic rice rations for four months. Bhattacharyya called for donors to meet the shortfall urgently. If they don t come forward now, we may see that these people would be fighting for food among themselves, the crime rate would go up, violence against women and on children would go up, he said. ",worldnews,"September 6, 2017 ",1 +YRC Worldwide closes Florida terminals due to hurricane,"(Reuters) - YRC Worldwide Inc said on Thursday it has closed terminals in the Florida localities of Fort Pierce, Miami, Tampa, and West Palm Beach due to Hurricane Irma. ",worldnews,"September 7, 2017 ",1 +EU tells Britain to protect data or delete them after Brexit,"BRUSSELS (Reuters) - The European Union wants Britain to protect data it has in storage on continental Europeans after Brexit and maintain bans on cheap imitations of locally branded EU produce like cognac or Parma ham. The proposals were among those made in further position papers published by the European Commission s Brexit negotiators on Thursday for consultation with the other 27 EU member states which offered a glimpse of thinking in Brussels about future trade ties with Britain, despite an EU refusal to start talks. The British government has voiced frustration at the refusal of EU negotiators to open discussions on a future free trade pact until London makes concessions on elements that must be settled to avoid legal chaos when Britain leaves in March 2019. However, in spelling out what it wants to happen on some issues on Brexit Day, the Union is having to say what it wants after that point - for example, on the protection of personal data gathered on either side of the English Channel under EU law or on trademarks and other intellectual property. The paper on data protection says Britain may continue to use data gathered before exit day once it has left the EU as long as it continues applying the same level of protection, otherwise it must destroy the data. Britain will also lose access to EU networks, information systems and databases on the day it leaves, the paper says. That would include, for example, the information system underpinning the European Health Insurance Card (EHIC) scheme. It makes no mention of how data could continue to flow after Brexit, unlike the British paper which sought continued close collaboration with the EU on data protection once Britain quits the bloc. In a separate paper on intellectual property, the EU said Britain must have legislation in place to keep on protecting locally branded produce under the Protected Geographical Indication (PGI) scheme. The PGI system identifies products as originating from a particular region, like Cornish pasties or Roquefort cheese, meaning others cannot market imitations with that same name. ",worldnews,"September 7, 2017 ",1 +Three policemen killed in Peru in drug-trafficking region: government,"LIMA (Reuters) - Three Peruvian policemen were killed in an attack on patrol vehicles in a drug-trafficking region controlled by a remnant band of Shining Path rebels, the interior ministry said on Thursday. Authorities are investigating the attack, which occurred late on Wednesday in the jungle region known as the VRAEM, where most of Peru s cocaine is produced, the ministry said. The Maoist-inspired Shining Path largely ended its armed rebellion in the 1990s on orders from the group s leaders. But a faction that refused to put down its weapons occasionally ambushes state security forces in the region, where rebels work with drug traffickers. So far this year, nine police or military officers have been killed in the VRAEM in a sign the Shining Path faction has regrouped after two top leaders were killed in 2013, said Peruvian security analyst Pedro Yaranga. This is going to continue, he said. Peruvian President Pedro Pablo Kuczynski called the latest incident a cowardly attack and the interior ministry said it would increase security operations in the region. ",worldnews,"September 7, 2017 ",1 +German election chief urges action to ensure vote software can't be hacked,"BERLIN (Reuters) - Germany s election chief has urged state officials to address vulnerabilities in vote collation software, just weeks before a Sept. 24 election that officials fear could be subject to foreign interference. Germans will vote on paper at polling stations or by mail in advance and the ballots will be counted and entered into a computer system, but two news reports published on Thursday cited concerns about the software, particularly the lack of an authentication step when results are transmitted. Die Zeit said Martin Tschirsich, a 29-year-old computer expert, had been able to find passwords on the internet to gain access to the maintenance program for the PC-Wahl (PC-Election) software, which would allow it to be manipulated. The election is not secure. It can be hacked, he told the weekly newspaper. Similar concerns were raised by another IT expert in the online version of Der Spiegel magazine. The reports come after repeated warnings from government officials that Russia could try to interfere in the election. French and U.S. intelligence officials say Moscow sought to influence recent votes there. Russia denies the accusations. Responding to the media reports, Federal Election Director Dieter Sarreither said he was familiar with the problems identified and had asked state officials and the software company, vote-iT, to take steps to shore up security. vote-iT had no immediate comment. The measures Sarreither demanded include the mandatory installation of software patches and the development of new steps aimed at ensuring the authenticity of the election results sent digitally, perhaps through telephone calls. That would ensure that any errors in data transmission are recognized and corrected before preliminary election results are released, Sarreither said, adding that actual results could not be manipulated as they were based on paper ballots. The security of the data was more important than the speed with which results were released, his office said. Germany s federal cyber protection agency, BSI, said it had worked closely with election officials and the software manufacturer to improve the security of election results. In the future, only information technology based on BSI-certified software should be used for election processes, BSI chief Arne Schoenbohm said. ",worldnews,"September 7, 2017 ",1 +"German, Chinese leaders agree on need to tighten North Korea sanctions","BERLIN (Reuters) - German Chancellor Angela Merkel and Chinese President Xi Jinping agreed in a telephone call on Thursday about the need to tighten sanctions against North Korea in light of Pyongyang s latest nuclear weapons test, a spokesman for Merkel said. Both leaders expressed deep concern about the current situation in North Korea, and viewed the latest North Korean nuclear weapons test as a significant danger for the security of the entire region, as well as a violation of international law, Steffen Seibert said in a statement. Both leaders said they supported a tightening of the sanctions against North Korea, he said. At the same time, however, it was important to continue seeking dialogue to peacefully resolve the current tensions, he added. ",worldnews,"September 7, 2017 ",1 +"Hurricane Irma kills three in Puerto Rico, government says","SAN JUAN, Puerto Rico (Reuters) - Three people died when Hurricane Irma hit the island of Puerto Rico, including a 79-year-old woman, the territory s governor said on Thursday. The elderly woman, who the government described as bedridden, died after a fall while being transported to a shelter. The other fatalities were a woman in Camuy, who was electrocuted in her home and a man who died of injuries suffered in a traffic accident in Can vanas during the storm, according to a statement from Governor Ricard Rossello. ",worldnews,"September 7, 2017 ",1 +"NuStar's St. Eustatius terminal damaged by Irma, no restart date set","HOUSTON (Reuters) - Nustar Energy s oil terminal in the Caribbean island of St. Eustatius suffered damage to several tanks and other equipment due to Hurricane Irma, but all the U.S. firm s employees are safe and no oil spills were registered, it said in a statement. NuStar s Statia terminal has the capacity to store 13.03 million barrels of crude and products. The company also said that no restart date has yet been set, and that it will be working on Thursday to restore power at the facility. Despite the damage and major clean-up effort, we feel like we fared very well considering the significant power of this storm, it said. ",worldnews,"September 7, 2017 ",1 +Tanzanian minister quits after diamond mining investigation: state TV,"DAR ES SALAAM (Reuters) - A Tanzanian minister who was named in reports on the results of an investigation into the diamond mining industry has resigned, state-run television broadcaster TBC1 said on Thursday. TBC1 said that George Simbachawene, the Minister of State in the President s Office, had relinquished his post. ",worldnews,"September 7, 2017 ",1 +Russian military chief meets NATO General to soothe war games fears: Ifax,"MOSCOW (Reuters) - General Valery Gerasimov, the chief of Russia s general staff, on Thursday used a meeting with General Petr Pavel, the chairman of the NATO military committee, to reassure him about upcoming Russian war games, the Interfax news agency reported. The Zapad-2017 war games this month have stirred unease in some countries because Russian troops and military hardware will be training inside Belarus, a Russian ally which borders Ukraine as well as NATO member states Poland, Latvia and Lithuania. Interfax said Gerasimov, during a meeting in Azerbaijan, had told Pavel that the war games were purely defensive in nature, not aimed at any third countries, and designed to help secure the security of Belarus. ",worldnews,"September 7, 2017 ",1 +Xi calls for concerted effort to resolve Korean peninsula issue: Xinhua,"HONG KONG (Reuters) - Chinese President Xi Jinping urged the international community to make concerted efforts to solve the nuclear issue on the Korean Peninsula, in a phone call with German Chancellor Angela Merkel, the official Xinhua news agency said on Thursday. During the telephone conversation, Xi said that facts had repeatedly proven that an ultimate settlement of the nuclear issue can only be found through peaceful means, including dialogue and consultation, Xinhua said. ",worldnews,"September 7, 2017 ",1 +France offers Belgium to supply its army with Rafale war planes,"PARIS (Reuters) - France has offered Belgium a deal to purchase Dassault Aviation s Rafale war planes, the French Defence ministry said on Thursday, as Brussels seeks to replace 34 of its Lockheed Martin s F-16 planes. The Defence minister, Florence Parly, has offered the Belgian Defence minister to setup an in-depth partnership between our two countries in order to respond to the need expressed by the Belgian air force, the ministry said. Dassault Aviation had no immediate comment. ",worldnews,"September 7, 2017 ",1 +U.S. charges former Turkish minister with Iran sanctions evasion,"ISTANBUL (Reuters) - U.S. prosecutors have charged a former Turkish economy minister and the ex-head of a state-owned bank with conspiring to violate Iran sanctions by illegally moving hundreds of millions of dollars through the U.S. financial system on Tehran s behalf. The indictment marks the first time an ex-government member with close ties to President Tayyip Erdogan has been charged in an investigation that has strained ties between Washington and Ankara. Ex-minister Zafer Caglayan was also charged with taking bribes in cash and jewelry worth tens of millions of dollars. The charges stem from the case against Reza Zarrab, a wealthy Turkish-Iranian gold trader who was arrested in the United States over sanctions evasion last year. Erdogan has said U.S. authorities had ulterior motives in charging Zarrab, who has pleaded not guilty. Prosecutors have now charged Caglayan and former Halkbank general manager Suleyman Aslan and two others, according to the U.S. Attorney s Office for the Southern District of New York. They were charged with conspiring to use the U.S. financial system to conduct hundreds of millions of dollars worth of transactions on behalf of the government of Iran and other Iranian entities, which were barred by United States sanctions, U.S. prosecutors said in a statement dated Wednesday. They were also accused of lying to U.S. government officials about the transactions, laundering funds and defrauding several financial institutions by concealing the true nature of the transactions, prosecutors said. Reuters was not immediately able to reach Caglayan or Aslan for comment. Halkbank said all of its transactions have always fully complied with national and international regulations, adding that news regarding the U.S. case misleads the public and investors. Relations between Washington and NATO ally Turkey, an important partner in tackling the Syrian conflict, were strained after a failed coup against Erdogan in July last year and the president s subsequent crackdown on opposition. Ankara is seeking, so far without success, extradition of a U.S.-based Muslim cleric it accuses of backing the coup attempt. The cleric, Fethullah Gulen, denies the allegation. Economy Minister Nihat Zeybekci defended his predecessor and said U.S. prosecutors had yet to prove their accusations. Caglayan did not do anything against Turkey s interests, Zeybekci told reporters. It is no concern to Turkey if Caglayan acted against interests of other countries. Both Caglayan and Aslan are also accused of taking bribes, according to the indictment. Caglayan, who was serving as Minister of the Economy... received tens of millions of dollars worth of bribes in cash and jewelry from the proceeds of the scheme to provide services to the government of Iran and conceal those services from U.S. government officials, prosecutors said. U.S. prosecutors have said that between 2010 and 2015 Zarrab and others worked to conceal his ability to supply currency and gold to Iran through the Turkish bank, avoiding U.S. sanctions. As part of that scheme, Zarrab and others used front companies and fake invoices to trick U.S. banks into processing transactions disguised to appear as though they involved food, and thus were exempt from the sanctions, prosecutors have said. The U.S. indictment echoes charges in a leaked 2014 Turkish police document, reported by Reuters, which detailed allegations that a crime organization had helped Iran exploit a loophole in Western sanctions that allowed it to purchase gold with oil and gas revenues. When the West prohibited the gold trade in 2013 as a sanctions violation, the police report alleged the network concocted records of shipments of food at preposterous volumes and prices to continue giving Iran access to foreign currency. Iran emerged from years of economic isolation in January 2016, when world powers lifted the crippling sanctions in return for Tehran complying with a deal to curb its nuclear ambitions. The sanctions had cut off the country of 80 million people from the global financial system, slashed its exports and imposed severe economic hardship on Iranians. Caglayan, Aslan and others indicted in the case on Wednesday remain at large, prosecutors said. Zarrab and a Halkbank deputy general manager, Mehmet Hakan Atilla, were arrested while in the United States. Zarrab was detained in March 2016 and Atilla a year later. Both are scheduled to appear for trial in October. Zarrab has hired former New York City Mayor Rudolph Giuliani and former U.S. Attorney General Michael Mukasey to defend him against the charges. Giuliani has said that both U.S. and Turkish officials remained receptive to a diplomatic solution due to the nature of the charges against Zarrab and the importance of Turkey as an ally. A decree issued two weeks ago gave Erdogan authority to approve the exchange of foreigners detained or convicted in Turkey with people held in other countries in situations required by national security or national interests . Shares of Halkbank were down 3.4 percent at 13.81 lira as of 1337 GMT, underperforming the benchmark BIST 100 index, which was flat. ",worldnews,"September 7, 2017 ",1 +Moldova sends troops to NATO drills despite presidential veto,"CHISINAU (Reuters) - The Moldovan government said on Thursday it has sent 57 servicemen to Ukraine to participate in military exercises starting this week, deepening a row with the pro-Russian president who had vetoed the move. The drills in western Ukraine from Sept. 8-23 will be conducted mainly by NATO member countries, including the United States, the United Kingdom and Turkey. They coincide with war games known as Zapad , or West , by thousands of Russian troops in Belarus, the Baltic Sea, western Russia and the Russian exclave of Kaliningrad. The Russian exercises have worried NATO despite Moscow s assurances troops would rehearse a purely defensive scenario. Moldova is governed by a pro-Western government and a pro-Moscow president, meaning frequent clashes over foreign policy, especially where relations with Russia and the European Union are concerned. The government s plans to send troops were vetoed by President Igor Dodon, who argued that Moldova is bound by its constitution to stay neutral. The defense ministry ignored the president, who is also Moldova s commander-in-chief. Officially I confirm that, despite all the obstacles, 57 servicemen of Moldova, as was planned earlier, just an hour ago went by bus to participate in NATO military exercises, which start on Friday in Ukraine, Defence Ministry spokeswoman Diana Gradinaru said. Earlier this year Dodon banned the participation of military personnel in NATO exercises in Romania, prompting complaints by the U.S. and Romanian ambassadors. Moldova has been governed by pro-Western governments since 2009 and signed a trade pact with the EU in 2014. Russia retaliated by halting imports of Moldovan farm produce, depriving the country of a key market for its wine, fruit and vegetables. Relations suffered further this year due to a dispute in March over the treatment of Moldovan officials traveling to or through Russia, and the expulsion of Russian diplomats in May. In August, Moldova declared Russian Deputy Prime Minister Dmitry Rogozin persona non grata, accusing him of making defamatory remarks about Moldovan government officials. ",worldnews,"September 7, 2017 ",1 +Merkel call to stop Turkey's EU bid draws mixed response,"TALLINN/PARIS (Reuters) - German Chancellor Angela Merkel s call to stop Turkey s European Union accession talks drew a mixed response from the bloc s foreign ministers on Thursday, while French President Emmanuel Macron said Ankara remained a vital partner of the EU. NATO allies Germany and Turkey have traded increasingly bitter words over the last two years, contributing to an overall souring of Ankara s relations with the EU. President Tayyip Erdogan s crackdown on dissent following a failed 2016 coup attempt has drawn broad condemnation in the bloc. Merkel announced her toughened stance on Turkey s long-stalled EU bid in a TV debate last Sunday as she faced off with her main rival in national elections due on Sept. 24. Her Foreign Minister Sigmar Gabriel, arriving for talks with his EU colleagues in the Estonian capital Tallinn, said it was Turkey itself that was moving away from the EU. Austria s Sebastian Kurz reiterated his line that the talks should end. But Finland and Lithuania spoke out against breaking off the talks, which opened formally in 2005 but stalled over Erdogan s track record on human rights and the unresolved issue of Cyprus - a Mediterranean island that belongs to the EU but of which part falls under an unrecognized protectorate of Turkey. No, we should continue the process and engagement. It s not easy but we have to value contacts, Lithuania s Linas Linkevicius told reporters. By stopping, by cutting, we will ...encourage them even more to go away. I think the effect would be the opposite than what we d wish. EU entry talks, no matter how protracted, had long been seen in themselves as a stimulus to Turkish democratic reform; but EU officials see a slide back in recent years with judicial independence and freedom of speech in peril. Turkey s EU ties minister, Omer Celik, is due to join the bloc s 28 officials for talks in Tallinn later on Thursday. The EU is wary of upsetting Erdogan, eager to preserve a deal that stemmed the mass migration via Turkey of people from conflict zones in the tumultuous Middle East. We have to tread very carefully and, while discussing Turkey s status as a candidate country, we should also discuss the future relationship in all its aspects, Estonia s Sven Mikser said in Tallinn. He said he did not expect the EU to make any formal decision this year, adding that the bloc needed to cooperate with Ankara on migration and security in particular. The French president told Greece s Kathimerini newspaper that ties with Turkey should be maintained. Turkey has indeed strayed away from the European Union in recent months and worryingly overstepped the mark in ways that cannot be ignored, he said. But I want to avoid a split because it s a vital partner in many crises we all face, notably the immigration challenge and the terrorist threat. With other countries in the EU also advocating more strategic patience , the unanimity of 28 member states required to kill off Turkey s bid seems absent. But suspending accession talks, which the European Parliament has already called for repeatedly, would only require the backing of majority of EU states. Merkel wants to discuss that with fellow EU leaders at their summit planned in October 19-20, more than three weeks after Germany s election. A senior Turkish official said EU states must decide whether they wanted Turkey as a member, but there was a sense they no longer want the marriage...(but) want cohabitation . Kati Piri, a European Parliament speaker on Turkey, advised suspending the membership track but pushing ahead with customs union talks as the most realistic leverage the EU can now have to try negotiate some standards with Turkey . Turkey under this government does not even uphold the minimum human rights standards now. But we should not take away the EU perspective from the Turkish people, and in suspending talks we would have to name conditions for reviving them. But this German twist is triggered by German elections, not by some change on the side of Turkey. So what does Merkel really mean? I think it s likely she will return to her usual pragmatism after the elections, Piri told Reuters. ",worldnews,"September 7, 2017 ",1 +The millionaire socialist who may be Norway's next prime minister,"OSLO (Reuters) - Norway s next prime minister could be a man born into wealth and privilege who became the unlikely leader of the Labour Party, the political home of the working class. Jonas Gahr Stoere, 57, hopes to replace Conservative Prime Minister Erna Solberg, 56, after a Sept. 11 parliamentary election. With the left and right neck-and-neck in the polls and many voters undecided, the race is too close to call. If he wins, it would be a victory for a millionaire, whose background was once deemed an obstacle to his ambition to lead a party rooted in the struggle for workers rights. Stoere got massive attention in the media in 2013 when he failed, apparently by accident, to raise the national flag outside his house on International Workers Day on May 1 - an important tradition in the labor movement. I have not grown up in the traditional working class and I cannot explain my background away. Like everyone else I m the sum of my experiences, he told the tabloid VG at the time. With a net worth of 64.5 million Norwegian crowns ($8.3 million), media interest in Stoere s investments has at times threatened to overshadow his campaign, leading him last week to divest stakes in a mutual fund that did not comply with the same ethical standards as the sovereign wealth fund. He served as foreign minister and health minister in the two cabinets of his friend, prime minister Jens Stoltenberg, in 2005-2013, and became Labour Party leader when Stoltenberg was named NATO Secretary General. In 2010, while foreign minister, Stoere helped broker a deal to delineate an Arctic offshore border between Norway and Russia that had been in dispute for four decades. Stoere was a very popular foreign minister, but has experienced problems as party leader, Toril Aalberg, a professor of political science at the Norwegian University of Science and Technology in Trondheim told Reuters. While there is a greater degree of consensus in Norwegian foreign policy, there is a greater degree of disagreement in domestic policy matters. The son of a shipbroker, Stoere credits his conversion to social democracy to his move to study in France where he was confronted with starker class differences. I learnt what kind of society I wanted to live in. In France, differences between people are large, larger than in Norway between rich and poor, between those with education and those without, between city and countryside, he wrote in a column for Norway s ABC News website in June. In Norway, we have shaped a society where there are fewer differences. But we are not immune to this and this is not a given. He attended Paris prestigious Sciences Po university, became engaged in the movement to support Soviet dissidents, and traveled to the Soviet Union to provide supplies and support. He organized a protest in support of Andrei Sakharov, then held in internal exile, persuading French star Yves Montand, a long-time Communist sympathizer, to deliver a letter to the Soviet embassy in Paris calling for the Nobel laureate s freedom. When he returned to Norway, Stoere worked closely with Norway s first female prime minister, Gro Harlem Brundtland, known as the mother of the nation in Norway, first as an adviser and later a senior civil servant under several governments between 1989 and 1997. From 1998 to 2000 he followed Brundtland to the World Health Organisation to serve as chief of staff to the new executive director. He was also Secretary General of the Norwegian Red Cross from 2003 to 2005. If Labour wins the Sept. 11 vote, it would spend less money from Norway s near-trillion dollar sovereign wealth fund and instead raise taxes, arguing that the growth in oil revenue spending must slow. Sound public finances are critical for welfare and critical for productivity, Stoere told Reuters in an interview in June. Stoere also said he would be careful about allowing the sovereign wealth fund into new asset classes. Political risk is clearly one issue. Spreading the focus of the fund too much is another one, he said. To govern, Labour will need the support of the Centre Party, whose main support is in rural areas, with whom it shared power between 2005 and 2013. But depending on the outcome of the vote, Stoere may be in need of the support of the far-left Red Party and would face demands from the small-but-growing Green Party about limiting the reach of Norway s oil industry. Stoere says he is adamant he would not accept the Green Party s ultimatum of shutting down the industry but his position may be more difficult to defend if he needs their support. Forming a government is going to be difficult, said Johannes Bergh, a political scientist at the Institute of Social Research in Oslo. ",worldnews,"September 7, 2017 ",1 +Spanish PM Rajoy to ask court to revoke Catalan referendum law,"MADRID (Reuters) - Spanish Prime Minister Mariano Rajoy said on Thursday he would ask Spain s constitutional court to revoke a referendum law passed on Wednesday by the Catalan parliament that sets the stage for a Oct. 1 vote on splitting from Spain. The law, passed by a majority of Catalan lawmakers, was unconstitutional, Rajoy told a news conference. Spain s state prosecutors office said on Thursday it would present criminal charges against leading members of the Catalan parliament for allowing Wednesday s parliamentary vote to go ahead. ",worldnews,"September 7, 2017 ",1 +Tunisia's new government gets party backing for reform push,"TUNIS (Reuters) - Tunisia s two main parties on Thursday gave parliamentary backing to Prime Minister Youssef Chahed s new cabinet, handing him the initiative to push sensitive economic reforms demanded by the International Monetary Fund. Chahed s cabinet needs strong support to reform public sector wages and overhaul the pension system to improve national finances. Infighting and social protests have kept past governments from pushing through tougher austerity reforms. Chahed on Wednesday named 13 new ministers including heads of the interior, defense and finance ministries. He appointed Taoufik Rajhi, one of his advisors from the Islamist Ennahda party, to a new economic reforms ministry in a deal that ends weeks of party infighting over posts. Rached Ghannouchi, the head of Ennahda party, called his 69 lawmakers in parliament to give a vote of confidence to the coalition government which includes ruling Nidaa Tounes, Machroua Tounes, the Republican and Massar parties. The new cabinet also includes independents and former ministers who worked with ex-President Zine El Abidine Ben Ali, ousted by a popular uprising in 2011. Ennahda won four important ministries, including the new ministry of economic reforms. Nidaa Tounes led by the son of President Beji Caid Essesbi welcomed the reshuffle in which his party secured six new posts and other junior portfolios. This reshuffle maintained political balances, boosted the political weight of our party, we will give our confidence to the new team, Sofian Tobal an official in Nidaa Tounes said. Backing from the two main parties means Chahed s government can expect support from at least 150 lawmakers in the 217-seat parliament. Ennahda and Nidaa Tounes have more than 130 seats between them plus the support of smaller parties. Chahed s cabinet needs 109 votes to win a confidence ballot. This government would be like a war cabinet, in a war against the corruption, against rampant unemployment and a war to save the economy, Chahed said on Wednesday. He has said he will present parliament with a comprehensive plan to push the economy forward, including accelerating the coordination of public-private partnerships and proposing more incentives to investors. We will confront the imbalance in public finances, adjust the trade balance and improve the situation of public institutions that are facing difficulties, as well progress on major priority reforms, he said. Tunisia is struggling to revive its economy and create jobs for frustrated youth. But it is under pressure to reduce deficits by stopping public sector hiring, laying off thousands of state employees and selling shares in some troubled public institutions. Reforms are also expected to include cuts in subsidies for energy and some basic materials, which would be highly sensitive and rejected by Tunisia strong unions who have in the past played the role of political power brokers. ",worldnews,"September 7, 2017 ",1 +German SPD loses support after television debate: poll,"BERLIN (Reuters) - Chancellor Angela Merkel s conservatives widened their lead over the Social Democrats following a television debate in which Merkel came across as more convincing and reliable than her SPD challenger Martin Schulz, a poll showed on Thursday. The weekly survey by Infratest dimap for ARD television showed support for Merkel s CDU/CSU bloc holding steady at 37 percent while the SPD dropped two percentage points to 21 percent - their lowest reading in the poll since early January. The pollster questioned 1,503 voters from Monday to Wednesday, meaning the survey was the first fully conducted after Sunday s television debate in which hardly any policy differences emerged between Merkel and Schulz. The anti-immigration, euro-hostile AfD came in unchanged at 11 percent, making it the third-strongest political force. The radical Left followed with 10 percent, up 1 point. The business-friendly FDP scored 9 percent, also up 1 point, while the environmental Greens were unchanged at 8 percent. The polls indicated two parties FDP and the AfD should enter the Bundestag as they look set to beat the 5-percent threshold. The fractured political landscape could make it hard to form a viable alliance other than the current grand coalition between Merkel s CDU/CSU and the SPD. Another scenario could be a tricky three-way Jamaica coalition between Merkel s conservatives, the FDP and the Greens, though such a broad alliance has never been tested on the federal level before. ",worldnews,"September 7, 2017 ",1 +Aid convoy reaches Syria's Deir al-Zor after three-year siege,"BEIRUT (Reuters) - An aid convoy arrived at Deir al-Zor in eastern Syria on Thursday, bringing supplies to soldiers and civilians days after the Syrian army broke a three-year Islamic State siege, Syrian state media reported. The Syrian army and its allies reached Deir al-Zor on Tuesday in a sudden advance following months of steady progress east across the desert. The army on Thursday advanced against militants in a pocket they still hold further west, pro-Damascus media reported. State TV broadcast footage of scores of residents cheering with relief in Deir al-Zor as the convoy arrived. The United Nations estimated that 93,000 civilians living under Islamic State siege in Deir al-Zor had been in extremely difficult conditions, being supplied only by air drops. The 40 trucks that reached the area on Thursday carried basic needs such as fuel, food and medical supplies to civilians, and included two mobile clinics, state news agency SANA reported. The army also holds another besieged enclave at the city s airbase, separated from its advancing forces by hundreds of meters of IS-held ground. The Syrian Observatory for Human Rights said on Thursday that the army had not yet connected with that enclave, and was working on expanding its corridor from the west. Islamic State mortar fire on neighborhoods still surrounded near the air base killed at least seven civilians and wounded dozens more on Thursday, the British-based monitoring group said. On Thursday, the army also advanced against Islamic State militants in countryside east of the city of Hama, a media unit run by Damascus ally Hezbollah reported. The advance, which saw forces recapture two villages there, is part of efforts to drive the militants out of an isolated pocket of territory they control east of Hama and Homs. Separately, the U.S. special envoy to the U.S.-led coalition against Islamic State, Brett McGurk, said on Wednesday that a convoy of Islamic State fighters and families from the Syria-Lebanon border was still in open desert. The coalition is using air strikes to block the convoy from reaching IS-held territory in eastern Syria, to which the Syrian army and its ally Hezbollah were escorting it as part of a truce following fighting on the Syria-Lebanon border. Islamic State is fighting separate offensives by both the Syrian army and its allies in eastern and central Syria, as well as the U.S.-backed Syrian Democratic Forces in Raqqa. The group has lost nearly half of its territory across both Iraq and Syria, but still has 6,000-8,000 fighters left in Syria, the United States-led coalition has said. ",worldnews,"September 7, 2017 ",1 +Syrian opposition leader says U.N. mediation has failed,"BEIRUT (Reuters) - A prominent Syrian opposition leader said on Thursday U.N. mediation to end the country s six-year conflict has failed and the revolution would continue. Riyad Hijab, chairman of the Saudi-backed High Negotiations Committee (HNC), rejected comments by U.N. special envoy Staffan de Mistura that President Bashar al-Assad s opponents must accept they have not won the war. De Mistura s statements reflect the defeat of U.N. mediation, Hijab wrote on Twitter. The Syrian revolution continues, he said. De Mistura had repeatedly made un-studied remarks on the conflict, he said. Hijab, a former Syrian prime minister under Assad, called for a new a U.N. approach on the Syrian issue , without elaborating. Assad has won a series of military victories but rebel groups still hold large parts of the northwest of the country and substantial enclaves in the southwest, in Homs province and near Damascus. De Mistura said on Wednesday the opposition must be unified and realistic in accepting it had not won the war. He did not say Assad was victorious. Victory can only be if there is a sustainable political long-term solution, de Mistura said, suggesting the conflict was almost over because many countries were involved principally to defeat Islamic State and a national ceasefire should follow. The remarks come ahead of a round of Syria talks between Damascus allies Russia and Iran and opposition backer Turkey in Astana next week. Several rounds of negotiations in Astana and a separate U.N.-sponsored track in Geneva between the government and the HNC have produced no visible progress on ending the war that broke out after a popular uprising in 2011. Russia and Iran have stood by Assad. Some Western countries have softened their initial stance that he should leave power immediately, saying he could be part of a transitional period. ",worldnews,"September 7, 2017 ",1 +"Pakistan's anti-corruption agency starts criminal investigation into ex-PM, finance minister","ISLAMABAD (Reuters) - Pakistan s anti-corruption agency will open a criminal investigation into former prime minister Nawaz Sharif and current finance minister Ishaq Dar, it said on Thursday. Sharif was ousted in July after the Supreme Court deemed him unfit to hold office for not declaring a small source of income, and ordered the agency, the National Accountability Bureau (NAB), to instigate a criminal investigation into him, his family and Dar. The agency said its investigation would rely on the evidence collected by a Supreme Court-appointed six-man panel that was investigating the Sharif family s wealth and included officers from powerful military intelligence agencies. The chairman (of) NAB directed that the prosecution of the cases will be followed up vigorously in the concerned Accountability Courts, the agency said in a statement. Sharif, his family, and Dar have denied any wrongdoing. The three-time premier said he never received the income that investigators said he did not declare. Sharif has said there was a conspiracy against him but did not identify anyone. Instead, he named long-time loyalist Shahid Khaqan Abbasi as his replacement as prime minister until the next election, expected in mid-2018. Pakistan has for decades been plagued by pervasive graft, as well as by rivalry between the military and civilian politicians. The NAB s conviction rates are notoriously low and Sharif has multiple investigations by the agency pending against him, including one dating back to 1999. ",worldnews,"September 7, 2017 ",1 +French police find more explosives after raid near Paris,"PARIS (Reuters) - French police unearthed a second stash of explosive materials near Paris on Thursday after a similar find in a nearby suburb on Wednesday, a justice official said as three suspects were questioned by anti-terrorism investigators. Thursday s swoop was carried out at a garage rented by one of the three detained in the wake of Wednesday s raid on an apartment in Villejuif, on the southern edge of the French capital, the source said. Materials used to produce TATP, an explosive often used by suicide bombers, were found at the flat after a plumber phoned police to report suspect activity there, Interior Minister Gerard Collomb said. Two people in their 30s and 40s were arrested in the immediate wake of Wednesday s raid, said Collomb, who added that the suspects were being questioned on suspicion of terrorist activity despite talking of a bank heist. A third man was arrested overnight, a source said. Those under investigation spoke of wanting to blow up a bank with the TATP but they way we see it is they have links with terrorism, and this is the channel of investigation, Collomb told public radio station franceinfo. That line of inquiry was prompted by information found in telephone communications after the raid, he added. The minister spoke before developments later in the day in which police found explosive materials at a garage in Thiais, southeast of Paris. More than 230 people have been killed by Islamist-inspired attackers in the past three years in France, which along with the United States and other countries are bombing Islamic State bases in Iraq and Syria. TATP, an unstable explosive, has been used by militants in several attacks in western Europe in recent years, including Manchester in May, Brussels in 2016 and Paris in 2015. ",worldnews,"September 7, 2017 ",1 +Florida residents heed Irma warnings after Harvey's destruction,"FORT LAUDERDALE, Fla. (Reuters) - Hurricane Harvey s destruction in Texas may not have altered Florida s well-tested storm plans, but it appears to have infused residents with a new sense of urgency as they prepare for approaching Hurricane Irma. Officials said Harvey s devastating flooding, coupled with the sheer power of Irma, ranked as the strongest Atlantic storm on record, had sharpened the focus of Floridians who were somewhat indifferent about preparing for past hurricanes. A lot of times they end up having hurricane parties here instead of evacuating, Monroe County spokeswoman Cammy Clark said by phone. That s been the opposite this time around. Monroe County includes the Florida Keys, which ordered evacuations for all residents and tourists. Clark said she saw a steady stream of traffic leaving the travel destination as she drove to work early on Wednesday. The U.S. National Hurricane Center forecasts that Irma may strike southern Florida on Saturday, when it could still be a major hurricane. As it neared Puerto Rico on Wednesday with maximum sustained winds of 185 miles per hour (295 kph), Irma was a Category 5 storm, the highest level on the five-step Saffir-Simpson scale of intensity. This storm is bigger, faster and stronger than Hurricane Andrew, Florida Governor Rick Scott told a news conference on Wednesday, referring to one of the costliest storms in U.S. history that struck southern Miami-Dade County 25 years ago. For south Florida, Hurricane Irma is a once-in-a-generation storm. It s the Big One for us, Ed Rappaport, acting director of the hurricane center, told WFOR-TV in Miami on Wednesday evening. Miami-Dade County Mayor Carlos Gimenez on Wednesday evening announced mandatory evacuations for most of the county s coastal cities beginning at 9 a.m. (1300 GMT) on Thursday. Miami-Dade has a population of 2.7 million. The evacuation orders affect more than 100,000 residents, the Miami Herald reported. Miami Beach Mayor Philip Levine had already urged residents of that city on Tuesday to evacuate. We don t want any heroes, he said. We want people to bring themselves to a safer place than a barrier island. Officials across Florida said they saw signs of people taking Irma more seriously than past storms. Residents were stocking up on water and batteries and even complaining that county leaders were not being quick enough to announce evacuations, said Don Walker, spokesman for Brevard County Emergency Management. Houston officials were criticized for not ordering an evacuation ahead of the flooding that left hundreds of people in the country s fourth-largest city trapped in their homes. Everyone is really in tune with this storm system. My neighbors are talking about it, and we don t usually do that, Walker said. For years, many Florida residents, joined by an ever-growing number of newcomers, paid little heed to hurricane warnings as most opted to stay in their homes, county officials said. Not this time around. I ll tell you for the community, heck yeah, they re taking this more seriously, said Teri Barbera, spokeswoman for the Palm Beach County Sheriff s Office, noting that many stores were out of bottled water by Monday. They re not playing. ",worldnews,"September 7, 2017 ",1 +China tightens control of chat groups ahead of party congress,"BEIJING (Reuters) - China issued new rules on instant messaging chat groups on Thursday, tightening control over online discussions ahead of a sensitive leadership reshuffle next month. Beijing has been ramping up measures to secure the internet and maintain strict censorship, a process that has accelerated ahead of the 19th National Congress of the Communist Party, when global attention will be on the world s No.2 economy. Group chats on instant messaging apps and online commenting threads have seen a surge in popularity in China in recent years as forums for discussion, partly because they are private for members and so in theory are subject to less censorship. Internet chat service providers must now verify the identities of their users and keep a blog of group chats for no less than six months, the Cyberspace Administration of China said in a statement released on its website The rules, which take effect on Oct 8, just before the congress is due to begin, will cover platforms provided by China s internet titans, such as Tencent s WeChat and QQ, Baidu s Tieba and Alibaba s Alipay chat. The regulations also require companies to establish a credit system, and to provide group chat services to users in accordance to their credit rating, CAC said. Chat group participants who break the rules will see their credit scores lowered, their rights to manage group chats suspended or revoked and should be reported to the relevant government department, it added. The CAC did not immediately respond to a faxed request for comment sent after office hours on Thursday. The administration also said the owner of the chat group should bear responsibility for the management of the group. Whoever owns the group should be responsible, and whoever manages the group should be responsible, it said. The new rules are the latest requirement for China s internet giants, who have already been subject to investigations from the CAC into their top social media sites for failing to comply with cyber laws. The administration has already taken down popular celebrity gossip social media accounts and extended restrictions on what news can be produced and distributed by online platforms, and has embarked on a campaign to remove virtual private network apps, which allow users to access websites blocked by the authorities. ",worldnews,"September 7, 2017 ",1 +'And then they exploded': How Rohingya insurgents built support for assault,"YANGON (Reuters) - When the former U.N. chief Kofi Annan wrapped up his year-long probe into Myanmar s troubled northwest on Aug. 24, he publicly warned that an excessive army response to violence would only make a simmering conflict between Rohingya insurgents and Myanmar security forces worse. Just three hours later, shortly after 8 p.m., Rohingya insurgent leader Ata Ullah sent a message to his supporters urging them to head to the foot of the remote Mayu mountain range with metal objects to use as weapons. A little after midnight, 600 km northwest of the country s largest city Yangon, a rag-tag army of Rohingya militants, wielding knives, sticks, small weapons and crude bombs, attacked 30 police posts and an army base. If 200 or 300 people come out, 50 will die. God willing, the remaining 150 can kill them with knives, said Ata Ullah in a separate voice message to his supporters. It was circulated around the time of the offensive on mobile messaging apps and a recording was subsequently reviewed by Reuters. The assault by Ata Ullah s group, the Arakan Rohingya Salvation Army (ARSA), was its biggest yet. Last October, when the group first surfaced, it attacked just three police border posts using about 400 fighters, according to Myanmar government estimates. The Myanmar army is now estimating up to 6,500 people took part in the August offensive. Its ability to mount a much more ambitious assault indicates that many young Rohingya men have been galvanized into supporting ARSA following the army crackdown after the October attacks, according to interviews with more than a dozen Rohingya and Rakhine villagers, members of the security forces and local administrators. The brutal October response led to allegations that troops burned down villages and killed and raped civilians. The crisis in ethnically-riven Rakhine state is the biggest to face Myanmar s leader Aung San Suu Kyi, and her handling of it has been a source of disillusionment among the democracy champion s former supporters in the West. United Nations Secretary-General Antonio Guterres appealed to Myanmar authorities on Tuesday to end violence against Rohingya Muslims, warning of the risk of ethnic cleansing, a possible humanitarian catastrophe, and regional destabilisation. Rohingya leaders and some policy analysts say Suu Kyi s failure to tackle the grievances of the Muslim minority, who have lived under apartheid-like conditions for generations, has bolstered support for the militants. The fledgling militia has been transformed into a network of cells in dozens of villages, capable of staging a widespread offensive. Myanmar s government has declared ARSA a terrorist organisation. It has also accused it of killing Muslim civilians to prevent them from cooperating with the authorities, and of torching Rohingya villages, allegations the group denies. The latest assault has provoked a major counteroffensive in which the military says it killed almost 400 insurgents and in which 13 members of the security forces have died. Rohingya villagers and human rights groups say the military has also attacked villages indiscriminately and torched homes. Myanmar government says it is carrying out a lawful counter-terrorism operation and that the troops have been instructed not to harm civilians. Nearly 150,000 Rohingya have fled to Bangladesh since Aug. 25, leading to fears of a humanitarian crisis. Some 26,750 non-Muslim villagers have also been displaced inside Myanmar. Suu Kyi has said she would adopt recommendations of Kofi Annan s panel that encouraged more integration. She has also previously appealed for understanding of her nation s ethnic complexities. In a statement on Wednesday, she blamed terrorists for a huge iceberg of misinformation on the strife in Rakhine. She made no mention of the Rohingya who have fled. Suu Kyi s spokesman, Zaw Htay, could not be immediately reached for comment. On Monday, however, he told Reuters Myanmar was carrying out a counterterrorism operation and taking care of the safety of civilians, including Muslims and non-Muslims. In an interview with Reuters in March, Ata Ullah linked the creation of the group to communal violence between Buddhists and Muslims in Rakhine in 2012, when nearly 200 people were killed and 140,000, mostly Rohingya, displaced. We can t turn the lights on at night. We can t move from one place to another during the day, he told Reuters in previously unpublished remarks, referring to restrictions placed on the Rohingya population s behaviour and movements. Everywhere checkpoints: every entry and every exit. That s not how humans live. A Rohingya community leader who has stayed in northern Rakhine said that, while the rest of Myanmar enjoyed new freedoms under Suu Kyi after decades of military rule, the Muslim minority have been increasingly marginalized. Support for the insurgents grew after the military operation last year, he said. When the security forces came to our village, all of the villagers apologised and asked them not to set the houses on fire - but they shot the people who made that request, he said. People suffered because their sons got killed in front of them even though they begged for mercy, their daughters, sisters were raped - how could they live without constantly thinking about it, that they want to fight against it, whether they die or not. Reuters couldn t independently confirm the villagers accounts. Last month, a Myanmar government probe - led by former head of military intelligence and now Vice President, Myint Swe - rejected allegations of crimes against humanity and ethnic cleansing during the crackdown last year. Villagers and police officers in the area say that ARSA had since last October established cells in dozens of villages, where local activists then recruited others. People shared their feelings with others from the community, they talked to each other, they told their friends or acquaintances from different regions and then they exploded, said the Rohingya community leader. Rohi Mullarah, a village elder from the Kyee Hnoke Thee village in northern Buthidaung, said the leaders sent their followers regular and frequent messages via apps like WhatsApp and WeChat, encouraging them to fight for freedom and human rights and enabling them to mobilize many people without the risk of being caught going into the heavily militarised areas to recruit. They mainly sent phone messages to the villagers, they didn t ... move people from place to place, he said. He said his village was not involved in the insurgency and even posted a signboard in front of it that said any militants would be attacked by the villagers if they attempt to recruit people. Many Rohingya elders have for decades rejected violence and sought dialogue with the government. While ARSA has now gained some influence, especially among young, disaffected men, many Rohingya elders have condemned the group s violent tactics. In recent months there had been reports of killings of local administrators, government informers and village chiefs in the Rakhine region, leading to speculation the insurgents were adopting brutal tactics to stop information on their activities from leaking to the security forces. They cut out the government communication by instigating a campaign of fear and took charge in the region, said Sein Lwin, police chief in Rakhine. . An army source directly involved in operations in northern Rakhine also said it was now much more difficult to get information on ARSA s plans. The strategy resulted in the shut down of government mechanisms in some places because no government servants dared to stay there , the army source said. A village head from northern Buthidaung township, who asked not to be named, said the insurgents called him several times pressing him to allow some young villagers to take part in their training - an offer he refused. I tried to stay safe and sometimes I had to sleep at the police station and local administrator s house, he said. Despite the largely successful clamp down on information by the insurgents, it was a tip off by an informer that stopped the Aug. 25 attacks from being much worse for the Myanmar security services, the army source said. About an hour after Ata Ullah s men headed for the jungle in the evening of Aug. 24, the army received a signal from the Rohingya informer saying the attack was coming. The 9 p.m. message mentioned imminent multiple attacks, but it did not say where they would occur. The warning was enough for the security forces to withdraw some troops to larger stations and to reinforce strategic locations, saving many lives on the government side, the military source said. The raids by the insurgents came in waves from around 1 a.m. until sunrise, and took place mostly in Maungdaw township where Ata Ullah staged his three attacks in October. This time, though, the distance between the northern- and southern-most points was as long as 100 km (60 miles). The Rohingya also struck in the north of the neighbouring Buthidaung township, including an audacious bid to storm an army base. We were surprised they attacked across such a wide geographical area - it shook the whole region, said the army source. (This version of the story corrects date in paragraph 39 to Aug. 24) ",worldnews,"September 7, 2017 ",1 +Cuban dissidents in electoral challenge as Castro era nears end,"HAVANA (Reuters) - Opponents of the Cuban government are putting forward an unprecedented number of candidates for municipal elections in late October, the first step in a process to select a new president after nearly 60 years of the Castro brothers rule. The electoral cycle comes at a tricky time for the Caribbean nation as the Castros revolutionary generation dies off, an economic reform program appears stalled, aid from key ally Venezuela shrinks, and the Trump administration threatens. The municipal vote, the only part of the electoral process with direct participation by ordinary Cubans, is expected to attract 35,000 candidates for the island s 168 municipal assemblies. It will be followed by provincial and national assembly elections in which candidates are selected from slates by commissions. The new national assembly will in late February select a successor to President Raul Castro, 86, who has announced he will step aside after two terms. Raul, younger brother and successor to Fidel Castro who died in November, will retain a grip on power as head of the Communist Party, the only legal party in Cuba. The elections are being cast in state-run media as a show of support for the Castros 1959 revolution rather than an opportunity to debate the pressing issues. Campaigning is prohibited and candidates for the 12,515 ward delegate positions are nominated at neighborhood meetings based on their personal merits, not policy positions. They need not belong to the Communist Party and many candidates are independents but only few government opponents have ever competed. During the last election, the three dissidents nominated lost at the polls. This year, however, one coalition of opposition groups, Otro18 (Other18), says it is running more than 160 candidates in the municipal elections, demanding electoral reform and government transparency. This is unheard of, said Boris Gonzalez, 41, one of the aspiring Otro18 candidates, explaining they wanted to challenge the Communist Party from within the system. Otro18 spokesman Manuel Cuesta Morua said in an interview that its candidates had faced harassment and threats by state security forces for months and had been warned not to participate. The government has not responded to these accusations. The Communist Party says it does not intervene in the elections, but a video circulating on social media of First Vice President Miguel Diaz-Canel, Raul Castro s probable successor, suggested otherwise. There are six initiatives for the 2018 elections that seek to propose counter-revolutionaries as candidates, Diaz-Canel told Communist Party cadres in the video. We are taking steps to discredit all that. In this battle, which we are already fighting, we are going to be involved in this whole process in the second half of the year, he said. The government has not commented on the video. Cuba brands all dissenters as mercenaries funded by foreign governments and exiles, out to topple the government. Even if a few dissident candidates beat the odds and are elected to municipal assemblies, they have little chance of getting any further. The candidates for the provincial and national assemblies are nominated by commissions composed of representatives of Communist Party-controlled organizations such as the trade union federation and Committees in Defense of the Revolution. The slates have had the same number of names as seats in previous elections. Up to 50 percent of those names must be ward delegates. After the general election, the assemblies elect their respective executives and on Feb. 24 the new National Assembly is scheduled to name a new president and other members of the Council of State. I have never voted for anyone important, not even our president, said retired air force mechanic and staunch Castro-supporter Eduardo, who requested his last name not be used. I can only vote for my neighborhood representative and they never go anywhere, he said, but I still think it s a better system than one based on money and lies. ",worldnews,"September 7, 2017 ",1 +Does not make sense to keep Charter of Fundamental Rights post-Brexit: UK minister,"LONDON (Reuters) - It does not make sense for Britain to retain the European Union s Charter of Fundamental Rights after it leaves the bloc, Britain s Brexit minister David Davis said. Parliament began debating legislation on Thursday to sever political, financial and legal ties with the EU, but the opposition Labour Party has said it cannot support the bill without it being amended to better protect workers rights. We also do not believe it would make sense to retain the Charter of Fundamental Rights, Davis told parliament. The charter only applies to member states when acting within the scope of EU law. We will not be a member state nor will we be acting within the scope of EU law once we leave. He added: The charter catalogues the rights found under EU law which will be brought into UK law by the bill. It is not, and never was, the source of those rights. ",worldnews,"September 7, 2017 ",1 +China tightens regulation of religion to 'block extremism',"BEIJING (Reuters) - China s cabinet on Thursday passed new rules to regulate religion to bolster national security, fight extremism and restrict faith practiced outside organizations approved by the state. The document passed by Premier Li Keqiang updates a version of rules put into place in 2005 to allow the regulation of religion to better reflect profound changes in China and the world, the official Xinhua news agency reported. The rules released by Xinhua use strong and specific language about the need to protect China s national security against threats from religious groups. Religious affairs maintenance should persist in a principle of maintaining legality, curbing illegality, blocking extremism, resisting infiltration and attacking crime, the regulations say. Any group or individual must not create conflict or contention between different religions, with a single religion or between religious individuals and non-religious individuals, they say. President Xi Jinping has emphasized the need to guard against foreign infiltration through religion and the need to prevent the spread to extremist ideology, while also being tolerant of traditional faiths that he sees as a salve to social ills. The officially atheist ruling Communist Party says it protects freedom of religion, but it keeps a tight rein on religious activities and allows only officially recognized religious institutions to operate. The rules, which come into effect on Feb 2, 2018, also place new oversight on online discussion of religious matters, on religious gatherings, the financing of religious groups and the construction of religious buildings, among others. They increase existing restrictions on unregistered religious groups to include explicit bans on teaching about religion or going abroad to take part in training or meetings. Much of China s religious practice, which has seen a revival in recent decades despite being effectively banned in the 1960s during the Cultural Revolution, takes place in informal settings not recognized, though often tolerated, by the authorities. Religious education is also further brought under the umbrella of the state in the regulations, with explicit provisions on the establishment and registration of religious colleges. New provisions are included on the use and raising of religious funds and on taxation. Donations from foreign groups or individuals, for example, are banned, while donations over 100,000 yuan ($15,420) need to be reported to authorities. Fines for breaking the rules have also been increased in the new version and the organizers of unapproved events can now be subject to fines from 100,000 to 300,000 yuan, rather than the previous 1 to 3 times the amount spent on the event. ",worldnews,"September 7, 2017 ",1 +EU withdrawal bill vital to ensuring orderly Brexit: minister,"LONDON (Reuters) - Legislation to sever political, financial and legal ties with the European Union is vital to ensuring Britain leaves the bloc in an orderly manner, Brexit minister David Davis said on Thursday. Davis also said the powers offered by the EU withdrawal bill, which seeks largely to copy and paste EU law into British legislation, would allow the government to make sure the statute book works on the day Britain leaves the EU. This bill is vital to ensuring that as we leave, we do so in an orderly manner, Davis said at the start of a debate in parliament on the bill. ",worldnews,"September 7, 2017 ",1 +Japan's Abe agrees with Putin North Korea nuclear test threatens peace,"TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe said on Thursday that he agreed with Russian President Vladimir Putin that North Korea s latest nuclear test is a serious threat to regional peace and a challenge to global nuclear non-proliferation regime. Abe made the comments after holding talks with Putin on the sidelines of an economic forum in Russia s eastern port city of Vladivostok. We completely agreed that North Korea s nuclear test is a serious threat to the peace and stability of Korean peninsula as well as the region, and a grave challenge to the global non-proliferation regime, Abe told reporters. ",worldnews,"September 7, 2017 ",1 +"Malaysia says foils hijacking of Thai tanker, 10 pirates arrested","KUALA LUMPUR (Reuters) - Malaysian authorities thwarted the hijacking of a Thai oil tanker on Thursday and arrested 10 suspected Indonesian pirates on board the ship, a maritime security agency commander said. A special team from the Malaysian Maritime Enforcement Agency (MMEA) stormed the MT Tanker MGT1, off the coast of the northeastern state of Terengganu, nearly 10 hours after it was reported missing on Wednesday. While the 10 were detained on the tanker, three suspects on a smaller boat nearby managed to escape, and an MMEA vessel has been sent to find them, the agency s chief, Maritime Admiral Zulkifli Abu Bakar, said in a statement. The boat was spotted near the tanker by a surveillance aircraft. Warning shots were fired from the aircraft when the boat tried to escape but the attempt to stop them failed as the aircraft was running low on fuel, Zulkifli said. Zulkifli identified the 10 suspected pirates that were arrested as Indonesian nationals. None of the 14 crew members on the tanker, all Thais, was hurt. The tanker, which was transporting 2.2 million liters of diesel valued at about 7 million ringgit ($1.66 million), had been escorted to the town of Kuala Terengganu to help with the investigations into the case. Piracy in Southeast Asian waters, including its busy international shipping lanes, has been a problem for years. ",worldnews,"September 7, 2017 ",1 +Sri Lanka court jails top former senior officials for graft,"COLOMBO (Reuters) - A Sri Lankan court on Thursday jailed and fined two top officials in former president Mahinda Rajapaksa s government for misappropriation of funds, a lawyer said, the first convictions in a series of investigations into official corruption. The government of President Maithripala Sirisena unseated Rajapaksa in 2015 on promises to expose corruption and is under pressure to follow through. Sirisena s administration has been probing money laundering and misappropriation of state property in more than 50 cases, but no one had been convicted until Thursday. Colombo High Court sentenced Lalith Weeratunga, former secretary to Rajapaksa, and Anusha Palpita, ex-head of the state-run Telecommunication Regulatory Commission, to three years of rigorous imprisonment , or jail with hard labor, and fined them 52 million rupees ($340,760) each. Election monitors had complained that the state fund was used to influence voters ahead of 2015 presidential polls. Kalinga Indratissa, the lawyer who appeared on behalf of Weeratunga and Palpita, told Reuters the two would appeal. Two of Rajapaksa s sons, Namal and Yoshitha, have been arrested and released on bail over money laundering allegations. His brother, Basil, who headed the economic development ministry, has also been arrested at least three times - twice over suspicion of misuse of anti-poverty funds and a once over suspicion of laundering money and released on bail. Rajapaksa and his family deny any wrongdoing. Rajapaksa was president for a decade until January 2015 and is popular among ethnic majority Sinhala Buddhists who credit him with ending the 26-year-war against minority Tamil separatist rebels in 2009. ",worldnews,"September 7, 2017 ",1 +China lodges stern protest with South Korea over THAAD deployment,BEIJING (Reuters) - China said on Thursday it had lodged stern representations with South Korea for installing the four remaining launchers of the U.S. anti-missile Terminal High Altitude Area Defense (THAAD) system on a former golf course. Foreign Ministry spokesman Geng Shuang made the comment at a regular press briefing. ,worldnews,"September 7, 2017 ",1 +U.S. Navy to transport damaged destroyer from Singapore to Japan,"SINGAPORE (Reuters) - The U.S. Navy plans to transport the USS John S. McCain to Japan for a full damage assessment after a collision last month in which ten sailors died between Malaysia and Singapore. Moving the McCain to Yosuka, where the navy has repair and maintenance facilities, would allow the crew to be close to their families, the Naval Systems Command Office said in a news release on Thursday. The guided missile destroyer is currently moored at Singapore s Changi Naval Base. The move is notionally planned for late September. The McCain suffered significant damage in the collision with a tanker east of the Straits of Malacca and Singapore on Aug. 21. Compartments, including berthing, machinery, and communications rooms, were flooded. The news release said a full assessment was needed to determine cost, schedule and location for the ship s repairs. ",worldnews,"September 7, 2017 ",1 +France's Macron urges continued EU ties with Turkey,"PARIS (Reuters) - French President Emmanuel Macron said Turkey remained a vital partner of the European Union and ties should be maintained even if the country had strayed from the EU path, according to a newspaper interview published on Thursday. A senior Turkish official said EU states must decide whether they wanted Turkey as a member, but there was a sense they no longer want the marriage...(but) want cohabitation . Comments from the French president followed German Chancellor Angela Merkel s remarks in a television debate on Sunday that the EU should halt membership talks with Ankara. Turkey has indeed strayed away from the European Union in recent months and worryingly overstepped the mark in ways that cannot be ignored, Macron told Greece s Kathimerini newspaper. But I want to avoid a split because it s a vital partner in many crises we all face, notably the immigration challenge and the terrorist threat. The EU is eager to preserve a deal with Turkey that has stemmed the mass migration via Turkish territory of people from conflict areas. Turkey has in the past questioned the EU s sincerity in keeping its side of the arrangement. Relations with Ankara and the European Union have deteriorated since a failed July 2016 coup that has been followed by the arrests of tens of thousands of people across the country. Critics accuse President Tayyip Erdogan of using the coup attempt as pretext for a reckoning political opponents. Turkey, which signed an association agreement with the EU in 1963, began formal negotiations to join the union in 2005. However, several members, including France, have opposed talks on certain subjects meaning that only 16 negotiation chapters out of 35 have been opened. Speaking to reporters in Paris, Turkey s ambassador echoed President Erdogan s comments that the EU had to make its mind up about membership and dismissed any notion of an alternative special partnership . Integrating Turkey into the EU is not a Turkish question, but a European question now. Of course we have the impression of being duped, Ismail Hakki Musa told reporters in Paris. They no longer want the marriage they want cohabitation. For a privileged partnership it s too late and Europe must now be honest and sincere. Turkey s relationship with France is not as bad as that with Germany, but ties have been strained following the arrest of French journalists in the country. The most recent, Loup Bureau, was seized by Turkish border guards on the frontier with Iraq in early August. Musa said Macron and Erdogan had asked their respective interior and justice ministers to find a way to solve the problem. We have to find a solution without tainting the fundamentals of the Turkish system, he said. France s foreign minister is due in Ankara on Sept. 14. Finland s Foreign Minister Timo Soini, arriving in Brussels for talks with counterparts, said he was against ending membership talks with Turkey. It s always useful to have a dialogue. We know there are problems with human rights in Turkey. While Macron has sought not to anger Erdogan since taking office, when responding in an interview last month on why being on the world stage was not so easy, Macron appeared to take a veiled swipe at the Turkish president. I am the one who has to talk with Erdogan every 10 days, he told Le Point without elaborating. ",worldnews,"September 7, 2017 ",1 +Indian court sentences two Mumbai 1993 blasts convicts to death,"MUMBAI (Reuters) - An Indian court on Thursday sentenced to death two men convicted of involvement in India s most deadly bombings, a series of blasts in the city of Mumbai that killed 257 people in 1993, while two others were jailed for life. Investigators said the bombs were ordered by India s most wanted man, gangster Dawood Ibrahim, to avenge the demolition of the historic Babri mosque in north India by Hindu hardliners in 1992, during a period of religious conflict. Ibrahim is believed to be hiding in Pakistan. Pakistan denies that. The court sentenced Feroz Abdul Rashid Khan and Taher Merchant to death, while Abu Salem and Karimullah Khan were jailed for life, a lawyer for the federal police, Deepak Salvi, told reporters. A fifth man, Riyaz Siddiqui, was sentenced to 10 years in prison, Salvi said. Lawyers for the convicted men did not answer their telephones, and it was not immediately known if they would appeal against the sentences. Legal proceedings against those accused of being involved in the bombings have resulted in more than 100 convictions, most of which are still winding their way through the legal system because of appeals and commutations of sentences. One suspect in the case, Yakub Memon, was hanged in 2015. In June, a court had ruled the five guilty of involvement in the blasts that shook India s financial hub more than two decades ago. A six man also found guilty at that time died in prison before sentencing. ",worldnews,"September 7, 2017 ",1 +Dutch prime minister: 'enormous devastation' on Saint Martin,"AMSTERDAM (Reuters) - Hurricane Irma has caused enormous devastation to the Dutch side of the Caribbean island of Saint Martin and cut off electricity and gas, Dutch Prime Minister Mark Rutte said on Thursday. Most communications with the outside world are being conducted via the military, he said, adding that there was no clarity on victims. The Dutch navy, which has two ships stationed off the coast of the island, tweeted images gathered by helicopter showing damaged houses, hotels and boats. French authorities have counted at least eight dead on the French side of the island. Dutch Interior Minister Ronald Plasterk said he briefly had contact with Saint Martin s prime minister but communications are sporadic. He said nine patients at a hospital in the country had been evacuated by Dutch military helicopter. Sint Maarten is an independent nation within the Kingdom of the Netherlands, with a population of around 40,000 about the same as the French side. Images of the country s Juliana Airport showed the landing strips appeared intact, though the navy said the airport is unreachable for now. Andre van der Kamp, commander of the Dutch ship Zeeland, tweeted that the Zeeland and Pelikaan would be trying to moor on Sint Maarten to deliver emergency aid on Thursday, but they needed to complete a safety check of the port first. ",worldnews,"September 7, 2017 ",1 +"UK PM May to listen to concerns on EU bill, but is vital legislation: spokesman","LONDON (Reuters) - British Prime Minister Theresa May will listen to concerns from lawmakers about legislation to sever political, financial and legal ties with the European Union, but it is a vital bill, her spokesman said on Thursday. Parliament is due to begin debating the repeal bill, which is central to the government s plan to exit the bloc in 2019, later on Thursday but some lawmakers have expressed concerns about the powers it will give the government. She has said she will listen to the concerns of MPs (lawmakers) but we believe the bill is the right way to go about delivering a smooth exit from the European Union which is in everybody s interest, the spokesman told reporters. ",worldnews,"September 7, 2017 ",1 +Hurricane Irma likely to drop to Category 4 upon landfall in Florida: NHC,"(Reuters) - Hurricane Irma is likely to be downgraded to a Category 4 storm by the time it makes landfall in Florida, the U.S. National Hurricane Center said on Thursday. Irma, at present a Category 5 storm packing maximum sustained winds of 180 miles (285 km) per hour, is moving off the northern coast of the Dominican Republic, the NHC said. It has become a little less organized over the past few hours but the threat of direct hurricane impacts in Florida over the weekend and early next week continues to increase, it said. Hurricane watches were in effect for the northwestern Bahamas and much of Cuba. Irma, one of the most powerful Atlantic storms in a century, killed eight people on the Caribbean island of Saint Martin and left Barbuda devastated on Thursday. Meanwhile, a hurricane swirling in the Gulf of Mexico, Katia, which is about 195 miles (310 km) northeast of Veracruz with maximum sustained winds of 80 miles per hour (130 km per hour), is likely to gain near major hurricane strength by landfall, the NHC said. A third hurricane in the Atlantic, Jose, has strengthened slightly and is expected to intensify further over the next 48 hours, it added. Hurricane Jose is about 815 miles (1,310 km) east of the Lesser Antilles with maximum sustained winds of 90 miles per hour (150 km per hour), the Miami-based weather forecaster said. ",worldnews,"September 7, 2017 ",1 +Indonesian school a launchpad for child fighters in Syria's Islamic State,"SUKAJAYA, Indonesia (Reuters) - Hatf Saiful Rasul was 11 years old when he told his father, a convicted Islamic militant, that he wanted to leave school and go to Syria to fight for Islamic State. The boy was visiting his father in a maximum security prison during a break from Ibnu Mas ud, his Islamic boarding school, Syaiful Anam said in a 12,000 word essay on his son and religion that was published online. At first, I did not respond and considered it just a child s joke, he wrote. But it became different when Hatf stated his willingness over and over. Hatf told his father some of his friends and teachers from Ibnu Mas ud had gone to fight for Islamic State and become martyrs there , Anam wrote. Anam agreed to let him go, noting in his essay that the school was managed by comrades who share our ideology . Hatf traveled to Syria with a group of relatives in 2015, joining a group of French fighters. Reuters spoke to three Indonesian counter-terrorism officials who confirmed the boy went to Syria. Indonesia is the world s most populous Muslim-majority country and most of its people practice a moderate form of Islam. But there has been a recent resurgence in militancy and authorities believe Islamic State has more than 1,200 followers in Indonesia while about 500 Indonesians have left to join the group in Syria. Drawing on court documents, registration filings and interviews with counter-terrorism police and former militants, Reuters has found that Hatf was one of at least 12 people from Ibnu Mas ud who went to the Middle East to fight for IS or attempted to go there between 2013 and 2016. Eight were teachers, four were students. At least another 18 people linked to the school have been convicted, or are now under arrest, for militant plots and attacks in Indonesia, including the three deadliest attacks in the country in the past 20 months, according to counter-terrorism police and trial documents of convicted militants. For details, click here: tmsnrt.rs/2wDwgPD Jumadi, a spokesman for Ibnu Mas ud, denied the school supported IS or any other militant Islamist group, or taught any extreme or ultra-violent interpretation of Islam. Ibnu Mas ud is one of about 30,000 Islamic boarding schools, or pesantren, across Indonesia. Most educate students in Islam and other subjects, but a handful are linked to extremism and act as centers for recruitment, Indonesian police and government officials say. Ibnu Mas ud has been in existence for a decade, despite its links to militants. Irfan Idris, the head of deradicalization at Indonesia s national counter-terrorism agency, blamed weak laws and bureaucracy for the lack of action against such schools. Basically, it s not our domain, it s the religious ministry, he told Reuters. We have informed the ministry that you have a problem with Ibnu Mas ud. Asked about the school s links to militants and why it had not been shut down, Kamaruddin Amin, the director general of Islamic education at Indonesia s Ministry of Religious Affairs, said: Ibnu Mas ud never registered as a pesantren. Jumadi confirmed the school was not registered with the ministry. The local government, Amin added, had requested an explanation regarding the status of their study but did not get a response. Jumadi confirmed recent discussions with local government officials about the school s teaching. We have no curriculum, he said, a reference to the emphasis on teaching the Koran. We re focused on the tahfiz, on memorizing the Koran, and the Hadith (the sayings of the Prophet Mohammad), he said. We teach students about the Arabic language, about faith and the history of Islam. Jumadi said Hatf studied at Ibnu Mas ud but he did not know the circumstances of his leaving. He said he was unaware of any staff or students traveling to Syria to join IS, other than three teachers and one student detained in Singapore last year. Mustanah, a former student deported from Iraq in August, has told police several ex-students from Ibnu Mas ud had traveled to Syria, two counter-terrorism officials told Reuters. Nestled in the foothills of Mount Salak, a dormant volcano, in the village of Sukajaya, 90 km (55 miles) south of Indonesia s capital Jakarta, Ibnu Mas ud is a ramshackle complex of classrooms, dormitories and prayer rooms that hosts up to 200 students from elementary school to junior high. A Reuters team entered the school in June but was not allowed to tour the premises and was eventually asked to leave. Inside a mosque that forms part of the complex, young boys dressed in Arabic tunics and skull caps could be seen sitting in a circle holding their Korans, smiling and fidgeting as they waited for their lessons. In a courtyard, young girls were scampering about. They looked no older than five or six and were wearing headscarves. In a video viewed by Reuters but later taken down from Youtube, principal Masyahadi outlines the institution s adherence to Salafism, an ultra-conservative brand of Sunni Islam that urges followers to emulate the lives of the earliest disciples of Mohammad and embrace sharia law. Ibnu Mas ud ensures that Muslim children are preoccupied with efforts to understand their religion correctly so they become a generation that understands the religion and will fight for the religion, he says. Asked if fighting for the religion included taking up arms, Jumadi, the spokesman, said it would need further discussion to answer that question before declining to elaborate further. According to documents presented in court, Ibnu Mas ud was founded in 2007 in Depok, a Jakarta satellite town, by Aman Abdurrahman, a jailed cleric and Indonesia s leading Islamist ideologue. The deed of establishment of the foundation that runs Ibnu Mas ud lists three people among its executives who were jailed with Abdurrahman for setting up a militant training base in the Indonesian province of Aceh in 2009. Sofyan Tsauri, a former militant who said he has made donations to the school, told Reuters Ibnu Mas ud was for the children of Ikhwan (Islamic fighters) to study while also serving as the hub of safehouses for Islamist fugitives. Dulmatin, who had a $10 million bounty on his head for taking part in a 2002 bombing on the Indonesian resort island of Bali in which 202 people were killed, prayed at Ibnu Mas ud while he was on the run, according to court documents related to the Aceh trials of Abdurrahman and the three foundation executives. Dulmatin was killed by police in 2010. After the trials, Ibnu Mas ud moved from Depok in 2010 but it ran into problems at its current location as well when a teacher tried to set fire to bunting celebrating Indonesia s independence day on August 17. The incident was confirmed by police and local villagers. People in the area were already suspicious about activities at the school, village chief Wahyudin Sumardi said. Every time there was a terrorist incident elsewhere, the authorities would come, he told Reuters in July. I m not comfortable with the whole situation. After complaints by villagers, local authorities have asked Ibnu Mas ud to leave by September 17, but Jumadi said this week that the school was negotiating to stay. The school may look for a new location if forced to move, he said. Pesantren have deep roots in Indonesia, harking back centuries, when they were the main form of education for most poor and rural people. Even as Indonesia s education system modernized and state-run secular schools were introduced, the overwhelmingly private Islamic boarding schools remain important. Amin, at Indonesia s Ministry of Religious Affairs, told Reuters in July that the ministry was working on a new policy to standardize the curriculum in pesantren and assume control of their approval. No policies have yet been announced. Anam, Hatf s father, told Reuters in handwritten comments in response to questions during a court hearing in Jakarta in July that he was proud of his son. Photos viewed by Reuters, which Anam said were taken in Syria and posted on social media by Hatf, showed the boy at a meal with older men and one in which the fresh-faced youngster is holding an AK-47 rifle almost as big as himself. Hatf could disassemble the rifle in 32 seconds, Anam wrote. He was also issued a 9mm handgun, 2 hand grenades, a commando knife and compass. By his father s account, citing messages sent by his son, Hatf survived one air strike, flying through the air from the force of an explosion and emerging with only a bloody ear and hearing loss. On September 1, 2016, two months short of his 13th birthday, Hatf was hit by another air strike. Shortly thereafter, the death of three Indonesians near the Syrian city of Jarabulus was announced by IS. The merry little mujahid was dead, wrote Anam in his essay, his tattered little body crushed by the bomb . I do not feel sad or loss, except a limited sadness as a father who was left by his beloved child, Anam told Reuters in the notes he provided at the court hearing. Instead I felt happy because my child has achieved martyrdom, inshallah. ",worldnews,"September 7, 2017 ",1 +"UK's Prince George starts school, pregnant mum Kate too ill to go","LONDON (Reuters) - Britain s Prince George, the great-grandson of Queen Elizabeth and third-in-line to the throne, started school on Thursday but without his pregnant mother Kate to support him because she is suffering from severe morning sickness. George, 4, was taken by his father, Prince William, from their Kensington Palace home to Thomas s Battersea school in southwest London, which says its most important rule is to Be Kind and charges almost 18,000 pounds ($23,490) per pupil per year. We expect our pupils to make impressive progress as a result of their own hard work, the best efforts of their teachers, the judicious support of their parents and the encouragement of their peers, the school says on its website. A nervous-looking George, wearing a school uniform of dark shorts and a navy jumper with red trim, held his father s hand as the Head of Lower School, Helen Haslem, escorted the royal duo to his classroom. His mother Kate missed the occasion due to acute morning sickness and has canceled other engagements this week after the palace announced on Monday that she was expecting her third child. Like his parents, George and his younger sister Charlotte have already appeared on the front covers of magazines around the world and this summer they traveled on official royal tours of Poland and Germany where crowds cheered them. ",worldnews,"September 7, 2017 ",0 +EU to ask Britain to look for 'solutions' to Ireland border: Guardian,"(Reuters) - The European Union will soon ask Britain to take responsibility for solving the Irish border problems, according to documents leaked to the Guardian. Michel Barnier, the European Union s chief negotiator, will ask Britain to work out solutions that avoid the creation of a hard border with Ireland, the newspaper also reported. The news comes after the Guardian earlier reported, based on a draft memo it reviewed, that Britain is considering measures to restrict immigration for all but the highest-skilled EU workers. The British government declined to comment on the report while the European Union was not immediately available for comment. ",worldnews,"September 6, 2017 ",1 +"Germans most afraid of terrorism, secure about finances: study","BERLIN (Reuters) - Fear of terrorism, political extremism and social tension due to mass migration are Germans top concerns as they prepare to vote in a federal election, a survey showed on Thursday. Worries about jobs and the economy have meanwhile fallen to record lows, according to the annual study by insurer R+V. Having presided over an economic upswing that has boosted wages and created jobs, Chancellor Angela Merkel is widely expected to win a fourth term in the Sept. 24 election. Some voters from her conservative alliance have however defected to the anti-immigrant Alternative for Germany (AfD) over her decision in 2015 to open Germany s borders to hundreds of thousands of refugees fleeing war in Syria and Iraq. The R+V study showed terrorism remained the top fear, worrying 71 percent of Germans compared to 73 percent last year, Security officials have said the country should brace for further violence by Islamist militants after it was hit by five attacks in 2016, including one in December on a Berlin Christmas market that killed 12 people. The fear of terror attacks is clearly in first place and is at one of the highest levels that has ever been measured, said Brigitte Roemstedt, who heads the R+V Info Centre that surveyed around 2,400 Germans. Political extremism was the second biggest worry, troubling 62 percent of Germans compared with 68 percent last year, while 61 percent fear that immigration could provoke social tension, down from 67 percent. R+V said fear of unemployment and a poor economic situation were at record lows, while concerns about natural disasters and contaminated food had increased. ",worldnews,"September 7, 2017 ",1 +North Korea pledges 'powerful counter measures' against U.S.-backed sanctions,"VLADIVOSTOK, Russia (Reuters) - North Korea on Thursday pledged to take powerful counter measures to respond to U.S. pressure or any new sanctions against it over its missile program, accusing Washington of wanting war. Pyongyang s pledge, made in a statement by its delegation to an economic forum in Russia s Far East, came after the United States said it wanted the U.N. Security Council to impose an oil embargo on North Korea, ban the country s exports of textiles and the hiring of North Korean laborers abroad, and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. We will respond to the barbaric plotting around sanctions and pressure by the United States with powerful counter measures of our own, the statement read. The same statement also accused South Korea and Japan of using the Russian forum to play dirty politics, saying the event was meant to be about discussing economic cooperation in the region and not about criticizing its missile program. Russian President Vladimir Putin told the same forum on Thursday he thought the North Korea crisis would not escalate into a large-scale conflict involving nuclear weapons, predicting that common sense would prevail. ",worldnews,"September 7, 2017 ",1 +New Zealand's Labour widens lead as governing party loses ground,"WELLINGTON (Reuters) - New Zealand s newly invigorated Labour Party has widened its lead over the governing National Party, further threatening its decade-long hold on power, a poll showed on Thursday, as the two party leaders exchanged jabs at their third debate in a week. National fell 2 points to 39 percent, while support for the opposition Labour Party was unchanged at 43 percent, the poll released on the website of the 1 News broadcaster showed. New Zealand holds a general election on Sept. 23. The poll still tipped the nationalist New Zealand First as a likely kingmaker, and showed the Green Party would only just make it into parliament. Jacinda Ardern has almost single-handedly changed the chances of her Labour Party since taking over as leader last month, with her charisma and popularity offsetting some criticism over vague tax plans and tighter immigration policy. National leader Bill English, who is pinning his bid on his government s strong economic record, said he was not particularly worried about the poll results. On those numbers it would seem to me that a Labour/New Zealand First government would be the more likely outcome, but that all depends on a number of negotiations, said Grant Duncan, associate professor at Massey University in Auckland. Based on these numbers, New Zealand First would be a key player for both Labour and National. The New Zealand dollar fell to the day s low of $0.7173, having stood at $0.7207 shortly before the poll results were released. The poll showed support for the New Zealand First Party rose 1 point to 9 percent, while support for the Green Party remained at 5 percent. Duncan said the Greens were perilously close to the 5 percent voting threshold below which you do not get a seat in parliament. Ardern reiterated that her first call would be to the Green Party, with which she has a working agreement, if she was in a position to form a coalition government after the vote. The debate saw the party leaders trade jabs on taxes and housing, much as in their two previous encounters. It also touched on allegations this week by National that there is a NZ$11.7 billion hole in Labour s fiscal plans - a claim rejected by Labour and one that has been refuted by economists, according to media. If you continue to maintain that then you re maintaining a lie. That is misleading voters and it is wrong, Ardern told English during the debate. Support for Labour overtook that of National in a similar poll released a week ago. ",worldnews,"September 7, 2017 ",1 +Turkey's economy minister defends predecessor over Iran sanctions charges,"ANKARA (Reuters) - Turkey s economy minister said on Thursday his predecessor Zafer Caglayan, charged in the United States with conspiring to evade U.S. sanctions against Iran, had done nothing to harm his country. Caglayan did not do anything against Turkey s interests, Nihat Zeybekci told reporters. It is no concern to Turkey if Caglayan acted against interests of other countries. Zeybekci also said the case against Caglayan remained unverified. There are claims that these sanctions are violated, but the ones who claim these things are obliged to prove them. U.S. prosecutors have charged Caglayan, a former Turkish economy minister, and the former head of a Turkish state bank with conspiring to evade U.S. sanctions against Iran, widening an investigation that has fueled tension between Washington and Ankara. ",worldnews,"September 7, 2017 ",1 +Syrian war monitor says strikes hit military science center,"BEIRUT (Reuters) - An air strike on Masyaf in Syria hit a Scientific Studies and Research Centre facility and an adjacent military camp where ground-to-ground rockets are stored, the Syrian Observatory for Human Rights said on Thursday. The United States has imposed sanctions on employees of the Scientific Studies and Research Centre, which it describes as the Syrian agency responsible for developing and producing non-conventional weapons including chemical weapons, something Damascus denies. ",worldnews,"September 7, 2017 ",1 +UK Brexit minister says 'good prospect' of agreeing transitional deal with EU,"LONDON (Reuters) - There is a good prospect Britain will negotiate a transitional arrangement with the European Union before it leaves the bloc in March 2019, Britain s Brexit minister David Davis said on Thursday. Davis said Britain had only raised the issue of transition briefly with the EU so far in negotiations as it is not among the first four issues due to be discussed. Asked by a lawmaker what prospects there were for bespoke transitional arrangements being agreed and implemented by March 2019, Davis told parliament: We are finding that the (European) Commission is open to discussion of transition ... I think there is a very good prospect. Parliament is on Thursday due to begin debating legislation to sever political, financial and legal ties with the EU, and the opposition Labour Party has said it cannot support the bill without it being amended to better protect workers rights. Junior Brexit minister Steve Baker told lawmakers the government would not accept any amendments to the bill that compromised its purpose. ",worldnews,"September 7, 2017 ",1 +Germany has no right to block update of Turkey's EU customs union: minister,"ANKARA (Reuters) - Germany has no right to block a planned update of Turkey s customs union with the European Union, Turkish Economy Minister Nihat Zeybekci said on Thursday, touching on a simmering row between Ankara and Berlin. Last week German Chancellor Angela Merkel said she did not think it was appropriate to carry out further discussions with Ankara about the customs union. Speaking to reporters in Ankara, Zeybekci said there were no problems in Turkey s accession negotiations with the EU and that the process continued. ",worldnews,"September 7, 2017 ",1 +Putin rues awarding U.S. top diplomat Tillerson Russian state honor,"VLADIVOSTOK, Russia (Reuters) - Vladimir Putin took a jab at Rex Tillerson on Thursday, joking that the U.S. Secretary of State had fallen in with the wrong company since he had awarded him a Russian state honor for his contribution to Russian-U.S. relations. Hopes of detente in Moscow s relations with Washington under Donald Trump, who had praised President Putin before winning the White House, have faded as the countries have imposed sanctions and expelled diplomats in recent months. Addressing a U.S. citizen at a plenary session of an economic forum in the far eastern city of Vladivostok, Putin said: We awarded your compatriot Mr. Tillerson the Order of Friendship, but he seems to have fallen in with the wrong company and to be steering in the other direction. I hope that the wind of cooperation, friendship and reciprocity will eventually put him on the right path, Putin added, drawing cheers from the crowd. In 2013 Putin awarded Tillerson, then CEO of energy giant Exxon Mobil, the Order of Friendship, a Russian state honor, for his significant contribution to strengthening cooperation in the energy sector . Russia s relations with the United States deteriorated over its annexation of the Black Sea peninsula of Crimea in 2014 and support for pro-Russian separatists in eastern Ukraine, prompting Washington to impose economic sanctions against Moscow. The Kremlin, which has denied U.S. allegations it meddled in the presidential vote, had heaped praise on Trump during his election campaign, saying it supported efforts to improve Russian-American relations. But Trump, who was faced scrutiny over the alleged ties of his entourage with Russia, reluctantly signed into law fresh sanctions against Moscow, further straining relations. ",worldnews,"September 7, 2017 ",1 +Japan's Abe says North Korea situation needs quick action,"MOSCOW (Reuters) - The crisis around North Korea requires quick action, Japanese Prime Minister Shinzo Abe said on Thursday, calling on world powers to press Pyongyang to abide by its U.N. obligations. North Korea must fulfil all U.N. resolutions, abandon its nuclear and missile programmes, Abe said at an economic forum in the far eastern Russian city of Vladivostok. The international community must unite to force North Korea to fulfil its U.N. obligations. ",worldnews,"September 7, 2017 ",1 +Ukraine president says against holding early elections,"KIEV (Reuters) - Ukrainian President Petro Poroshenko on Thursday said he opposed holding elections earlier than is mandated by the constitution. The approach of planned votes for the president and the parliament makes the idea of early elections even more irrational. My position is unchanged: everything should happen in the timelines determined by the constitution, he said in an address to parliament. The presidential and parliamentary elections are scheduled for 2019 but many lawmakers have talked up the prospects of an early vote. Poroshenko currently trails the main opposition leader Yulia Tymoshenko in opinion polls. ",worldnews,"September 7, 2017 ",1 +"Putin thinks North Korea crisis will not go nuclear, diplomacy to prevail","VLADIVOSTOK, Russia (Reuters) - Russian President Vladimir Putin said on Thursday he thought the North Korea crisis would not escalate into a large-scale conflict involving nuclear weapons, predicting that common sense would prevail. But he said he believed North Korea s leadership feared any freeze of its nuclear program would be followed by what amounted to an invitation to the cemetery . Putin, speaking at an economic forum in the far eastern Russian port of Vladivostok alongside his South Korean counterpart and the Japanese prime minister, had previously warned that simmering tensions around Pyongyang s missile program could tip into global catastrophe . But on Thursday, after days of talks with regional leaders and officials, Putin struck a more optimistic note, saying Russia could see that the administration of U.S. President Donald Trump wanted to defuse tensions around North Korea. I am sure that things will not go as far as a large-scale conflict, especially with the use of weapons of mass destruction, Putin told delegates at the forum. All the competing sides have enough common sense and understanding of their responsibility. We can solve this problem through diplomatic means. Russia has a land border with North Korea less than 20 km (12 miles) long. Putin, who was sharing a platform with South Korean counterpart Moon Jae-in and Japanese Prime Minister Shinzo Abe, has spent the past few days pushing for negotiations, calling on all sides to dial down rhetoric. The United States wants the U.N. Security Council to impose an oil embargo on North Korea, ban its , and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. Putin gave no indication on Thursday whether Moscow would back that resolution; but he and top Russian government officials have previously condemned the idea of tightening sanctions and shown little enthusiasm to stop modest fuel exports to Pyongyang or send home North Korean workers. Instead, Russia, along with China, has advocated a freeze for freeze plan, under which the United States and South Korea would stop major military exercises in exchange for North Korea halting its weapons programs. Neither side appears willing to budge so far however. Putin said Pyongyang would not end its nuclear and missile programs because it viewed them as its only means of self-defense. It s impossible to scare them, said Putin. Pyongyang was being offered the prospect of no new sanctions if it froze its weapons programs, but Putin said North Korea believed the wider risks to its own security outweighed the potential economic benefits of such a concession. We are telling them that we will not impose sanctions, which means you will live better, you will have more good and tasty food on the table, you will dress better, said Putin. But the next step, they think, is an invitation to the cemetery. And they will never agree with this. ",worldnews,"September 7, 2017 ",1 +Gruesome Uganda murders put police role in the public dock,"KAMPALA (Reuters) - A spate of unsolved murders of young women in Uganda is putting rare public pressure on a police force long accused by opposition politicians of spending more time suppressing political dissent than tackling crime. Widespread media coverage of the appearance of 20 corpses beside roadsides south of the capital since May reflects public anger with police for repeatedly saying they have arrested the perpetrators, only for another body to be discovered. It s terrifying, Susan Kabul, 29, told Reuters, standing near the garbage-littered bank of a drainage channel where the latest murder victim was discovered. The police need to tell us who is slaughtering people like this. The government has defended the police, and police say they have arrested 30 suspects and charged 13 of them, listing possible motives ranging from domestic rows through sexual abuse to ritual murder linked to human sacrifice. Ritual killing is one of the motives that we suspect, we also think there might be cases of jilted lovers, police spokesman Asan Kasingye said by telephone. Other theories might come up as investigations progress. There have been occasional individual cases of alleged ritual murder in the east African nation, but this is the first time there has been such a large number of people killed in similar circumstances in the same area. In a nod to the public outrage, lawmakers stopped work for two days this week after the 20th body was found, saying ministers had failed to appear before the legislature over the killings in three districts on the outer edge of Kampala. Government spokesman Ofwono Opondo accused them of populism. They spoke as if the government is doing nothing, he said. They should leave police to work without pressure. The legislature is dominated by supporters of longstanding President Yoweri Museveni, who has been in power since 1986. The constitution was changed in 2005 to remove a two-term limit, allowing him to extend his rule, and parliament is discussing removing an age cap. His son is a major general and powerful presidential adviser. Opposition leader Kizza Besigye, who contends that Museveni stole his victory in last year s election, has been charged with treason. Police often break up opposition rallies with teargas, beatings or detentions. The opposition and rights activists have long accused security forces of neglecting crime to focus on political control. Police can t secure women in a small area - all the attention is on politics, on who is criticizing Museveni, said Sarah Birete of the Centre for Constitutional Governance. Government spokesman Opondo said police were doing a good job. Some people start disguised as political activists and degenerate to criminals, I think they are unhappy that the police is on their back, he said. The police is right to focus on all forms of crime that can cause insecurity. Uganda is ranked among the world s most corrupt countries by watchdog Transparency International. The Ugandan government s inspector general said in a 2014 report that the police force was the most corrupt public institution in the country and noted crimes were rarely investigated. In Wakiso, the district south of Kampala where most of the victims have been found, few residents have faith that the killings will stop. I have stopped moving about at night. He could be a serial killer. I don t know where he will strike next, said Deo Busulwa, who lives a stone s throw from the canalside bank location of the latest grisly discovery, of mother-of-two Maria Nabilawa. Many residents suspect the victims are killed elsewhere and the bodies dumped. Kasingye said they had arrested Nabilawa s husband in connection with her killing. (Story refiles to add dropped word in fifth paragraph.) ",worldnews,"September 7, 2017 ",1 +Ukraine president hopes to secure defensive weapons from Western allies,"KIEV (Reuters) - Ukrainian President Petro Poroshenko on Thursday said he hoped to complete talks with Western allies on the supply of defensive weapons, as he warned that upcoming Russia-Belarus military exercises could be cover for an invasion of Ukraine. The creation of new strike groups of Russian troops for an invasion of Ukrainian territory can t be ruled out, he said in a speech to parliament. I hope that we will successfully complete negotiations with our Western partners on supplies of defensive weapons, he said. ",worldnews,"September 7, 2017 ",1 +Hurricane Irma kills at least eight in Saint Martin: Minister,"PARIS (Reuters) - At least eight people were killed on the Franco-Dutch Caribbean island of Saint Martin by hurricane Irma, French Interior Minister Gerard Collomb said on Thursday. Collomb said the toll was likely to rise in the coming hours. ",worldnews,"September 7, 2017 ",1 +Hurricane Irma wreaks 'total carnage' on Barbuda: prime minister,"LONDON (Reuters) - The Caribbean island of Barbuda is a scene of total carnage after the passage of Hurricane Irma and the tiny two-island nation will be seeking assistance from the international community to rebuild, its prime minister said on Thursday. Gaston Browne, prime minister of Antigua and Barbuda, told the BBC that about half of Barbuda s population of some 1,800 were homeless while nine out of 10 buildings had suffered some level of devastation, many of them total destruction. We flew into Barbuda only to see total carnage. It was easily one of the most emotionally painful experiences that I have had, Browne said in an interview on BBC Radio Four. Approximately 50 percent of them (residents of Barbuda) are literally homeless at this time. They are bunking together, we are trying to get ... relief supplies to them first thing tomorrow morning, he said, adding that it would take months or years to restore some level of normalcy to the island. ",worldnews,"September 7, 2017 ",1 +Australia's High Court rejects challenge to vote on same-sex marriage,"Melbourne (Reuters) - Australia s High Court rejected two legal challenges on Thursday against a proposed postal ballot on whether to legalize same-sex marriage, clearing the way for a vote on an issue that has wide support but which has also threatened to divide the government. Australians will now begin voting in the non-compulsory ballot as early as next week, with a result expected some time in November. The court s decision to reject the legal challenges, both of which argued that the center-right government needed the support of parliament to hold the ballot, comes as a welcome relief for Prime Minister Malcolm Turnbull. Turnbull supports same-sex marriage, as do two-thirds of Australians, but his government holds a razor-thin majority and more conservative elements in his Liberal-National coalition have used the issue to threaten his leadership. Some conservative lawmakers threatened to resign if the court ruled against the proposal, while more liberal members said they would side with the Labor opposition to secure same-sex marriage before Turnbull offered the postal vote as an alternative. A rejection would have led to increased pressure on Turnbull to hold a vote in parliament, which has already twice rejected a national ballot. Every Australian can have a say and we can, as a Commonwealth of Australia, embrace this important social change, Turnbull told parliament in Canberra after the court s decision was announced. Turnbull has said Australia s Marriage Act would be changed by the end of the year if the public backed same-sex marriage in the postal ballot. Although the court s verdict provides a viable pathway to same-sex marriage, advocates fear an escalation in an already vitriolic campaign. Turnbull called for mutual respect last month as the issue gathered heat. Opponents of same-sex marriage launched a contentious No campaign advertisement last week that the government immediately rejected as inaccurate. Activists fear a surge in malicious campaigning for the ballot, which is not a formal election and is therefore not subject to the usual rules on political advertisements. Many supporters of same-sex marriage in Australia had backed the legal challenges, insisting that the campaign would hurt people who were already vulnerable, but said they would now support the ballot. We now get out there and campaign long and hard for a Yes vote, Alex Greenwich, co-chair of Australian Marriage Equality, told reporters in Melbourne. When we win this, we can all come together, having finally achieved marriage equality. ",worldnews,"September 7, 2017 ",1 +EU should impose more sanctions on North Korea-foreign policy chief,"TALLINN (Reuters) - The European Union should add more sanctions on North Korea as part of international pressure following Pyongyang s largest nuclear test to date, the bloc s foreign policy chief Federica Mogherini said on Thursday. While sanctions have so far done little to stop North Korea boosting its nuclear and missile capacity, Federica Mogherini said more such steps were required along with piling on political pressure. I would propose to ministers today to strengthen the economic pressure on North Korea, supporting a new U.N. Security Council resolution adopting tougher economic measures, starting new autonomous EU sanctions... and working with other partners in the world to make sure that everybody implements fully and strictly the already-decided economic measures, Mogherini told reporters before meeting the EU defense and foreign ministers in the Estonian capital. The United States and China are discussing options to rein in Pyongyang and South Korea has deployed a defense system aimed at countering North Korean missile attacks. No formal EU decision is expected from the bloc on Thursday and its leverage on Pyongyang, as well as Russia and China North Korea s main ally is limited. It has to be pursued because the alternative in our view is and could be extremely dangerous, especially if in front of you have an interlocutor that might act quite irrationally. ",worldnews,"September 7, 2017 ",1 +Factbox: New Zealand 2017 election - main parties and policies,"(Reuters) - New Zealand s two main parties are neck and neck in opinion polls after the appointment of a charismatic leader boosted the opposition Labour Party, threatening the governing National Party s decade-long hold on power. The election is on Sept 23. Below are the main parties positions on key issues: ECONOMYNew Zealand s once booming economy is facing some capacity constraints. Unemployment is at an eight-year low and a labor shortage, most noticeably in construction, threatens to curb growth. Both main parties plan to be fiscally prudent and maintain a budget surplus, but would differ on monetary policy. National plans to cut net debt to 10-15 percent of GDP by 2025, while Labour and the Green Party both plan to cut it to 20 percent of GDP within five years of taking office. Labour proposes adding full employment to the existing inflation mandate of the Reserve Bank of New Zealand, which economists say could lead to easier monetary policy and fuel longer-term inflation. To form a government, National may be more dependent on New Zealand First, which favors greater currency intervention - something New Zealand has been reluctant to do in the past. National is planning to adjust tax thresholds, or effectively deliver tax cuts, from April 2018 to boost family income. Labour wants to do away with National s planned tax cuts and boost tax credits and subsidies. New Zealand s house prices have risen more than 50 percent in the past decade as the construction industry failed to keep up with demand from a growing population, fueled by record migration and an increasing number of New Zealanders staying home. Labour criticizes National for leaving the housing crisis unresolved after nine years in government. It wants to ban overseas buyers from purchasing existing homes and build 100,000 affordable homes over 10 years. It also plans to create a housing authority to speed up residential development. National questions Labour s ability to build so many houses while curbing immigration. It plans to make NZ$1 billion available to speed up the development of 60,000 houses. New Zealand First wants to ban foreign non-residents from owning a home in New Zealand, except in particular cases, and to provide government assistance for first-home buyers. The Green Party wants to provide 10,000 new houses over 10 years for low-income groups through a rent-to-buy scheme. The National Party tightened eligibility criteria this year for immigration and believes current levels of immigration are about right to meet the economy s needs. Labour plans to reduce net immigration by up to 30,000 from record levels of over 70,000 annually and to charge every visitor a NZ$25 fee, which would be ring-fenced for a NZ$75 million infrastructure fund. The Greens want to review immigration policy to make sure migrants match the skills employers need, in line with Labour s policy. New Zealand First wants to curb immigration by ensuring New Zealand workers have the first chance at jobs and by capping the number of older migrants. National wants to expand New Zealand s international trade. Among other plans, it wants to complete the Trans-Pacific Partnership trade deal, launch a free trade deal with the European Union and Britain post-Brexit and upgrade its free trade agreement with China. Labour wants to reconsider New Zealand s role in the Trans-Pacific Partnership trade pact if provisions on foreign investment are not changed to allow the New Zealand government to restrict investment into the country. New Zealand First wants to renegotiate the TPP. ",worldnews,"September 7, 2017 ",1 +Hurricane Irma kills at least six on French island of Saint-Martin,"PARIS (Reuters) - Hurricane Irma, described as one of the most powerful Atlantic storms in a century, has killed at least six people in the French Caribbean island territory of Saint Martin, a local government official said. This is not, by far, a definitive number... we have not explored all the parts of the island, Guadeloupe prefect Eric Maire told reporters, adding the death toll was likely to rise in the next few hours. Hurricane Irma had previously been described as a potentially catastrophic storm placed in Category 5, the highest U.S. classification for hurricanes. ",worldnews,"September 7, 2017 ",1 +South Korea's Moon says there will be no war on Korean peninsula,"VLADIVOSTOK, Russia (Reuters) - South Korean President Moon Jae-in said on Thursday there will not be war on the Korea peninsula, even though tensions have risen considerably since North Korea s latest nuclear test less than a week ago. ",worldnews,"September 7, 2017 ",1 +Russia's Putin says we will be able to solve the North Korea crisis by diplomatic means,"VLADIVOSTOK, Russia (Reuters) - Russian President Vladimir Putin said on Thursday that the crisis around North Korea could be resolved by diplomatic means. ",worldnews,"September 7, 2017 ",1 +Philippine president's son denies links to $125-million drug shipment,"MANILA (Reuters) - Philippine President Rodrigo Duterte s son on Thursday told a Senate inquiry he had no links to a seized shipment of $125 million worth of narcotics from China, dismissing as baseless the allegations of his involvement in the drugs trade. Opponents of the president, who has instigated a fierce crackdown on a trade he says is destroying the country, say they believe his son Paolo may have helped ease the entry of the drug shipment at the port in Manila, the capital. On Tuesday Duterte said he had told Paolo to attend the senate investigation if he had nothing to hide, besides advising him not to answer questions and invoke his right to keep silent. I cannot answer allegations based on hearsay, Paolo Duterte, the vice mayor of the southern city of Davao, told the Senate. My presence here is for the Filipino people and for my fellow Davaoe os whom I serve, he added, referring to the people of Davao, where his father served as mayor for more than two decades before being elected president in 2016. The Philippine leader has repeatedly said he would resign if critics could prove any members of his family were involved in corruption. Senator Antonio Trillanes, a staunch critic of the president, displayed to the Senate panel photographs of Paolo Duterte beside a businessman who was behind the shipment in which the alleged drugs were found. The president s son-in-law, Manases Carpio, who has also been accused of links to the May drug shipment from China, told the hearing he had no involvement. Duterte unleashed his bloody campaign the day he took office on June 30 last year, after promising Filipinos he would use deadly force to wipe out crime and drugs. Police records show more than 3,800 people have died in police operations since July last year, and more than 2,100 other reported murders are linked to drugs. Police reject activists allegations that they are executing suspected drug users and dealers and say officers shoot only in self-defense. Trillanes said he had intelligence information from an undisclosed foreign country that Paolo Duterte was a member of a criminal syndicate, citing as proof a dragon-like tattoo with secret digits on his back. Asked about the tattoo, Duterte said he had one, but declined to describe it, invoking his right to privacy. Asked by Trillanes if he would allow a photograph to be taken of the tattoo and sent to the U.S Drug Enforcement Agency to decode secret digits, Duterte said: No way . He refused to respond to questions about his bank accounts, calling them irrelevant . Presidential spokesman Ernesto Abella said the attendance of Duterte and Carpio demonstrates that both gentlemen are willing and ready to face malicious allegations intended to impugn their character and credibility. ($1=51.0290 Philippine pesos) ",worldnews,"September 7, 2017 ",1 +NATO head says all states must comply with North Korea sanctions,"TALLINN (Reuters) - NATO head Jens Stoltenberg said on Thursday all countries must comply with sanctions on North Korea as the international community ratchets up pressure on the reclusive regime following its largest nuclear test to date. Asked if he was worried that Russia was resisting stepping up U.N. Security Council sanctions on North Korea, Stoltenberg told reporters before meeting the European Union s defense ministers: There are already sanctions agreed in the UN and it is extremely important that those sanctions are fully implemented. ",worldnews,"September 7, 2017 ",1 +South Korea says U.N. sanctions should inflict pain on North,"SEOUL (Reuters) - South Korea said on Thursday practical and forceful measures than can inflict pain on North Korea should be included in U.N. sanctions, a new batch of which have yet to be announced. Foreign ministry spokesman Cho June-hyuck told reporters the measures should be taken in addition to surely severing funds that can be used for the North s programs to develop weapons of mass destruction. The United States wants the U.N. Security Council to impose an oil embargo on North Korea, ban its exports of textiles and the hiring of North Korean laborers abroad, and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. ",worldnews,"September 7, 2017 ",1 +Fire at building in India's Mumbai kills at least six,"MUMBAI (Reuters) - A blaze in a building under construction in a suburb of the Indian city of Mumbai killed at least six people, most of them laborers, and injured nearly a dozen, fire and police officials said on Thursday. The cause of the fire, which broke out late on Wednesday, was being investigated, a fire service officer said. It is likely to compound concern about safety in the financial hub after an old building collapsed last week killing 34 people. Laborers working on the building were living on the ground floor, some with families, and cooking gas canisters were believed to have exploded in the fire, fuelling its spread. Though the fire was brought under control immediately, all injuries and deaths occurred before the arrival of the fire brigade, said P.S. Rahangdale, chief officer at the Mumbai Fire Brigade. Eleven people were injured, eight of them critically, he said. Mumbai has endured torrential monsoon rain and serious flooding over recent weeks. The building collapsed last week in a congested neighborhood of the old city after two days of intense downpours. ",worldnews,"September 7, 2017 ",1 +South Korea's Moon asks Russia to continue supporting sanctions on North Korea,"VLADIVOSTOK, Russia (Reuters) - South Korean President Moon Jae-in on Thursday said he wanted Russia to continue supporting sanctions against North Korea after Pyongyang conducted its largest nuclear test at the weekend. I hope that Russia will continue its support on this question, Moon said alongside Russian counterpart Vladimir Putin at an economic forum in the far eastern Russian city of Vladivostok. ",worldnews,"September 7, 2017 ",1 +"U.S. airlines brace themselves, passengers for Hurricane Irma","(Reuters) - As Hurricane Irma bore down on the southern United States on Wednesday, airlines adjusted flight schedules, made cancellations and assured passengers they would not have to pay unusually high fares ahead of the storm s arrival. Irma, the second powerful hurricane to approach the United States in as many weeks, was expected to make landfall in Florida by the weekend. It had already pummeled islands in the Caribbean with rain, pounding winds and surging surf by Wednesday. While the storm s precise trajectory remained uncertain, airlines preemptively canceled flights in the likely affected regions and put in place travel waivers for customers to reschedule plans. American Airlines, the largest U.S. carrier by passenger traffic, said on Wednesday it would begin winding down operations in south Florida, including Miami, Fort Lauderdale and West Palm Beach, on Friday. Miami-bound flights arriving on Friday from Europe and South America were canceled. American, Delta Air Lines and JetBlue all announced fare caps on flights out of Florida - $99 on JetBlue and American and $399 on Delta - for residents trying to get out of the storm s path. We want those trying to leave ahead of the hurricane to focus on their safe evacuation rather than worry about the cost of flights, JetBlue spokesman Doug McGraw said. Airlines have been criticized in the past for raising prices in the wake of deadly episodes and, as Irma approached, some social media users accused carriers of engaging in price-gouging schemes ahead of the dangerous storm. In response, Senators Richard Blumenthal and Edward Markey called on the U.S. Department of Transportation on Wednesday to launch an investigation into potential opportunistic fare hikes by airlines. It would certainly be offensive if airlines who rely on publicly supported infrastructure and have been bolstered by American taxpayers for nearly a century used this opportunity to impose unconscionable costs on consumers, they wrote in a letter to Transportation Secretary Elaine Chao. Accusations of unfair pricing techniques have been investigated in the past, including after a deadly Amtrak derailment in 2015, but U.S. officials said last year they found no evidence of wrongdoing in that instance. United Airlines, which took a substantial financial hit when Hurricane Harvey slammed into Texas last week, said it had suspended operations out of San Juan, Puerto Rico, a U.S. territory that was being raked by the very powerful Category 5 hurricane on Wednesday afternoon, and had extended a travel waiver to include cities in south Florida. In some cases, carriers added flights and upsized aircraft out of Florida and the Caribbean before the storm struck to accommodate as many passengers evacuating the area as possible. Fort Lauderdale-based Spirit Airlines said it expected its largest operational hub to be affected and planned to move its operations center to Detroit on Thursday evening. Beyond U.S. airlines, Canadian carriers Air Transat and WestJet Airlines both launched evacuation operations on Wednesday to remove passengers that could be affected by Hurricane Irma in the Dominican Republic, and Air Canada allowed passengers to change flights in impacted areas free-of-charge. WestJet, Canada s second-largest carrier, operated rescue flights to Punta Cana and Puerto Plata on Wednesday and could make additional trips to Santa Clara and Cayo Coco, Cuba, on Thursday, airline spokeswoman Lauren Stewart said. Carnival Cruise Lines, which has major operations in Florida, canceled two of its Bahamas-bound cruises and said it was likely that other schedules would be affected as the storm s path and impact became more clear. ",worldnews,"September 6, 2017 ",1 +Factbox: Caribbean and Gulf oil companies begin to brace for Hurricane Irma,"(Reuters) - Gulf Coast and Caribbean energy infrastructure began to brace for Hurricane Irma, even as recovery operations from Hurricane Harvey are under way. On Wednesday, BP Plc said it would evacuate non-essential personnel from its Thunder Horse platform in the Gulf of Mexico. Shell said it was monitoring its Gulf assets. Buckeye Partners has shut its Yabucoa oil terminal in Puerto Rico and is preparing for the storm at two other marine terminals in Florida and the Bahamas, the company said on Wednesday. Irma ranks as one of the five most powerful Atlantic hurricanes in the last 80 years and the strongest Atlantic storm recorded by the U.S. National Hurricane Center outside the Caribbean Sea and Gulf of Mexico. ",worldnews,"September 7, 2017 ",1 +Trump says U.S. not 'putting up with' North Korea's actions,"WASHINGTON/BEIJING (Reuters) - President Donald Trump warned on Wednesday that the United States would no longer tolerate North Korea s actions but said the use of military force against Pyongyang will not be his first choice. His comment appeared to be in line with classified briefings to Congress in which Trump s top national security aides - Defense Secretary Jim Mattis, Secretary of State Rex Tillerson and Dan Coats, the director of national intelligence - stressed the search for a diplomatic solution to the crisis, lawmakers said. A senior administration official, meanwhile, said that the White House has set aside for now consideration of exiting a free trade pact with South Korea, a move being contemplated by Trump that could have complicated relations with Seoul. In a flurry of phone calls with world leaders days after North Korea s sixth and most powerful nuclear test, Trump and Chinese President Xi Jinping committed to take further action with the goal of achieving the denuclearization of the Korean peninsula, the White House said. President Xi would like to do something. We ll see whether or not he can do it. But we will not be putting up with what s happening in North Korea, Trump told reporters, though he offered no specifics. I believe that President Xi agrees with me 100 percent, he added. Asked whether he was considering a military response to North Korea, Trump said: Certainly, that s not our first choice, but we will see what happens. Xi, who has been under pressure from Trump to do more to help curb North Korea s nuclear and missile programs, told the U.S. president during their 45-minute call that the North Korean issue must be resolved through dialogue and consultation. The focus on negotiations by China, North Korea s main trading partner, contrasted with Trump s assertions over the last few days that now was not the time for talks with North Korea while pressing instead for increased international pressure on Pyongyang. The United States and South Korea have asked the United Nations to consider tough new sanctions on North Korea after its nuclear test on Sunday that Pyongyang said was an advanced hydrogen bomb. Late on Wednesday, U.S. Treasury Secretary Steve Mnuchin indicated that if the U.N. Security Council fails to approve sufficiently strong measures, Trump could authorize him to impose sanctions on any country or entity that trades with North Korea. We believe that we need to economically cut off North Korea, Mnuchin told reporters aboard Air Force One as it flew back from North Dakota, where Trump gave a speech on tax reform. I have an executive order prepared. It s ready to go to the president. It will authorize me to . . . put sanctions on anybody that does trade with North Korea. Mnuchin said that Trump would consider the order at the appropriate time once he gives the U.N. time to act. He provided no further details, including whether Trump would consider slapping sanctions on China, North Korea s largest trade partner. Russian President Vladimir Putin insisted on Wednesday that resolving the North Korean nuclear crisis was impossible with sanctions and pressure alone. Putin met South Korea s Moon Jae-in on the sidelines of an economic summit in the eastern Russian city of Vladivostok amid mounting international concern that their neighbor plans more weapons tests, including possibly a long-range missile launch before a weekend anniversary. Putin echoed other world leaders in denouncing North Korea s latest nuclear bomb test on Sunday, saying Russia did not recognize its nuclear status. Pyongyang s missile and nuclear program is a crude violation of U.N. Security Council resolutions, undermines the non-proliferation regime and creates a threat to the security of northeastern Asia, Putin said at a news conference. At the same time, it is clear that it is impossible to resolve the problem of the Korean peninsula only by sanctions and pressure, he said. No headway could be made without political and diplomatic tools, Putin said. Moon, who took office this year advocating a policy of pursuing engagement with North Korea, has come under increasing pressure to take a harder line. He has asked the United Nations to consider tough new sanctions after North Korea s latest nuclear test. The United States wants the Security Council to impose an oil embargo on North Korea, ban the country s exports of textiles and the hiring of North Korean laborers abroad and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. Diplomats say the U.N. Security Council could also consider barring the country s airline. I ask Russia to actively cooperate as this time it is inevitable that North Korea s oil supply should be cut at the least, Moon told Putin, according to a readout from a South Korean official. Putin said North Korea would not give up its nuclear program no matter how tough the sanctions. We too, are against North Korea developing its nuclear capabilities and condemn it, but it is worrying cutting the oil pipeline will harm the regular people, like in hospitals, Putin said, according to the South Korean presidential official. Russia s exports of crude oil to North Korea were tiny at about 40,000 tonnes a year, Putin said. By comparison, China provides it with about 520,000 tonnes of crude a year, according to industry sources. Last year, China shipped just over 96,000 tonnes of gasoline and almost 45,000 tonnes of diesel to North Korea, where it is used across the economy, from fishermen and farmers to truckers and the military. Trump and British Prime Minister Theresa May agreed in a telephone call on Tuesday that China must do more to persuade North Korea to cease its missile tests, a spokesman for May said. Sanctions have done little to stop North Korea boosting its nuclear and missile capacity as it faces off with Trump, who has vowed to stop it from being able to hit the U.S. mainland with a nuclear weapon. China and Russia have advocated a freeze for freeze plan, where the United States and South Korea stop major military exercises in exchange for North Korea halting its weapons programs, but neither side is willing to budge. North Korea says it needs to develop its weapons to defend itself against what it sees as U.S. aggression. South Korea and the United States are technically still at war with North Korea after the 1950-53 Korean conflict ended with a truce, not a peace treaty. China objects to both the military drills and the deployment in South Korea of an advanced U.S. missile defense system that has a radar that can see deep into Chinese territory. South Korea s Defence Ministry said the four remaining batteries of the Terminal High Altitude Area Defense (THAAD) system would be deployed on a golf course in the south of the country on Thursday. Two THAAD batteries have already been installed. For a graphic on nuclear North Korea, click: here ",worldnews,"September 2, 2017 ",1 +"China says it will handle North Korea trade issues for benefit to peace, stability","BEIJING (Reuters) - China s Commerce Ministry said on Thursday it will continue to handle North Korean trade issues in a way that benefits peace, stability and denuclearization on the Korean peninsula. Ministry spokesman Gao Feng made the comment at a routine media briefing. ",worldnews,"September 7, 2017 ",1 +"U.N. mulls U.S. push for North Korea oil embargo, textile export ban","UNITED NATIONS (Reuters) - The United States wants the United Nations Security Council to impose an oil embargo on North Korea, ban the country s exports of textiles and the hiring of North Korean laborers abroad, and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. The U.S. ambassador to the United Nations, Nikki Haley, has said she wants the 15-member council to vote on Monday on the draft resolution to impose new sanctions over North Korea s sixth and largest nuclear test. However, Russia s U.N. Ambassador Vassily Nebenzia has said a Monday vote may be a little premature. It was not immediately clear if the draft resolution had the support of North Korean ally China. Russian President Vladimir Putin insisted on Wednesday that resolving the North Korean nuclear crisis was impossible with sanctions and pressure alone. A U.N. resolution needs nine votes in favor and no vetoes by the United States, Britain, France, Russia or China to pass. U.S. Treasury Secretary Steven Mnuchin said on Wednesday that if the Security Council did not act, he had an executive order prepared to send to President Donald Trump that would authorize me to stop doing trade and put sanctions on anybody that does trade with North Korea. The president will consider that at the appropriate time once he gives the U.N. time to act, Mnuchin told reporters. Since 2006, the Security Council has unanimously adopted eight resolutions ratcheting up sanctions on North Korea over its ballistic missile and nuclear programs. Haley said the incremental approach had not worked and a diplomatic solution could only be reached by imposing the strongest sanctions. The new draft U.N. resolution would ban exports to North Korea of crude oil, condensate, refined petroleum products and natural gas liquids. China supplies most of North Korea s crude. According to South Korean data, Beijing supplies roughly 500,000 tonnes of crude oil annually. It also exports 200,000 tonnes of oil products, according to U.N. data. Russia s exports of crude oil to North Korea are about 40,000 tonnes a year. The Security Council last month imposed new sanctions over North Korea s two long-range missile launches in July. The Aug. 5 resolution aimed to slash by a third Pyongyang s $3 billion annual export revenue by banning coal, iron, lead and seafood. The new draft resolution would remove an exception for transshipments of Russian coal via the North Korean port of Rajin. In 2013 Russia reopened a railway link with North Korea, from the Russian eastern border town of Khasan to Rajin, to export coal and import goods from South Korea and elsewhere. The Aug. 5 resolution capped the number of North Koreans working abroad at the current level. The new draft resolution would impose a complete ban on the hiring and payment of North Korean laborers abroad. Some diplomats estimate that between 60,000 and 100,000 North Koreans work abroad. A U.N. human rights investigator said in 2015 that North Korea was forcing more than 50,000 people to work abroad, mainly in Russia and China, earning between $1.2 billion and $2.3 billion a year. The wages of workers sent abroad provide foreign currency for the Pyongyang government. The draft resolution would ban textiles, which were North Korea s second-biggest export after coal and other minerals in 2016, totaling $752 million, according to data from the Korea Trade-Investment Promotion Agency (KOTRA). Nearly 80 percent of the textile exports went to China. The assets of military-controlled airline Air Koryo would be frozen if the draft resolution is adopted. It flies to Beijing and a few other cities in China, including Dandong, the main transit point for trade between the two countries. It also flies to Vladivostok in Russia. Along with blacklisting North Korean leader Kim Jong Un, the draft resolution would impose a travel ban and asset freeze on four other senior North Korean officials. The Worker s Party of Korea and the government of North Korea would also be subjected to an asset freeze. The draft resolution would allow states to intercept and inspect on the high seas vessels that have been blacklisted by the Security Council. Currently nearly two dozen vessels are listed and the new draft text would add another nine ships. The draft resolution does not contain any new language on the political track. It again reaffirms council support and calls for a resumption of talks between North Korea, the United States, South Korea, China, Japan and Russia. China and Russia have been pushing their proposal to kick-start talks with a joint suspension of North Korea s ballistic missile and nuclear programs and the military exercises by the United States and South Korea. Haley has dismissed the suggestion as insulting. ",worldnews,"September 6, 2017 ",1 +Myanmar plays diplomatic card to avert U.N. censure over Rohingya,"YANGON/SHAMLAPUR, Bangladesh (Reuters) - Myanmar said on Wednesday it was negotiating with China and Russia to ensure they block any U.N. Security Council censure over the violence that has forced an exodus of nearly 150,000 Rohingya Muslims to Bangladesh in less than two weeks. Myanmar leader Aung San Suu Kyi blamed terrorists for a huge iceberg of misinformation on the strife in the northwestern state of Rakhine but, in a statement, she made no mention of the Rohingya who have fled. Suu Kyi has come under increasing pressure from countries with Muslim populations, including Indonesia, where thousands led by Islamist groups rallied in Jakarta on Wednesday to demand that diplomatic ties with Buddhist-majority Myanmar be cut. In a rare letter to the U.N. Security Council, Secretary-General Antonio Guterres expressed concern the violence could spiral into a humanitarian catastrophe . He warned on Tuesday that there was a risk of ethnic cleansing in Myanmar that could destabilize the region. Myanmar National Security Adviser Thaung Tun said Myanmar was counting on China and Russia, both permanent members of the Security Council, to block a U.N. resolution on the crisis. We are negotiating with some friendly countries not to take it to the Security Council, he told a news conference. China is our friend and we have a similar friendly relationship with Russia, so it will not be possible for that issue to go forward. Russia s U.N. Ambassador Vassily Nebenzia said he believed the 15-member Security Council had sent a signal, by meeting behind closed doors on the issue a week ago, that it would like to see the situation calm down. We called for restraint, he told reporters on Tuesday. The Security Council for the time being did what it could do. The U.S. State Department said Washington was deeply concerned by sustained reports of significant violence and the impact on civilian populations, including the Rohingya community. These reports include allegations of violence conducted by security forces and civilians, as well as additional attacks by ARSA, a spokesman said, referring to Arakan Rohingya Solidarity Organization insurgents. The spokesman said the United States had discussed the issue with Myanmar at the highest levels and was also in touch with its neighbors and other international partners. We welcome indications that the government is committed to providing access to humanitarian aid via the Red Cross, and we look forward to learning further details. he added. Reuters reporters in Bangladesh s Cox s Bazar region have witnessed boatloads of exhausted Rohingya arriving near the border village of Shamlapur. According to the latest estimates from U.N. workers operating there, arrivals in 12 days stood at 146,000. This brought to 233,000 the total number of Rohingya who have sought refuge in Bangladesh since last October. New arrivals told authorities that three boats carrying a total of more than 100 people capsized in early on Wednesday. Coastguard Commander M.S. Kabir said six bodies, including three children, had washed ashore. The surge of refugees, many sick or wounded, has strained the resources of aid agencies and communities helping hundreds of thousands from previous violence in Myanmar. Many have no shelter, and aid agencies are racing to provide water, sanitation and food. People have come with virtually nothing so there has to be food, a U.N. source working there said. So this is now a huge concern where is this food coming from for at least the elderly, the children, the women who have come over without their husbands? Suu Kyi spoke by telephone on Tuesday with Turkish President Tayyip Erdogan, who has pressed world leaders to do more to help a population of roughly 1.1 million he says are facing genocide. In a statement issued by her office on Facebook, Suu Kyi said the government had already started defending all the people in Rakhine in the best way possible and warned against misinformation that could mar relations with other countries. She referred to images on Twitter of killings posted by Turkey s deputy prime minister that he later deleted because they were not from Myanmar. She said that kind of fake information which was inflicted on the deputy prime minister was simply the tip of a huge iceberg of misinformation calculated to create a lot of problems between different countries and with the aim of promoting the interests of the terrorists, her office said in the statement. Suu Kyi on Wednesday met Indian Prime Minister Narendra Modi, who said he shared Myanmar s concern about extremist violence in Rakhine state. Modi s government has taken a strong stance on an influx into India of some 40,000 Rohingya from Myanmar over the years, vowing last month to deport them all. The latest violence began when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive killed at least 400 people and triggered the exodus of villagers to Bangladesh. Suu Kyi has been accused by Western critics of not speaking out for the minority that has long complained of persecution, and some have called for the Nobel Peace Prize she won in 1991 as a champion of democracy to be revoked. Myanmar says its security forces are fighting a legitimate campaign against terrorists it blames for a string of attacks on police posts and for burning homes and civilian deaths. It says 26,747 non-Muslims have been displaced. Fleeing Rohingya and rights monitors say the Myanmar army is conducting a campaign of arson and killings to force them from their homes. Two Bangladesh government sources said Myanmar had been laying landmines across a section of its border for the past three days, possibly to prevent the return of fleeing Rohingya. Bangladesh will formally lodge a protest on Wednesday against the laying of land mines so close to the border, said the sources who had direct knowledge of the situation but asked not to be identified because of the sensitivity of the matter. A Myanmar military source said landmines were laid along the border in the 1990s to prevent trespassing and the military had since tried to remove them, but none had been planted recently. ",worldnews,"September 6, 2017 ",1 +"By land, river and sea, Rohingya make their escape from Myanmar","COX S BAZAR, Bangladesh (Reuters) - When his family of six crossed the monsoon-soaked Mayu mountains last week, Mohammed Ishmail tied his four-year-old daughter to his back with a longyi, or Myanmar sarong. His wife carried their two-year-old the same way. Some parts were so steep we had to pull ourselves up by tree roots, said Ishmail, a Rohingya Muslim, in an interview near the Kutapalong settlement for refugees in Bangladesh, shortly after arriving on Tuesday. At night, we just cut a clearing in the bush and slept there. We had two umbrellas for shelter. The trek through the dense bush of the mountains took two days, but the journey from his home in Khin Tha Ma village which he says was on fire the last time he saw it - took 10. He says it felt like a month. The number of refugees who have arrived in Bangladesh from Myanmar s Rakhine state since militant attacks there on Aug. 25 stands at nearly 150,000. They have come by land, river and sea. Many have died along the way. Others have found themselves detained by human traffickers, demanding payment for their rescue. Their destination is the Cox s Bazar region of impoverished Bangladesh, where hundreds of thousands of Rohingya already live in makeshift camps, reliant on overstretched aid agencies. Once through the mountains, Ishmail s family came across villages in the northern part of the Maungdaw district the epicenter of violence in the state since October - that had been abandoned. By his count, only about one in 20 houses had survived fires that have swept the area. Some people are still hiding in the forest on the Maungdaw side but in some villages there s no one, he said. There was no one to ask directions. But then there was. As they reached a canal and were trying to find a way to cross it, he said, two young Myanmar soldiers spotted them and aimed their guns, he said. I put my hands up and shouted, We re going to Bangladesh , he said. There was a tense silence before the soldiers lowered their weapons. After that they showed us the best way to cross the canal, he added. In one village, to escape the rain, Mohammed Ishmail entered a house still standing to find the bodies of five boys, who appeared to be teenagers, their necks hacked and heads nearly severed. The death toll in the conflict is more than 400 and rising. Myanmar says most of those killed have been insurgents, but accounts from new arrivals in Bangladesh suggest reprisals by Myanmar security forces and Buddhists against Rohingya civilians the government says are in cahoots with extremist Bengali terrorists . Myanmar rejects accusations that its security forces are targeting civilians saying they are fighting terrorists . Dozens of bodies, including those of women and children, have washed up on the Bangladesh side of a border river, many with bullet or knife wounds, according to Bangladesh border guards. Fishermen report seeing bodies floating in the river. Reuters was shown one cadaver what looked to be a teenage boy lying face up on the muddy river bank, a gaping wound on his face washed clean by the river. In Maungdaw, thousands of people are on the move. A Rohingya aid worker, who was in touch with Reuters during his flight, recorded video of the journey on his mobile phone. It s like something I ve never seen before, not even in any film, the refugee said after his arrival in Cox s Bazar. The footage appears to show hundreds of people lining up to cross a river in Laung Don village. Some swim across, as two small ferries run back and forth. At one river crossing, the aid worker said, fighters from the Arakan Rohingya Solidarity Organization (ARSA) prevented ferries from crossing for half a day, telling civilians to return to their homes. Campaign group Fortify Rights has documented how ARSA has prevented men and boys from leaving the area. The refugee, who asked not to be identified so he could freely discuss his journey, said the fighters backed down when villagers pleaded with them. In southern Maungdaw, the military s campaign has driven tens of thousands of people to the coast. Bangladeshi boatmen, in their hundreds, are going to pick them up. Mostly by night, the wooden crescent-shaped boats that normally ply the fishing grounds of the Bay of Bengal, make the journey across the 5.7-km (3.6 mile) mouth of the Naf river that separates Myanmar and Bangladesh. The 5-metre boats are loaded with as many as 50 people and their belongings. Soon after the conflict blew up, boats began landing at Shah Porir Dwip, a remote island off the southernmost tip of Bangladesh. But after three boats capsized in two days last week, killing 24 women and children, authorities launched a crackdown on boatmen and brokers they call human traffickers. They bring these stranded people here. If they are not able to pay, the money, they imprison them, Pronay Chakma, assistant commissioner for land in Teknaf sub-district. More than 50 people have been sentenced to short jail terms as a warning to others not to take advantage of the crisis. It s mercenary interest, nothing else, he said. They tried to profit from stranded women and children. ",worldnews,"September 6, 2017 ",1 +"Abe, Moon to seek Chinese, Russian support for North Korea sanctions: Kyodo","(Reuters) - Japanese Prime Minister Shinzo Abe and South Korean President Moon Jae-in will ask China and Russia for their support for new sanctions against North Korea, Kyodo News said on Thursday, citing a Japanese official. Abe and Moon, in talks on the sidelines of the Eastern Economic Forum in Vladivostok, Russia, agreed to step up pressure on North Korea, Kyodo said, as the reclusive state pushes ahead with its nuclear and missile programs. ",worldnews,"September 7, 2017 ",1 +Merkel tells voters: 'don't experiment' with the left,"BERLIN (Reuters) - Chancellor Angela Merkel warned German voters on Wednesday not to risk allowing an untested left-wing alliance to take power after this month s national election, urging them to stick with her in turbulent times . Less than three weeks before the Sept. 24 vote, politicians and media in Germany are turning their attention to the possible coalitions that could form after the election, from which no single party is expected to emerge with a clear majority. Merkel, 63, leads a grand coalition of her conservatives and the left-leaning Social Democrats (SPD) - a tie-up neither wants to repeat after the vote. Seeking a fourth term, Merkel is stressing her credentials as a global stateswoman. Our country can t afford experiments - especially in these turbulent times, she told a rally in Torgau, some 70 miles (120 km) south of Berlin in the state of Saxony. Merkel spoke above a cacophony of jeers and whistles from some protesters - a feature at many of her rallies as resentment persists at her decision in 2015 to open Germany s borders to hundreds of thousands of refugees fleeing war in Syria and Iraq. That decision helped the rise of the anti-immigrant Alternative for Germany (AfD) party, which punished her conservatives in regional votes last year. She has since bounced back, but the national election is likely to return a more fractured parliament due to the rise of the AfD - set to enter the Bundestag for the first time - and the expected return of the pro-business Free Democrats (FDP). This could make coalitions harder to form. Merkel wants to avoid being outflanked by a coalition of the SPD, the far-left Linke and the environmentalist Greens, who have held exploratory talks about the possibility of joining forces in a so-called Red-Red-Green , or R2G , coalition. I say Red-Red-Green would be bad for our country, she told the rally. In the future too, we will need stability and security. In a televised debate with SPD leader Martin Schulz on Sunday, Merkel challenged him to rule out a coalition with the Linke party, which he refused to do. A Red-Red-Green combination is untested at federal level, though the three parties have teamed up to take control of Berlin s city government. An opinion poll released on Wednesday put support for Merkel s conservatives at 38.5 percent, ahead of the SPD on 24 percent. The Greens were on 7.5 percent, the Free Democrats on 10 percent and the Linke and the AfD each on 8 percent. Resentment at Merkel s open-door policy runs particularly high in eastern Germany, but she has also been booed at rallies in the west - such as in Ludwigshafen, 45 miles (70 km) south of Frankfurt, last week. We are Germans. She needs to be taking care of us, Vincent Raap, an 18-year-old starting an apprenticeship as a machine operator, said at the Ludwigshafen rally. Three times, an apprenticeship for which I had applied was given to foreigners instead, he said, holding a sign saying Merkel must go . ",worldnews,"September 7, 2017 ",1 +China's military practices for 'surprise attack' over sea near Korea,"BEIJING (Reuters) - China s air force has carried out exercises near the Korean peninsula, practicing to defend against a surprise attack coming over the sea, Chinese state media said. The exercises came days after North Korea s sixth, and most powerful, nuclear test fueled global concern that the isolated nation plans more weapons tests, possibly of a long-range missile. An anti-aircraft defense battalion held the exercises early on Tuesday, near the Bohai Sea, the innermost gulf of the Yellow Sea that separates China from the Korean peninsula, an official military website said. Troops traveled to the site from central China before immediately beginning drills to fend off the surprise attack simulating real battle, it said. The troops rapid response capabilities and actual combat levels have effectively been tested. It was the first time certain weapons, which the website did not identify, had been used to shoot down low-altitude targets coming over the sea, www.81.cn said, without elaborating. The drills do not target any particular goal or country , and were part of an annual plan intended to boost the troops capability, China s Defence Ministry said on its website late on Wednesday, in a response to media. After weeks of rising tension over North Korea s actions, South Korea and the United States have been discussing the deployment of aircraft carriers and strategic bombers to the Korean peninsula. China is deeply suspicious of any U.S.-backed military build-up in the region, and has repeatedly expressed anger at the deployment of a U.S. anti-missile defense system in South Korea. ",worldnews,"September 6, 2017 ",1 +U.S. warns of sanctions on any country trading with North Korea,"WASHINGTON (Reuters) - U.S. Treasury Secretary Steve Mnuchin said on Wednesday that if the United Nations does not put additional sanctions on North Korea over nuclear tests, he has an executive order ready for President Donald Trump to sign that would impose sanctions on any country that trades with Pyongyang. I have an executive order prepared. It s ready to go to the president. It will authorize me to stop doing trade, and put sanctions on anybody that does trade with North Korea. The president will consider that at the appropriate time once he gives the U.N. time to act, Mnuchin told reporters on a flight back to Washington from North Dakota, where Trump gave a speech on tax reform. ",worldnews,"September 7, 2017 ",1 +Two Florida nuclear plants likely to shut if Irma stays on path,"WASHINGTON (Reuters) - Energy firm Florida Power & Light (FPL) said on Wednesday it could shut its four nuclear reactors in the path of Hurricane Irma before Saturday if the storm stayed on its current path. Based on the current track, we would expect severe weather in Florida starting Saturday, meaning we would potentially shut down before that point, spokesman Peter Robbins said in an email. The company, a subsidiary of NextEra Energy Inc, is watching the weather and would adjust any plans as necessary, Robbins said. The trajectory of Irma, a Category 5 storm with winds of 185 miles per hour (295 km per hour), is uncertain. Irma, which the U.S. National Hurricane Center said was the strongest Atlantic storm on record, was expected to pass near or just north of Puerto Rico on Wednesday before scraping the Dominican Republic on Thursday. FPL operates the St. Lucie nuclear power plant on Hutchinson Island, a barrier island on the Atlantic about 55 miles (88 km) north of West Palm Beach. Two reactors generate 2,000 megawatts of electricity, enough power to supply more than 1 million homes. It also operates Turkey Point nuclear power station on Biscayne Bay, about 24 miles south of Miami. That has two reactors that generate about 1,600 megawatts of electricity, or enough for about 900,000 homes. Robbins said the plants were designed to withstand extreme natural events including hurricanes and serious floods. ",worldnews,"September 6, 2017 ",1 +South Korea deploys U.S. anti-missile launchers amid clashes with protesters,"SEOUL (Reuters) - Protesters clashed with thousands of police at a South Korean village on Thursday as Seoul deployed the four remaining launchers of the U.S. anti-missile THAAD system designed to protect against mounting threats from North Korea. The South s defense ministry confirmed on Wednesday the launchers would be installed on a former golf course near Seongju City some 217 km (135 miles) south of Seoul. Two launchers and a powerful radar are already in place at the site as part of the U.S. Terminal High Altitude Area Defence (THAAD) system. Early on Monday, around 8,000 South Korean police gathered in the village of Soseong-ri, along the only road that leads up to the golf course, to break up a blockade of around 300 villagers and civic groups opposed to THAAD. Some 38 protesters were wounded in tussles with police, with 21 sent to hospital, according to a Seongju Fire Station official. None of the injuries were life-threatening, said Kim Jin-hoon. The Soseong-ri residents say they do not have a political motive but are against the deployment of THAAD as their lives have been disrupted by the dozens of military helicopters, buses, trucks that travel through the small melon-farming town of 80 residents. The decision to deploy THAAD, designed to shoot down short- to medium-range missiles mid-flight, has drawn strong objections from China. It believes the system s radar could be used to look deeply into its territory and will upset the regional security balance. South Korea s defense ministry has said the deployment is necessary due to the imminent threat from North Korea, which has launched numerous missiles since South Korean President Moon Jae-in took office in early May. Pyongyang also conducted its sixth nuclear test on Sunday, prompting vehement reprimands from neighboring Japan and the United States. According to a United Nations draft resolution seen by Reuters on Wednesday, the United States wants the United Nations to impose an oil embargo on North Korea, ban the country s exports of textiles and the hiring of North Korean laborers as part of new sanctions on the North. ",worldnews,"September 7, 2017 ",1 +Ex-minister accuses former Brazil President Lula of accepting bribes,"BRASILIA (Reuters) - The former finance minister under Brazil s Luiz Inacio Lula da Silva on Wednesday accused the ex-president of receiving bribes from contractor Odebrecht [ODBES.UL], adding to a list of corruption accusations that threaten Lula s ability to run for president in 2018. Lawyers for the former finance minister, Antonio Palocci, said he told prosecutors that Lula accepted Odebrecht s purchase of land for an institute in his name, a country house in Sao Paulo state and 300 million reais ($97 million) to be used after he left office. A representative for Lula said in a statement that Palocci, who was arrested a year ago in a corruption investigation, was lying and making accusations without evidence to secure a favorable deal with prosecutors to reduce his sentence. Such testimony from a close confidant could be damning for Lula, who intends to run for president again next year if he can successfully appeal a conviction that would bar him from standing. Lula faces four additional trials. Separately on Wednesday, Brazil s top prosecutor, Rodrigo Janot, charged Lula, ex-President Dilma Rousseff and a former minister with obstruction of justice related to Lula s nomination as Rousseff s chief of staff in 2016. The nomination, later struck down by the Supreme Court, would have shielded Lula from prosecution by lower courts. It was the second charge from Janot in two days. On Tuesday he accused Lula, Rousseff and six other members of their Workers Party for allegedly forming a criminal organization to carry out corruption and other crimes involving state-controlled oil company Petrobras. Lula and Rousseff deny the charges. Palocci leveled his accusations in two hours of testimony on Wednesday as part of a probe into allegations that Lula accepted the land for the institute. It was a blood pact and a package of bribes that included payment for a property, an estate ranch and 300 million reais that gradually were made available according to a spreadsheet delivered by the contractor, said Adriano Bretas, one of Palocci s lawyers. Tracy Reinaldet, another of Palocci s lawyers, said the agreement was made during the transition from Lula into Rousseff s first term. Palocci also served as Rousseff s chief of staff initially but was forced to resign due to corruption allegations. ",worldnews,"September 6, 2017 ",1 +Irma wreaks 'absolute devastation' on Caribbean isle of Barbuda,"MEXICO CITY (Reuters) - Hurricane Irma left a trail of absolute devastation as it tore across the tiny Caribbean island of Barbuda on Wednesday with 185-mile-per-hour (295-kph) winds, destroying houses, snapping trees and killing at least one person Gaston Browne, the prime minister of the two-island nation of Antigua and Barbuda, described the island as barely habitable after the powerful Category 5 storm struck early on Wednesday. This rebuilding initiative will take years, Browne told local ABS Television Radio after a visit to the island, where he confirmed that one person died in the storm. Describing the scene as absolute devastation, he said the storm, which also snapped a telecoms tower, had caused estimated damage of some $150 million. Lying a little over 250 miles (400 km) east of Puerto Rico, Barbuda has a population of 1,800 and is one of the Caribbean s quietest getaways for tourists coming to enjoy its turquoise seas and coral reefs. Aerial footage of the island after Irma had passed through showed a desolate, flooded landscape shorn of trees and foliage with overturned vehicles and scattered debris. An island resident who identified himself as King Goldilocks, 60, said he had been left homeless. Last night was the worst night of my life, Goldilocks said on ABS, wearing a raincoat and clutching a cane. We had minimal loss of life but we had maximum damage. Browne, who said earlier the damage had not been serious on Barbuda, about 30 miles (48 km) from Antigua, changed his mind after taking a helicopter to the island once the winds died down. He said Barbudan residents should be evacuated if a second hurricane, Jose, turns toward the islands later this week. Jose is forecast to become a major storm and pass close to Antigua and Barbuda on Saturday. ",worldnews,"September 6, 2017 ",1 +Pope arrives in Colombia to help heal wounds of 50-year war,"BOGOTA (Reuters) - Pope Francis arrived in Colombia on Wednesday with a message of unity for a nation deeply divided by a peace deal that ended a five-decade war with Marxist FARC rebels but left many victims of the bloodshed wary of the fraught healing process. Francis, making his 20th foreign trip since becoming pontiff in 2013 and his fifth to his native Latin America, started his visit in Colombian capital Bogota. He will travel later in the week to the cities of Villavicencio, Medellin and Cartagena. Greeted at the airport by President Juan Manuel Santos as attendees waved white handkerchiefs, the Argentine pope hopes his presence will help build bridges in a nation torn apart by bitter feuding over a peace accord with the Revolutionary Armed Forces of Colombia (FARC). Speaking to reporters on the Bogota-bound plane, Francis said the trip was a bit special because it is being made to help Colombia go forward on its path to peace. Francis will encourage reconciliation as Colombians prepare to receive 7,000 former FARC fighters into society and repair divisions after a war that killed more than 220,000 people and displaced millions over five decades. References to the recent peace deal were immediate. A teenage boy, born in 2004 to vice presidential candidate Clara Rojas when she was held captive in the jungle by the FARC, handed Francis a white porcelain dove as a welcome present. On his drive to the Vatican Embassy in central Bogota, the leader of the world s Roman Catholics was mobbed in the pope mobile by screaming crowds tossing flowers and holding up children to be kissed. Peace is what Colombia has been seeking for a long time and is working to achieve, the pope said in a video message ahead of his arrival. A stable, lasting peace, so that we see and treat each other as brothers, never as enemies. The FARC, which began as a peasant revolt in 1964 and battled more than a dozen governments, has formed a political party and now hopes to use words instead of weapons to effect changes in Colombia s social and economic model. But many Colombians are furious that the 2016 peace deal with the government granted fighters amnesty and some will be rewarded with seats in congress. A referendum on the deal last year was narrowly rejected, before being later modified and passed by congress. Trumpet players, singing children and white-clad rappers greeted the pope - wearing a traditional woolen poncho - at the embassy where he urged young people to keep smiling and then led the crowd in the Hail Mary prayer. Don t let anyone steal your hope, he said. People lined up all day to see the pope pass by, queues stretched around the cathedral in Bogota as residents sought passes for his events, and street vendors sold t-shirts, baseball caps and posters carrying Francis s image. Pope Francis coming to Colombia has to unite the people. We cannot continue to be polarized. We must learn to live in peace and respect our differences, Lucia Camargo, a pensioner, said as she lined up for a glimpse of the pontiff. Although most church leaders have voiced support for the accord, some politicians and Catholic bishops have criticized the deal for being too lenient on the guerrillas. The pope is expected to urge them to set aside their differences. The visit will leave us a sense of union, of forgiveness, Bogota Mayor Enrique Penalosa told Reuters. Colombia is very polarized at the moment. There are many passions, many hatreds. Reconciliation will be the emphasis for events on Friday in the city of Villavicencio, south of Bogota, where the pope will listen to testimonials from people whose lives were affected by the violence and then deliver a homily. Victims and former rebels who demobilized prior to the accord will attend. The pope will not meet FARC leaders or the opposition. He also had a message of dialogue and forgiveness for neighboring Venezuela, wracked by months of protests against President Nicolas Maduro, who has tightened his hold on power as an economic crisis has escalated. As his plane flew over the socialist nation, the pope sent cordial greetings in a telegram to Maduro and Venezuelans. Praying that all in the nation may promote paths of solidarity, justice and harmony, I willingly invoke upon all of you God s blessings of peace, he said. ",worldnews,"September 6, 2017 ",1 +No 'fire and fury' as Trump team talks North Korea with Congress,"WASHINGTON (Reuters) - President Donald Trump s top national security advisers stressed efforts to find a diplomatic solution to the North Korea crisis to Congress on Wednesday, staying far from Trump s tough talk of potential fire and fury military responses to Pyongyang s missile program. Secretary of State Rex Tillerson, Secretary of Defense Jim Mattis, Director of National Intelligence Dan Coats and Joint Chiefs of Staff Chairman Joseph Dunford held classified briefings on North Korea and Afghanistan for the entire House of Representatives and Senate. Lawmakers said the officials discussed efforts including consultations with allies, sanctions, pushing for action at the United Nations and military options. But they said the briefings tone was sharply different from some of Trump s recent public statements. After recent missile launches and nuclear tests by North Korea, the president has vowed to stop the weapons program and said he would unleash fire and fury if Pyongyang threatened U.S. territory. Mattis also warned of a massive military response if the United States or its allies were threatened. Each of them was very professional, very measured in what they were saying, and understand the stakes that are in play here. So there s nothing over-the-top, no over-the-top rhetoric, just a layout of where they are in trying to deal with this issue, Senator Bob Corker, Republican chairman of the Senate Foreign Relations Committee, told reporters. Representative Eliot Engel, the top Democrat on the House Foreign Affairs Committee said after the briefing it was clear that the administration would like to negotiate an agreement with North Korea. There was really no bluster whatsoever, Engel said. Members of Congress from both parties called for stricter sanctions against North Korea, and said the United States should seek to work closely with allies like South Korea, push China to do more and see action at the United Nations. The best strategy would be deploying sanctions... sustained financial pressure in which we do not let up on those financial institutions that are assisting North Korea, said Republican Representative Ed Royce, chairman of the House committee, who just returned from a trip to South Korea. Republican Representative Mac Thornberry, chairman of the House Armed Services Committee, said there had been more members of the House at the briefing than he could remember at similar sessions. There was a tremendous amount of interest, he said. ",worldnews,"September 6, 2017 ",1 +"Florida stations face fuel shortages, delays ahead of Irma","NEW YORK (Reuters) - Gasoline stations around Florida struggled to keep up with demand from customers anxious to fill tanks as Hurricane Irma approached, with some locations running out of supply on Wednesday. Some convenience stores are out of fuel as delivery trucks wait three to four hours to get cargoes from Port Everglades, the main supply source for the southern part of the state, said Ned Bowman, executive director at the Florida Petroleum Marketers and Convenience Store Association, which represents 98 percent of fuel sold in Florida. Deliveries in the southern part of the state have been slowed by heavy traffic as residents evacuate. The Category 5 storm, with winds exceeding 185 mph (295 km/h), clobbered Caribbean islands on Wednesday as Florida officials called for evacuations ahead of expected landfall this weekend. It would be the second powerful storm to hit the U.S. mainland in as many weeks, following Tropical Storm Harvey. Filling stations in Orlando struggled to keep up with demand as early as Tuesday, with some running out of fuel or facing long lag times for resupply. Deliveries are usually made on an as-needed basis within an hour of a station signaling low fuel levels. We re normally not even super busy at our pumps, and there are people parked behind each other right now, waiting, said Eli Brito, shift manager of a RaceTrac station in Orlando that was out of regular fuel on Wednesday after waiting four hours for delivery on Tuesday. Gasoline prices in Florida hit $2.71 a gallon on Wednesday, up 42 cents from a month ago, according to motorist advocacy group AAA. Florida has no refineries and its more than 20 million residents rely on refined products delivered by tanker and barge at its ports. On Wednesday, the U.S. Environmental Protection Agency said it would allow diesel fuel normally restricted to off-road use like farm equipment to be sold for highway vehicles that use diesel through Sept. 22, due to the approaching storm. The U.S. Coast Guard limited movement of ships into and out of the ports, including Port Everglades, which houses about a dozen fuel terminals. Commercial traffic is still allowed, said Coast Guard Petty Officer Brandon Murray. The Coast Guard plans to further restrict traffic at the port midday Thursday, and require ships to make final mooring plans by midday Friday. No timeline for port closure has been set. Port Everglades had supplies on hand through mid-September when Harvey hit Texas, spokeswoman Ellen Kennedy said. The port usually has about two weeks of fuel available, she added. The state s other fuel-receiving ports, including Jacksonville and Tampa, remained open, said Bowman. We ve been down this horse race before, Bowman said from Florida s emergency operations center ahead of the storm. ",worldnews,"September 6, 2017 ",1 +"After year of 'repression' in Bahrain, West remains silent, Amnesty says","DUBAI (Reuters) - Bahrain s government has crushed dissent and violently cracked down on protests in the past year, Amnesty International said on Thursday, and it accused Britain and the United States in particular of turning a blind eye to its abuses. Amnesty said in a report on Thursday that it had documented how the Bahraini government, from June 2016 to June 2017, arrested, tortured, threatened or banned from travel at least 169 activists and opponents or their relatives. Bahraini authorities could not immediately be reached for comment. Bahrain has repeatedly denied systematic rights abuses. Entitled No one can protect you: Bahrain s year of crushing dissent , the report said that at least six people were killed, including a child, in the crackdowns. The report also accused Western governments, notably the United States and Britain of remaining silent. The two countries have a particularly high level of influence in Bahrain, where the U.S. Fifth Fleet is based and where Britain s Royal Navy has a major facility. Amnesty said U.S. President Donald Trump s policy has shifted from that of his predecessor, Barack Obama, who had publicly criticized the authorities of the tiny Gulf state. In March 2017, President Trump told Bahrain s King Hamad there won t be strain with this administration : Bahrain appears to have interpreted this statement as a green light to pursue its repression, the report said. Bahrain has stepped up a crackdown on critics, shutting down two main political groups, revoking the citizenship of the spiritual leader of the Shi ite Muslim community and jailing rights campaigners. It denounced attempts by previous U.S. and UK governments to intervene in its campaign. In July, a Bahraini court sentenced rights campaigner and prominent activist Nabeel Rajab to two years in jail for allegedly making false or malicious statements about Bahraini authorities. Rajab is facing another trial and risks a further 15 years in prison for tweeting. Using an array of tools of repression, including harassment, arbitrary detention and torture, the government of Bahrain has managed to crush a formerly thriving civil society, Philip Luther, Amnesty International s director for the Middle East and North Africa, said in a statement. Amnesty said it had received reports of nine cases of government critics being tortured in detention, eight of them in May 2017 alone. Bahrain has been a flashpoint since the Sunni-led government put down Arab Spring protests in 2011. The kingdom, most of whose population is Shi ite, says it faces a threat from neighboring Shi ite theocracy Iran. It accuses the Islamic Republic of radicalizing and arming some members of its majority Shi ite population in an effort to bring about the downfall of the ruling Al Khalifa family. Tehran denies any meddling in Bahrain. ",worldnews,"September 7, 2017 ",1 +Saudi King Salman to visit White House early next year: White House,"WASHINGTON (Reuters) - U.S. President Donald Trump spoke with Saudi King Salman on Wednesday and the two leaders agreed Salman will visit the White House early next year, the White House said in a statement. In the phone call, Trump and Salman also discussed ways to continue advancing shared priorities, including enhancing security and prosperity in the Middle East, the statement said. ",worldnews,"September 6, 2017 ",1 +China's Xi tells Trump that North Korea nuclear issue must be solved via talks,"BEIJING (Reuters) - China is focused on solving the Korean Peninsula nuclear issue through talks and peaceful means, Chinese President Xi Jinping told U.S. President Donald Trump in a telephone call on Wednesday. The United States and South Korea have asked the United Nations to consider tough new sanctions on North Korea after its nuclear test on Sunday that Pyongyang said was an advanced hydrogen bomb. Washington and its allies have said there is a growing urgency for China, North Korea s top ally and trading partner, to apply more pressure on its already isolated neighbor to get it to back down on its nuclear weapons and missiles programs. China s focus on negotiations contrasts with Trump s assertions over the last few days that now was not the time to focus on talks with North Korea. In a telephone call with U.K. Prime Minister Theresa May on Tuesday, President Trump reiterated that now is not the time to talk to North Korea, and made clear that all options remain open to defend the United States and its allies against North Korean aggression, the White House said on Wednesday. However, the issue was not mentioned in a separate White House statement on the Trump-Xi call, which said only that the two leaders recognized the danger posed by North Korea and committed to working together with the goal of denuclearizing the Korean Peninsula. Earlier, a statement from China s foreign ministry said China unswervingly works to realize denuclearization on the Korean Peninsula and to safeguard the international nuclear non-proliferation system, Xi told Trump. At the same time, we always persist in safeguarding peace and stability on the Korean Peninsula and resolving the issue through dialogue and consultation, Xi said. It is necessary to stay on the path of a peaceful solution. Xi also said that China attaches importance to Trump s visit to China later this year. The statement cited Trump as saying that the United States was deeply concerned about the Korean nuclear issue and that it valued China s important role in resolving the problem. U.S. Ambassador to the United Nations Nikki Haley accused North Korean leader Kim Jong Un on Monday of begging for war and urged the Security Council to impose the strongest possible sanctions. Beijing has said reining in North Korea is not chiefly its responsibility, and has expressed doubts that U.N. economic sanctions, which it has backed, will resolve the situation. Sanctions so far appear to have done little to stop North Korea from boosting its nuclear and missile capacity as it faces off with Trump, who has vowed to stop Pyongyang from being able to hit the U.S. mainland with a nuclear weapon. It is unclear if China will back further sanctions. Beijing fears that completely cutting off North Korea could lead to its collapse, unleashing a wave of refugees into China s northeast. China accounted for 92 percent of North Korea s trade in 2016, according to South Korea. China s foreign ministry said on Tuesday it would take part in Security Council discussions in a responsible and constructive manner . China and Russia have advocated a plan in which the United States and Seoul stop major military drills in exchange for North Korea halting its weapons programs, but neither side is willing to budge. Trump and Xi last spoke by telephone on Aug. 12. The White House said at the time that their relationship was extremely close and will hopefully lead to a peaceful resolution of the North Korea problem. But tensions in China-U.S. ties have increased since Trump took office, with the U.S. president having authorized an investigation into China s alleged theft of intellectual property, and suggesting trade relations would be linked to Beijing s help on North Korea. ",worldnews,"September 6, 2017 ",1 +Hurricane Irma threatens luxury Trump properties,"(Reuters) - Hurricane Irma swept over U.S. President Donald Trump s 11-bedroom Caribbean mansion on Wednesday, the first of several luxury Trump properties threatened by the storm s path. It was not immediately known whether Irma damaged Trump s beachfront Chateau des Palmiers, or Castle of the Palms, on St. Martin. The gated estate, for sale for $16.9 million, is owned through a trust and had been rented out, U.S. media has reported. But French Interior Minister Gerard Collomb said some buildings had been destroyed and social media showed flooded roads and overturned cars on the island that is roughly divided between France and the Netherlands. The situation was being closely monitored on St. Martin and at a number of Trump properties in Florida, Trump Organization spokesperson Amanda Miller told Reuters in a statement. Our teams at the Trump properties in Florida are taking all of the proper precautions and following local and Florida state advisories very closely to ensure that everyone is kept safe and secure, Miller said. While Irma s exact trajectory remained uncertain, Trump s Mar-a-Lago estate in Palm Beach - which has been called the winter White House and valued by Forbes at $175 million - could also take a hit. Trump bought the estate in 1985 and turned it into an exclusive club, which now boasts a membership fee of $200,000 and is a haven for the tony Palm Beach set who pull up to the gate in Bentleys and Rolls-Royces. A staffer who answered the phone said it was closed and declined to comment further. Palm Beach County declared a state of emergency on Wednesday. Near Miami, Trump owns luxury high-rise condos called the Trump Towers, Sunny Isles and the oceanfront Trump International Beach Resort. Some guests were leaving ahead of the storm but precautions were being taken and resort officials were prepared to oversee evacuations if they were ordered, marketing director Jim Monastra said. At the Trump National Doral, an 800-acre golf resort in Miami that local media reported had completed a $250 million renovation last year, officials tweeted Wednesday that resort operations were going on as normal until further notice. ",worldnews,"September 6, 2017 ",1 +Pope arrives in Colombia on mission to promote peace,BOGOTA (Reuters) - Pope Francis arrived on a five-day trip to Colombia on Wednesday with the hope his presence will unite a nation deeply divided by a peace deal that ended a five-decade war with Marxist FARC rebels. An Alitalia flight carrying the Argentine pontiff landed at the Catam military air base in Bogota and will head to the Vatican Embassy after being greeted by President Juan Manuel Santos. ,worldnews,"September 6, 2017 ",1 +U.S. to suspend immigration enforcement in areas hit by Hurricane Irma,"WASHINGTON (Reuters) - The U.S. Department of Homeland Security said on Wednesday it will not conduct non-criminal immigration enforcement operations in areas affected by Hurricane Irma, which is barreling through the Caribbean and is forecast to hit Florida this weekend. When it comes to rescuing people in the wake of Hurricane Irma, immigration status is not and will not be a factor, the department said in a statement. ",worldnews,"September 6, 2017 ",1 +Peru raises cost of post-floods rebuilding to nearly $8 billion,"LIMA (Reuters) - Previously uncalculated damage caused by severe flooding in Peru this year has pushed up the cost of rebuilding infrastructure by 28 percent to 25.65 billion soles ($7.92 billion), a government official said Wednesday. Pablo de la Flor, who was appointed by President Pedro Pablo Kuczynski to lead the reconstruction effort, said 38 percent of the new total will pay for rebuilding highways, roads and bridges. The rest will be used to help build homes, schools, health clinics, sewage systems and farms affected by the floods. Without a doubt this is the most important fiscal effort in Peru s recent history, de la Flor told a press conference. Finance Minister Fernando Zavala said the cost increase would be included in the budget in 2019 or 2020. The rebuilding plan was approved by Kuczynski s cabinet on Wednesday and does not need a green light from Congress. Early this year an unusually brutal rainy season due to a sudden warming of Pacific waters killed 162 people, slowed economic growth sharply and caused damage equivalent to 2 percent of Peru s gross domestic product. De la Flor said the government would likely start awarding contracts at the end of the year. ",worldnews,"September 6, 2017 ",1 +Catalonia parliament votes for Oct. 1 referendum on split from Spain,"MADRID (Reuters) - Catalonia s parliament voted on Wednesday to hold an independence referendum on Oct. 1, setting up a clash with the Spanish government that has vowed to stop what it says would be an illegal vote. After 12 hours of often chaotic debate in the Barcelona parliament, a majority voted for the referendum and the legal framework to set up a new state, under which the assembly would declare independence within 48 hours of a yes vote. Lawmakers who opposed independence abandoned the chamber before the vote, with some leaving Catalan flags in their empty seats. The winners, led by regional head Carles Puigdemont, sang the Catalan national anthem once the votes were counted. Committed to freedom and democracy! We push on! Catalonia s deputy governor, Oriol Junqueras, tweeted after the vote. Polls in the northeastern region show support for self-rule waning as Spain s economy improves. But the majority of Catalans do want the opportunity to vote on whether to split from Spain. The government has asked the Spanish constitutional court to declare the referendum law void as soon as it is approved by the regional parliament. The Spanish constitution states that the country is indivisible. What is happening in the Catalan parliament is embarrassing, it s shameful, Deputy Prime Minister Soraya Saenz de Santamaria told reporters. The details of the referendum, which would pose the question Do you want Catalonia to be an independent republic? to all Spanish citizens living in Catalonia, were revealed amid a tense atmosphere in the 135-seat regional parliament. You will not split up Spain, but you are breaking up Catalonia, Alejandro Fernandez of the ruling People s Party (PP) told pro-independence lawmakers. You re putting social harmony at risk. The vote comes about three weeks after Barcelona and a nearby town were struck by Islamist attacks that killed 16 people and caused the Catalan and Spanish governments to present a brief united front. Divisions reappeared as both sides squabbled over whether either could have prevented the attacks, and rallies against terrorism became politicized. Crowds in Barcelona booed Spain s King Felipe when he visited for one march. There will be no minimum turnout requirement to make the result of the referendum binding, Puigdemont said in a recent briefing. Ballot boxes, voting papers and an electoral census are at the ready, he said. Spanish Prime Minister Mariano Rajoy told a news conference on Monday the government would come down with all the force of the law to ensure no referendum would go ahead. Courts have already suspended from office and leveled millions of euros in fines at Catalan politicians who organized a non-binding referendum in 2014, which returned a yes vote on a low turnout. ",worldnews,"September 6, 2017 ",1 +Trump administration blacklists three officials for South Sudan war,"WASHINGTON (Reuters) - The Trump administration on Wednesday imposed sanctions against two senior South Sudanese officials and the country s former army chief in a warning to the government of President Salva Kiir over increasing attacks on civilians in the country s four-year civil war. The U.S. Treasury Department in a statement on its website said it had blacklisted Malek Reuben Riak Rengu, deputy chief of defense for logistics in South Sudan s army; Paul Malong, former army chief sacked by Kiir in May; and Minister of Information Michael Makuei Lueth for their roles in destabilizing South Sudan. The measures freeze any assets in the United States or tied to the U.S. financial system belonging to the three men. Mawien Makol, spokesman at South Sudan s foreign affairs ministry, called Washington s announcement unfortunate. Such sanctions can undermine the efforts rather than help the efforts, Makol said, referring to a 2015 peace deal. Nathaniel Oyet, a senior official in the opposition SPLA-IO group, welcomed the move although added: It has come a bit late. We wanted it yesterday. This now gives us the confidence that the Donald Trump administration will fix the crisis in South Sudan, said Oyet. The U.S. crackdown comes days after Trump s new aid administrator, Mark Green, visited South Sudan to deliver a blunt message to Kiir that Washington was reviewing its policy toward his government. He called on Kiir to end the violence and implement a real ceasefire. The meeting signaled that the Trump administration was reconsidering its backing for Kiir, who came to power with the support of Washington when oil-rich South Sudan won independence from neighboring Sudan in 2011 following decades of conflict. But the world s youngest country dissolved into civil war in 2013 after Kiir, an ethnic Dinka, fired his deputy Riek Machar, a Nuer. Nearly one-third of the country s population - or 4 million people - have fled their homes, creating the continent s largest refugee crisis since the 1994 Rwandan genocide. In its statement, the U.S. Treasury said Malek Reuben was central to weapons procurement during the first few years of the conflict and helped plan an offensive in Unity State in April 2015, which targeted civilians and led to numerous rights abuses. It also accused him of issuing military contracts at inflated prices in order to receive extensive kickbacks. The U.S. Treasury blacklisted All Energy Investments, A+ Engineering, Electronics & Media Printing and Mak International Services which it said was owned or controlled by Malek Reuben. Malong was sacked by Kiir in May as army chief and put under house arrest in the capital Juba, the country s defense minister told Reuters last week. The U.S. Treasury said he was being sanctioned for obstructing peace talks, international peacekeeping efforts and humanitarian missions in South Sudan. The Treasury statement said Malong was reportedly responsible for efforts to kill Machar in 2016 and did not discourage the killing of civilians around the town of Wau last year. It said Malong was found with currency worth millions of U.S. dollars in his possession belonging to the military s treasury as he tried to flee Juba in early May. Reached by phone in Nairobi, Malong s wife, Ayak Lucy, told Reuters her husband did not have financial assets in the United States. She was unaware of the sanctions announcement. Meanwhile, the U.S. Treasury accused Makuei of attacks against the U.N. mission in South Sudan and obstructing of peacekeeping and humanitarian missions in the country. What do they call it? Economic sanctions? What property do I have in America and all over the world? he told Reuters in response to the sanctions. ",worldnews,"September 6, 2017 ",1 +Togo opposition calls for president to quit as protests mount,"LOME (Reuters) - Togo s opposition chief called on Wednesday for the immediate resignation of President Faure Gnassingbe, the current head of a half century-old political dynasty, rejecting a government move to introduce term limits as protests gained momentum. Tens of thousands of protesters clad in red, orange and pink - the colors of Togo s opposition parties - marched through the streets of the capital Lome as security forces looked on, a Reuters witness said. Some carried banners bearing slogans including Free Togo and Faure resign . Gnassingbe has ruled the West African nation since his father died in 2005 after 38 years in power. The late President Gnassingbe Eyadema passed a law in 1992 limiting the president to two terms in power, only to scrap it a decade later. Togo s cabinet on Tuesday adopted a draft bill to bring back the term limits, the government announced in a statement. But the decision did little to satisfy an increasingly rejuvenated opposition. Speaking before a crowd of thousands of protesters in central Lome, Jean-Pierre Fabre, the head of the main ANC opposition party, said: We will march again tomorrow. Faure should talk to us about the conditions for his departure. The (draft) law on mandates comes too late. Residents said similar protests were underway in Sokode, 340 km (210 miles) north of the coastal capital, as well as several other towns. A number of long-serving African rulers, notably in Rwanda, Burundi and Burkina Faso, have moved to drop term limits in recent years in order to remain in power. In some cases this has sparked strong opposition that has led to violent unrest. However, unlike marches last month during which at least two protesters were killed by security forces, there was no sign of violence by early afternoon on Wednesday. Togo, which aspires to become an African Dubai and hosts the headquarters of pan-African lender Ecobank and other major firms, has a history of repression. Around 500 people were killed during protests against the current leader s 2005 poll victory. But the move to reintroduce a two-term limit could represent an important volte-face by the president, whose government in 2015 voted against the introduction of regional term limits across the ECOWAS 15-nation zone which he currently chairs. (I) deplore the serious incidents in Sokode and Lome during the protests of 19 August and call upon the people to exercise calm, serenity and moderation, Gnassingbe said in a statement released on Wednesday. He also pledged to improve living conditions in the country of nearly 8 million people. It was not immediately known when the bill approved by the cabinet will be presented to parliament. Nor was it clear how the proposed change to article 59 of the constitution would affect Gnassingbe, who is now serving a third mandate which ends in 2020. Government critics accused authorities of cutting mobile internet access on Wednesday in a move they said mirrored cuts imposed by other African incumbents, such as Gabon s Ali Bongo, to control criticism at sensitive times. However, the main internet gateway remained operational according to Dyn which monitors global internet traffic. A government official could not immediately be reached for comment. ",worldnews,"September 6, 2017 ",1 +Holocaust survivors rock Berlin's Brandenburg Gate with song of hope,"BERLIN (Reuters) - Two aging Holocaust survivors joined forces with a younger Israeli singer to perform songs of hope at Berlin s Brandenburg Gate on Wednesday at a time when Germany is seeing a rise in anti-Semitism. Saul Dreier, a drummer aged 92, and Reuwen Ruby Sosnowicz, an 89-year-old accordionist, backed up Gad Elbaz at a site once used by Adolf Hitler for anti-Semitic speeches. I don t want to cry. If I can be 92 and be here after what I went through - there are no words, Dreier told Reuters at the end of a long and emotional day This is a miracle. I lost 30 people in my family, he told a crowd of around 80 people before the performance. Dreier said recent news of neo-Nazi marches in the United States and Germany made him sick and brought back memories of the horrors of the Nazi regime that killed 6 million Jews. It s very frightening. Young people have to make sure it never happens again. The men, who both live in Florida, formed their Holocaust Survivors Band in 2014 and went on to play in front of packed audiences from Warsaw and Las Vegas to Washington, D.C. Elbaz said the event in Berlin was meant to make sure younger people remained vigilant about the dangers of anti-Semitism. This is about reviving history and showing our generation how important it is not to forget where we came from, what we ve been through, and that it should never happen again, he said. Organizers plan to release a music video filmed during the performance of one of the songs, Let the Light Shine On . Shani Ramer, 48, who was born in Israel but grew up and lives in Berlin, said the concert reminded her of family members who perished. It touched my heart, she said. She welcomed the concert s message of hope. It s saying we are still here. No one will kill us now. Abida Ali, a Muslim tourist visiting Germany from Pakistan, joined other bystanders dancing to the upbeat music. Ali said she had experienced no discrimination during her visit despite her head scarf. It s only a small percentage of the people who are violent, she said. There is hope. Everyone really wants peace. A study by Bielefeld University carried out last year showed that 78 percent of Jews living in Germany believe anti-Semitism has increased to some extent, or to a large extent, in the previous five years. ",worldnews,"September 6, 2017 ",0 +One dead after light aircraft collides on Caernarfon runway,"(Reuters) - British Police said that one person died after a light aircraft collision at Caernarfon Airport in Wales on Thursday. The police said in a Facebook post that the pilot of the aircraft had died after it collided on the runway and caught fire. A cordon is in place around the site and we are urging the public to remain clear of the area to allow the emergency services to deal with the incident, Sharon McCairn , Chief Inspector for North Wales Police said. ",worldnews,"September 6, 2017 ",1 +EU to raise pressure on Poland over democracy concerns: sources,"TALLINN (Reuters) - European Union states will this month debate increasing pressure on Poland to uphold the rule of law, sources said, as the next stage in a process that could see its government formally denounced as anti-democratic. The nationalist Law and Justice (PiS) government in Warsaw has pushed through reforms to the judiciary and media that critics within the EU say have weakened the democratic order. PiS rejects the criticism, accuses Brussels of overstepping its mandate and says it has broad backing for its reforms within Poland, a country of 38 million and formerly communist eastern Europe s dominant economy. After more than a year of growing pressure from the European Commission, the executive on Wednesday asked the bloc s 28 EU affairs ministers to discuss its concerns on Sept. 25, the day after national elections in Germany. The Commission s deputy head Frans Timmermans will brief the ministers on his so far futile efforts to persuade Warsaw to shift its position, the sources said. German Chancellor Angela Merkel has joined the growing chorus of those calling for firmer action on Poland and discussed the matter with the Commission s chief, Jean-Claude Juncker. Should Warsaw remain adamant, it eventually risks losing generous EU handouts if it continues to upset its wealthier peers that chip in for the funds, a debate gradually heating up in the bloc. For now, the EU has limited firepower at its disposal. But it could trigger Article 7 proceedings under which it would ask the other 27 EU states to formally state that the rule of law was under threat in Poland - an action unprecedented in EU history. Timmermans has set a clear red line by saying that Article 7 would be opened should Warsaw start to fire the country s Supreme Court judges under the judicial overhaul. The dispute highlights Warsaw s growing isolation in the EU since the eurosceptic PiS won power there in 2015, but also a growing east-west divide within the bloc. Launching Article 7 would be a major embarrassment for Poland, but its regional ally Hungary - whose leader Viktor Orban also has a track record of crossing swords with Brussels - has made clear it would block any sanctions against it under the punitive procedure. In the west, increasingly frustrated with multiplying feuds with Warsaw that also touch on migration and environmental issues, some express renewed doubts about the 2004 EU enlargement that added eight ex-communist countries to the bloc. In Poland, opposition parties sound alarm that PiS is reneging on fundamental EU values and could eventually risk sabotaging Poland s EU membership, which gave the country billions of euros and anchored it in the western world after decades of the Moscow-imposed communism after World War Two. But PiS has largely been successful in rallying its supporters around what it presents as standing up for Poland s national interests against the EU dictate, just as Orban has portrayed his own feuds with the bloc to his voters. The more immediate effect is that Warsaw is hemorrhaging political influence in the EU and has less capacity to shape the bloc s policies despite being the sixth largest state by population, and the fifth one after Britain leaves. ",worldnews,"September 6, 2017 ",1 +U.S. forces apologize for 'highly offensive' Afghan propaganda leaflet,"KABUL (Reuters) - A senior U.S. commander in Afghanistan apologized on Wednesday for a highly offensive leaflet which contained a passage from the Koran used in the Taliban militants banner superimposed on to the image of a dog. The Taliban said the leaflet showed American hatred of Islam, adding that it had launched a suicide attack near the entrance to the U.S. Bagram Air Field, north of Kabul, in revenge. The image, distributed by U.S. forces in Parwan province, north of Kabul, on Tuesday, showed a section of the Taliban s banner superimposed onto the side of a dog - an animal considered unclean by Muslims. The banner contains a passage from the Koran in Arabic. The design of the leaflets mistakenly contained an image highly offensive to both Muslims and the religion of Islam, Major General James Linder said in a statement. I sincerely apologize. We have the deepest respect for Islam and our Muslim partners worldwide, he said, adding that an investigation would be held to determine the cause of this incident and to hold the responsible party accountable . Parwan Governor Mohammad Hasem condemned the leaflet as unforgivable . Those who have committed this unforgivable mistake in the publicity, propaganda or media section of the coalition forces will be tried and punished, he said. The incident highlights one of the challenges facing international forces in Afghanistan, most of which are from non-Muslim cultures, despite the efforts Western forces have generally taken to avoid stoking anti-foreigner sentiment. The risk of a backlash against international forces has grown more pronounced with a rise in civilian casualties caused by increased U.S. and Afghan government air strikes since the beginning of the year. The Taliban, fighting to restore strict Islamic rule to Afghanistan and drive out foreign forces, issued a statement saying the leaflet made clear that this war is a war between Islam and unbelief . The insurgent movement claimed responsibility for a suicide attack on the U.S. base at Bagram Air Field north of Kabul that local officials said wounded four Afghan civilians, although the Taliban itself said 20 Americans were killed. In 2012, U.S. commanders were forced to apologize after copies of the Koran and other religious texts were mistakenly burned at Bagram Air Base near Kabul. The incident triggered large demonstrations in Kabul and other provinces in which several people were killed. On another occasion, a film of U.S. Marines urinating on the bodies of dead Taliban fighters caused widespread offense, prompting an investigation and criminal charges. So-called information operations conducted by government and coalition forces have long been used to try to persuade local people to turn against the Taliban and other insurgent groups. Above the picture of a lion and the dog, the leaflet urged people to report insurgents to the authorities. Take back your freedom from the terrorist dogs and cooperate with coalition forces so they can target your enemy and eliminate them, it said. ",worldnews,"September 6, 2017 ",1 +Trump seeks tougher sanctions to prod North Korea into negotiations,"WASHINGTON (Reuters) - With no palatable military options, U.S. President Donald Trump may ultimately have no choice but to give diplomacy a chance to end the crisis over North Korea s nuclear and missile programs. For now, though, he is pursuing tougher economic sanctions, including an oil embargo, and opposed to making any concessions that might look like appeasement, insisting that more pressure on the regime of North Korean leader Kim Jong Un is needed before it is time to talk. North Korea seems even more opposed to negotiations until it has achieved the ability to attack the continental United States with nuclear weapons. North Korea is not interested in dialogue. ... Kim Jong Un has sent a message with this last test that he doesn t listen to anybody, said a senior official who helps coordinate the European Union s North Korea policy. So for now, despite calls from Russia, China, and others, there is no push from the United States or North Korea for direct talks, despite an escalating crisis that threatens millions of lives after North Korea conducted its sixth and most powerful nuclear test last weekend. The Trump administration says the United Nations needs to tighten economic sanctions to pressure North Korea to change its behavior and start talking. A draft sanctions resolution was circulated to the United Nations Security Council on Wednesday. Trump s tactics, one senior administration official said on the condition of anonymity, mirror those in many of his business deals: simultaneously playing good cop and bad cop, not appearing too interested in making a deal but keeping lines of communication open. Trump said on Wednesday after a call with Chinese leader Xi Jinping that military action against North Korea was not a first choice, but we will see what happens. Nikki Haley, the U.S. ambassador to the United Nations, said on Sunday that Kim was begging for war, but added: The time has come for us to exhaust all of our diplomatic means before it s too late. The United States wants the Security Council to impose an oil embargo on North Korea, ban its exports of textiles and the hiring of North Korean laborers abroad and subject leader Kim Jong Un to an asset freeze and travel ban, according to a draft resolution seen by Reuters on Wednesday. It was not immediately clear if the draft had the support of North Korean ally China, which along with Russia, while denouncing the latest test, has said that resolving the nuclear crisis is impossible with sanctions and pressure alone. [L4N1LN25F] A decade of sanctions has not slowed North Korea s nuclear weapons program, and now that it is closer to its goal, diplomats and analysts say it is unlikely to back down. The U.S. policy of strategic patience on North Korea has assumed that time is on their side - that economic sanctions will eventually lead to the collapse of Kim Jong Un s regime and its economy, and it will come to the negotiating table, no longer able to withstand the economic pain, said Moon Chung-in, a special adviser to South Korea s president on foreign affairs and national security. However, such an assumption has now proven wrong. North Korea s economy has not only adapted quickly to tightening sanctions, but the country has also succeeded in advancing its nuclear weapons programs despite more than a decade of economic hardship. Zhao Tong, a Beijing-based North Korea expert at the Carnegie-Tsinghua Center, said Pyongyang may hope Washington ultimately will recognize it has developed a credible nuclear capability, abandon its long-standing precondition for talks - that North Korea accept that they be aimed at its nuclear disarmament - and instead seek the freezing its nuclear program. From the North Korean perspective, their strategy is working, he said. Most experts say it no longer is realistic to think North Korea will trade away its nuclear arsenal in exchange for sanctions relief, economic support, or a peace treaty with the United States ending the formal state of war that has existed since the 1950-53 Korean War. Robert Einhorn, a former senior U.S. non-proliferation specialist now at the Brookings Institution think tank in Washington, said North Korea has learned from the U.S. invasion of Iraq and the late Libyan leader Muammar Gaddafi s decision to stop developing weapons of mass destruction that you can t give up critical assets that you need for your own survival. China has put forth a freeze-for-freeze proposal that would suspend large-scale U.S. military exercises with South Korea in return for a suspension of North Korean nuclear and missile tests. Washington continues to reject that idea. But the longer diplomacy is delayed, the greater the chances that North Korea can master the ability to hit the U.S. mainland with nuclear-tipped missiles, and then enter talks from a position of strength. South Korea is keeping open the option of dialogue with North Korea, and hopes Washington and Seoul can develop a diplomatic roadmap, Cho Hyun, South Korea s second Vice Foreign Minister, said at a seminar in Washington on Tuesday. It may sound unrealistic today, but we cannot abandon it. ",worldnews,"September 6, 2017 ",1 +"Trump says hurricane does not look good, eyes debt ceiling debate","WASHINGTON (Reuters) - President Donald Trump on Wednesday said the hurricane moving toward Florida and Puerto Rico looks to be record-breaking and said a meeting with congressional leaders would show whether they could work out challenges the country faced. We have many many things that are on the plate. Hopefully we can solve them, he said during a meeting with Republican and Democratic congressional leaders. Maybe we won t be able to, he said. Asked if he would accept a three-month debt ceiling increase tied to disaster relief funding, Trump said: We ll see. ",worldnews,"September 6, 2017 ",1 +Rwanda arrests supporters of jailed opposition figure,"KIGALI (Reuters) - Rwandan police have arrested supporters of jailed opposition figure Victoire Ingabire who they said were planning to join an armed group in a neighboring country. Ingabire was jailed for 15 years in 2012 for conspiring to form an armed group to undermine the government and for seeking to minimize the 1994 genocide. Among the seven people arrested was Boniface Twagirimana, the vice president of Ingabire s party, and Leonille Gasengayire, a member of the party - FDU-Inkingi - which has never been registered as an official political movement, the police said on Wednesday. Both have in the past accused the government of killing or being behind the disappearance of party members, which the government denies. Ingabire returned from exile in the Netherlands to contest a presidential election in January 2010 but was barred from standing after being accused of genocide denial. More than 800,000 people were killed in Rwanda when an ethnic Hutu-led government and ethnic militias went on a 100-day massacre. Afterwards, President Paul Kagame, who won a third term last month, was lauded for bringing economic improvements but he has faced increasing accusations of widespread human rights abuses, suppression of the political opposition and muzzling the media. ",worldnews,"September 6, 2017 ",1 +Angola's ruling MPLA wins election with 61 percent of vote: electoral commission,"LUANDA (Reuters) - Angola s ruling MPLA party has won a general election by taking 61.07 percent of the vote, the electoral commission said on Wednesday, making Jo o Louren o the next president of sub-Saharan Africa s third-largest economy. He will replace Jose Eduardo dos Santos, who steps down after 38 years at the helm but will continue as head of the People s Movement for the Liberation of Angola (MPLA). The main opposition National Union for the Total Independence of Angola (UNITA) took 26.67 percent, with the smaller opposition party CASA-CE winning 9.44 percent. Mission accomplished, Louren o told supporters at his party s headquarters in Luanda. We ll produce a better future for the country and the people of Angola, he said in his first comments as president-elect. He is expected to take office on Sept. 21. UNITA, which has repeatedly complained that the electoral process has been non-transparent and illegal, declined to comment after the results on Wednesday. A spokesman told Reuters a statement will be made on Thursday. UNITA has previously said it will appeal the results. Speaking earlier on Wednesday, the spokeswoman for the National Electoral Commission Julia Ferreira rejected the opposition s complaints as having a lack of clarity and objectivity , adding sufficient proof had not been presented. Electoral observers have said the vote on Aug 23 was reasonably free and fair. The head of the African Union s observation mission, Jose Maria Neves, congratulated Angola on a poll he said served as a reference for the continent . Speaking before announcing definitive election results, President of the National Electoral Commission Andr da Silva Neto asked the parties to accept the election results. On the streets of Luanda, cheering and the honking of horns was heard as residents celebrated another electoral win for the MPLA, which has maintained an unbroken hold on power since Africa s second-largest crude producer gained independence from Portugal in 1975. Louren o will be only the country s third president in that time. A quiet 63-year-old more used to army barracks and the closed doors of party politics than the public spotlight, he has denied he will remain in the shadow of his predecessor dos Santos. Louren o has promised to kick-start the economy and has not ruled out deals with the World Bank and International Monetary Fund to help restructure it. Angola imports everything from washing powder to long-life milk at huge cost. MPLA will have 150 lawmakers, giving them the two-thirds parliamentary majority needed to pass any form of legislation. ",worldnews,"September 6, 2017 ",1 +France overseas minister says two killed in French Caribbean islands after Irma,"PARIS (Reuters) - France s overseas territories minister said on Wednesday that at least two people were killed on two of its Caribbean territories, St. Martin and St. Barthelemy, as Hurricane Irma hammered the islands. We re talking about two dead and two seriously injured for now. Obviously the situation can change very quickly, Annick Girardin told reporters before boarding a plane for the region. She said the government was launching an emergency plan but it was vital to assess the damage because at this stage authorities could not get access to the worst-hit areas. ",worldnews,"September 6, 2017 ",1 +JetBlue offers $99 flights out of Florida ahead of Hurricane Irma,"(Reuters) - JetBlue Airways Corp is offering $99 direct flights from every Florida city where it operates, the airline said on Wednesday, as people hurry to leave before powerful Hurricane Irma hits the state. A price cap through Sept. 10 is also in place for all of JetBlue s Florida connecting flights, a maximum fare of $159 up to the last available seat, the company said. We want those trying to leave ahead of the hurricane to focus on their safe evacuation rather than worry about the cost of flights, JetBlue spokesman Doug McGraw said. Flights in the eastern Caribbean through Sept. 7 and in the western Caribbean through Sept. 8 are also under a fare ceiling. Florida remained under a state of emergency as Irma, packing winds of up to 185 miles per hour (295 km per hour), tracked across the northern Caribbean on a path expected to hit landfall in the United States over the weekend. Airlines have been criticized for raising prices in the wake of deadly episodes such as a 2015 Amtrak derailment, but U.S. officials said last year they found no evidence of wrongdoing in that instance. Irma s arrival marks the second time in as many weeks U.S. airline operations will be disrupted by a powerful storm. Last week, Category 4 Hurricane Harvey landed in Texas and swallowed up much of Houston with powerful winds and deadly flooding. Airline operations were crippled for several days as airports closed, forcing thousands of flight cancellations. ",worldnews,"September 6, 2017 ",1 +Syrian army fights to secure corridor into Deir al-Zor,"BEIRUT (Reuters) - The Syrian army and its allies are fighting to secure a corridor to troops in Deir al-Zor, a day after they smashed through Islamic State lines to break the jihadist siege. The army reached Deir al-Zor city on Tuesday in a days-long thrust that followed months of steady advances east across the desert, breaking a siege that had lasted three years. Islamic State counter-attacks lasted through the day, trying to repel the army, the Syrian Observatory for Human Rights said. Fierce battles raged around the city, as troops sought to expand the route and allow aid in, the British-based war monitor added. Work is progressing to secure the route and widen the flanks so as not to be cut or targeted by (Islamic State), said a commander in the military alliance backing Syrian President Bashar al-Assad. The next step is to liberate the city, the non-Syrian commander said. It points to a tough battle ahead as the army aims to move from breaching the siege to driving Islamic State militants from their half of the city, the sort of street-by-street warfare in which they excel. Syrian state news agency SANA said the army had made gains expanding its control near the corridor after heavy artillery and air strikes. Assad and his allies - Russia, Iran and Shi ite militias including Hezbollah - will follow the relief of Deir al-Zor with an offensive along the Euphrates valley, the commander said. The Euphrates valley cuts a lush, populous swathe of green about 260 km (160 miles) long and 10 km (6 miles) wide through the Syrian desert from Raqqa to the Iraqi border at al-Bukamal. The area has been an Islamic State stronghold in Syria but came under attack this year when a U.S.-backed alliance of Kurdish and Arab militias besieged and assaulted Raqqa. Rapidly losing territory in Syria and Iraq, Islamic State is falling back on the Euphrates towns downstream of Deir al-Zor, including al-Mayadin and al-Bukamal, where many expect it to make a last stand. Still, the jihadist group specializes in urban combat, using car bombs, mines, tunnels and drones, and has held out against full-scale attack for months in some towns and cities. Islamic State has 6,000-8,000 fighters left in Syria, despite losing most of its territory across both Iraq and Syria since September 2014, the United States-led coalition said. Parallel with their thrust toward Deir al-Zor, the Syrian military and its allies have been fighting Islamic State in its last pocket of ground in central Syria, near the town of al-Salamiya on the Homs-Aleppo highway. On Wednesday, army advances gained control of four villages there, further tightening the pocket, a military media unit run by Lebanon s Hezbollah said. In Raqqa, the U.S.-backed Syrian Democratic Forces alliance says it has taken about 65 percent of Islamic State s former self-declared Syrian capital. Deir al-Zor lies along the southwest bank of the Euphrates. The government enclave includes the northern half of the city and the Brigade 137 military base to the west. The army also holds an air base and nearby streets, separated from the rest of the enclave by hundreds of meters of IS-held ground and still cut off from the advancing army. Government forces will push toward the besieged airbase, the pro-Assad commander said. Instead of breaking the siege along the main road from Palmyra, stretches of which remain in Islamic State hands, the army reached the Brigade 137 along a narrow salient from the northwest. The corridor from the west into Brigade 137 was only about 500 meters (yards) wide, the commander said. The United Nations has estimated that 93,000 civilians were living under IS siege in Deir al-Zor in extremely difficult conditions, with some high-altitude air drops supplying them. Deir al-Zor s provincial governor told state-run television that convoys loaded with food and medicine were on the way, along with ambulances and a mobile clinic. Residents in the enclave had gone years without vegetables, fuel, and other necessities, Mohammed Ibrahim Samra said. Despite all this, the schools kept running, he said. Our people in Deir al-Zor have suffered a lot ... and they still held on to their land. ",worldnews,"September 6, 2017 ",1 +Syrian opposition must accept it has not won the war: U.N.,"GENEVA (Reuters) - Syria s opposition must accept that they have not won the six-and-a-half year war against President Bashar al-Assad, U.N. peace talks mediator Staffan de Mistura said on Wednesday. De Mistura suggested the war was almost over because many countries had got involved principally to defeat Islamic State in Syria, and a national ceasefire should follow soon after. The main rebel-held area, the city of Idlib would be frozen . For the opposition, the message is very clear: if they were planning to win the war, facts are proving that is not the case. So now it s time to win the peace, he told reporters. Asked if he was implying that Assad had won, he said pro-government forces had advanced militarily, but nobody could actually claim to have won the war. Victory can only be if there is a sustainable political long-term solution. Otherwise instead of war, God forbid, we may see plenty of low intensity guerrilla (conflicts) going on for the next 10 years, and you will see no reconstruction, which is a very sad outcome of winning a war. De Mistura plans to join ceasefire talks in the Kazakh capital Astana next week, which he said should help resolve the fate of Idlib, a city of 2 million where rebels designated as terrorists by the United Nations are gaining influence. I am confident...there will be a non-conflictual solution - let s say not a new Aleppo, that s what we want to avoid at any cost, if we have learned from the past, he said, referring to the greatest battle and humanitarian crisis of the war. If that takes place Idlib may become frozen in a way in order to avoid becoming a major tragic end to the conflict. Meanwhile Islamic State was facing imminent defeat in its two main zones of influence - in the city of Raqqa and around the city of Deir al-Zor. The fact is that Deir al-Zor is almost liberated, in fact it is as far as we are concerned liberated, it s a matter now of a few hours. Raqqa s fall would follow within days or weeks, leading to the moment of truth for a round of negotiations in October. Since early 2016, de Mistura has overseen a tortuous series of peace talks in Geneva that has made almost no visible progress. He said the next round could see an accelerated and more pragmatic approach. The issue is: is the government, after the liberation of Deir al-Zor and Raqqa, ready and prepared to genuinely negotiate and not simply announce victory, which we all know, and they know too, cannot be announced because it won t be sustainable without a political process? Will the opposition be able to be unified and realistic enough to realize they did not win the war? ",worldnews,"September 6, 2017 ",1 +French union says will not join far-left protest against Macron reforms,"PARIS (Reuters) - France s hardline CGT union on Wednesday said it would not join the far-left party of Jean-Luc Melenchon in Sept. 23 protests against labor reform in a sign that opposition to President Emmanuel Macron s plan is divided. The union will instead march next week, its leader Philippe Martinez told Paris Match magazine. France s second-largest union the CGT and Melenchon s France Unbowed party are the main opponents of the plan, which includes a cap on payouts for dismissals adjudged unfair and greater freedom for employers to hire and fire. The largest and third-largest union, the CFDT and FO, have said they would not take to the streets. The CGT is independent from political parties, Martinez said. He held a rare meeting with Melenchon on Wednesday. Opinion polls show voters do not like the reforms overall but back most of its individual measures, including direct negotiations between bosses and their staff in small firms. Many in the conservative Republicans party, the biggest opposition bloc in parliament, back the reform. The CGT can mobilize tens of thousands of activists and its absence could impact turnout for Melenchon s rally. The union lost its position in March as France s biggest. France Unbowed has 17 lawmakers and so can do little to block reforms in the 577-strong parliament but Melenchon is popular and attracted 19.6 percent of the votes in the first round of the presidential election in April. The rally is a key test of the party s capacity to mobilize voters against Macron. Forty-five percent of voters say Melenchon s party is Macron s strongest opponent, more than twice the figure for the Republicans or the far-right National Front, an Ifop-Fiducial poll showed on Tuesday. ",worldnews,"September 6, 2017 ",1 +"Macron expects casualties, after Hurricane Irma hits French territories","PARIS (Reuters) - President Emmanuel Macron said on Wednesday that there would be casualties in two of its Caribbean territories, St. Martin and St. Barthelemy, after Hurricane Irma hammered the islands. At this moment, it is too early to have a total figure, but I can already say that the impact will be hard and cruel, Macron said after a crisis meeting to assess the situation. There will be casualties and the material damage on both islands will be considerable. He gave no further details. ",worldnews,"September 6, 2017 ",1 +German anti-immigrant candidate walks out of TV debate,"BERLIN (Reuters) - One of the top candidates for the anti-immigrant Alternative for Germany (AfD) party in this month s election walked out of a live television debate on Tuesday night after being accused of failing to distance herself from right-wingers. The right-wing AfD has gained support by slamming Chancellor Angela Merkel s 2015 decision to open the borders to refugees and is set to enter the national parliament for the first time after the Sept. 24 election. Polls put it on 7-11 percent. Alice Weidel, 38, collected her papers and rushed out of public broadcaster ZDF s studio during a debate with Germany s six other major parties after Andreas Scheuer, a member of Merkel s conservative bloc, said she should distance herself from far-right figures in the AfD. Scheuer said Alexander Gauland, the AfD s other top candidate, was a radical right-winger . Gauland has described Bjoern Hoecke, who in January called for a 180 degree turnaround in the way Germany seeks to atone for Nazi crimes, as part of the soul of the AfD . Weidel, who styles herself as an economic expert and critic of the euro, has gradually shifted to the right since being chosen as one of the party s chancellor candidates in April. She has called for Hoecke to be expelled from the party. In a statement published shortly after her exit, Weidel accused ZDF moderator Marietta Slomka of being biased and unprofessional: Ms Slomka shouldn t act out her personal animosities in the television show, she wrote. The AfD wants to abolish the license fees that finance Germany s public broadcasters. Weidel s statement ended with the comment that Slomka s behavior was another reason to refuse to pay the license fee . It did not mention the dispute with Scheuer or a preceding fiery discussion on immigration. Some media speculated that Weidel s exit was set up, with Stern magazine s editor in chief Andreas Petzold writing on Twitter: Alice Weidel s dramatically staged exit was certainly not spontaneous. This is how the AfD cultivates its role as a victim. ",worldnews,"September 6, 2017 ",1 +Trump says military action against North Korea is not first choice,"WASHINGTON (Reuters) - U.S. President Donald Trump said on Wednesday that military action against North Korea was not a first choice and said he had a strong and frank discussion with China s President Xi Jinping about the issue. President Xi would like to do something. We ll see whether or not he can do it. But we will not be putting up with what s happening in North Korea, Trump told reporters at the White House. I believe that President Xi agrees with me 100 percent... We had a very, very frank and very strong phone call. ",worldnews,"September 6, 2017 ",1 +France's foreign minister worried by Trump's stance on Iran nuclear deal,"PARIS (Reuters) - France s foreign minister said on Wednesday he was worried that U.S. President Donald Trump could put into doubt a nuclear deal between Iran and a group of major world powers. The agreement which was passed two years ago enables Iran to give up on a nuclear weapon and so avoid proliferation. We have to guarantee this stance, Jean-Yves Le Drian said during a visit to Science-Po university in Paris. I am worried at this moment in time by the position of President Trump, who could put into question this accord. And if this accord is put into question then voices in Iran will speak up to say: Let s also have a nuclear weapon. We are in an extremely dangerous spiral for the world. ",worldnews,"September 6, 2017 ",1 +"U.S. to send 3,500 additional troops to Afghanistan","WASHINGTON (Reuters) - The United States will send about 3,500 additional U.S. troops to Afghanistan, U.S. officials said on Wednesday, a figure broadly in line with expectations as the United States boosts support for the Afghan military. The disclosure by the officials, who spoke on the condition of anonymity, comes as Defense Secretary Jim Mattis and Chairman of the Joint Chiefs of Staff Marine General Joseph Dunford hold closed door briefings with members of Congress about President Donald Trump s regional strategy. The Pentagon said it would not comment on additional troop numbers until Mattis makes an announcement. If confirmed, it would bring the total number of U.S. troops in Afghanistan to about 14,500. After a months-long review of his Afghanistan policy, Trump committed the United States last week to an open-ended conflict in the country and promised a stepped-up campaign against Taliban insurgents. Last week Mattis said he had signed orders to send additional troops to Afghanistan but did not specify the size of the force, saying he first needed to brief Congress. U.S. officials have for months told Reuters that Trump had given Mattis the authority to send about 4,000 additional troops to Afghanistan. The U.S. presence in Afghanistan peaked at more than 100,000 troops in 2011, when Washington was under domestic political pressure to draw down the costly operation. Some U.S. officials have told Reuters they questioned the benefit of sending more troops to Afghanistan because any politically palatable number would not be enough to turn the tide, much less create stability and security. To date, more than 2,300 Americans have been killed and over 17,000 wounded in Afghanistan. ",worldnews,"September 6, 2017 ",1 +Airbus issues safety advice on Tiger helicopters flying in turbulence,"BERLIN (Reuters) - Airbus Helicopters has warned pilots of its Tiger military helicopters to be careful of rapid switches from auto pilot to manual mode during turbulence, after initial indications that such a switch may have played a role in a fatal crash in Mali. The unit of European aerospace giant Airbus said in a statement that the warning was aimed at increasing operators safety and should not be seen as an indication of the possible root cause of the crash during a U.N. mission in July, which killed both crew members. According to a source who has seen the Airbus Helicopters bulletin that carried the warning, the bulletin said an unexpected switch from automatic to manual flight mode may have played a role in the accident, according to information currently available . The bulletin did not say whether the unexpected switch had happened automatically or been done manually. German officials last week met to discuss the accident in the Mali desert, but decided to maintain existing flight restrictions on the aircraft after failing to reach a definite conclusion about the cause of the crash. Airbus said its safety guidance - sent to operators in Germany, Australia, France and Spain - was meant to standardise all flight manuals and remind operators that crews must adjust their attention to environmental conditions while using the auto pilot during turbulence. The guidance reiterated passages already in the flight manuals which instruct pilots not to intentionally enter areas with more than moderate turbulence, and to avoid flying through areas of severe turbulence. A German defence ministry report last month said the Tiger that crashed in Mali had been flying at 250 kilometres (155 miles) per hour at a height of 550 metres (1,800 feet) when it suddenly sank its nose and entered a sharp dive. The helicopter crashed 10 seconds later and burst into flames. The report, however, said it was too early to speculate about the causes of the crash. German officials continue to investigate the cause of the crash. Officials say it could take months to complete the probe. At the time of the crash, they said there were no signs the helicopter was downed by an attack. Germany s deployment of four Tiger helicopters to Mali earlier this year was controversial since the aircraft required extra maintenance given the strong heat and other environmental conditions in the African country, although officials say the aircraft had been performing normally. Germany agreed to deploy the Tiger helicopters and four NH-90 transport helicopters after the Dutch military said it could not continue the work in Mali. But Germany s increased support was heavily debated in parliament, and required a waiver from the German military allowing the helicopters to operate in higher temperatures. Germany currently has 26 Tiger helicopters. ",worldnews,"September 6, 2017 ",1 +Lesotho detains army major over killing of military leader,"MASERU (Reuters) - Lesotho has detained a senior army officer in connection with the killing of the country s military leader and two other soldiers, a Defence Ministry official said Wednesday. The shooting took place at an army barracks on Tuesday, but it was not clear what the motivation was. An army major, whose name was not disclosed, was taken into custody to help police with the investigation, Defence Ministry Principal Secretary Colonel Tanki Mothae said. The kingdom has been subject to several coups and periodic political violence since gaining independence from Britain in 1966, and South Africa called for calm after the shooting. ",worldnews,"September 6, 2017 ",1 +Nigeria's Buhari said he would not seek re-election in 2019: minister,"LAGOS (Reuters) - Nigeria s President Muhammadu Buhari told members of his party before he was first elected that he would only seek one term, implying he did not intend at that time to run in 2019, the minister of women s affairs told Reuters on Wednesday. The comments by Aisha Alhassan could heighten uncertainty over whether Buhari plans to contest the next election. Buhari took power in 2015 but has been absent for much of this year due to illness. He is yet to say if he will seek a second term. In 2014/2015 he said he was going to run for only one time to clean up the mess that the (previous) PDP government did in Nigeria. And I took him for his word that he is not contesting in 2019, Minister of Women Affairs Alhassan said. Alhassan said in the interview she would resign if Buhari seeks re-election and would support former vice president Atiku Abubakar if he decides to run. Alhassan s portfolio ranks relatively low down in Nigeria s cabinet. Abubakar was vice president from 1999 to 2007 as part of the People s Democratic Party (PDP). He joined the All Progressives Congress (APC), Buhari s party, in 2014. She said Buhari made the comments in 2015 to APC members but gave no further details. The president s two spokesmen declined to comment on the minister s remarks. Buhari, 74, returned on Aug. 19 from three months of medical leave in Britain for an unspecified ailment. It was his second stint of sick leave this year following a break between January and March. Many people say they doubt whether Buhari is well enough to serve another term in Nigeria, which is Africa s most populous country and has the continent s biggest economy. If today Mr. President says he is running in 2019 I will go to him respectfully and thank him for giving me an opportunity to serve and then tell him that I have to resign because my political father may be running, said Alhassan. ",worldnews,"September 6, 2017 ",1 +Czech PM candidate Babis to face fraud charges after vote,"PRAGUE (Reuters) - Czech lawmakers voted on Wednesday to let police bring fraud charges against Andrej Babis, the leading candidate to become prime minister in next month s elections. Babis, a billionaire businessman and founder of the poll-leading ANO party, denies allegations that he hid ownership of one of his firms to receive a 50-million Czech crown ($2.29-million) EU subsidy meant for small business in 2008. The 63-year-old former finance minister has dismissed a police investigation into the case as a ploy by political and business adversaries to chase him out of politics. You will not silence me, intimidate me, stop me. And you will not get rid of me, Babis told parliament before MPs overwhelmingly voted to lift the immunity from prosecution granted to lawmakers. He ended up backing the motion himself, saying he wanted to clear his name, though other ANO party deputies boycotted the vote. So, give me up. I ask you to lift my immunity so that the truth can be revealed, he told the lower house. Wednesday s decision, backed by 123 to four, does not stop Babis from standing in the Oct. 20-21 election. But it could dent his support. Several potential coalition partners have said they could not work with a prime minister charged with a crime. Babis s ANO party, a junior member in a Social Democrat-led government, leads opinion polls by a double-digit margin - though there have been no major surveys taken since the police requested his immunity be lifted on Aug. 10. The party has promised to revamp politics and root out what Babis calls mafia-like networks of business and political interests. Governments led by the traditional parties - the center-right Civic Democrats and the center-left Social Democrats - brought the country into NATO and the European Union but lost many voters in recent years amid a series of corruption scandals. Babis s adversaries argue he got rich in the environment that he now criticizes, often doing business with the state. His Agrofert group is the biggest Czech private employer with more than 30,000 staff. The subsidy under investigation, was paid for building a conference center near Prague called Stork Nest, before Babis entered politics. The police investigation is expected to last well beyond the October vote and Babis will win immunity again if reelected to parliament, as expected, which would force the police to ask again for permission to charge him. ",worldnews,"September 6, 2017 ",1 +Czech lawmakers vote to force PM candidate Babis to face fraud charges,"PRAGUE (Reuters) - The Czech parliament s lower house voted on Wednesday to allow police to bring charges against Andrej Babis, the leading candidate to become prime minister after an election next month, in a case involving suspected abuse of European Union subsidies. Babis, a billionaire businessman and founder of the ANO movement, denies any wrongdoing. He has repeatedly called the police actions against him a political ploy meant to hurt him in the Oct. 20-21 election. ",worldnews,"September 6, 2017 ",1 +DNA tests on Dali's body refute woman's paternity claim,"MADRID (Reuters) - DNA tests on the exhumed body of Salvador Dali showed that a Spanish woman who brought a paternity suit against him was not his daughter, the surrealist painter s foundation said on Wednesday. The court supervising the tests had informed its lawyers that Maria Pilar Abel was not Dali s biological daughter after comparing her DNA with samples taken from his remains, the foundation said in a statement. A spokesman for the court declined to confirm the results of the tests. Contacted by phone, Abel said she had not yet received the results from the court. The Madrid court in June ordered forensic scientists to exhume Dali s body after Abel, who was born in Dali s home town of Figueres, filed a paternity claim that alleged her mother had an affair with him. This conclusion is not a surprise for the Foundation, since at no point has there been any evidence that she was a relative, said the foundation, which manages Dali s estate. The Foundation is happy that this puts an end to an absurd and artificial controversy. Dali, who died in 1989 aged 84, was one of the 20th century s most famous and easily recognized artists. His paintings include The Persistence of Memory , with its iconic images of melting clocks, and he also turned his hand to movies, sculpture and advertising. ",worldnews,"September 6, 2017 ",1 +Danish Queen's husband Prince Henrik diagnosed with dementia,"COPENHAGEN (Reuters) - Denmark s Prince Henrik, the husband of Queen Margrethe, has been diagnosed with dementia, a condition that has affected his behavior and judgment, the palace said on Wednesday. The announcement came weeks after the 83-year-old announced he did not want to be buried next to his wife, saying he was unhappy he had never been acknowledged as her equal. Following a longer diagnostic process and lately a series of examinations during late summer, a specialist team ... has now concluded that his Royal Highness Prince Henrik suffers from dementia, the Royal House said in a statement. The extent of the cognitive failure is ... greater than expected considering the age of The Prince, it added. Henrik, who married Margrethe in 1967, retired last year and renounced his title of Prince Consort, saying he was disappointed not to be named King Consort. Since then he has participated in very few official duties and spent much of his time at his private vineyard in France. In Denmark, a princess traditionally becomes queen when her husband takes the throne, but a man does not become king when the roles are reversed. Born Henri Marie Jean Andr de Laborde de Monpezat in France in 1934, Henrik has two sons with the queen, Crown Prince Frederik and Prince Joachim. ",worldnews,"September 6, 2017 ",1 +Two arrested after French counter-terrorism raid near Paris,"VILLEJUIF, France (Reuters) - Two people were arrested after police found products that can be used to make explosives in a flat south of Paris on Wednesday, French Interior Minister Gerard Collomb said. Some of the products found in the flat in Villejuif could be used to make the unstable explosive TATP, one source close to the investigation said. TATP has been used by militants in several attacks in western Europe in recent years, including Manchester in May, Brussels in 2016 and Paris in 2015. Gas bottles were also found in the flat, other sources said. The police raid followed a tip from a craftsman, Collomb said in a statement. One source said it was a locksmith who saw chemical products and tools when looking into the flat. The two people arrested were driving a small van that belongs to the flat s tenant, a police source said. France s counter-terrorism prosecutor is in charge of the investigation, a judicial source said. (This story has been refiled to correct typo in paragraph 2) ",worldnews,"September 6, 2017 ",1 +Casualties in explosion at airfield near Kabul: U.S. military,"WASHINGTON (Reuters) - An explosion at an entry control point at Bagram airfield near the Afghan capital Kabul caused a small number of casualties, the U.S. military said on Wednesday. An explosion occurred outside an entry control point at Bagram Airfield at 5:38 p.m. local time today, a statement said. The explosion resulted in a small number of casualties, it said, adding that the airfield was secure and the incident was being investigated. ",worldnews,"September 6, 2017 ",1 +NATO urges trading partners to step up pressure on North Korea,"BRUSSELS (Reuters) - NATO urged all countries to step up efforts to enforce sanctions on North Korea and stop its weapons tests - an appeal that diplomats said was aimed at the reclusive state s trading partners, suspected of holding back on penalties. All 29 ambassadors of the U.S.-led military alliance issued the statement as world powers sought a common response to North Korea s sixth and largest nuclear bomb test, amid fears that more were on their way. It is now imperative that all nations implement more thoroughly and transparently existing UN sanctions and make further efforts to apply decisive pressure to convince the DPRK regime to abandon its current threatening and destabilizing path, the statement read, referring to North Korea s official name, the Democratic People s Republic of Korea. Diplomats, speaking on condition of anonymity, said there were concerns that existing sanctions on North Korea have not been fully enforced by Pyongyang s few remaining trading partners, namely China and several African nations. China, African, other Asian countries continue to trade with North Korea. Our governments are saying to Guinea-Bissau, to Malaysia, to China that they need to tighten their sanctions enforcement, said a NATO diplomat involved in discussions about how to resolve the North Korea crisis. Efforts to impose fresh sanctions on Pyongyang at the United Nations have run into opposition. President Vladimir Putin has resisted restrictions on oil exports to the country, saying the crisis will not be resolved by sanctions. NATO is not directly involved in the nuclear crisis, but it has repeatedly called on North Korea to abandon its nuclear and ballistic missile programs. NATO Secretary-General Jens Stoltenberg said separately he planned to travel to South Korea and Japan in October ",worldnews,"September 6, 2017 ",1 +Gupta emails still under investigation: top South Africa prosecutor,"CAPE TOWN (Reuters) - South Africa s top prosecutor said police were still examining a trove of leaked documents detailing relations between the wealthy Gupta family and President Jacob Zuma, but it was too early to say if a prosecution should be launched. Wednesday s comments to lawmakers by Shaun Abrahams were the first time the head of the National Prosecuting Authority (NPA) has spoken publicly about the Gupta case. The leaked emails need to be investigated, Abrahams told a parliamentary committee in response to a question on whether his department had taken a position on the matter. How can you make a determination on its admissibility if that (police) investigation is still ongoing? , he said. The elite Hawks police unit, which probes organized and commercial crime and major corruption, is investigating the Gupta allegations, NPA officials told a parliamentary briefing. Under the South African system, police investigate a case and then send a report to the NPA, which decides whether to take the case further. Senior ANC members and the opposition accuse the brothers of using their relationship with Zuma to wield influence and win government contracts, allegations that in part stem from a trove of 100,000 documents and emails leaked to reporters. The Gupta family of Indian-born businessmen were not immediately available for comment on Abraham s remarks. The brothers, who own a computer business and uranium mine, have previously denied any wrongdoing. Atul Gupta, one of three Gupta brothers, said last month that the emails were fake. Zuma has also denied any wrongdoing but his relationship with the Guptas has deepened a divide within his ruling African National Congress ahead of a conference in December where Zuma s successor as party leader - and therefore president - will be chosen. Zuma survived a no-confidence motion in August. He can remain president until a 2019 election but some opposition politicians have demanded he resign over material in the leaked emails. ",worldnews,"September 6, 2017 ",1 +EU agrees to extend blacklist on Russians over Ukraine turmoil,"BRUSSELS (Reuters) - The European Union agreed on Wednesday to extend for another six months its blacklist of 149 Russian nationals and Ukrainian separatists, as well as 38 entities, for their role in the turmoil in Ukraine, sources in Brussels said. During a weekly meeting in Brussels, representatives of the 28 EU states agreed on the roll over, which will formally be adopted on Sept. 14, and prolong the visa ban and asset freeze list until mid-March. The bloc first imposed sanctions on Russia after it annexed the Black Sea peninsula of Crimea from Kiev in March 2014, and ratcheted them up as Moscow went on to back a separatist revolt in the east of the former Soviet republic. Russia vows to never return Crimea though the annexation has not been internationally recognized and is denounced as illegal. The conflict in east Ukraine has killed more than 10,000 people and is still simmering, a key factor souring Russia s relations with the West, including the EU. The bloc s separate main economic sanctions against Russia, which curb EU cooperation in the energy, defense and financial fields, are in place until the end of January 2018. Apart from separatist leaders in Crimea and east Ukraine, the EU s blacklist, which prevents people getting visas or freezes their assets, includes senior Russian officials and companies that have supported or benefited from the crisis. ",worldnews,"September 6, 2017 ",1 +EU refugee court ruling triggers new east-west feuding,"LUXEMBOURG/BRUSSELS (Reuters) - The EU s highest court ruled on Wednesday that member states must take in a share of refugees who reach Europe, dismissing complaints by Slovakia and Hungary and reigniting an east-west row that has shaken the Union s cohesion. The Mediterranean migrant crisis which prompted mandatory quotas in 2015 for relocating asylum seekers from Greece and Italy has receded, easing immediate pressure to force compliance on nationalist leaders who are making electoral capital from lambasting the EU while benefiting from Brussels subsidies. But defiant rejection from some ex-communist states that the EU accuses of slipping on democratic standards - Hungary called the judgment a political rape of EU law - indicated no let-up in tensions that are testing the Union s internal cooperation. In Germany, where Chancellor Angela Merkel is fighting for re-election against opponents who criticize her for taking in over a million migrants at the height of the drama, the interior minister threatened legal action against countries which fail to take in their allotted share of Syrian and other refugees. But Hungary, where outspoken Prime Minister Viktor Orban has built border fences and made keeping out migrants a key plank of his re-election campaign for next year, branded the European Court of Justice ruling appalling and irresponsible . This decision jeopardizes the security and future of all of Europe, Foreign Minister Peter Szijjarto said. Politics has raped European law and values. Italy, now the main destination for migrants taking to the sea following measures to block the route from Turkey to Greece and from Greece northward, has been prominent in calling for the wealthier Western states to cut EU subsidies to poor neighbors which do not show solidarity in taking in migrants. European Commission President Jean-Claude Juncker has echoed that threat, warning Orban solidarity is not a one-way street . But the EU executive is also anxious to calm tensions ahead of negotiations on a new seven-year EU budget that will be all the harder because of a hole left by Britain s imminent departure. The Commission said on Wednesday it may seek fines at the ECJ within weeks for Hungary, Poland and the Czech Republic if they do not start or resume taking people from the south. Poland and Hungary, which argue Muslim immigration is a threat to their national security and stability, have in two years taken in none of their respective quotas of about 6,200 and 1,300 people. However, the executive, which is separately considering trying to suspend eastern heavyweight Poland for undermining the independence of its judiciary, stressed it wanted solutions that would unite the 28-nation bloc. Slovakia s prime minister said he still rejected quotas but was willing to help in other ways. And as the Union digests a Brexit vote last year that was partly driven by concern over migration, many states that backed the quota system in 2015 and are increasingly exasperated by Polish and Hungarian hostility to Brussels are also reluctant to force through new policies that may bolster eurosceptics across Europe who say the EU is trampling on national sovereignty. If we push it through above their heads, they will use it in their anti-EU propaganda at home, one EU diplomat said, while noting that, with the migration crisis dropping out of the headlines, all sides might find a way to resolve the issue. The Commission is working on reforms to the so-called Dublin rules under which people arriving in the EU must stay to claim asylum in the first country they reach. A mechanism to help the likes of Greece and Italy in emergencies has proved elusive. However, governments may find it easier to negotiate now that the migration is not quite so prominent in local politics. The Luxembourg-based ECJ dismissed in their entirety the arguments advanced by Hungary and Slovakia with backing from Poland and endorsed the Commission s solution which eventually ordered states to take in nearly 100,000 Syrians and others. The mechanism actually contributes to enabling Greece and Italy to deal with the impact of the 2015 migration crisis and is proportionate, the court said in statement. Difficulties in identifying candidates for relocation - and a reluctance of refugees to settle other than in the wealthier west of Europe - saw fewer than 30,000 people relocated in two years, but the Commission noted an acceleration in the program this year and said it would continue to move people northward. Among the gravest problems the migration crisis caused was member states reimposing controls on internal EU frontiers. That had jeopardized one of the Union s most cherished achievements and for a time appeared to threaten to disrupt internal traffic. EU Migration Commissioner Dimitris Avramopoulos said special exemptions that have allowed the likes of Germany, Austria, Denmark and Sweden to control their borders with EU neighbors should now end when they expire in two months time. ",worldnews,"September 5, 2017 ",1 +YRC shutters terminal in Puerto Rico as hurricane Irma approaches,"(Reuters) - YRC Worldwide Inc said on Wednesday it closed a terminal in Guaynabo, Puerto Rico as Hurricane Irma closes in on Puerto Rico. Hurricane Irma was about 140 miles (225 km) east of San Juan Puerto Rico, with maximum sustained winds of 185 mph (295 km/h), the U.S. National Hurricane Center said. ",worldnews,"September 6, 2017 ",1 +"Indian journalists, activists protest murder of newspaper publisher","BENGALURU, India (Reuters) - Indian journalists and rights activists protested on Wednesday against the murder of an outspoken publisher of a weekly tabloid amid growing concerns about freedom of the press at a time of rising nationalism and intolerance of dissent. Gauri Lankesh, 55, the editor and publisher of the Kannada-language Gauri Lankesh Patrike newspaper, was shot dead on Tuesday by unidentified assailants near her home in the southern city of Bengaluru. She had parked her car outside her gate and was walking to the main entrance of her home when the attackers fired at least seven rounds, killing her, police said. The motive was not known. Lankesh was a fierce advocate of secularism and opposed hardline Hindu groups associated with Prime Narendra Modi s right-wing, nationalist ruling party. Her weekly, with a circulation of more than 5,000, is regarded as influential in the state, read by policy makers and politicians. Lankesh spent decades with various media outlets before taking over the newspaper started by her father. Several journalist groups, including the Editors Guild, Press Club of India and Press Association, held protests in cities across India, calling her murder a brutal assault on the freedom of the press . They said she was a critical, secular voice at a time when the country was being swept by a wave of right-wing, Hindu nationalism. She was an idealist and would take on the right-wing forces on several controversial issues, said Y.P. Rajesh, an executive editor at the news website The Print and a long-time friend of Lankesh. The U.S. embassy in New Delhi also condemned the killing. The murder is a new low in India s recent record of protecting journalists. The Committee to Protect Journalists has said that there have been no convictions in any of the 27 cases of journalists murdered in India because of their work since 1992. This year, the country of 1.3 billion people slipped three places to 136th in the World Press Freedom Index, compiled by Reporters Without Borders. The group said Hindu nationalists, on the rise since the Bharatiya Janata Party (BJP) swept to power in 2014, were trying to purge all manifestations of anti-national thought . Journalists seen to be critical of Hindu nationalists are often insulted on social media, and some women reporters have been threatened with assault. People, including BJP members, have also openly insulted journalists, using terms like presstitute - a combination press and prostitute - to berate them. In recent weeks, Lankesh had posted videos on her Facebook page that were critical of Modi s economic policies and the rise of hardline Hindu groups since he came to power. Last year, she was sentenced to six months in jail after a defamation case was filed by a BJP member. She was released on bail. Ananth Kumar, a federal minister in the Modi government, said the state government must arrest those behind the killing. The state government in Karnataka, run by the Congress party, said it had set up a special investigations team to investigate and police were examining CCTV footage. M.N. Anucheth, a senior police official investigating the case, said Lankesh was shot in the head, neck and chest. This is an attempt to silence all of us all of those who believe in democracy and decency, Ramchandra Guha, a historian told the Indian Express newspaper. (This story has been refiled to fix spellng in paragraph 22) ",worldnews,"September 6, 2017 ",1 +France's Macron plans end to retire-young rail pensions,"PARIS (Reuters) - President Emmanuel Macron wants to scrap rules allowing some state rail workers to retire on a full pension up to 10 years before most other French workers. The reform plan risks inflaming tensions with labor unions who led the biggest strikes of recent decades in 1995 against a similar proposal that the government of the time floated before abandoning it and losing power. Macron has said his government will embark on overhauling France s myriad pension schemes in early 2018, creating a single system for all. The shake-up of the pension scheme tailored for the SNCF state rail group would affect nearly 200,000 employees, in particular train drivers who can retire as early as age 52, a decade before the pension age of 62. Macron first outlined the idea in an internal SNCF publication in July. He said he wanted a draft legislation presented early in 2018 and a reform that would be effective by mid-2018 or early 2019. Asked about the president s plan for the SNCF s pensions on Wednesday, government spokesman Christophe Castaner said it fell within the wider pension reform package. That s the track the president wants to take, Castaner told a weekly news briefing. Macron, a 39-year-old former investment banker, was elected on a promise to push through far-reaching social and economic reforms, a program that has drawn increasing public opposition since he took office four months ago. His government last Thursday presented plans to ease labor regulations with only one of the three biggest unions threatening protests. But tougher tests may lie ahead, including overhauling employment insurance this autumn and then pension reforms. In 1995, plans to abolish a pension scheme specific to SNCF workers sparked the biggest wave of street protests and public transport strikes in recent French history. Those protests, including a three-week rail strike, ultimately led to the reform being abandoned, the resignation of then prime minister Alain Juppe and an election where voters replaced the right-wing government with a Socialist one in 1997. Macron said on the campaign trail he wanted to smooth out the big differences between the pensions of state and private sector employees, while keeping the pension age at 62. Beyond the SNCF, that will mean reforming the generous pensions of big state-owned companies such as utility EDF, whose unions have fiercely defended their privileges. ",worldnews,"September 6, 2017 ",1 +Kenyan police not cooperating with watchdog over election-related deaths: sources,"NAIROBI (Reuters) - Kenyan police are not cooperating with investigations by a government-funded watchdog into violent deaths that followed last month s election, two sources with direct knowledge of the probes said. The head of the Independent Police Oversight Authority (IPOA) told Reuters in mid-August it was fast-tracking investigations of all deaths and injuries for which the police were alleged by rights groups to be responsible following the Aug. 8 national ballot. Macharia Njeru had attended autopsies of a young girl and a baby and called the probes into those deaths priority cases . But the sources told Reuters that police had to date not transferred any documents or evidence to IPOA, which is mandated to investigate cases reported by individuals or police or referred to them by human rights organizations. The big frustration of IPOA is that the police do not share information critical to investigations into police misconduct, one of the sources said. ... (But) officers feel IPOA is there to harass them. The police are required by law to cooperate with the IPOA, which is civilian-run. A spokesman for the force, Charles Owino, did not respond to phone calls on Wednesday afternoon. Interior Minister Fred Matiang i last month denied accusations of police brutality. He said criminal elements , not legitimate political protesters, had caused trouble after the election that provoked a police response. Protests broke out after the election board announced that incumbent President Uhuru Kenyatta had won by 1.4 million votes. Opposition leader Raila Odinga disputed the result and took his case to the Supreme Court, which on Friday scrapped the result and ordered a new poll within 60 days. [L8N1LI1QY] The state-funded Kenya National Commission on Human Rights says at least 28 people were killed in shootings in the days after the results were announced. It said it believes the killings were linked to the police. Evidence relevant to the investigations could include documents such as police deployment plans and operational orders as well as internal reports into alleged misconduct by officers or units, one of the sources said. An IPOA spokeswoman said the monitor did not discuss ongoing investigations with the media. The authority became operational in 2012 and has so far secured the conviction of two police officers in a 2014 murder of a teenage girl in a coastal Kenyan town. In its annual reports for 2014 to 2016, it listed suspicion by the police , delays in response to requests for information and lack of cooperation from some officers as factors impeding its operations. ",worldnews,"September 6, 2017 ",1 +"Britain could still reverse Brexit, former minister Heseltine says","LONDON (Reuters) - Brexit could be reversed if economic pain prompts a change in public opinion that brings a new generation of political leaders to power in Britain, former Conservative minister Michael Heseltine said. Heseltine, who helped topple Margaret Thatcher in 1990 but ultimately failed to win the top job, said that Britain could face another election in just two years and that Prime Minister Theresa May would not lead the party into that election. A supporter of EU membership, Heseltine said he saw a scenario in which Britain would not leave the European Union as scheduled in late March 2019. There is now a possibility that Brexit will not happen, but it will need a change in public opinion, Heseltine, 84, told Reuters in an interview. There may be indications but there is no really substantive evidence of public opinion moving but I think that it will happen. My guess is that public opinion will move, he said. Heseltine said the shift in Brexit policy by the opposition Labour Party - including staying in the European single market and customs union for a transitional period - indicated Labour had sensed the wind of a change in public opinion. May, who quietly opposed Brexit ahead of the referendum, has formally notified the bloc of Britain s intention to leave and divorce talks are under way. Some European leaders have suggested Britain could change its mind, while former Conservative prime minister John Major has said there is a credible case for giving Britons a second vote on the Brexit deal. His successor, Labour s Tony Blair, has said repeatedly that Brexit can and should be stopped. In the June 2016 referendum voters in the United Kingdom backed leaving the EU by a margin of 51.9 percent to 48.1 percent. The world s fifth-biggest economy initially withstood the shock of the Brexit vote, but growth began to slow sharply this year as inflation rose on the falling value of the pound and hit households. May, who has insisted that Britain will leave the European Union, said last month that she wanted to fight the next parliamentary election, not due until 2022. Heseltine, though, said that seemed unlikely given her botched gamble on a snap election in June which lost her party its majority in the lower house of parliament. I don t think she will fight the next election, but there is no agreement on her successor. All the people indicated as possibles are singing the same song, and in my view the song is unattractive and will become less attractive, he said. Ousted is a specific word, but there are many ways in which the Tory party operates - what it will quite look like I am not going to say. But I think there will be a change to a new leader before the next election. They have two years before the next election. Heseltine said he was waiting for a politician to emerge with the courage to challenge the Brexit consensus of British politics and explain to voters the full import of the divorce. Within a relatively short period of time, the Brexit negotiations will sour even more than they already have, and the Tories will be left holding the baby. Everybody else will have moved away from Brexit, Heseltine said. Brexit, he said, was a monumental mistake that would make Britain a spectator of 21st century history, bleed its wealth and relegate it from the league of leading global powers. The idea that we are not European is just to spit in the wind: Anyone who has read Shakespeare knows just how European we are, said Heseltine, who the Sunday Times says has a fortune of 300 million pounds ($390 million). He said Brexit was far more significant than the 1956 Suez crisis, when British forces were forced by the United States to withdraw troops from Egypt in a blunt illustration of Britain s lost imperial power. Heseltine said the EU was unlikely to give Britain the beneficial divorce deal it wanted because to do so would risk unraveling the EU itself. It is difficult to see how the Brexit negotiations can be anything other than discordant. The issues are huge and they come down to a very simple question: Can the Europeans agree to someone leaving the club on the cake and eat it basis? I don t think they can. And they have made it clear they don t intend to. If they were to change their mind so that we have our cake and eat it, well of course I will be wrong. But I don t think they are going to do that. ",worldnews,"September 6, 2017 ",1 +Hurricane Irma to move over portions of Virgin Islands soon: NHC,"(Reuters) - The eye of potentially catastrophic category 5 Hurricane Irma is closing in on the Virgin Islands, the U.S. National Hurricane Center said in its latest advisory on Wednesday. Hurricane Irma is about 140 miles (225 km) east of San Juan Puerto Rico, with maximum sustained winds of 185 mph (295 km/h), the Miami-based weather forecaster said. The extremely dangerous core of Irma will move over portions of the Virgin Islands very soon, pass near or just north of Puerto Rico this afternoon or tonight, the NHC said. Irma will pass near or just north of the coast of the Dominican Republic Thursday, and be near the Turks and Caicos and southeastern Bahamas late Thursday, it added. ",worldnews,"September 6, 2017 ",1 +Munich memorial marks 1972 Olympic Games attack on Israeli team,"MUNICH, Germany (Reuters) - Victims of the attack on the Israeli team at the 1972 Olympic Games were remembered by Germany and Israel on Wednesday with a memorial, following a long campaign by their relatives. German President Frank-Walter Steinmeier and his Israeli counterpart Reuven Rivlin attended the inauguration of the Munich 1972 massacre memorial at Munich s Olympic Park, 45 years after the attack by Palestinian gunmen. Relatives of the victims and the state of Israel waited almost half a century for this moment, Rivlin said. 45 years have passed for an official Israeli delegation to return to this place. The Munich Olympics became the blood Olympics. Members of the Israeli Olympic team were taken hostage on Sept. 5, 1972, at the poorly secured athletes village by Palestinians from the Black September group. Eleven Israelis, a German policeman as well as five of the Palestinian gunmen died after a stand-off at the village and then a nearby airfield, as police rescue efforts failed. The memorial offers some comfort for relatives who have also long demanded a minute s silence at the Opening Ceremonies of Olympics Games, only to be consistently turned down by the IOC. Steinmeier said it had taken too long for the memorial to be built. It is high time and we owe it firstly to you, the relatives, Steinmeier said. The Olympic village became a place of Palestinian terrorists, a stage for their boundless hatred for Israel. It should never have happened. Ankie Spitzer, whose fencing coach husband, Andre, was one of the victims, and Ilana Romano, wife of weightlifter Joseph Romano, have waged a decades-long campaign to get a commemoration at the Games opening ceremony. We wanted this memorial. In the years after we heard voices that us Israelis brought war to Germany and the terrorists were hailed as freedom fighters, Romano said. That hurt so much but we did not give up. We knew our way was the right one ... for the future of our children and the next generations, she added. The IOC, whose president Thomas Bach was also present, has said opening ceremonies are not the appropriate platform and has instead made other gestures to remember the victims. At last year s Rio de Janeiro Games the IOC inaugurated the Place of Mourning , a small park which will be a feature at every Olympics. ",worldnews,"September 6, 2017 ",1 +Tunisia's Chahed names new cabinet after tensions,"TUNIS (Reuters) - Tunisia s prime minister named a new cabinet on Wednesday, appointing one of his advisors from the Islamist Ennahda party to a new economic reforms ministry in a deal that ends weeks of infighting over posts. The compromise cabinet should give Prime Minister Youssef Chahed the impetus to push ahead with tough reforms of public sector wages the pension system designed to improve Tunisia finances in line with IMF demands. Chahed, in power for just over a year, restored Ridha Chalgoum, a former finance minister close to the ruling Nidaa Tounes party, to that ministry. He also named Lotfi Braham, another Nidaa Tounes ally, as interior minister, according to a statement on the appointments released by Chahed s office. He also appointed Ennahda member Taoufik Rajhi, one of his economic advisors, to the new post of economic reforms minister, Six years since the 2011 uprising that ousted autocrat Zine El-Abidine Ben Ali, Tunisia has been held up as a model by avoiding the violence that affected other nations after their Arab Spring revolts. However, successive governments have struggled to enact fiscal reforms that have been delayed by political infighting and government wariness of social tensions over jobs and economic conditions that helped spark the 2011 uprising. Nidaa Tounes allies were appointed to six of the 13 cabinet changes. Ennahda kept three posts and the new economics reforms portfolio. Nidaa Tounes hardliners had been pushing Chahed hard for more representation in the cabinet to better reward their 2014 election victory, while rivals in the power-sharing government pushed back. Ennahda said the party saw no reason for a major overhaul other than filling vacant minister posts. Political squabbling and Tunisia s compromise-style politics to maintain stability have in the past delayed economic reforms as parties jockey for position. This week the powerful UGTT labor union warned it could intervene as mediator, something it has done in past when tensions between secular Nidaa Tounes and Islamist Ennahda threatened to scuttle Tunisia s young democracy. Chahed s deal with Nidaa Tounes and Ennahda is likely to ease tensions and to boost government stability, said Riccardo Fabiani at Eurasia Group. After scheduled local elections in December, this relationship is likely to gradually deteriorate again as tensions rise ahead of the 2019 presidential and legislative ballots, he said. ",worldnews,"September 6, 2017 ",1 +Young generation revulsed by Breivik may sway Norway's election,"HAMAR, Norway (Reuters) - Young Norwegians, politicized by the massacre of 77 people by far-right militant Anders Behring Breivik, will play a key role in an election next week that could hinge on issues close to their hearts such as climate change. In 2011 Breivik killed eight people in a bombing in central Oslo and gunned down another 69 at a Labour Party youth camp on Utoeya Island, in the worst attacks in Norway since World War Two. They motivated a generation of young people, often children or teenagers at the time, to become more involved in mainstream politics - both on the left and the right - in a backlash against his xenophobic and anti-Muslim world view. And data shows young voters are now more likely than in the past to actually cast their ballots. (For a graphic on Norway's parliamentary elections click tmsnrt.rs/2ugJCjo) I felt so powerless that day. It was a way to fight back, said Anja Ariel Toernes Brekke, 21, who joined the youth wing of the Labour Party a few weeks after Breivik s attacks. She is now the general secretary of the far-left Red party s youth wing. I wanted to prove that the left was not weakened, that there would be people with those beliefs to replace those who had died, she told Reuters. Brekke is touring schools in Norway to get the youth vote out. On a recent morning, she was at the Cathedral School in Hamar, 120 km (75 miles) north of Oslo, to take part in a debate with other young politicians in front of 1,250 high-school students packed in a gym hall. Our society is more unequal. What we lack is justice. We need a new politics, she told the crowd, to applause. Her party, the Reds, could be one of several kingmakers in Monday s parliamentary election, in which the right-wing bloc of Conservative Prime Minister Erna Solberg is neck-and-neck in opinion polls with an opposition grouping led by Jonas Gahr Stoere s Labour. Younger voters tend to care more than the average Norwegian about issues such as schools, climate change and the environment, especially linked to Norway s oil and gas production, researchers say. The trend has been called Generation Utoeya by the political scientist who identified it, Johannes Bergh at the Institute of Social Research in Oslo. According to Bergh s research, published in the 2015 book The Vote and Voters he co-edited with Bernt Aardal, some 13.8 percent of first-time voters said they belonged to a party in 2013, the last time a parliamentary election took place, up from 6.0 percent in 2009. This more-than-doubling was higher than the increase reported for all voters, to 9.3 percent from 7.2 percent, and it was spread across the political spectrum - not just for Labour, the target of Breivik s attack. It did come as a surprise. We had sort of expected that young people would (go) for Labour, Bergh told Reuters. We saw a spike in the membership of the youth wing of the Labour party immediately after the attacks. But the same thing happened with the Conservatives too. The attacks were an attack on Norwegian democracy, not on a political party. Young people are also voting more since July 22 - the common shorthand for the killings by Breivik, who is serving a 21-year jail term that can be extended indefinitely. At the last election in 2013, 66.5 percent of 18- to 21-year-olds cast ballots, up more than 10 percentage points from 2009. Parties are paying more attention to this young constituency. Politicians have to listen to young people and have to make an effort to appeal to young people, said Bergh. In the longer term, he believes the Utoeya generation effect will help ensure the renewal of democracy in Norway. It is going to be positive. Once young people start voting, they tend to continue later in life. The future of Norway s oil industry has emerged as a key issue for voters this time around. The small but growing Green Party, which pledges to stop oil exploration and phase out production within 15 years, is emerging as a potential key in deciding who will get to govern the Scandinavian country. It was certainly on the mind of some first-time voters in Hamar. We need to phase out oil production and respect the Paris climate agreement, said 17-year-old student Signe Dahl. We need to turn Norway into an environmental nation from an oil nation, she told Reuters. Dahl, who can vote as she is turning 18 later this year, said she had whittled down her choice of party to between the Green Party and the Reds. Her friend Silje Fugleberg, 18, agreed: We must think about other resources to use than oil. We must think about Norway s future and the environment. Before the debate, she was considering voting either for the Socialist Left Party or the Red Party. After the debate and listening to Brekke, I think I have decided and will vote for the Reds, she said. ",worldnews,"September 6, 2017 ",1 +Syrian government forces used chemical weapons more than two dozen times: U.N.,"GENEVA (Reuters) - Government forces have used chemical weapons more than two dozen times during Syria s civil war, including in April s deadly attack on Khan Sheikhoun, U.N. war crimes investigators said on Wednesday. A government warplane dropped sarin on the town in Idlib province, killing more than 80 civilians, the U.N. Commission of Inquiry on Syria said, in the most conclusive findings to date from investigations into that chemical weapon attack. The panel also said U.S. air strikes on a mosque in Al-Jina in rural Aleppo in March that killed 38 people, including children, failed to take precautions in violation of international law, but did not constitute a war crime. The weapons used on Khan Sheikhoun were previously identified as containing sarin, an odorless nerve agent. But that conclusion, reached by a fact-finding mission of the Organization for the Prohibition of Chemical Weapons (OPCW), did not say who was responsible. Government forces continued the pattern of using chemical weapons against civilians in opposition-held areas. In the gravest incident, the Syrian air force used sarin in Khan Sheikhoun, Idlib, killing dozens, the majority of whom were women and children, the U.N. report said, declaring the attack a war crime. Commission chairman Paulo Pinheiro told a news conference: Not having access did not prevent us from establishing facts or reasonable grounds to believe what happened during the attack and establishing who is responsible. In their 14th report since 2011, U.N. investigators said they had in all documented 33 chemical weapons attacks to date. Twenty-seven were by the government of President Bashar al-Assad, including seven between March 1 to July 7. Perpetrators had not been identified yet in six attacks, they said. The Assad government has repeatedly denied using chemical weapons. It said its strikes in Khan Sheikhoun hit a weapons depot belonging to rebel forces, a claim excluded by Pinheiro. That attack led U.S. President Donald Trump to launch the first U.S. air strikes on a Syrian air base. A separate joint inquiry by the United Nations and OPCW aims to report by October on who was to blame for Khan Sheikhoun. The U.N. investigators interviewed 43 witnesses, victims, and first responders linked to the attack. Satellite imagery, photos of bomb remnants and early warning reports were used. The independent investigators said they were gravely concerned about the impact of international coalition strikes on civilians. We continue to investigate coalition air strikes carried out to expel ISIS from Raqqa resulting in an increasing number of civilian casualties, Pinheiro said. The report said: In al-Jina, Aleppo, forces of the United States of America failed to take all feasible precautions to protect civilians and civilian objects when attacking a mosque, in violation of international humanitarian law. A U.S. military investigator said in June the air strike was a valid and legal attack on a meeting of al Qaeda fighters. However, the commission however has not found any evidence that such an al Qaeda meeting was taking place, Pinheiro said. The American F-15s hit the building adjacent to the prayer hall with 10 bombs, followed by a Reaper drone that fired two Hellfire missiles at people fleeing, the U.N. report said. Most of the residents of al-Jina, relatives of victims and first responders interviewed by the Commission stated on that on the evening in question, a religious gathering was being hosted in the mosque s service building. This was a regular occurrence. ",worldnews,"September 6, 2017 ",1 +Factbox: Humanitarian crisis worsens in Bangladesh as many Rohingya flee Myanmar,"(Reuters) - About 146,000 Rohingya Muslims have fled to Bangladesh since violence erupted in Myanmar in late August, U.N. workers said on Wednesday. This has brought to 233,000 the number of Rohingya who have sought refuge in Bangladesh since October 2016. The exodus has put pressure on aid agencies and communities already helping hundreds of thousands of refugees from previous violence in Myanmar. Following are some details on the crisis gathered from U.N. sources working in the Cox s Bazar district of Bangladesh, on the Myanmar border. *Landmine injuries occurred on Sept. 5 with two children brought in for treatment at the Gundum border area. *The influx of refugees via marine routes has increased, with a sharp increase noted in Shamlapur from 1,090 individuals on Sept. 4 to 12,500 on Sept. 5. *Around 33,000 refugees have gathered at three new spontaneous settlements that have sprung up at Unchiprang, Moinar Ghona and Thangkhali. There are acute humanitarian needs in these rapidly expanding settlements, especially for emergency health, safe water, food and shelter support. *Four mobile medical teams are being deployed to different locations, and two more are planned. *No deliveries were performed by the midwives in the last two days for new arrivals, indicating that many may have delivered outside of available health facilities. *Strengthened family tracing mechanisms are needed for unaccompanied children and other separated families. Most children have arrived with their mothers as their fathers are missing or arrested. *A total of 177 incidents of gender-based violence have been reported in the refugee camps since Aug. 27. Eighteen survivors of this violence have been referred for life-saving medical care. About 240 women and 60 men, including survivors of gender-based violence, attended stress management sessions. *The community clinic in Kutupalong is overwhelmed with patients, resulting in long lines for waiting and inefficient service provision for survivors of gender-based violence seeking emergency health services. The cost of transport prohibits beneficiaries from travelling to health facilities where emergency sexual and reproductive health services are available, including clinical management of rape. ",worldnews,"September 6, 2017 ",1 +Hashtag politics: Merkel tries to get in with Germany's kids,"BERLIN (Reuters) - After 12 years in power, Chancellor Angela Merkel is presenting herself as more than just Germany s Mutti , campaigning in cyberspace to get in with younger voters and win their support for long after elections this month. Merkel, whose nickname means Mummy , appears to be cruising toward a fourth term with strong backing from older Germans. But the 63-year-old, who unlike some Western leaders has no personal Twitter account, wants to mobilize the almost 3 million first-time voters behind her conservative CDU party on Sept. 24. To this end, Merkel has fielded questions from four YouTube video bloggers, attended Europe s biggest computer games convention and set up a walk-in campaign center in Berlin s hip start-up district. Diana Kinnert, a 26-year-old who helped draft proposals to modernize the CDU, said parties should use new communication tools to make young people put off by sterile politics more politically engaged in the long term. It would be a shame if it turned out to be just election noise, Kinnert, who wears both tattoos and a baseball cap, told Reuters at the walk-in center. The CDU, which is unlikely to win an overall parliamentary majority, needs the youth vote to strengthen Merkel s hand in coalition negotiations that will follow polling day. To some bemusement, the party has created a Twitter hashtag #fedidwgugl. Rather than the result of a malfunctioning computer keyboard, it is an acronym for the CDU campaign slogan: Fuer ein Deutschland In Dem Wir Gut und Gern Leben ( For a Germany in which we can live well and gladly ). So the Berlin walk-in center, where themed rooms bring the CDU manifesto to life, is called #fedidwgugl House . In Britain, young people turned out in droves in June to vote for the opposition Labour party, stripping the ruling Conservatives of their majority and showing how youth can twist the fate of governments even if they are less numerous. With German society rapidly aging, older people still dominate the country s agenda. There are more than twice as many eligible voters aged over 60 as there are under 30. The CDU secured the highest share of the youth vote in 2013 but its support remains skewed toward pensioners. At the last election two-fifths of its backers were aged over 60 while just 5.4 percent were under 25. Kinnert, who has posted on Instagram wearing a T-shirt reading Keep Calm and Vote for Angie , says Merkel never stops learning and is future-orientated despite her lengthy tenure. One of Merkel s top priorities is the digitization of German industry. She has Facebook and Instagram accounts and has made efforts to show she is up on social media even if it sometimes comes across as clunky. Asked about her favorite emoji during the YouTube interview, Merkel said it was a smiley: If things are good, even one with a little heart, she joked. Merkel s main challenger, Social Democrat leader Martin Schulz, has not shied away from cyberspace either. This week he was grilled on YouTube on topics such as legalizing cannabis, animal welfare and rolling out broadband internet. While the CDU was mocked for causing confusion with the #fedidwgugl hashtag, the media attention drew eyeballs to the CDU s agenda. Efforts to campaign over new media also play well with older voters who want the best for their children and grandchildren, said Stefan Marschall of Duesseldorf s Heinrich Heine University. Merkel is the only chancellor most first-time voters can recall. This helps CDU to portray her as an anchor of stability in the turbulent era of Donald Trump and Brexit. An opinion poll by Forsa in June found 57 percent of 18 to 21-year-olds backed Merkel compared with 53 percent of the wider population. Just 21 percent of the young supported Schulz. Forsa s managing director Manfred Guellner said younger Germans have become more conservative than their peers in other countries: Young people here are pragmatic; they worry about their pensions. ",worldnews,"September 6, 2017 ",1 +U.S. military says airstrike in Somalia kills three al Shabaab fighters,"NAIROBI (Reuters) - The U.S. military killed three members of Islamist militant group al Shabaab in an airstrike in Somalia conducted with government forces, the U.S. Africa Command said on Wednesday. Tuesday s strike took place in Bay region, some 75 km west of the capital, Mogadishu, and also involved help from peacekeepers from the African Union Mission in Somalia. The Department of Defense conducted a precision airstrike in central Somalia against al Shabaab militants on ... Sept. 5 at approximately 9:50 a.m. local Somalia time, killing three terrorists, it said. Al Shabaab, which is linked to al Qaeda, has lost control of most of Somalia s cities and towns since it was pushed out of Mogadishu in 2011. It retains a strong presence in parts of the south and center and carries out gun and bomb attacks. The group aims to topple the government, drive out African Union peacekeeping troops and impose its own harsh interpretation of Islamic law. In March, U.S. President Donald Trump granted new authority for increased airstrikes in Somalia. ",worldnews,"September 6, 2017 ",1 +Lebanon identifies soldiers killed in Islamic State captivity,"BEIRUT (Reuters) - Lebanon has identified the bodies of 10 of its soldiers found along the Syrian border in a zone taken back from Islamic State last week, state news agency NNA said on Wednesday. An offensive against the enclave ended with the evacuation of Islamic State militants and their families to eastern Syria under a Hezbollah-brokered deal. Syria s government and Lebanon s Hezbollah allowed a convoy of about 300 lightly armed fighters and 300 relatives to evacuate, surrendering their border enclave. As part of the agreement, IS militants identified where they had buried the soldiers, Lebanon s army chief said. DNA tests confirmed that all 10 bodies found in the mountainous border region were Lebanese soldiers, security sources and local media said on Wednesday. Islamic State had held territory along the border for years, and took Lebanese troops captive in 2014 when they briefly overran the town of Arsal with other militants, one of the worst spillovers of the Syrian conflict into Lebanon. Lebanese Justice Minister Salim Jrayssati said a military court would look into whether any civil or military authorities played a role in their capture. President Michel Aoun called for an investigation last week. At a conference on Wednesday, the families of the soldiers demanded an inquiry to punish anyone who led to the deaths during the fighting and negotiations since 2014. For three years, they had protested in the streets and met with many government officials to find out the fate of their relatives. There is immense and deep sadness in our hearts. But in our minds, there is pride and dignity, Hussein Youssef, the father of a soldier, said at the government headquarters in Beirut. Prime Minister Saad al-Hariri declared Friday a national day of mourning after meeting with the families. They were martyred defending this country, said Nizam Mougheit, whose brother died in Islamic State captivity. Anyone who had a hand in their martyrdom should be held accountable, whoever it is. ",worldnews,"September 6, 2017 ",1 +Germany says Putin move on U.N. peacekeepers in Ukraine a 'step',"BERLIN (Reuters) - Germany welcomed on Wednesday a suggestion by Russian President Vladimir Putin that armed U.N. peacekeepers could be deployed to eastern Ukraine to help protect ceasefire monitors, but said any prospect of lifting sanctions was still a way off. Putin said on Tuesday that Russia intended to draft a U.N. Security Council resolution to this end, saying it would help resolve the problem in eastern Ukraine, though he also said preconditions would have to be met before any deployment. German government spokeswoman Ulrike Demmer said any deployment would have to be across the whole area of conflict, not just on the contact line between the Ukrainian army and pro-Russian separatists. The war between the two sides has killed more than 10,000 people in three years. The president s suggestion is a step, said Demmer, adding many further steps were needed before sanctions could be lifted. For a complete lifting of sanctions to be discussed, there would need to be the full implementation of the Minsk ceasefire agreement, she added. Ukraine believes external peacekeepers from the Organization for Security and Cooperation in Europe (OSCE) should be deployed throughout separatist-held territory and on the sections of the Ukraine-Russia border that are not under Kiev s control. Kiev accuses Moscow of sending troops and heavy weapons to the region, which Russia denies. Putin also said on Tuesday that any decision by the United States to supply defensive weapons to Ukraine would fuel the conflict. ",worldnews,"September 6, 2017 ",1 +Florida prepares for powerful Hurricane Irma,"FORT LAUDERDALE, Fla. (Reuters) - Emergency management officials across South Florida hastened disaster preparations on Tuesday in anticipation of Hurricane Irma s expected weekend arrival on the U.S. mainland with possibly greater force than Hurricane Harvey unleashed on Texas. Irma, a Category 5 storm - the highest hurricane ranking used by U.S. forecasters - neared the Caribbean s northern Leeward Islands, east of Puerto Rico, late on Tuesday with maximum sustained winds of 185 miles per hour (300 km/h). The U.S. National Hurricane Center (NHC) in Miami forecast the storm would make landfall in Florida on Saturday, although Irma s precise trajectory remained to be seen. Forecasters described the storm as potentially catastrophic. Irma ranks as one of the five most powerful Atlantic hurricanes during the past 80 years and is the strongest Atlantic storm ever recorded outside the Caribbean Sea and Gulf of Mexico, the NHC said. Mindful of the devastation wrought by Harvey days ago along the Gulf Coast of Texas and Louisiana, Florida officials were taking no chances. Normally, people here don t like to prepare, said Gary Palmer, a 60-year-old deputy sheriff who visited a home supply store in Fort Lauderdale. But what happened in Texas opened up everybody s eyes. Authorities in the Florida Keys, the popular resort archipelago stretching from the southern tip of the state s mainland peninsula, called for a mandatory evacuation of the islands visitors, starting at sunrise on Wednesday. Roman Gastesi, administrator of Monroe County, which includes the Keys, said a mandatory evacuation of residents there was likely at some point. Residents of low-lying areas in densely populated Miami-Dade County to the north were urged to move to higher ground by Wednesday as a precaution against coastal storm surges. Public schools throughout South Florida were to be closed ahead of the storm, starting with Monroe and neighboring Lee County on Wednesday and Miami-Dade and several others districts beginning on Thursday. My wife is leaving the Keys today, Monroe County Emergency Management Director Martin Senterfitt said in a statement. She would rather go to the dentist than sit in traffic. The sooner people leave the better. If ever there was a storm to take serious in the Keys, this is it. U.S. President Donald Trump, acting at the request of Governor Rick Scott, approved an emergency declaration on Tuesday mobilizing federal disaster relief efforts in Florida ahead of Irma s arrival, the White House said. Scott has also directed all 7,000 of the state s National Guard troops to report for duty Friday morning, saying additional Guard members would be activated as needed beforehand. Fort Lauderdale native Alexandra Nimmons, 25, said she was taking Irma s possible impact on South Florida more seriously after seeing the extreme damage Harvey left behind in Texas. I spent a while today collecting water, Nimmons said. I hoard Mason and salsa jars so that finally paid off. She also planned to stock up on candles, matches and canned food. Annisa Ali, 45, who just moved to Oakland Park, Florida, from New York City said she was having a hard time finding water at local stores. Last night, I went to Wal-Mart. No water. I went to Target. No water. Now I m here. No water, Ali said at a grocery store in Wilton Manors, Florida. James Foote, a 56-year-old handyman in Fort Lauderdale, said he was unable to find any plywood to nail over windows at a local home supply store on Tuesday. He said more wood was expected to be delivered on Wednesday. I will be back tomorrow before this place opens at 7 o clock, Foote said. I ve waited in lines for concert tickets before. This is way more important than that. ",worldnews,"September 5, 2017 ",1 +"Time for EU to decide on Turkey's membership bid, Erdogan says","ANKARA (Reuters) - Turkey s president said on Wednesday it was time for the EU to make up its mind whether it wants his country to join the bloc, a day after Germany s Angela Merkel vowed to push her EU partners to consider suspending or ending its accession talks. Merkel had sharpened her rhetoric in the build-up to this month s German national vote and said on Sunday Turkey should not become a member. Ankara has accused her of indulging in populism. The EU needs to take a step now. Either they will keep their promises and open the road for full membership... or come out and say they do not want to continue with Turkey, President Tayyip Erdogan told a meeting of his ruling AK Party in Ankara. Erdogan said Turkey had not abandoned its strategic goal of EU membership. But he has long signaled that his country has run out of patience with the EU over its languishing accession bid, launched in 2005, and the impasse has been brought into focus by a sharp deterioration in Turkey s ties with Germany. I am telling them: Come out and say this bravely and do what is necessary. Bravely, Erdogan said. Instead of this courage, there is a two-faced approach to halt the Turkey-EU full membership talks. This is politically unethical. Germany s frustrations are focused on the detention of 11 German citizens, four of them with dual citizenship, in Turkey on political charges. Turkey accuses Germany of harboring plotters behind the 2016 coup attempt. Erdogan on Wednesday reiterated a call on Germany s voters of Turkish descent not to back enemies of Turkey, among whom he has previously named Merkel s Christian Democrats, the SDP and Greens. He also repeated an accusation, which has infuriated Berlin, that German politics were reverting to the country s Nazi past. They get offended by my Nazi comparisons, but you are doing that. I am not calling you Nazis, I am depicting the situation. This situation is Nazism, fascism and you are doing it, he said. Ahead of the April referendum on boosting his powers, Erdogan repeatedly lashed out at Germany and other European countries, accusing them of Nazi-like tactics for banning his ministers from speaking to rallies of Turkish voters abroad. ",worldnews,"September 6, 2017 ",1 +British civil servants' union calls nationwide strike ballot,"LONDON (Reuters) - British civil servants will vote next month on nationwide strike action to put pressure on the government to abandon its 1 percent cap on public sector pay rises, their main trade union said on Wednesday. Prime Minister Theresa May s government is considering lifting the cap for at least some public-sector workers later this year, according to media reports earlier this week, as disquiet grows over pay restraint that has lasted since 2010. But on Wednesday May would not commit to lift the cap for nurses - who are widely thought likely to get an increase - after opposition Labour Party leader Jeremy Corbyn challenged her in parliament over wages in the public and private sector. The Public and Commercial Services union (PCS), the main union for civil servants, said it would ballot nearly 200,000 members between Oct. 9 and Nov. 6 to assess appetite for what would be their first nationwide strike since October 2014. If there are no concessions on pay after the first ballot, the union will hold a second ballot to confirm support for specific strike action. Pay misery for public servants must end and the government must restore public-sector pay to levels that allow working people to live with the dignity and security they deserve, Mark Serwotka, the PCS s general secretary, said in a statement. The PCS said it wanted pay rises of at least 5 percent for all public-sector workers. Average weekly earnings in the public sector rose by 1.3 percent over the past year, compared with a 2.2 percent rise in private-sector wages. Consumer price inflation was 2.6 percent over the same period. Some 5.4 million Britons work in the public sector, of whom just over 400,000 work in the civil service. Most public-sector staff work as teachers or in the National Health Service. ",worldnews,"September 6, 2017 ",1 +German minister threatens action against EU states over refugees,"BERLIN (Reuters) - German Interior Minister Thomas de Maiziere threatened on Wednesday to take action against EU members who refused to abide by a ruling from the EU s top court which demanded each member state accept their share of refugees. I now expect the countries concerned to fulfill their obligations ... to accept their allotted number of refugees and ensure that they stay in their respective countries. If that does not happen, then a treaty violation procedure can be used, he said. The court earlier dismissed complaints by Slovakia and Hungary on the EU s migrant policy. ",worldnews,"September 6, 2017 ",1 +Tunisia premier names new economic reforms minister: statement,"TUNIS (Reuters) - Tunisian Prime Minister Youssef Chahed named one of his economic advisors, Taoufik Rajhi, who is a member of Islamist Ennahda party, to the new post of economic reforms minister, a government statement said on Wednesday. ",worldnews,"September 6, 2017 ",1 +Spain and Morocco arrest six suspected of practicing beheadings,"MADRID (Reuters) - Spanish and Moroccan police have arrested five Moroccans and one Spaniard suspected of belonging to an Islamist militant cell that simulated decapitations, the Spanish interior ministry said on Wednesday. The arrests mark the first big raids since a double Islamist attack in Catalonia in August that killed 16 people, most of whom were mown down by a van in Barcelona. The cell was at an advanced stage of activity, the ministry said. It did not say whether those arrested were men or women. The group held secret night meetings at which they planned large-scale attacks, and carried out physical training sessions in which they simulated cutting off victims heads, the ministry said. Five of the arrested were Moroccan, one with Spanish residence rights. One was Spanish of Moroccan heritage. One was arrested in the Spanish north African enclave of Melilla, and the rest in Morocco. Spanish police have arrested 199 people in the country accused of connections to militant groups since raising the security alert to one notch below the highest level in 2015. ",worldnews,"September 6, 2017 ",1 +Papuan separatists to petition U.N. against Indonesian rule,"GENEVA (Reuters) - The people of West Papua are facing a slow motion genocide and demand independence from Indonesia, separatist leaders told Reuters after a march in Geneva, adding they would press their case with a petition to the United Nations in New York. Benny Wenda, international spokesman for the United Liberation Movement for West Papua (ULMWP), said the human rights situation had worsened under Indonesian President Joko Widodo, with estimates of up to 8,000 people arrested last year. They look at West Papua differently, as subhuman, and as a colony. We are not equal. That s why if we live with Indonesia, in 30 years time my people will disappear, he told Reuters. Indonesian presidential spokesman Johan Budi declined to comment on the separatists comments. West Papua and Papua provinces - often collectively referred to as West Papua - make up the western half of an island north of Australia, with independent Papua New Guinea to the east. The provinces have been gripped by a long-running and often violent separatist conflict since they were incorporated into Indonesia after a widely criticized U.N.-backed referendum in 1969. Dutch colonial rule ended in 1963. Widodo has made easing the tension in the two provinces on the island a key goal, through stepping up investment, freeing political prisoners, and addressing human rights concerns. However, Oridek Ap, coordinator for Free West Papua Campaign in the Netherlands, said his father was killed in 1984 for singing freedom songs, and it was still dangerous to speak out. Sometimes they find a body and we have confirmation of death. But as long as somebody is disappeared we don t have confirmation, he said. When we talk about slow motion genocide, how can you prove it. On the other side of the border we are talking about 7-8 million Papuans. Why not on our side? This killing is still going on. The separatists say there are 2.5 million West Papuans, roughly the same as 50 years ago. What happened in 1969 was a fraud, Wenda said. This is why West Papuans believe that our right to self-determination under international law still exists. Geneva is the house of human rights and freedom. That s why we start here, and then we go to New York, he said. Wenda, who has political asylum in Britain, added: We need to solve this problem in the United Nations. Last month Indonesia struck a deal with U.S. mining firm Freeport McMoRan Inc to take a 51 percent stake in Grasberg, the world s second-biggest copper mine, which is in Papua. ",worldnews,"September 6, 2017 ",1 +Yemen's Saleh keeps friend and foe guessing after skirmish with Houthi allies,"DUBAI (Reuters) - Yemen s ex-president Ali Abdullah Saleh appears to have patched up a violent rift with his allies in the armed Houthi movement, but the drama has left friends and foe alike wondering anew at the wily political survivor s next move. Forming a surprise alliance with the Houthis when they seized the capital Sanaa in 2014, Saleh s army loyalists and Houthi fighters have together weathered thousands of air strikes by a Saudi-led military coalition in 2 1/2 years of war. Fearing the Houthis are a proxy for their arch-foe Iran, the mostly Gulf Arab alliance seeks to help the internationally recognized government push up from a base in Yemen s south toward Sanaa. Saleh s guile has been key to resisting the push. For 34 years Saleh ruled over one of the world s most heavily armed and tribal societies with expertly balanced doses of largesse and force. He battled the Houthis for a decade in office before he befriended them when out of power. Cornered by pro-democracy Arab Spring protests, Saleh wore a cryptic smile when signing his resignation in a televised ceremony in 2012. Then as now, few could discern his intentions. But his desire to preserve by any means necessary his influence and that of his family - many of whom occupy top military positions - seems beyond doubt. His influence has outlived that of other Arab leaders left dead or deposed by uprisings and civil wars since 2011. As the conflict has wrought a humanitarian crisis, weeks of mutual sniping about responsibility for economic woes in northern Yemeni lands that they together rule peaked with a deadly gun battle between Houthi and Saleh supporters last week. Leaders from Saleh s former ruling party and the Houthis met and pronounced the split healed. Though they pledged to focus on the war effort against Yemen s internationally recognized government that is backed by the Saudi-led coalition, the tensions suggest Saleh is seeking to stake out his own political strategy as exhaustion sets in on all sides. Saleh wants to capitalize on popular opposition to both the Houthis and the government, positioning himself as an alternative, said Adam Baron, a Yemen expert at the European Council on Foreign Relations (ECFR). The war has killed at least 10,000 people, displaced 2 million from their homes, led to widespread hunger and a cholera epidemic which has left 2,000 people dead. Militias and Yemen s powerful Al Qaeda branch have gained ground in the chaos. Any total breakdown within the alliance between Saleh and the Houthis would be bloody and pit scores of local leaders, tribesmen and army units cultivated by Saleh for decades against others loyal to the fighters. Saleh appeared eager to avoid that showdown in an interview which aired on Monday on Yemen Today, a TV channel he owns. There is no crisis or disagreement at all except in the imaginations of trouble-makers and sowers of discord at home and abroad, he said. But the ex-leader, at times referring to himself in the third person, said that imbalances remained in the alliance, suggesting not all wounds had been salved. Analysts say he remains annoyed at the continued existence of a Houthi revolutionary committee which ruled alone before its alliance was formalized with Saleh s General People s Congress party in a governing council where they shared power. Anxiety also flares over appointments of local officials and control over financial policy - both former GPC prerogatives. Beyond local squabbles, the good relations Saleh enjoyed with Saudi Arabia and the United Arab Emirates during his presidency raise Houthi fears of a grand double cross. Saleh s son, Ahmed Ali, lives under house arrest in the UAE where he once served as ambassador before it joined its ally Saudi Arabia to make war on the Houthi-Saleh alliance. A powerful former military chief whom his father appeared to be grooming to succeed him, Ahmed Ali and the passing of Saleh power to the next generation may figure into his calculus. He certainly wants to secure a place for his family in any post-war order ... the Houthis are very paranoid that Saleh may cut a deal with Saudi Arabia and the UAE that will leave them out to dry, Baron of ECFR added. Saleh has denied seeking to advance his son s political career or any backroom dealing with their enemies. To salvage their alliance, the Houthis will need to convince Saleh that despite their violent history, they make for stronger allies than some GPC members - like Saleh s successor, President Abd-Rabbu Mansour Hadi - who turned on him in the past. I say to President Saleh, out of sincerity and love, beware of these snakes, Houthi official Hamid Rizq wrote on his Facebook page on Tuesday. They are the ones who pushed you to fight wars against the honorable and loyal people in your society then abandoned you and called you are a thief and a criminal. ",worldnews,"September 6, 2017 ",1 +Dennis Rodman talks of skiing friendship with Kim Jong Un,"EDINBURGH (Reuters) - U.S. basketball legend Dennis Rodman said on Wednesday he had skied and sung karaoke with his friend North Korea s leader Kim Jong Un and would like to straighten things out amid a nuclear standoff with the United States. Rodman has paid several visits to Kim in the isolated state but the two rarely discuss politics, the retired National Basketball Association star told British TV show Good Morning Britain. North Korea has carried out a series of nuclear and missile tests and U.S. President Donald Trump has responded with warnings of a massive military response. For me to go over there and see (Kim) as much as I have, I basically hang out with him all the time. We laugh, we sing karaoke, we do a lot of cool things together. We ride horses, we hang out, we go skiing, we hardly ever talk politics and that s the good thing, Rodman said, according to a transcript. The basketball ace expressed admiration for Trump but said the U.S. president could be a little bit crazy sometimes . Rodman last visited North Korea in June and earlier trips stoked talk that he could facilitate a breakthrough between Pyongyang and Washington, although his comments on Kim have also drawn ridicule. North Korea has long ignored warnings from the West and from its lone major ally, China, to halt its nuclear and missile tests which it conducts in defiance of U.N. Security Council resolutions. Rodman said he was not trying to defend the actions of Kim and was just an ambassador for sports. He said the relationship between the U.S. and Russia had changed but for some reason we have a big issue with North Korea. I don t love (Kim). I just want to try to straighten things out for everyone to get along together. Rodman, nicknamed The Worm during his playing career and known for his flamboyant character, is considered one of the best defensive players and rebounders in NBA history. (This story has been refiled to change tense of word in lede) ",worldnews,"September 6, 2017 ",1 +Fourteen people rescued from seaside tower in southern England,"LONDON (Reuters) - Fourteen people had to be airlifted from a British seaside tower after a mobile observation capsule became stuck, rescue services reported. The Jurassic skyline tower in the southern resort of Weymouth offers 360-degree views of the surrounding area. Video footage shows the trapped visitors being winched to safety by rescuers dangling from a helicopter above the 53-metre tower. Dorset and Wiltshire Fire and Rescue Service was alerted on Tuesday afternoon after engineers failed to free the stuck capsule. The tower s operator said on twitter that the gondola had become stuck due to a mechanical issue. ",worldnews,"September 6, 2017 ",1 +"EU threatens Hungary, Poland with fines if refuse refugees","BRUSSELS (Reuters) - The EU executive said on Wednesday it was ready to institute court proceedings within weeks that could lead to fines for Poland, Hungary and the Czech Republic if they refuse to take in asylum-seekers from Italy and Greece. Speaking to reporters after the EU s top court, the European Court of Justice (ECJ), upheld the legality of quotas for states to take migrants relocated from the Mediterranean, Migration Commissioner Dimitris Avramopoulos said: If the member states that have not relocated at all or not for a long time do not change their approach in the coming weeks, we should then consider to take the last step in the infringement procedure, taking Poland, Hungary and the Czech Republic to the European Court of Justice. The ECJ has the power to levy financial penalties on governments which fail to comply with EU law. ",worldnews,"September 6, 2017 ",1 +EU court migrant ruling comes gift-wrapped for Orban re-election bid,"BUDAPEST (Reuters) - A rap on the knuckles from the EU s top court will not end Hungary s opposition to accommodating asylum seekers, and may even help Prime Minister Viktor Orban in his campaign for re-election next year. Rightwinger Orban has been one of the bloc s most vocal opponents of attempts by Brussels to force member states to take in quotas of mainly Syrian refugees, and the fence that Hungary built on its southern border to keep them out has been criticized by other governments and rights groups. But that unapologetic stance has gone down well with voters at home and, with Orban s Fidesz party already firmly ahead in opinion polls, initial responses from Budapest to Wednesday s ruling suggested the legal setback would help keep the issue of migration high on the domestic political agenda. Foreign Minister Peter Szijjarto said the European Court of Justice s dismissal of appeals by Hungary and Slovakia against the migrant quota system the European Union launched in 2015 was entirely unacceptable . The real battle only starts today, he told a news conference. I want to assure all citizens ... that the Hungarian government will do everything it can to protect Hungary and the Hungarian people. Hungary argues that the obligatory relocation of asylum seekers arriving in Greece and Italy from the Middle East would undermine its sovereignty and social fabric, and Orban s government held a referendum in 2016 on whether to accept any future EU-wide migrant relocation quotas. More than 3 million Hungarians, an overwhelming majority of participants, rejected the EU initiative then - and Orban would win a third term in office next April with their support alone. Orban could use a rejection of Hungary s claim (by the court) to fuel his electoral campaign with anti-EU-arguments, said Professor Hendrik Hansen, an expert on international and European politics at Budapest s Andrassy University. The migration issue is a winning point for the Orban government independently of what the European court decides, added Tibor Attila Nagy, of the Centre for Fair Political Analysis said ahead of the court ruling. The square in front of Budapest s Eastern Railway station was a focus of the world s media when thousands of migrants camped there in September 2015, hoping to scramble on to trains bound for Austria and Germany. On a bright late summer morning two years later its flagstones are eerily quiet, but locals hurrying to work have not forgotten the days when Hungary was the main transit route for hundreds of thousands of refugees from war and poverty en route to richer western states. Many remain opposed to the country taking in migrants. The fence is very good (to have) as it protects us from the explosions and violence and everything, catering worker Ilona Nagy, 55, told Reuters. I would vote for Fidesz, only Fidesz. It was only Hungary which did what it had to do and protected the Schengen borders, and this is still the case, said pensioner Peter Lazar, 73, another Fidesz supporter. But some preferred to focus on other matters. I believe the whole migration crisis is government propaganda nothing more, said Karoly Szenasi, 50. Monika Fenyvesi, 33, out walking with her child in a stroller, said the scenes at the station had been scary and it was good that Hungary had imposed controls. But issues such as support for families, healthcare, taxation, and wages would determine which party got her vote. It will be hard to decide but it will not be the current government. ",worldnews,"September 6, 2017 ",1 +Suspected al Shabaab militants behead four in Kenya's Lamu County: official,"MOMBASA, Kenya (Reuters) - Suspected militants from the Somali group al Shabaab beheaded four men in two different attacks in Lamu County on Kenya s north coast on Wednesday, authorities said, a month after 12 people were killed in similar incidents in the region. Lamu County Commissioner Gilbert Kitiyo said the attacks took place in Silini-Mashambani early on Wednesday where three were killed, while in a separate incident in Bobo village one person was killed. Kitiyo said about 30 heavily-armed assailants went from house-to-house calling out victims by name before pulling some out and slitting their throats. They were dressed in military gear and had AK-47 rifles. They beheaded four men before fleeing into the forest. All the victims are men. Police have already arrived at the scene and taken the bodies to the mortuary, Kitiyo told Reuters by telephone. He said the attackers surrounded all the victims houses making it difficult for them to escape. Abdiasis Abu Musab, al Shabaab s spokesman for military operations, said the group was behind the attack, and put the number of those killed at five, saying it had targeted non-Muslims. In August, al Shabaab attackers killed four men in a similar manner while earlier in July, nine men were slaughtered the same way in nearby villages. After the latest attacks, protesters burned tyres on the roads on Wednesday morning in complaint over insecurity. Riot police to fire teargas and rubber bullets to disperse them. A government-imposed dusk-to-dawn curfew is in force in the area following past attacks. The al Qaeda-linked al Shabaab aims to topple Somalia s United Nations-backed government and impose its own strict interpretation of Islam. They have intensified attacks in Kenya since it sent troops into Somalia in 2011. They have also claimed responsibility for a series of cross-border attacks in recent months, including a spate of roadside bombings targeting security forces. ",worldnews,"September 6, 2017 ",1 +"Erdogan says Turkey will send 10,000 tonnes aid to Myanmar's Rohingya","ANKARA (Reuters) - Turkey will provide 10,000 tonnes of aid to help Rohingya Muslims who have fled violence in Myanmar, President Tayyip Erdogan said on Wednesday. I spoke with (Myanmar leader Aung San Suu Kyi) yesterday. They opened the doors after our call, Erdogan told a meeting of his ruling AK Party in Ankara. He said Turkish aid agency TIKA was already delivering 1,000 tonnes of aid to camps for the displaced. The second stage is 10,000 tonnes. Aid will be distributed, Erdogan said. Around 150,000 Rohingyas have fled northwest Myanmar to Bangladesh since violence broke out on August 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people. ",worldnews,"September 6, 2017 ",1 +Moldovan president vetoes participation in NATO country exercises,"CHISINAU (Reuters) - Moldova s pro-Russian President Igor Dodon has blocked government plans to send troops to Ukraine to participate in military exercises starting this week and which coincide with Russian drills across the border in Belarus. Dodon s move on Wednesday underscores divisions within the ex-Soviet nation, where the president is frequently at odds on foreign policy with the government, which favors closer ties with the European Union and the United States. The government had planned to send 57 servicemen to take part in exercises by mostly NATO countries, including the United States and Turkey, in western Ukraine from Sept. 8-23. Russia will meanwhile hold drills from Sept. 14-20 in western Russia, Belarus and Russia s exclave of Kaliningrad. Moscow has dismissed fears in neighboring nations that the drills may be used as a precursor for an invasion. Dodon exercised his presidential veto to block the decision, arguing Moldova was bound by its constitution to stay neutral. The participation of Moldovan servicemen in military exercises outside the country is not acceptable, Dodon wrote on his Facebook page. A Ukrainian defense ministry spokesman said Kiev had not been formally notified that Moldova was withdrawing its personnel. Earlier this year Dodon banned the participation of military personnel in NATO exercises in Romania, prompting complaints by the U.S. and Romanian ambassadors in Chisinau. Speaking at a televised cabinet meeting, Prime Minister Pavel Filip said he was baffled by Dodon s decision: No one wants an unprepared and weak army. Moldova has been governed by pro-Western leaders since 2009 and signed a trade pact with the EU in 2014. Russia retaliated by halting imports of Moldovan farm produce, depriving the country of a key market for its wine, fruit and vegetables. Relations suffered further this year due to a dispute in March over the treatment of Moldovan officials traveling to or through Russia, and the expulsion of Russian diplomats in May. In August, Moldova declared Russian Deputy Prime Minister Dmitry Rogozin persona non grata, accusing him of making defamatory remarks about Moldovan government officials. ",worldnews,"September 6, 2017 ",1 +Exclusive: Bangladesh protests over Myanmar's suspected landmine use near border,"DHAKA (Reuters) - Bangladesh lodged a protest after it said Myanmar had laid landmines near the border between the two countries, government officials said on Wednesday, amid growing tensions over the huge influx of Rohingya Muslims fleeing violence in Myanmar. An army crackdown triggered by an attack on Aug. 25 by Rohingya insurgents on Myanmar security forces has led to the killing of at least 400 people and the exodus of nearly 125,000 Rohingya to Bangladesh, leading to a major humanitarian crisis. When asked whether Bangladesh had lodged the complaint, Foreign Secretary Shahidul Haque said yes without elaborating. Three other government sources confirmed that a protest note was faxed to Myanmar in the morning saying the Buddhist-majority country was violating international norms. Bangladesh has expressed great concern to Myanmar about the explosions very close to the border, a source with direct knowledge of the matter told Reuters. The source asked not to be named because of the sensitivity of the matter. A Myanmar military source said landmines were laid along the border in the 1990s to prevent trespassing and the military had since tried to remove them. But none had been planted recently. Two Bangladeshi sources told Reuters they believed Myanmar security forces were putting the landmines in their territory along the barbed-wire fence between a series of border pillars. Both sources said Bangladesh learned about the landmines mainly through photographic evidence and informers. Our forces have also seen three to four groups working near the barbed wire fence, putting something into the ground, one of the sources said. We then confirmed with our informers that they were laying land mines. The sources did not clarify if the groups were in uniform, but added that they were sure they were not Rohingya insurgents. Manzurul Hassan Khan, a Bangladesh border guard officer, told Reuters earlier that two blasts were heard on Tuesday on the Myanmar side, after two on Monday fueled speculation that Myanmar forces had laid land mines. One boy had his left leg blown off on Tuesday near a border crossing before being brought to Bangladesh for treatment, while another boy suffered minor injuries, Khan said, adding that the blast could have been a mine explosion. A Rohingya refugee who went to the site of the blast on Monday - on a footpath near where civilians fleeing violence are huddled in a no man s land on the border - filmed what appeared to be a mine: a metal disc about 10 centimeters (4 inches) in diameter partially buried in the mud. He said he believed there were two more such devices buried in the ground. Two refugees also told Reuters they saw members of the Myanmar army around the site in the immediate period preceding the Monday blasts, which occurred around 2:25 p.m. Reuters was unable to independently verify that the planted devices were land mines and that there was any link to the Myanmar army. The Myanmar army has not commented on the blasts near the border. Zaw Htay, the spokesman for Myanmar s national leader, Aung San Suu Kyi, was not immediately available for comment. On Monday, he told Reuters clarification was needed to determine where did it explode, who can go there and who laid those land mines. Who can surely say those mines were not laid by the terrorists? The Bangladesh interior ministry secretary, Mostafa Kamal Uddin, did not respond to calls seeking comment. The border pillars mentioned by the Dhaka-based sources mark the boundaries of the two countries, along which Myanmar has a portion of barbed wire fencing. Most of the two countries 217-km-long border is porous. They are not doing anything on Bangladeshi soil, said one of the sources. But we have not seen such laying of land mines in the border before. Myanmar, which was under military rule until recently and is one of the most heavily mined countries in the world, is one of the few countries that have not signed the 1997 U.N. Mine Ban Treaty. ",worldnews,"September 6, 2017 ",1 +Zimbabwe opposition rejects post-Mugabe coalition deal-making,"HARARE (Reuters) - Zimbabwe s opposition Movement for Democratic Change (MDC) said on Wednesday it had no plans to join factions of the ruling ZANU-PF party to form a national unity coalition after the eventual death of 93-year-old President Robert Mugabe. A Reuters investigation this week revealed that Vice-President Emmerson Mnangagwa, favorite to succeed Mugabe, has been looking to build a broad coalition that would kickstart the economy by reintegrating thousands of white farmers booted off their land in the early 2000s. The report was based on leaks from inside Zimbabwe s Central Intelligence Organisation and interviews with top political players, including MDC leader Morgan Tsvangirai. The 63-year-old, who has been Mugabe s main political rival for the last two decades, told Reuters at the time he had not met Mnangagwa for several years but that he had received overtures about a meeting that were turned down. In a statement, the MDC said it would never consider joining an administration that was not the product of an election. Zimbabwe s next vote is next year and Mugabe is running as ZANU-PF s presidential candidate. While stability is important, President Tsvangirai and the MDC have always placed a far higher premium on legitimacy and democracy, the statement said. The Reuters story also revealed that senior members of Zimbabwe s military were starting to swallow their disdain for Tsvangirai, who has never enjoyed their respect because of his background as a union leader rather than a liberation fighter. The intelligence reports suggested top generals had given Mnangagwa their backing. Tsvangirai did not deny any contact with military leaders or British ambassador Catriona Laing, who the intelligence reports said favored a Mnangagwa-led succession, but said post-Mugabe deal-making was not on the agenda. President Tsvangirai has not had any meeting with either the British or the military involving this purported deal, the MDC statement said. Any purported deal outside elections and involving diplomats, the military and other such characters will not be legitimate and will not rescue Zimbabweans from their current predicament. Mugabe has been Zimbabwe s only leader since independence from Britain in 1980. Its once promising economy collapsed in the early 2000s after the violent seizure of thousands of white-owned commercial farms by pro-Mugabe gangs. ",worldnews,"September 6, 2017 ",1 +Thousands of Indonesians join anti-Myanmar rally in Jakarta,"JAKARTA (Reuters) - Thousands of Indonesians, led by Islamist groups, held a rally near the Myanmar embassy in Jakarta on Wednesday to protest against the treatment of Rohingya Muslims and demand the snapping of ties between the two countries. Indonesia has the world s largest population of Muslims and there have been several anti-Myanmar protests in Jakarta and the Malaysian capital of Kuala Lumpur over the treatment of Buddhist-majority Myanmar s roughly 1.1 million Rohingyas. Roads were blocked and barbed wire barriers put up around the embassy, in a leafy district of the capital, which was patrolled by police in riot gear who set up water cannons. Some protesters chanted Allahu Akbar (God is Greatest), while others shouted slogans such as Slaughter Myanmar and Burn the embassy . Buddhists should respect Muslims in Myanmar in the same way that Muslims respected Buddhists in Indonesia, one speaker told the crowd, using a loud-hailer. Almost 125,000 Rohingyas have been forced to flee clashes between Rohingya insurgents and the army in Myanmar s northwestern state of Rakhine. Tens of thousands have crossed the border into neighboring Bangladesh. Indonesian Foreign Minister Retno Marsudi met Myanmar leader Aung San Suu Kyi and top security officials this week to urge a halt to the bloodshed. Marsudi also visited Dhaka, capital of Bangladesh on Tuesday, to offer help in tackling the crisis. Some protesters at the Jakarta rally called for the expulsion of the Myanmar ambassador over the issue, as well as for diplomatic ties between the two countries to be severed. Myanmar embassy staff would be safe, however, said a foreign ministry spokesman, Armanatha Nasir. It is the responsibility of the host countries to ensure the safety of all diplomatic missions and their personnel, the spokesman said. Indonesia takes this responsibility seriously. At the weekend, a petrol bomb was thrown at the embassy causing a small fire. Indonesian police have also pledged to bar Islamist groups from staging a rally on Friday at the Borobudur Buddhist temple in central Java to protest against the treatment of Myanmar s Rohingya Muslims. ",worldnews,"September 6, 2017 ",1 +"Moscow, Seoul closer on North Korea after their leaders meet: RIA cites Kremlin","MOSCOW (Reuters) - The positions of Moscow and Seoul on North Korea have moved closer after a meeting of the Russian and South Korean presidents, RIA news agency cited Kremlin aide Yuri Ushakov as saying on Wednesday. Russian President Vladimir Putin met South Korea s Moon Jae-in on the sidelines of an economic summit in the eastern Russian city of Vladivostok on Wednesday amid mounting international concern that Pyongyang plans more weapons tests. ",worldnews,"September 6, 2017 ",1 +Poland's stance on migrants unchanged despite EU court ruling: PM,"KRYNICA ZDROJ, Poland (Reuters) - Poland will continue to refuse to accept migrants under a European Union relocation scheme despite a ruling by EU s highest court that Brussels had the right to force member states to take in asylum seekers, Prime Minister Beata Szydlo said on Wednesday. I was convinced that such a decision would be made (by the court), but this absolutely does not change the stance of the Polish government with respect to migration policy, Szydlo told reporters on the sidelines of a business conference. Earlier on Wednesday, the European Union s highest court dismissed complaints by Slovakia and Hungary about EU migration policy. ",worldnews,"September 6, 2017 ",1 +"Allowing nuclear weapons in Japan could defuse North Korean threat, say some policy makers","TOKYO (Reuters) - As Japan looks for a quick, resolute response to North Korea s growing missile threat, some defense policy makers in Tokyo say it may be time to reconsider non-nuclear pledges and invite U.S. nuclear weapons on to its soil. Japan, the only country to suffer nuclear attack, upholds three non-nuclear principles that commit it not to possess, manufacture or allow nuclear weapons on to its territory that were adopted five decades ago. Perhaps it s time for our three principles to become two, a senior defense policy maker told Reuters, suggesting nuclear weapons be allowed into Japan. He asked not to be identified because of the sensitivity of the issue. North Korea, pursuing its weapons programs in defiance of international condemnation, fired an intermediate ballistic missile over Japan last week, prompting authorities to sound sirens and advise residents to take cover. On Sunday, North Korea tested a nuclear device that had a yield estimated at ten times that of the atom bomb dropped by the United States on Hiroshima in 1945. Inviting U.S. nuclear weapons would be an attempt by Japan jolt China, North Korea s sole major ally, to do more to rein in its neighbor by showing there are consequences to North Korean provocations that threaten its neighbors and destabilize the region, the policy maker said. A simple way to do this could be for a nuclear-armed U.S. submarine to operate from one of the U.S. Navy bases in Japan, he said, a move bound to infuriate China. Former Japanese defense minister Shigeru Ishiba stoked controversy on Wednesday by questioning whether Japan can expect protection under the U.S. nuclear umbrella while maintaining its non-nuclear principles. Is it right that we don t discuss this? Ishiba asked in a television interview. In his election campaign last year, Donald Trump chided Japan and South Korea for not contributing enough to their defenses. On Tuesday, the president said he was ready to sell Seoul billions of dollars in weapons and scrap a limit on the size of warheads the Washington would supply. We don t have any plan to begin discussing the three non-nuclear principles, Japan Chief Cabinet Secretary Yoshihide Suga told reporters when asked to respond to Ishiba s comment. Yet, the growing North Korean threat could stifle some of the opposition, experts say. Just by raising this issue of nuclear principles, Japan will push the United States and China to act, and it is something that Beijing is not going to like, said Takashi Kawakami, a security expert at Japan s Takushoku University. It s the medicine that China needs to make it act against North Korea. Allowing the U.S. military to deploy nuclear weapons on Japanese territory would pose a grave political risk for Prime Minister Shinzo Abe, particularly amid an influence-peddling scandal that has hit his popularity ratings. Any move toward relaxing the non-nuclear principles, however, is unlikely to lead to a home-made atomic bomb, despite Japan s technical abilities, say experts. Tokyo has the civilian nuclear program, fissile materials and the weaponization technology necessary. It could probably develop a small arsenal of nuclear devices within a year if there was motivation to do so, said Emily Chorley, a nuclear weapons expert at IHS Janes. But doing so would force Japan to renege on its non-proliferation commitments and could severely damage Washington s alliances and position of strength in Asia. This would signal that the Japanese no longer have confidence in U.S. extended deterrence, said a former senior U.S. military commander who asked not to be identified because he is not authorized to talk to the media. That would essentially mean that they no longer have confidence in the alliance. ",worldnews,"September 6, 2017 ",1 +"Armyworm hits northern Cameroon, worsening food crisis","YAOUNDE (Reuters) - Crop-eating fall armyworms have attacked nearly 37,000 hectares of maize in northern Cameroon, officials said on Wednesday, accentuating an already dire humanitarian crisis provoked by the Islamist militant group Boko Haram s cross-border insurgency. More than two dozen African nations have reported outbreaks of the invasive Central American variety of the pest, which is harder to detect and eradicate than its African counterpart. They have now spread to all of Cameroon s 10 administrative regions, though maize crops in the Extreme North region have only been heavily affected since July, Deputy Agriculture Minister Clementine Ananga Messina told Reuters. The armyworm attack endangers the entire maize sector and is creating serious risks of food insecurity, because it s the most commonly grown cereal in Cameroon, she said. The Extreme North region bordering Chad and Nigeria has been hit hard by Boko Haram, whose campaign of violence and cross-border attacks has sent more than 93,000 Nigerians fleeing into Cameroon where some 235,000 people have also been displaced. Across the Lake Chad region around 1.5 million people are confronting a food crisis, according to the United Nations. Cameroonian authorities have launched an action plan to fight against the infestation, but so far pesticides have failed to contain it. There are no effective means to fight armyworm currently existing in Cameroon, said Agriculture Ministry expert Andre Marie Elombat Assoua. The chemical products now being used by farmers are ineffective and too expensive. Around 12 million Cameroonians, more than half of the national population, regularly consume maize. It is also an important ingredient for the central African nation s breweries and in the production of feed for livestock. Though the fall armyworm prefers maize, it also attacked sorghum and millet, two of Cameroon s other staple crops, earlier this year. ",worldnews,"September 6, 2017 ",1 +Cambodia charges opposition leader with treason,"PHNOM PENH (Reuters) - Cambodian opposition leader Kem Sokha has been charged with treason and could face a jail term of 15 to 30 years if convicted, a court said on Tuesday. Kem Sokha was arrested on Sunday in an escalating crackdown on critics of Prime Minister Hun Sen s government, which accused the opposition leader of plotting with the United States to undermine the Southeast Asian country. Trials of senior political figures in recent years have resulted in convictions and international rights groups questioned whether proceedings against Kem Sokha would be fair. He had been charged with colluding with foreigners under Article 443 of Cambodia s penal code, the Phnom Penh Municipal Court said in a statement. The act of secret collusion with foreigners is an act of treason, it added. The evidence the government has presented is a video of Kem Sokha from 2013 in which he tells supporters of his Cambodia National Rescue Party (CNRP) that he has had American support and advice for his political strategy to win power. One of the opposition leader s lawyers, Pheng Heng, said what appeared in the video clip was no crime. The legal procedure is wrong and the charge isn t correct, he said. What he talked about was elections in a multi-party democratic way. The arrest of Kem Sokha and growing pressure on independent media and rights groups have drawn condemnation from the United States and other Western countries, which have raised doubts over whether a general election next year can be fair. But Hun Sen, one of Asia s longest serving rulers, has won support from China, which has made him one of its closest regional allies and provided billions of dollars in infrastructure loans. Next year s election could represent the greatest challenge to Hun Sen and his ruling Cambodian People s Party (CPP) in the more than three decades he has ruled, but his critics accuse him of trying to shut down all opposition in advance. Pro-government website Fresh News said there could be further arrests of officials from the opposition party in the case. The government and the ruling CPP have manufactured these treason charges against Kem Sokha for political purposes, aiming to try and knock the political opposition out of the ring before the 2018 electoral contest even begins, said Phil Robertson, deputy Asia director of New York-based Human Rights Watch. Kingsley Abott, senior international legal adviser for Southeast Asia at the Geneva-based International Committee of Jurists, said the allegations against Kem Sokha had the hallmarks of being politically motivated. The absence of an independent and impartial prosecution and judiciary makes the delivery of a fair trial impossible in most political cases, he said. Kem Sokha, was sentenced to five months in jail last September after failing to appear in court in connection with a case against two of his party colleagues, but he was later pardoned at Hun Sen s request. He had avoided prison on that occasion by taking refuge at his party headquarters. Kem Sokha s predecessor as party leader, Sam Rainsy, was found guilty of defamation in absentia. He lives in France to avoid the conviction, which he says was politically motivated. ",worldnews,"September 5, 2017 ",1 +Hurricane Irma moves away from Barbuda: NHC,"(Reuters) - The eye of the potentially catastrophic Category 5 hurricane Irma has moved away from Barbuda and is heading towards St. Martin, the U.S. National Hurricane Center said in an advisory. Hurricane Irma is about 145 miles (235 km) east of St. Croix with maximum sustained winds of 185 mph (295 km/h), the NHC said. The core of Irma is likely to move over portions of the northern Leeward Islands, and move near or over portions of the northern Virgin Islands on Wednesday, it said. (This story corrects headline to fix sourcing to U.S. NHC, not NRC) ",worldnews,"September 6, 2017 ",1 +"Myanmar's Rohingya suffered for years, need lasting solution: Turkey","BAKU (Reuters) - Turkey s foreign minister called on Wednesday for a lasting solution to the plight of Myanmar s Rohingya Muslims who he said had been living for years in open prisons , ahead of his visit to neighboring Bangladesh to discuss the crisis. President Tayyip Erdogan, who leads Turkey s Islamist-rooted AK Party, has been fiercely critical of Myanmar s treatment of the Rohingyas, saying they have been subjected to genocide. The latest violence began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people. After Erdogan spoke to Myanmar leader Aung San Suu Kyi on Tuesday, Turkey said it would deliver 1,000 tonnes of food, medicine and clothing to the afflicted northwestern region of Rakhine. Around 150,000 Rohingyas have fled to Bangladesh, where Turkey s Foreign Minister Mevlut Cavusoglu is due to arrive later for talks on Thursday about tackling the crisis. Cavusoglu said he would visit the border region to assess the humanitarian needs there, adding that Turkey would also provide ambulances and other equipment. We will not leave these people alone here. However, we need to find a lasting solution to the problem in Rakhine, he said. There have been events and cruelties before as well, many people died or had to leave their homes. I went to Rakhine two years ago as well, and they literally live in open prisons covered in mud. It is unacceptable for people to live under these conditions in this day and age. Suu Kyi has faced increasing pressure from countries with Muslim populations to halt the violence against Rohingya Muslims which has prompted their flight to Bangladesh. Erdogan, whose wife and a son will accompany Cavusoglu to Bangladesh, said this week he had spoken to 20 world leaders about the issue, and would press for it to be discussed at the United Nations later this month. Turkey has said its state aid agency TIKA would start the first foreign aid deliveries to Rakhine on Wednesday. ",worldnews,"September 6, 2017 ",1 +Turkish police kill Islamic State militant set to attack police station,"ISTANBUL (Reuters) - Turkish police shot dead an Islamic State militant who was set to carry out a suicide bomb attack on a police station in the Mediterranean city of Mersin on Wednesday, the interior ministry said. The assailant, wearing a vest packed with explosives, was killed outside the police station in the Yenisehir district, which security sources said is located next to the regional headquarters of Turkey s MIT national intelligence agency. One member of the Daesh terrorist organization, wearing a suicide bomb vest, was captured dead in front of the Mersin Yenisehir district s ... central police station, the interior ministry said in a statement. Police officers spotted the suspect behaving suspiciously some 50 meters (55 yards) from the police station at around 8:15 a.m. (0515 GMT), the Mersin governor s office said. The man ignored an order to stop and continued to move toward the police station. He was shot when his hand reached for a cable hanging down from his shoulder, the governor s office said. Islamic State militants have previously carried out gun and bomb attacks in Turkey. Many foreign fighters have also passed through Turkey in recent years on their way to join the jihadist group in its self-proclaimed caliphate in Syria and Iraq. Ankara has detained more than 5,000 Islamic State suspects and deported some 3,290 foreign militants from 95 different countries in recent years, according to Turkish officials. The Dogan news agency identified the would-be attacker as a 20-year-old Syrian national who lived in an apartment block near the police station. It said bomb disposal experts defused the explosive device. Police subsequently searched the home of the Syrian man and detained his father, Dogan said, adding that his family had moved to Mersin a year ago. ",worldnews,"September 6, 2017 ",1 +Britain rejects Irish call for role in Northern Ireland rule,"BELFAST (Reuters) - Britain on Tuesday rejected an Irish demand for a role in running Northern Ireland if parties there fail to revive a devolved power-sharing government, as unionists said concessions would lead to grave consequences for Theresa May s government. The 1998 peace deal that ended 30 years of violence in Northern Ireland between Irish nationalists and pro-British unionists provides for a consultative role for the Irish government in the running of the British region. Since January Irish nationalists Sinn Fein and the Democratic Unionist Party (DUP) have failed to reach agreement on re-establishing the devolved administration. The British government has warned it may soon have to step in to rule the province directly for the first time in a decade. Irish Foreign Minister Simon Coveney on Tuesday told journalists in Belfast that if talks to form a power-sharing government failed there can be no British-only direct rule, adding that this was Irish government policy. He did not say what kind of role he expected for the Irish government and said he was still hopeful devolved power-sharing could be rescued. In an apparent rebuff to Coveney, a British government spokesman said in a statement that London would never countenance any arrangement, such as Joint Authority, inconsistent with the principle of consent in the (Good Friday) Agreement. In the absence of devolved government, it is ultimately for the United Kingdom Government to provide the certainty over delivery of public services and good governance in Northern Ireland, as part of the United Kingdom, the statement said. DUP lawmaker Jeffrey Donaldson, whose party Prime Minister Theresa May s minority government depends on to survive, warned that his party would not accept any concessions to Dublin. Even if we have a temporary period of direct rule, the Irish Government must be clear that it must not interfere with the internal affairs of Northern Ireland and to do so would be a fundamental breach of faith, Donaldson told the Belfast Telegraph newspaper in comments published on Wednesday. If that were to happen it would have grave consequences for the stability of the government at Westminster and for the prospect of restoring devolution in Northern Ireland, he was quoted as saying. ",worldnews,"September 5, 2017 ",1 +Hungary calls EU court's refugee ruling 'appalling',"BUDAPEST (Reuters) - Hungary said on Wednesday a ruling by the European Union s highest court that member states must take in refugees and asylum-seekers was appalling and unacceptable, flagging further legal battles with European authorities over the matter. The Hungarian government considers today s decision by the European court to be appalling and irresponsible, Foreign Minister Peter Szijjarto told a news conference. This decision jeopardizes the security and future of all of Europe. Szijjarto said the decision was made based on political rather than legal or professional considerations. Politics has raped European law and values, he said. ",worldnews,"September 6, 2017 ",1 +Germany climbs in development ranking by taking in refugees,"COPENHAGEN (Reuters) - Germany has jumped 10 slots from last year to fifth place on a list ranking how well rich countries policies help improve lives in the developing world, mainly thanks to its willingness to take in refugees - a hot topic in its Sept. 24 election. Denmark took over the top spot from Finland, which falls to third place, while Sweden moves up one notch to second on the list that includes the impact from foreign aid and policies on trade, finance, migration, the environment and technology. Germany moves up to fifth on the 2017 Index, mainly thanks to policies on migration, including accepting a large number of refugees, author Ian Mitchell from the Washington-based Center for Global Development said in the report. Labor mobility is potentially the most powerful tool for poverty reduction and income redistribution, he said. By migrating to richer countries, workers gain valuable skills and broaden their opportunities to earn higher incomes. They also send billions of dollars back home each year in remittances, a flow that surpasses foreign aid several fold. Chancellor Angela Merkel s 2015 decision to open Germany s borders to hundreds of thousands of refugees, many fleeing war in the Middle East, cost her support but she has since bounced back. Her challenger in this month s election, Social Democrat Martin Schulz, attacked her on Sunday for failing to coordinate a better European response to the refugee crisis. The report said Germany s surge in the rankings was thanks not only to taking in the large influx, but also to its aid and trade policies. Despite Germany s improvement, France still ranks highest among the G7 countries at fourth place. The United States fell to 23rd from 20th among the 27 countries ranked. Its best performance was on trade and security, while it scored poorly on finance, environment, and aid, the report said. The U.S. withdrawal from the Paris Climate Accord will be reflected in future years, potentially taking the U.S. score lower, the think tank said. Britain, which is in the process of negotiating its departure from the European Union, jumped to seventh place from ninth last year. The report said there was a risk that Brexit could hit Britain s score on trade unless it could quickly replicate favorable EU trade policies toward developing countries. However, on agriculture, it could certainly reduce subsidies compared with the EU and level the playing field for developing world producers. The 2017 rankings show almost all countries improved their performance in the environmental component, with reductions in greenhouse gas emissions and new climate commitments in the 2016 Paris agreement. ",worldnews,"September 6, 2017 ",1 +Philippine lawmakers reject last left-wing cabinet minister,"MANILA (Reuters) - Philippine lawmakers on Wednesday rejected the nomination of the last leftist President Rodrigo Duterte included in his cabinet, removing the agrarian reform minister a year after he joined the government in a bid by Duterte to promote peace. Duterte, after becoming president in June last year, offered places in his cabinet to members of the outlawed Communist Party of the Philippines to demonstrate his commitment to talks to end their long-running insurgency. The minister, Rafael Mariano, was one of two people the party nominated to serve in the cabinet. Senator Vicente Sotto, chairman of a committee scrutinizing cabinet appointments, said it had conducted an exhaustive deliberation then held a vote. The weight of the scales ultimately tipped the balance against the confirmation of the appointee, Sotto told Senate. He did not elaborate on the reason for the rejection but it came a few months after the government canceled formal peace talks with the communist rebels. Duterte wants to strike a peace deal with the communists but has been angered by continued violence. He says their demands are excessive and he has already made concessions. Mariano, speaking to reporters after the hearing, denounced big landlords, oligarchs, businessmen and big corporations , saying they may have prevailed with his rejection but the farmers would win in the end. I may have failed to get the confirmation today but I will not stop serving our farmers, he said. Presidential spokesman Ernesto Abella expressed regret over Mariano s removal, saying he had promoted farmers rights and welfare and ensured their security of land tenure. ",worldnews,"September 6, 2017 ",1 +"Slovakia respects EU court ruling on refugees, position unchanged: PM","BRATISLAVA (Reuters) - Slovakia respects the European Union s highest court decision to dismiss complaints by Slovakia and Hungary about EU migration policy but its negative position to refugee quotas will not change, Prime Minister Robert Fico said on Wednesday. Our position on quotas does not change, Fico said. We will continue to work on having solidarity expressed in different ways other than forcing (on us) migrants from other countries that don t want to be here anyway. ",worldnews,"September 6, 2017 ",1 +Germany says EU states must implement court ruling on migrants swiftly,"BERLIN (Reuters) - German Foreign Minister Sigmar Gabriel welcomed a ruling by the European Union s highest court which said EU states must accept refugees and asylum seekers, and urged swift action from member states. I always said to our eastern European partners that it is right to clarify questions legally if there is doubt. But now we can expect all European partners to stick to the ruling and implement the agreements without delay, Gabriel said in a statement. The court earlier on Wednesday dismissed complaints by Slovakia and Hungary about EU migration policy. ",worldnews,"September 6, 2017 ",1 +Pope Francis plane shifts course to avoid Hurricane Irma,"ROME (Reuters) - Pope Francis flew out of Italy on Wednesday headed for Colombia, with his plane forced to change route because of Hurricane Irma, which is powering across the northern Caribbean. The Alitalia aircraft had been expected to fly over the U.S. territory of Puerto Rico, but will instead shift south and cross the islands of Barbados, Grenada and Trinidad, a Vatican official said. Recent forecasts show that Irma, one of the most powerful Atlantic storms in a century, will hit Puerto Rico later on Wednesday. Francis, making his 20th foreign trip as pontiff and his fifth to his native Latin America, will spend five days in Colombia to encourage a peace process that ended half a century of war between the state and the guerrilla group FARC. ",worldnews,"September 6, 2017 ",1 +Modi says India shares Myanmar's concern about 'extremist violence',"NAYPYITAW (Reuters) - Prime Minister Narendra Modi said on Wednesday that India shared Myanmar s concern about extremist violence in its Rakhine state, where a security force operation against Muslim rebels has sent about 125,000 people fleeing to Bangladesh. Modi spoke after talks with Myanmar s de facto leader Aung San Suu Kyi during a visit aimed at expanding commercial ties as part of an Act East policy, and pushing back against Chinese influence. Myanmar has come under international pressure after some 125,000 Rohingya Muslims fled from a surge of violence in Rakhine state, beginning with an Aug. 25 attack by Rohingya insurgents on dozens of police posts and an army base. The rebel attacks triggered a sweep by the Myanmar security forces, in which refugees and right groups say many innocent Rohingya have been targeted. Buddhist-majority Myanmar rejects accusations by refugees and rights groups that its armed forces have violated the rights of the mostly stateless Rohingya, saying the army and police are fighting terrorists . Mostly Hindu India has faced years of attacks by Islamist militants. Suu Kyi told a joint news conference at the presidential palace in the capital, Naypyitaw, that Myanmar was grateful for India s stance on the attack on her country and they could work together to face the challenge. We would like to thank India particularly for its strong that it has taken with regard to terrorist threat that came to our country a couple of weeks ago, she said in brief remarks. We believe that together we can work to make sure that terrorism is not allowed to take root on our soil. Modi said India and Myanmar had similar security interests in the region. We share your concerns about extremist violence in Rakhine state and specially the violence against security forces and how innocent lives have been affected, he said. We hope that all the stakeholders together can find a way out in which the unity and territorial integrity of Myanmar is respected and at the same time we can have peace, justice dignity and democratic values for all. Modi s government has taken a strong stance on an influx into India of some 40,000 Rohingya from Myanmar over the years, vowing last month to deport them all. That decision has drawn criticism from rights groups and prompted a petition in the Supreme Court to stop the government from doing so. International concern, in particular from Muslim countries, is growing about the latest exodus of Rohingya. Turkish President Tayyip Erdogan has pressed world leaders to do more to help the population of roughly 1.1 million, saying they are facing genocide. U.N. Secretary-General Antonio Guterres warned on Tuesday of the risk of ethnic cleansing and regional destabilization. India is trying to boost economic ties with resource-rich Myanmar, with which it shares a 1,600-km (1,000-mile) border, to counter Chinese influence and step up links with a country it considers its gateway to Southeast Asia. Two-way trade has grown to about $2.2 billion as India courts Myanmar following the gradual end of military rule, but Indian-funded projects have moved slowly. India recently started exporting diesel to Myanmar via a land route, in a boost to Modi s pledge to enhance hydrocarbon trade with neighbors.. ",worldnews,"September 6, 2017 ",1 +China brushes off Vietnam protests over South China Sea drills,"HANOI (Reuters) - China on Wednesday dismissed Vietnamese condemnation of its military live-fire exercises in the disputed South China Sea, saying it was acting within its sovereign rights. China conducted the drills around the Paracel Islands, which Vietnam claims, prompting Vietnam to say it would resolutely protect its legitimate rights through peaceful means. Chinese Foreign Ministry spokesman Geng Shuang told a regular briefing that China had done nothing wrong. We hope the relevant side can regard the drills calmly and reasonably, he said, without elaborating. China claims nearly all the South China Sea, through which an estimated $3 trillion in international trade passes each year. Brunei, Malaysia, the Philippines and Taiwan also have claims. Tension between China and neighboring Vietnam is at its highest in three years over the disputed waters. Vietnam suspended oil drilling in offshore waters that are also claimed by China in July under pressure from Beijing. China has appeared uneasy at Vietnam s efforts to rally Southeast Asian countries over the South China Sea as well as at its growing defense relationships with the United States, Japan and India. ",worldnews,"September 6, 2017 ",1 +"Russia, North Korea delegations may meet in Vladivostok: TASS cites Lavrov","MOSCOW (Reuters) - Delegations from Russia and North Korea may meet on the sidelines of an economic forum in the city of Vladivostok in Russia s far east this week, TASS news agency cited Russian Foreign Minister Sergei Lavrov as saying on Wednesday. He said the North Korean delegation was made up of economic officials, TASS reported. ",worldnews,"September 6, 2017 ",1 +"About 146,000 Rohingya have fled Myanmar violence to Bangladesh","YANGON (Reuters) - About 146,000 Rohingya Muslims have fled from violence in Myanmar after insurgent attacks on Aug. 25 sparked clashes with security forces and provoked a military counter-offensive, a U.N. source said on Wednesday. This bring to 233,000 the total number of Rohingya who have sought refuge in Bangladesh since October, when Rohingya insurgents staged similar, but smaller attacks on security posts. ",worldnews,"September 6, 2017 ",1 +South Korea's Moon seeks Russia's cooperation over cut in North Korea oil supplies: Yonhap,"SEOUL (Reuters) - South Korea s President Moon Jae-in on Wednesday said a cut in oil supplies to North Korea was inevitable, and he had asked Russia to cooperate, South Korea s Yonhap news agency reported from Vladivostok. Moon is in Russia and held talks with Russian President Vladimir Putin on Wednesday. A Blue House spokesman was unable to confirm the report immediately. ",worldnews,"September 6, 2017 ",1 +"EU court dismisses Hungary, Slovak case against taking refugees","LUXEMBOURG (Reuters) - The European Union s top court dismissed complaints on Wednesday by Slovakia and Hungary about EU migration policy, upholding Brussels right to force member states to take in asylum seekers. In the latest twist to a divisive dispute that broke out two years ago when over a million migrants poured across the Mediterranean, the European Court of Justice found that the EU was entitled to order national governments to take in quotas of mainly Syrian refugees relocated from Italy and Greece. The court dismisses the actions brought by Slovakia and Hungary against the provisional mechanism for the mandatory relocation of asylum seekers, the Luxembourg-based court said in a statement. The mechanism actually contributes to enabling Greece and Italy to deal with the impact of the 2015 migration crisis and is proportionate. The programme set up by the executive European Commission was approved by majority vote of member states in the face of opposition from formerly communist countries in the east who said their societies could not absorb mainly Muslim immigrants. It provided for the relocation of up to 160,000 people, but only some 25,000 have so far been moved. ",worldnews,"September 6, 2017 ",1 +China is key to resolving North Korean nuclear issue: UK defense minister,"LONDON (Reuters) - China holds the key to resolving the North Korean nuclear crisis and must do more to use all its influence and levers to deal with its neighbor, British Defence Secretary Michael Fallon said on Wednesday. China holds the key, the oil to North Korea flows from China ... China has not just influence but has many of the levers that are needed to change behavior in North Korea, Fallon told BBC radio. (U.S. Defence) Secretary (Jim) Mattis and I and others across the administration are very clear that we have to absolutely exhaust every possible diplomatic avenue to get this situation under control now, that means working intensively in New York over the next few days to get a new (UN) resolution, it means looking at the existing sanctions and making sure they are properly enforced... Above all it means putting more pressure on China to deal with its neighbor. ",worldnews,"September 6, 2017 ",1 +"Protesters storm Philippines mining event, demand halt to extraction","MANILA (Reuters) - Around 300 protesters clashed with security on Wednesday at a Manila hotel where an annual mining conference was being held, demanding that mineral extraction be halted due to the environmental destruction caused. The rally comes a day after President Rodrigo Duterte declared he s supporting a ban on open-pit mining in the Southeast Asian nation, a move that could constrict supply from the world s top nickel ore exporter. Words are not enough, he must act on it, lawyer Aaron Pedrosa of Sanlakas (One Force), an activist political group that was among the protesters, told reporters. We are here to express our opposition to mining in our country and the failure of mining companies to rehabilitate mining areas, Pedrosa said. Anti-mining protests are a fixture at mining industry events in the Philippines. Some of the protesters, clad in business suits, managed to get past hotel security and into the lobby where they held up placards denouncing mining. Outside the hotel, other protesters, including those from tribal communities, chanted and held streamers saying Stop Mining Plunder and No to Large-Scale Mining . The hotel was locked down for at least an hour. Mining is a contentious issue in largely underexplored Philippines following past examples of environmental mismanagement. In 1996, for instance, a tailings leak at Canadian-owned Marcopper Mining Corp s copper mine in Marinduque contaminated rivers. The sector contributes less than 1 percent to the economy, with only 3 percent of the 9 million hectares identified by the state as having high mineral reserves being mined, according to government data. Last month, lawmakers allied with Duterte filed a bill seeking to ban mining in watershed areas and exports of unprocessed ores. The bill would also require miners to get legislative approval before operating. The move comes after a 10-month mining crackdown led by former Environment Secretary Regina Lopez, who ordered the closure or suspension of 26 of the country s 41 mines and banned open-pit mining. Lopez failed to be confirmed in her post by lawmakers and was replaced in May by Roy Cimatu, a former soldier who has so far not reversed any of her previous measures. Gerard Brimo, president of top Philippine nickel ore producer Nickel Asia Corp, said the industry would like to show Duterte old mines that have been rehabilitated, including open pits. Open-pit extraction is allowed under a Philippine mining law and is widely used in the country where most ore is near the surface and low grade. If you want minerals and metals ... that s the reality. That s the case in the Philippines as it is all over the world. But the other reality is that it can be rehabilitated. ",worldnews,"September 6, 2017 ",1 +South Korea's Moon says he and Putin share understanding on North Korea,"SEOUL (Reuters) - South Korea s President Moon Jae-in said on Wednesday he and Russian President Vladimir Putin shared an understanding that resolving the North Korea nuclear issue is a top priority for development in East Asia. Moon, making the comments at a joint media conference with Putin after a meeting in Russia, said the Russian president expressed his full support for South Korea s efforts to handle issues related to North Korea. Moon and Putin met on the sidelines of an Eastern Economic Forum in the Russian city of Vladivostok, that began on Wednesday. (Story refiles to add dropped word he in headline.) ",worldnews,"September 6, 2017 ",1 +"Putin, after meeting South Korean leader, calls for talks on North Korea crisis","VLADIVOSTOK, Russia (Reuters) - Russian President Vladimir Putin held talks with his South Korean counterpart Moon Jae-in on Wednesday after which he condemned North Korea s missile testing and called for talks to try to resolve the crisis. Putin, speaking in the Russian Pacific port city of Vladivostok, said it was not possible to resolve the North Korean crisis with just sanctions and pressure alone. Pyongyang s nuclear and missile program was a flagrant violation of United Nations resolutions, said Putin. Without political and diplomatic tools, it is impossible to make headway in the current situation; to be more precise, it is impossible at all, Putin said at a joint news conference with his South Korean counterpart. ",worldnews,"September 6, 2017 ",1 +Exclusive: Cambodia says opposition party could be barred from election,"PHNOM PENH (Reuters) - Cambodia s government has raised the possibility that the main opposition party could be ruled out of elections if it does not replace its leader, Kem Sokha, who has been charged with treason. The opposition Cambodia National Rescue Party (CNRP) has said it will not replace its leader and the comments reinforced its fears that Prime Minister Hun Sen plans to cripple it before next year s elections. The arrest of Kem Sokha on Sunday drew Western condemnation and marked an escalation in a crackdown on critics of Hun Sen, who has ruled for 30 years and could face possibly his toughest electoral challenge from the CNRP next year. They have to appoint an acting president, government spokesman Phay Siphan told Reuters on Tuesday. If they don t comply with the law, they will not exist and have no right to political activity... It s their choice, not my choice. Kem Sokha s daughter, Kem Monovithya, who is also a party official, said the party would not appoint a new leader. Kem Sokha was only named in February after his predecessor resigned in fear the party would be banned if he stayed on. The ruling party can drop their divide-and-conquer plan now, she said. Opposition officials accuse Hun Sen of trying to weaken or destroy the party ahead of the election, after it did well in June local elections, in which it nonetheless came well behind Hun Sen s Cambodia People s Party. Hun Sen, one of Asia s longest serving rulers, said on Wednesday there could be more arrests after the act of treason and it had reinforced the need for him to stay in office. I ve decided to continue my work - not less than 10 years more, he told garment factory workers, jabbing his finger in the air for emphasis. Kem Sokha became leader after opposition veteran Sam Rainsy resigned because of a new law that forbids any party having a leader who is found guilty of a crime. Sam Rainsy fled into exile to avoid a defamation conviction he says was political. Cambodian law says a political party has 90 days to replace a president if he or she dies, resigns or is convicted of an offence. Western countries have condemned the arrest of Kem Sokha and a crackdown on critics of Hun Sen, including independent media. We don t care about people outside, Phay Siphan said. We care about our national security. We don t belong to anyone. China, Hun Sen s close ally, has voiced support for Cambodia on steps to ensure its security. Kem Sokha was formally charged with treason on Tuesday. His lawyers have dismissed the evidence presented against him so far - a video publicly available since 2013 - in which he tells supporters he is getting support and advice from Americans for the campaign to win elections. The government and the ruling CPP have manufactured these treason charges against Kem Sokha for political purposes, aiming to try and knock the political opposition out of the ring before the 2018 electoral contest even begins, said Phil Robertson, deputy Asia director of New York-based Human Rights Watch. ",worldnews,"September 5, 2017 ",1 +Britain says to pursue balanced post-Brexit immigration policy,"LONDON (Reuters) - Britain will pursue a balanced policy on immigration once it has left the European Union by seeking to attract high-skilled workers while driving the overall numbers down, Defence Secretary Michael Fallon said on Wednesday. The Guardian newspaper published a leaked government document late on Tuesday detailing plans to drive down the number of lower-skilled EU workers coming to Britain once it has left the EU in 2019. We ll set out firm proposals later in the year, Fallon told Sky News. There is a balance to be struck, we want to attract to this country, not shut the door, on highly skilled people who want to come here and make a contribution to our society. Equally we have to make sure that British companies are also prepared to train and train up British workers. The public are very clear, they want to see immigration not stopped but brought properly under control. They also want to be clear that we implement what they voted for in the Brexit referendum. ",worldnews,"September 6, 2017 ",1 +Hong Kong's vanishing archives and the battle to preserve history,"HONG KONG (Reuters) - For anyone digging into Hong Kong s history, the official archives might not be the place to look. The office of the chief executive, Hong Kong s leader, failed to hand over any official records at all for eight of the 20 years since it came under Chinese rule in 1997, according to the government department that manages the archives. The Security Bureau only did it for 10. Researchers say the problem is that Hong Kong, under roughly 150 years of British colonial rule and the first 20 years of Chinese rule, has never had a law regulating how government records should be kept or destroyed. As a result, the document retention that researchers see as necessary for keeping a record of the past has been somewhat spotty within Hong Kong. Under British rule, the archiving of documents in Hong Kong was also lax. In 1994 and 1995, for example, the Government House gave nothing to the archives. But thanks to a constant flow of correspondence between the colonial government and London, Britain would have stored a copy of most official records, according to researchers. After the handover of Hong Kong to China in 1997, that back-up mechanism disappeared, leading to concerns that fragments of Hong Kong s history might slip away for good. Unlike Hong Kong, China has a set of archive laws, under which officials failing to file records can face administrative sanctions, or face charges if the case constitutes a crime. But researchers say that for any Hong Kong-related documents kept by China, access would be difficult. Simon Chu, the former head of the Government Records Service who has been advocating for an archives law, said that prior to 1997 researchers could count on finding records in Britain, even if they were lost in Hong Kong. After 1997, you don t have this kind of luxury, he said. Connie Lo, a documentary director digging into the 1967 Communist-led riots in Hong Kong, found almost nothing on the subject in the government archives. She was, however, able to find material in Britain s National Archives for her film Vanished Archives, which premiered in Hong Kong this year. Fears over record retention were highlighted last year when the government of former Chief Executive Leung Chun-ying said it had kept no records of informal meetings with local groups over a controversial land development project. Hong Kong s current leader, Carrie Lam, has said she places great importance on the integrity of government records, and that she supports passing an archives law. She said she would pursue a law after receiving a report from the Law Reform Commission, which is studying the issue. The commission, however, has been considering the issue for four years and only expects to start consultations on the subject next year. Activists like Chu are anxious that records of sensitive information, such as government decisions during the 2014 pro-democracy street protests could be destroyed with impunity. I m very pessimistic about that, Chu said. One former senior government official, speaking on condition of anonymity, also admitted to throwing out some documents in order to protect a former top official. He declined to say what the documents contained. But he suggested the practice might be widespread in the civil service. For some of the most sensitive issues, there would not even be a record, he said. The Government Records Service said it received 25 reports of unauthorized destruction of records in the past six years, and disciplinary actions were taken against four officers in four cases. ",worldnews,"September 6, 2017 ",1 +Irma heads west-northwest as it passes over Caribbean island of Barbuda,"(Reuters) - The eye of Hurricane Irma was passing over the Caribbean island of Barbuda, the U.S. National Hurricane Center said in its latest advisory on Wednesday. The hurricane was about 40 miles (65 km) north of Antigua with maximum sustained winds of 185 mph (295 kph), the NHC said. Irma is moving toward the west-northwest near 15 miles per hour (24 kph) and this motion is expected to continue for the next couple of days, it added. ",worldnews,"September 6, 2017 ",1 +FBI says witnesses in U.S. probe into Malaysia's 1MDB fear for safety,"KUALA LUMPUR (Reuters) - Potential witnesses to the multi-billion dollar scandal at 1Malaysia Development Berhad (1MDB) are afraid to speak with U.S. investigators as they fear for their safety, the Federal Bureau of Investigation says. A total of $4.5 billion was misappropriated from 1MDB by high-level officials of the fund and their associates, according to dozens of civil lawsuits filed by the U.S Justice Department in the past two years. 1MDB is at the center of money-laundering probes in at least six countries, including the United States, Switzerland and Singapore. Malaysian Prime Minister Najib Razak set up 1MDB in 2009 and served as chairman of its advisory board until last year. He has denied any wrongdoing. The Prime Minister s office and 1MDB did not immediately respond to a request for comment on the FBI claims. In a federal court filing in Los Angeles, the FBI requested that the names of its informants in the case be kept secret, after many expressed concerns of retaliation if they were found to have been in contact with the U.S. government. Individuals otherwise willing to provide information on the case have also told investigators that they were afraid that they would place the safety and security of both themselves and their families at serious risk , according to a declaration in the filing by FBI agent special agent Robert Heuchling. The agent said identifying witnesses could result in intimidation or threaten their safety, citing Malaysian news reports of local officials and politicians who have been arrested for purportedly disclosing information linked to 1MDB. The agent cited Malaysian press reports from Aug 30 that said the driver of former Malaysian Attorney-General Abdul Gani Patail was shot in public as a possible warning against assisting the U.S government in the case. Abdul Gani had led investigations on 1MDB until he was replaced in 2015. Last month, the U.S. Justice Department asked for a stay on its civil lawsuits seeking to seize more than $1 billion in assets allegedly bought with stolen 1MDB funds because it was conducting a related criminal probe. The lawsuits filed by the department allege that the funds were stolen in four phases. The lawsuits say those involved included Malaysian financier Low Taek Jho, also known as Jho Low, Najib s stepson Riza Aziz, and Khadem al Qubaisi, the former managing director of Abu Dhabi s International Petroleum Investment Co. The trusts holding the assets on behalf of Low, Aziz, al Qubaisi and their families have opposed the request to put the civil proceedings on hold. The Low trusts have asked the United States to provide the identities of witnesses, sources of evidence, and thousands of documents that are relevant to the criminal investigation, the FBI said. The Justice Department has sought to seize a total of about $1.7 billion in assets that it said were bought with misappropriated 1MDB funds. The lawsuits also claim that $681 million in 1MDB funds found its way into the personal accounts of so-called Malaysian Official 1, who Malaysian and U.S. officials have identified as Najib. He was cleared of any wrongdoing in a Malaysian investigation. Low did not immediately respond to a request for comment on the FBI filing and he has previously denied any wrongdoing in the 1MDB case, saying that the Justice Department s actions were a further example of global overreach in pursuit of a deeply flawed case. ",worldnews,"September 6, 2017 ",1 +"Mexico, El Salvador, Guatemala urge protections for U.S. 'Dreamers'","MEXICO CITY (Reuters) - Mexico and Central American countries they will lobby U.S. lawmakers to protect young illegal immigrants who saw their lives thrown into limbo on Tuesday after U.S. President Donald Trump said he would end a program that shields them from deportation. Trump announced plans to halt the Deferred Action for Childhood Arrivals (DACA) program that has protected from deportation nearly 800,000 young men and women who entered the United States illegally as children. Mexico s deputy foreign minister, Carlos Sada, said Trump s decision created anxiety, anguish and fear for the roughly 625,000 Mexican nationals protected under the program. They are exceptional. ... This is as emotional for the United States as for Mexico, Sada said at a news conference immediately following the announcement to end the program. He said his government would press U.S. lawmakers for a quick solution to the uncertainty that Dreamers, as they are commonly called, now face in their adopted home. Immigrants who opt to return to Mexico will be welcomed with open arms, Sada said, offering them assistance with work, finances and education. The announcement to end DACA, created by former President Barack Obama in a 2012 executive order, came during the final day of talks in the Mexican capital to modernize the North American Free Trade Agreement, adding pressure to already tense conversations between Mexico and the United States. El Salvador s foreign relations minister, Hugo Martinez, said he would meet with U.S. Congress members to find a solution within the next six months, before DACA s provisions are set to end, aiming to protect the 30,000 to 60,000 Salvadorans who could be affected. It s a worrisome situation. ... We will be lobbying to have legislation as soon as possible that opens a way out, Martinez said. Guatemala s foreign relations ministry said in a statement that it is counting on the humanitarian sensibilities of U.S. lawmakers to ensure thousands of Guatemalans are not forced to leave the country where many grew up. Honduras said in a statement that it would push U.S. Congress to reconsider Trump s move, and offer consular support for more than 18,500 Hondurans protected by DACA. The director of a Honduras migrant aid center, the Center for Attention for Honduran Migrants, called the U.S. decision very sad, and said young Hondurans forced to return home could face violence from gangs and drug traffickers. Their lives will be much more difficult and put at enormous risk, said Valdette Willeman, the center s director. (For graphic on Deferred Action for Childhood Arrivals, click tmsnrt.rs/2wC83sF) ",worldnews,"September 5, 2017 ",1 +Mexican families of 'Dreamers' tell them to keep fighting,"MEXICO CITY (Reuters) - Yolanda Varona is encouraging her children and thousands of other young Mexicans who may lose their right to live in the United States to stay and fight to achieve their American Dream. Varona is the mother of two of the 800,000 people, most of them Mexicans, who could face deportation after U.S. President Donald Trump on Tuesday eliminated the Deferred Action for Childhood Arrivals program (DACA). DACA gave work permits to people known as Dreamers who were brought to the United States illegally as children by immigrants like Varona. Trump scrapped the Obama-era program, but delayed implementation until March to give Congress a chance to draft an alternative. After Varona was deported in 2010 and separated from her two children in the United States, she set up a chapter of Dreamers Moms in the border city of Tijuana. The group, founded in the United States by parents of Dreamers and other activists, has organized legal education workshops for immigrants across the United States. The Tijuana chapter has 80 mothers whose children in the United States could lose the legal protection that originally convinced them to risk registering with the U.S. government to join DACA. We want them to keep fighting, they can achieve better things there, Varona said by telephone. In the unfortunate case that the police arrive to deport them, we will be there to help them. Varona said Trump s decision would drive young people to live in the shadows again. She stressed how difficult it was for these youths to return to Mexico, where they have lost family ties and sometimes do not speak the language. Some 625,000 young Mexicans are enrolled under DACA. The Mexican government has offered them legal support and help finding work should they be deported from the United States. But many Dreamers fear returning to an unfamiliar, violence-plagued country offering salaries that are a fraction of what they can earn in the United States. Iliana Flores, a 28-year-old Dreamer in San Diego, across the border from Tijuana, said she was afraid of taking her two young, American-born children back to Mexico, where she said they would not receive a good education and would be surrounded by poverty and violence. I fear for the future of my children there, she said. Like millions of Mexicans living in the United States, Flores sends part of the U.S. dollars she earns back to her family, who live in Durango, to help them make ends meet. The situation in Mexico is unfortunately very difficult, she said. The U.S.-Mexico border is home to the largest per capita wage differential of any land border on the planet, with average U.S. wages about five times higher than those in Mexico. Carlos Martinez, a young man who came with his parents to California at the age of 11, said he feared he would expose his two children to rising violence and extortion if he was to return to Mexico. The murder rate in Mexico hit a record high this year, reaching levels not seen in homicide data going back two decades. To be honest, I m afraid to live in what was once my country, Martinez said. ",worldnews,"September 6, 2017 ",0 +South Korea's Moon says North Korean provocations complicate situation on Korean peninsula,"VLADIVOSTOK, Russia (Reuters) - South Korean President Moon Jae-in told his Russian counterpart, Vladimir Putin, on Wednesday that the situation on the Korean peninsula was complicated because of provocations by North Korea. The leaders met on the sidelines of an economic summit in the Russian far eastern city of Vladivostok as international concerns grow over Pyongyang s powerful nuclear test at the weekend. Moon added that the situation could become unpredictable if North Korea did not halt its provocative actions, according to a Russian translation of his comments in Korean to Putin. ",worldnews,"September 6, 2017 ",1 +Japan PM says North Korea has 'no bright future' if it continues current path,TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe said on Wednesday that he wants North Korea to understand it has no bright future if it continues on its current path and that the reclusive country needs to change its policies. Abe told reporters he wants to discuss the North Korea situation with Russian President Vladimir Putin and South Korean President Moon Jae In separately when they meet this week in Vladivostok. Abe and Putin are also expected to discuss economic cooperation and a peace treaty between the two nations. ,worldnews,"September 6, 2017 ",1 +Billionaire Branson to ride out Hurricane Irma on Necker Island,"(Reuters) - British billionaire and adventurer Sir Richard Branson will stay on his private Caribbean island, Necker, for the potentially devastating arrival of Hurricane Irma, the founder of the Virgin group of companies said on Tuesday. Packing 185 mph (295 kph) winds, Hurricane Irma is due to reach the British Virgin Islands on Wednesday before grinding west across Haiti and Cuba then heading for the southern United States. The storm is classified as a Category 5 hurricane, the highest level on the scale used by the National Hurricane Center to measure strength. We had some lovely guests staying on Necker Island who have cut their trip short for safety reasons, and another group of guests have also postponed, Branson said in a statement on the Virgin Group website. I will be on Necker alongside our team, as I have been on the three times we have had hurricanes over the past 30 years. Necker, which has a large main house and several small Balinese-style houses that can accommodate about 34 people in total, is rented to private groups for $80,000 a night, according to its website. The island has more than 100 staff and two infinity pools. Branson said Necker boasts really strong buildings with hurricane blinds that should be able to handle extreme weather pretty well. He said their main concern was for British Virgin Islanders, who should make themselves as prepared as possible. Whatever happens, keep inside, away from the ocean and away from flying debris, Branson wrote. Recalling seeing two powerful hurricanes, Earl and Otto, strike the British Virgin Islands in 2010, Branson said he had beheld nature at its most ferocious. And he noted the damage done in Texas and Louisiana by Hurricane Harvey, which came ashore as the second-strongest Category 4 storm and destroyed thousands of homes and businesses, killed an estimated 60 people and displaced more than 1 million more. Harvey was a tragic and costly reminder that society is not doing enough to tackle climate change, Branson wrote. If Irma is any indication, we must brace ourselves for more of these catastrophic weather events. ",worldnews,"September 5, 2017 ",1 +Hurricane Irma swirling very close to Leeward Islands: NHC,"(Reuters) - Hurricane Irma is moving very close to the northern Leeward Islands and the category 5 storm is expected to move over sections of the Caribbean islands by Tuesday night or early Wednesday, the U.S. National Hurricane Center (NHC) said. The potentially catastrophic hurricane was about 50 miles (75 km) east-southeast of Barbuda, with maximum sustained winds of 185 miles per hour (295 kph), the NHC said. ",worldnews,"September 6, 2017 ",1 +Mexican presidential hopeful Lopez Obrador says he would revise oil contracts,"MEXICO CITY (Reuters) - If elected, Mexican presidential candidate Andres Manuel Lopez Obrador will review oil contracts signed after historic reforms in the sector, the leftist politician said on Tuesday. The 63-year-old leads various polls ahead of next year s presidential election, and opponents looking to keep him out of office denounce him as a populist who would seek to emulate Venezuela s socialist government. Mexico opened up its energy sector with sweeping reforms in 2013 and 2014 to give investors the chance to participate in oil exploration and extraction. It has held auctions for sites on land as well as in shallow and deep water, in its efforts to boost energy production. We will intervene because we don t want to end up not producing petroleum, Lopez Obrador said in a speech at the Wilson Center in Washington, D.C. The fall in production must be stopped if not, we will end up buying crude oil, and we can t have that. We are going to intervene quickly and we are going to review the contracts. The leader and founder of the political party Morena did not specify the form of the intervention. But he said he would not trust those who had signed the contracts for Mexico and would ensure the pacts were favorable for the country. We are not going to act in an arbitrary way, we are going to be respectful of the law, but we will review the contracts, Lopez Obrador said. Everything related to Pemex must be public business - their profits are for the Mexican people and we must look after them. It is not an ideological matter, it is not a political matter. Mexican crude production hovers around 2 million barrels per day, off a height of 3.4 million in 2004. Authorities have said after the reform production would increase gradually over several years. The reform had not lived up to its promise, said Lopez Obrador, adding that his industry plan included a refining stimulus, through the modernization of six of state-run oil company Pemex s refineries in Mexico. He also called for two more refineries to be built so that Mexico would not have to continue importing more than half the gasoline it consumes. We sell crude oil and we buy gasoline, and it s necessary to pay a surcharge of 30 percent just for the freight, money that could be saved if the gasoline was made in Mexico, Lopez Obrador said. ",worldnews,"September 6, 2017 ",1 +Brazil former presidents Lula and Rousseff charged in corruption case,"BRASILIA (Reuters) - Brazil s top prosecutor on Tuesday charged former Presidents Luis Inacio Lula da Silva and Dilma Rousseff along with fellow Workers Party members with forming a criminal organization, the latest accusations in Brazil s sprawling corruption scandal. The prosecutor, Rodrigo Janot, alleged that eight members of the Workers Party, including Lula and Rousseff, committed a series of crimes involving state-owned oil firm Petrobras such as cartel formation, corruption and money laundering. They were the first criminal charges to be leveled against Rousseff, who was impeached in 2016 for breaking budgetary laws. The 230-page document filed with the Supreme Court accused Lula of heading the organization. Lula s lawyer said the law was being misused to persecute the former president. The Workers Party said in a statement that the charges were baseless and being used to divert attention from other investigations, including one into a former federal prosecutor, referring to a case Janot announced on Monday. A representative for Rousseff said the prosecutor s office had offered no evidence of the crimes and called on the Supreme Court to guarantee the right to defend against them. Lula, who is still Brazil s most popular politician, is appealing a corruption conviction that would bar him from running for president in 2018. He faces four other corruption trials. The charges stem from the Operation Car Wash investigation that uncovered a cartel of companies paying bribes to officials to secure Petrobras contracts, revelations that have spawned a host of investigations that has shaken Brazil s political system and economy. ",worldnews,"September 6, 2017 ",1 +Germans content with national direction ahead of vote: survey,"BERLIN (Reuters) - Germans are far more satisfied with the direction of their country and less politically polarized than other European nations, a survey showed on Wednesday, underscoring why Angela Merkel is expected to win a new term as chancellor this month. The survey by the Bertelsmann Foundation showed that 59 percent of Germans believe their country is headed in the right direction. Some 77 percent say their personal economic situation has improved or stayed the same over the past two years, while 80 percent describe themselves as political centerists. The results contrast with other European countries where dissatisfaction with the economy and political establishment has led to a surge in support for populist parties on the right and left in recent years. By contrast, German voters seem keen for continuity. Merkel is widely expected to win a record-tying fourth term on Sept. 24, with polls showing her center-right bloc 13-15 percentage points ahead of its closest rival, the Social Democrats (SPD). These findings point to a highly content and status quo oriented German society and contrast starkly with the situation elsewhere in Europe, the authors Catherine de Vries and Isabell Hoffmann said. In Italy, for example, just 13 percent of respondents said they were satisfied with the direction of their country. In France and Britain, satisfaction levels stood at 36 and 31 percent, respectively. The average satisfaction level across the 28 countries in the EU was 36 percent. Both Germany and France showed sharp increases in satisfaction levels over the past months. In a survey conducted in March, before young centrist Emmanuel Macron was elected president, just 12 percent of French said their country was headed in the right direction. German satisfaction levels stood at 32 percent in March. Among the big European countries, France was the most politically polarized, with just 51 percent of respondents describing themselves as centrist. Some 24 percent identified as left or extreme left, while 25 percent described themselves as right or extreme right. In Germany, just 13 percent of respondents described themselves as left or extreme left, and only 7 percent as right or extreme right. The Bertelsmann survey was conducted in July and based on interviews with 10,755 Europeans in all EU member states. ",worldnews,"September 6, 2017 ",1 +U.N. enacts sanctions against anyone hindering Mali peace,"UNITED NATIONS (Reuters) - The United Nations Security Council established a Mali sanctions regime on Tuesday that allows the body to blacklist anyone who violates or obstructs a 2015 peace deal, hinders the delivery of aid, commits human rights abuses or recruits child soldiers. Anyone added to the blacklist would be subjected to a global travel ban or asset freeze, according to the French-drafted resolution, which was unanimously adopted by the 15-member Security Council. We do see the sanctions as an additional tool in order to promote the peace agreement, French U.N. Ambassador Francois Delattre told the Security Council. Time is not on our side and the peace agreement in Mali is one of the keys to stabilization of the regional situation in the Sahel. The vast, arid Sahel region has in recent years become a breeding ground for jihadist groups some linked to al Qaeda and Islamic State that European countries, particularly France, fear could threaten Europe if left unchecked. A 2015 peace deal signed by Mali s government and separatist groups has failed to stop violence in northern Mali by Islamist militants, who have also staged assaults on high-profile targets in the capital Bamako, Burkina Faso and Ivory Coast. French forces intervened in 2013 to drive back Islamist fighters who had hijacked the Tuareg uprising to seize Mali s desert north in 2012. The U.N. Security Council then deployed peacekeepers to the country. Attacks on U.N. troops have made it the world body s deadliest peacekeeping mission. Anyone who attacks peacekeepers could be blacklisted by the Security Council. The United Nations said two peacekeepers were killed and two seriously injured on Tuesday in an attack on their convoy in the Kidal region. ",worldnews,"September 5, 2017 ",1 +Brazil Congress advances bill to curb party proliferation,"BRASILIA (Reuters) - Brazil s lower house of Congress on Tuesday gave initial approval to a bill to reduce the huge array of political parties that have made it hard to govern the country and contributed to corruption. The chamber voted 384-16 for the establishment of a minimum national vote threshold that parties must reach to get public funding and free radio and television time for their election campaigns. The requirement would be 1.5 percent of votes in 2018, rising to 3 percent in 2030. The constitutional amendment must be approved twice in each chamber of Congress by Oct. 7 to apply in next year s general elections. The proliferation of parties has forced Brazilian governments to forge unwieldy coalitions to stay in power by distributing jobs, influence and pork barrel spending, which critics say has provided fertile ground for graft. Small parties facing extinction opposed the vote threshold, which they said would favor larger established parties and hinder renewal of Brazil s scandal-plagued political class. The amendment also seeks to do away with the loose, ad hoc coalitions that parties often form on an election-by-election basis, regardless of ideology or platform. Brazil currently has 35 political parties, 28 of which are represented in Congress. One of them, the Brazilian Women s Party, has only one federal lawmaker, who is a man. Brazil s public funding model has encouraged the founding of new parties, several of them with no clear platforms. There are currently 67 requests to register new parties, according to Brazil s top electoral court. A sweeping three-year-old probe of endemic corruption in Brazil has uncovered a web of political bribes and kickbacks implicating dozens of politicians, including President Michel Temer and a quarter of his cabinet. Next week lawmakers will vote on a separate amendment creating a new fund of taxpayer money to finance campaigns. That amendment would also replace a system of party lists to elect congressmen with races in which individual candidates with the most votes would win office. ",worldnews,"September 6, 2017 ",1 +Putin: Russia reserves right to cut further U.S. diplomatic mission,"XIAMEN, China (Reuters) - Russia reserves the right to cut further the number of U.S. diplomatic staff in Moscow, Russian President Vladimir Putin said on Tuesday, in response to what he called Washington s boorish treatment of Russia s diplomatic mission on U.S. soil. Speaking after U.S. officials ordered Russia to vacate diplomatic premises in several American cities, Putin said he would order the Russian foreign ministry to take legal action over alleged violations of Russia s property rights. That the Americans reduced the number of our diplomatic facilities - this is their right, Putin told a news conference in the Chinese city of Xiamen, where he was attending a summit of major emerging economies. The only thing is that it was done in such a clearly boorish manner. That does not reflect well on our American partners. But it s difficult to conduct a dialogue with people who confuse Austria and Australia. Nothing can be done about it. Probably such is the level of political culture of a certain part of the U.S. establishment. As for our buildings and facilities, this is an unprecedented thing, Putin said. This is a clear violation of Russia s property rights. Therefore, for a start, I will order the Foreign Ministry to go to court - and let s see just how efficient the much-praised U.S. judiciary is. A U.S. State Department official, speaking on condition of anonymity, said Washington hoped to avoid further retaliatory actions with Moscow, but was confident in the legality of the consular closure and restrictions ordered last week. U.S. President Donald Trump took office in January, saying he wanted to improve ties with Russia. Putin also spoke favorably of Trump. But relations have been damaged by accusations from U.S. intelligence officials that Russia sought to meddle in the presidential election. Russia has denied interfering in the vote. Asked by a reporter if he was disappointed with Trump, Putin said: Whether I am disappointed or not, your question sounds very naive - he is not my bride and, likewise, I am neither his bride nor bridegroom. We are both statesmen. Every nation has interests of its own. In his activities, Trump is guided by the national interests of his country, and I by the interests of mine. I greatly hope that we will be able, just as the current U.S. president said, to find some compromises while resolving bilateral and international problems ... taking into account our joint responsibility for international security. The U.S. order for Russia to vacate some of its diplomatic properties was the latest in a series of tit-for-tat actions that began when former U.S. president Barack Obama, late last year, expelled 35 Russian diplomats. The Obama administration said it was retaliating for Russian meddling in the U.S. presidential election. In July, Moscow responded, ordering the United States to cut the number of its diplomatic and technical staff working in Russia by around 60 percent, to 455. Moscow said the move aimed to bring the number of U.S. and Russian diplomats working on each other s soil to parity. But Putin said the latest expulsions ordered by Washington brought the number of Russian diplomats on U.S. soil to below parity. He said the United States was erroneously counting 155 Russian diplomats working at the United Nations headquarters in New York as being Russian diplomats on U.S. soil. If they are removed from the equation, Putin said, Russia has fewer than 455 diplomats in the United States. We reserve the right to take a decision on the number of U.S. diplomats in Moscow. But we won t do that for now. Let s wait and see how the situation develops further, he said. The United States has ordered the closure of the Russian consulate in San Francisco and two buildings housing trade missions in Washington and New York. U.S.-Russian relations have also been badly strained by Moscow s annexation of Crimea in 2014 and the subsequent separatist conflict in eastern Ukraine, developments which led Washington to impose economic sanctions on Russia. Trump, himself battling allegations that his associates colluded with Russia, grudgingly signed into law the new sanctions against Moscow that had been drawn up by Congress. ",worldnews,"September 5, 2017 ",1 +Key U.S. senator says time not right for new North Korea legislation,"WASHINGTON (Reuters) - Any U.S. response to North Korea s latest nuclear weapons test is unlikely to include new sanctions legislation from the U.S. Congress, at least in the short term, an influential lawmaker said on Tuesday. Senator Bob Corker, the Republican chairman of the Senate Foreign Relations Committee, said the tensions with Pyongyang were so heightened that he thought it would be more appropriate for lawmakers to wait. I don t think rushing out right now legislatively is probably the place we need to be, Corker told reporters at the U.S. Capitol. As part of an agreement on a broad sanctions bill that passed in July, members of Congress had agreed to consider additional, more stringent, sanctions on North Korea after returning to Washington after their August recess. For example, some lawmakers have been pushing for legislation to impose secondary sanctions targeting banks that do business with North Korea. A top North Korean diplomat warned on Tuesday that his country was ready to send more gift packages to the United States as world powers struggled for a response to Sunday s weapons test, the latest in a series. Senior officials from President Donald Trump s administrations, including Secretary of State Rex Tillerson and Secretary of Defense Jim Mattis, are due to hold classified briefings on Wednesday for the House of Representatives and Senate to discuss North Korea and Afghanistan. ",worldnews,"September 5, 2017 ",1 +Florida insurers shares tumble as Hurricane Irma looms,"(Reuters) - Shares of Florida home insurers, including Heritage Insurance Holdings, tumbled on Tuesday and many extended losses later in the day as Hurricane Irma appeared set to hit Florida on Saturday, causing investors to brace for losses. HCI Group shares posted their biggest-ever one-day percentage drop, falling 20.0 percent at $30.94 and hitting the lowest level since November. Trading volume was 11.6 times the stock s 10-day moving average. Heritage shares hit record lows and closed down 17.0 percent at $9.35 with trading volume 7.0 times the stock s 10-day moving average. Universal Insurance Holdings Inc shares tumbled 14.6 percent in the biggest one-day percentage drop since November 2015. Irma strengthened to a highly dangerous Category 5 storm, with winds of 185 mph, as it barreled toward the Caribbean and the southern United States, threatening deadly winds, storm surges and flooding. If Irma continues its current path it will create significant insured damage, said Sandler O Neill analyst Paul Newsome. It s quite easy for them to wipe out all their earnings for the year. Shares of United Insurance Holdings fell 7.2 percent, hitting their lowest point since February. Trading volume was 8.1 times the 10-day moving average. Larger insurance companies with a broader geographic exposure were also lower after tumbling last week on expectations of massive losses from Hurricane Harvey, which devastated parts of Texas and Louisiana. Travelers Co was down 3.7 percent after a 5 percent drop last week, and Progressive Corp was down 3.4 percent after falling 5.7 percent last week. Chubb Ltd fell 2.6 percent. Another big hurricane in the same year adds another level of financial losses even for the big companies with enormous capital bases, Newsome said. A second hurricane strains the system as insurers will have a harder time getting enough people to do loss adjustments in order to settle claims as quickly as possible, he said. ",worldnews,"September 5, 2017 ",1 +Bodies of 16 migrants found in Libya's eastern desert: official,"BENGHAZI, Libya (Reuters) - Libyan security forces said on Tuesday that the bodies of 16 migrants had been found in the desert near the country s border with Egypt. The bodies were found about 310 km (190 miles) southwest of the coastal city of Tobruk, said Ahmed al-Mismari, spokesman for the eastern-based Libyan National Army. He said the area was still being searched and no more details were available about the migrants identities. In the past, patrols and rescuers have recovered the bodies of Egyptian migrants who have perished after being stranded or abandoned by smugglers in Libya s eastern desert. Some migrate to Libya to search for work, and some try to reach Europe by boat. ",worldnews,"September 5, 2017 ",1 +"Myanmar's Suu Kyi under pressure as almost 125,000 Rohingya flee violence","SHAMLAPUR, Bangladesh/DHAKA (Reuters) - Myanmar leader Aung San Suu Kyi came under more pressure on Tuesday to halt violence against Rohingya Muslims that has sent nearly 125,000 of them fleeing over the border to Bangladesh in just over 10 days. United Nations Secretary-General Antonio Guterres warned of the risk of ethnic cleansing and regional destabilization. He urged the U.N. Security Council to press for restraint and calm in a rare letter to express concern that the violence could spiral into a humanitarian catastrophe. Reuters reporters saw hundreds more exhausted Rohingya arriving on boats near the Bangladeshi border village of Shamlapur on Tuesday, suggesting the exodus was far from over. The International Organization for Migration said humanitarian assistance needed to increase urgently and that it and partner agencies had an immediate funding gap of $18 million over the next three months to boost lifesaving services for the new arrivals. Indonesian Foreign Minister Retno Marsudi said after meeting Bangladeshi Prime Minister Sheikh Hasina in Dhaka that Jakarta was ready to help Bangladesh in dealing with the crisis. This humanitarian crisis shall be ended. I want to repeat, this humanitarian crisis shall be ended , she told reporters in Dhaka, a day after she held talks in the Myanmar capital. The latest violence in Myanmar s northwestern Rakhine state began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people and triggered the exodus of villagers to Bangladesh. Myanmar officials blamed Rohingya militants for the burning of homes and civilian deaths, but rights monitors and Rohingya fleeing to Bangladesh say the Myanmar army is trying to force them out with a campaign of arson and killings. When asked if the violence could be described as ethnic cleansing, Guterres told reporters on Tuesday: We are facing a risk, I hope we don t get there. I appeal to all, all authorities in Myanmar, civilian authorities and military authorities, to indeed put an end to this violence that, in my opinion, is creating a situation that can destabilize the region, he said. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing Suu Kyi, who has been accused by Western critics of not speaking out for the minority that has long complained of persecution. Myanmar says its security forces are fighting a legitimate campaign against terrorists. H.T. Imam, a political adviser to Bangladesh Prime Minister Sheikh Hasina, said other countries from the Association of Southeast Asian Nations could join Indonesia in putting pressure on fellow member Myanmar. Malaysia, another ASEAN member, summoned Myanmar s ambassador to express displeasure over the violence and scolded Myanmar for making little, if any progress on the problem. Malaysia believes that the matter of sustained violence and discrimination against the Rohingyas should be elevated to a higher international forum, Malaysian Foreign Minister Anifah Aman said in a statement. Turkish President Tayyip Erdogan, who has said the violence against Rohingyas constituted genocide, told Suu Kyi the violence was of deep concern to the Muslim world, and that he was sending his foreign minister to Bangladesh. Pakistan, home to a large Rohingya community, has expressed deep anguish over the situation. About 210,000 Rohingya have sought refuge in Bangladesh since October, when Rohingya insurgents staged smaller attacks on security posts, triggering a major Myanmar army counter-offensive. Refugees arriving in Shamlapur, and residents of the village, said hundreds of boats arrived on Monday and Tuesday with several thousand people. Reuters reporters saw men, women and children with a few possessions, including chickens, disembark from one boat. The army set fire to houses, said Salim Ullah, 28, a farmer from Myanmar s village of Kyauk Pan Du, gripping a sack of belongings. We got on the boat at daybreak. I came with my mother, wife and two children. There were 40 people on the boat. The new arrivals - many sick or wounded - have strained the resources of aid agencies and communities already helping hundreds of thousands of refugees from previous spasms of violence in Myanmar. Vivian Tan, a spokeswoman for the U.N. refugee agency, UNHCR, said one camp in Bangladesh, Kutupalong, had reached full capacity and resources at others were stretched. We are doing what we can, but will need to seek more resources, Tan said. Bangladesh is concerned about Myanmar army activity on the border and would lodge a complaint if Bangladeshi territory was violated, an Interior Ministry official said. A Bangladesh border guard officer said two blasts were heard on Tuesday on the Myanmar side, after two on Monday fueled speculation Myanmar forces had laid land mines. One boy had his left leg blown off near a border crossing before being brought to Bangladesh for treatment, while another boy suffered minor injuries, the officer, Manzurul Hassan Khan, said, adding the blast could have been a mine explosion. The Myanmar army has not commented on the blasts but said in a statement on Tuesday that Rohingya insurgents were planning bomb attacks in Myanmar cities including the capital, Naypyitaw, Yangon and Mandalay to attract more attention from the world . ",worldnews,"September 5, 2017 ",1 +U.N. chief warns Myanmar violence could destabilize region,"UNITED NATIONS (Reuters) - United Nations Secretary-General Antonio Guterres appealed to Myanmar authorities on Tuesday to end violence against Rohingya Muslims in the country s Rakhine state, warning of the risk of ethnic cleansing and regional destabilization. He also urged the Security Council to press for restraint and calm, sending the 15-member body a rare letter to express concern that the violence could spiral into a humanitarian catastrophe with implications for peace and security that could continue to expand beyond Myanmar s borders. Nearly 125,00 Rohingya Muslims have fled to Bangladesh from Myanmar s northwestern Rakhine state since the violence began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people. When asked if the violence could be described as ethnic cleansing, Guterres told reporters on Tuesday: We are facing a risk, I hope we don t get there. I appeal to all, all authorities in Myanmar, civilian authorities and military authorities, to indeed put an end to this violence that, in my opinion, is creating a situation that can destabilize the region, he said. Myanmar says its security forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on police posts and the army since last October. Myanmar officials blamed Rohingya militants for the burning of homes and civilian deaths but rights monitors and Rohingya fleeing to neighboring Bangladesh say the Myanmar army is trying to force them out with a campaign of arson and killings. The U.N. Security Council met behind closed doors last week to be briefed on the situation at the request of Britain. If it continues to deteriorate then one of the things that we can do is to hold further meetings to shine a spotlight on the situation there, Britain s U.N. Ambassador Matthew Rycroft said on Monday. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing leader Aung San Suu Kyi, accused by Western critics of not speaking out for the minority that has long complained of persecution. Under the rarely used Article 99 of the U.N. Charter, Guterres can bring to the attention of the Security Council any matter which in his opinion may threaten the maintenance of international peace and security. While Guterres letter does not specifically involve Article 99, he writes that the international community has a responsibility to undertake concerted efforts to prevent further escalation of the crisis. ",worldnews,"September 5, 2017 ",1 +Spanish auditors demand Catalan leaders pay for previous independence vote: El Pais,"MADRID (Reuters) - A Spanish audit office has demanded the former leader of Catalonia and other politicians from the region pay 5 million euros ($5.96 million) for holding a consultative independence ballot in 2014, El Pais newspaper said on Tuesday. The report, which cited judicial sources, came a day before Catalonia is expected to approve plans to hold an Oct. 1 referendum on a split from Spain. The 2014 vote was non-binding, a symbolic ballot by pro-independence campaigners that was declared illegal by Spain s Constitutional Court. Catalonia, along with Britain s Scotland and Belgium s Flanders, has one of the most active independence movements in the European Union. El Pais said the former head of the Catalan government, Artur Mas and other regional leaders, were being told by the audit body in charge of overseeing the financing of political parties and the public sector to pay out of their own pocket for organizing the consultation vote. The money was due by Sept 25, it said. The audit office was not immediately available for comment. The current head of the Catalan government, Carles Puigdemont, said the move was the Spanish state spreading fear . Catalan lawmakers are due to vote on Wednesday on laws approving the referendum and the legal framework to set up an independent state. The laws are expected to be approved because pro-independence parties have a majority in the regional parliament. The populous, north-eastern region, with its capital Barcelona, has a strong national identity with its own language and traditions, although polls show support for self-rule waning as Spain s economy improves. ",worldnews,"September 5, 2017 ",1 +"Trump, UK's May agree that China must do more on North Korea: UK","LONDON (Reuters) - U.S. President Donald Trump and British Prime Minister Theresa May agreed during a telephone call on Tuesday that China must do more to persuade North Korea to cease its missile tests, a spokesman for May said. The prime minister and the president agreed on the key role which China has to play, and that it was important they used all the leverage they had to ensure North Korea stopped conducting these illegal acts so that we could ensure the security and safety of nations in the region, he said. May also said she would also work with EU leaders on further measures the EU could take to pressure the North Korean leadership, the spokesman said. ",worldnews,"September 5, 2017 ",1 +Indian journalist shot dead at her residence,"NEW DELHI (Reuters) - A senior Indian journalist was shot dead on Tuesday in the southern city of Bengaluru by unidentified assailants, police said. The body of Gauri Lankesh, the editor of an Indian weekly newspaper, was found lying in a pool of blood outside her home. People in front of her house heard gunshots, the city s Police commissioner, T. Suneel Kumar, told reporters. We found four empty cartridges from the scene. Lankesh was known as a fearless and outspoken journalist. She was a staunch critic of right-wing political ideology. Last year, she was convicted of criminal defamation for one of her articles. While the motivation for the killing was not immediately clear, political leaders, journalists and activists took to Twitter to express their outrage and denounce intolerance and any threat to free speech. Karnataka state s chief minister Siddaramaiah called it an assassination on democracy . ",worldnews,"September 5, 2017 ",0 +NuStar's Statia terminal in St Eustatius shut down ahead of Irma,"HOUSTON (Reuters) - NuStar Energy LP has shut down operations at its oil terminal in the Caribbean island of St. Eustatius ahead of the arrival of Hurricane Irma, the U.S. firm said in a statement on Tuesday. The Statia terminal has capacity to store up to 13.03 million barrels of crude and refined products and has six mooring locations to service oil tankers. We have activated our hurricane response plan and will continue to monitor the storm to determine our next course of action, the company said. ",worldnews,"September 5, 2017 ",1 +"Venezuela arrests top oil executive, eight other PDVSA employees: sources","CARACAS (Reuters) - Venezuela has arrested the state oil company s boss for the western region and eight other executives at PDVSA, according to an internal company memo and a half-dozen sources in the OPEC member s oil industry. It was not immediately clear why Gustavo Malave and the other employees were apprehended, though a series of corruption probes are under way at PDVSA and have entangled other employees. The sources said Malave was arrested on Monday in Zulia state, Venezuela s traditional oil-producing region near Colombia, in what would be one of the highest-profile detentions of a PDVSA executive. PDVSA, the prosecutor s office, and Malave did not immediately respond to a request for comment. Separately, Venezuela s new chief prosecutor Tarek Saab on Thursday announced he was investigating spectacular overpricing in a dozen contracts in the nation s Orinoco oil belt, on the other side of the country. The reputation of PDVSA - short for Petroleos de Venezuela SA - has been tarnished in recent years by graft investigations involving high-profile staff. The company has blamed the problems on a small group of employees and executives, and promised a war on corruption. Last year, the opposition-led congress said $11 billion was lost at PDVSA between 2004 and 2014, when Rafael Ramirez was in charge of the company. He denied the allegations. The Caracas-based company is the financial motor of leftist President Nicolas Maduro s government, but is reeling from low oil prices, mismanagement, and lack of investments. ",worldnews,"September 5, 2017 ",1 +Nigeria's cabinet meeting canceled for second time since Buhari's return,"ABUJA (Reuters) - Nigeria has canceled its weekly cabinet meeting for the second time since President Muhammadu Buhari returned from three months of medical leave in Britain. Information Minister Lai Mohammed said in a statement Wednesday s meeting would not take place due to inadequate time to prepare the documents . Buhari canceled the first cabinet meeting following his return on Aug. 19, raising concerns that the president, criticized for inertia by his opponents, was returning to his former ways, when he worked from home and missed ministerial meetings. But the 74-year-old president, who has been working from home since his return, last week presided over his first cabinet meeting since taking leave for an unspecified ailment. The refusal to disclose details of his illness has caused speculation about whether he is well enough to run Africa s most populous country and biggest economy. Mohammed s statement said a two-day public holiday on Friday and Monday to mark the Islamic Eid-el-Kabir celebrations had left little time to prepare for the weekly meeting. ",worldnews,"September 5, 2017 ",1 +"Commander of Lesotho defense force shot dead, South Africa calls for calm","MASERU (Reuters) - Lesotho s top military leader, Khoantle Mots omots o, and two senior officers were shot dead on Tuesday at an army barracks, the government said. While it was not immediately clear what the motivation for the shooting was, the kingdom has been subject to several coups and periodic political violence since gaining independence from Britain in 1966, and South Africa called for calm. Colonel Tanki Mothae, the principal secretary for the defense force, told Reuters the two senior officers were under investigation for the murder of another former Lesotho defense commander in 2015. Prime Minister Thomas Thabane, who fled the country in 2014 after a coup attempt and whose wife was shot dead in June, offered no details about the killings during a news conference other than saying the incident was being investigated. Neither Mothae nor the prime minister confirmed South African media reports that the two officers had killed the defense commander and then died in a gunfight with soldiers. South African President Jacob Zuma condemned in the strongest terms possible the senseless and regrettable killing and called for calm and restraint in the mountainous country that is entirely surrounded by its large neighbor. Lesotho is a major supplier of water to South Africa s industrial heartland. Zuma also said the Southern African Development Community (SADC) would send a ministerial fact-finding mission to Lesotho on Thursday to assess the situation. South African Deputy President Cyril Ramaphosa has made frequent trips to Lesotho to try to secure peace among political rivals as a facilitator for SADC. Lesotho has been through bouts of political turbulence since the attempted coup in 2014 and its last three elections - most recently in June - have failed to produce winners with clear majorities. ",worldnews,"September 5, 2017 ",1 +French see far-left's Melenchon as Macron's strongest opponent: poll,"PARIS (Reuters) - French voters view far leftist Jean-Luc Melenchon as the strongest opponent of President Emmanuel Macron, according to a new poll on Tuesday that highlights the weakness of mainstream opposition. The Ifop-Fiducial poll showed Macron s popularity has dropped sharply since he took power in May but its key finding could help him as he embarks on reforms because polls show voters see Melenchon as too extreme to be a serious candidate for power. Melenchon is very much on the protest front but not seen as an actual alternative (to Macron), said Frederic Dab of Ifop pollsters. That can be an opportunity for Emmanuel Macron, allowing him to create a vacuum around him and replace the left-right divide by a reform vs protest debate. The poll for Paris Match and Sud Radio showed 45 percent of voters say Melenchon s France Unbowed party provides the strongest opposition to Macron. That is more than twice the figure for the conservative Republicans (LR) or the far-right National Front (FN). Only 8 percent mentioned the Socialists. France Unbowed has been much more vocal than the conservatives or Socialists. The Republicans have been subdued in the wake of their defeat in the presidential election and divided over what stance to take toward Macron, whose economic policies resemble what many in their party have asked for for years. All three parties are struggling to get their voices heard above Macron and Melenchon s criticism of each other. Macron is trying to eliminate anything there is between him and extreme parties. I won t let him do that ... I won t resign myself to Melenchon being the only opposition to Macron, Laurent Wauquiez, the frontrunner to win LR s leadership in December, said on Sunday. A government source said Melenchon s relative strength was welcome and he was Macron s only proper opponent. I was praying to have Jean-Luc Melenchon and Marine Le Pen in parliament ... The Emmanuel Macron/Edouard Philippe alliance was meant to get the Socialist Party and the right to explode and we are not disappointed, the source said. He was referring to the fact that Macron s prime minister Philippe comes from LR. Melenchon strongly opposes Macron s plans to overhaul labor laws but his party can do little to block the measures because it has just 17 lawmakers in the 577-strong parliament. Melenchon, an anti-NATO euroskeptic known for his fiery debating style, has called on his supporters to march on Sept. 23 to protest the labor reforms, which will give companies more flexibility on firings, pay and working hours. The poll confirmed Macron s drop in popularity with 46 percent saying they approved of his policies, down 10 points from July. ",worldnews,"September 5, 2017 ",1 +White House says denuclearization remains priority for Korean Peninsula,"WASHINGTON (Reuters) - President Donald Trump continues to see the denuclearization of the Korean Peninsula as the priority in how it responds to North Korea s latest nuclear weapons test, the White House said on Tuesday. We re going to continue to push for a safer and denuclearized Korean Peninsula, and that s the priority here, White House spokeswoman Sarah Sanders told reporters. Sanders said all options are on the table to deal with North Korea, including diplomatic and economic measures, but said that talks with Pyongyang were not the current focus for the White House. ",worldnews,"September 5, 2017 ",1 +"If Trump says Iran violating nuclear deal, does not mean U.S. withdrawal: Haley","WASHINGTON (Reuters) - If U.S. President Donald Trump tells Congress in October that Iran is not complying with a 2015 nuclear deal it brokered with world powers, that does not mean a U.S. withdrawal from the agreement, U.S. envoy to the U.N. Nikki Haley said on Tuesday. Under U.S. law, the State Department must notify Congress every 90 days of Iran s compliance with the nuclear deal. The next deadline is October, and Trump has said he thinks by then the United States will declare Iran to be non-compliant. If the President chooses not to certify Iranian compliance, that does not mean the United States is withdrawing from the JCPOA (the nuclear deal), Haley told the American Enterprise Institute think tank in Washington. Should he decide to decertify he has grounds to stand on, said Haley, adding that she did not know what Trump would decide. We will stay in a deal as long as it protects the security of the United States. Most U.N. and Western sanctions were lifted 18 months ago under the nuclear deal. Iran is still subject to a U.N. arms embargo and other restrictions, which are not technically part of the deal. In April, Trump ordered a review of whether a suspension of sanctions on Iran related to the nuclear deal, negotiated under President Barack Obama, was in the U.S. national security interest. He has called it the worst deal ever negotiated. Iranian President Hassan Rouhani warned last month that Iran could abandon the nuclear agreement within hours if the United States imposes any more new unilateral sanctions. (The nuclear deal) is a very flawed and very limited agreement ... Iran has been caught in multiple violations over the past year and a half, Haley said. The Iranian nuclear deal was designed to be too big to fail. The U.S. review of its policy toward Iran is also looking at Tehran s behavior in the Middle East, which Washington has said undermines U.S. interests in Syria, Iraq, Yemen and Lebanon. Iran s leaders want to use the nuclear deal to hold the world hostage to its bad behavior, she said. Haley traveled to Vienna last month to meet International Atomic Energy Agency (IAEA) officials for what she described as a fact-finding mission as part of Trump s review. The IAEA polices restrictions the deal placed on Iran s nuclear activities and reports quarterly. While Haley asked if the IAEA planned to inspect Iranian military sites to verify Tehran s compliance, something Tehran has said they would not allow, she said on Tuesday: We never ask the IAEA to do anything. ",worldnews,"September 5, 2017 ",1 +U.S. Virgin Islands seaports closed ahead of Irma - port authority,"HOUSTON (Reuters) - The U.S. Virgin Islands seaports were closed to commercial traffic by the U.S. Coast Guard on Tuesday morning until further notice ahead of Hurricane Irma, the port authority said on its twitter account. ",worldnews,"September 5, 2017 ",1 +'Suicidal' Danish submarine owner says journalist killed by hatch cover,"COPENHAGEN (Reuters) - Swedish journalist Kim Wall died when she was accidentally hit by a heavy hatch cover on board a home-made submarine, the Danish owner of the vessel testified in court on Tuesday. Peter Madsen, who denies killing Wall, said he was holding the hatch for her but it slipped and hit her head as they sailed in the strait between Denmark and Sweden last month on the UC3 Nautilus submarine he had built. Madsen, 46, was speaking in court after being charged with killing the Swedish journalist on the submarine and mutilating her body a case bearing many of the attributes of the region s popular Nordic Noir books and films. It could mean a sentence of five years to life in prison for Madsen, if found guilty. The court on Tuesday ordered a psychiatric evaluation and that Madsen be kept in custody for four weeks. In its preliminary investigation, the court had ordered Madsen detained until Tuesday on the lesser charge of involuntary manslaughter. Madsen said Wall s death was an accident. With the vessel at the surface, he said he had crawled out through the hatch and was standing on top, while holding it open to let Wall follow him. At that moment, the submarine was rocked by a wave from another boat. I lose my foothold and the hatch shuts, he told the Copenhagen court, saying Wall was knocked to the floor. There was a pool of blood where she had landed. A prosecutor also read earlier testimony from behind closed doors in which Madsen said the impact had fractured the journalist s skull and killed her. Madsen said he tried to bury her at sea but denied mutilating her body, and added that he had contemplated killing himself while still on board. Wall, a 30-year-old freelance journalist who was researching a story on Madsen, went missing after he took her out to sea in his 17-metre (56-foot) submarine on Aug. 10. On Aug. 23, police identified a headless female torso that washed ashore in Copenhagen as Wall s. The cause of her death has not been determined. In court, Madsen denied having amputated her limbs and said he dropped her whole body into the water, several hours after her death, after having a sleep because he was tired and exhausted . He admitted that he wanted to bury her at sea by attaching metal to the body in order for it to sink. I had no contact with the body and didn t want a dead body in my submarine, Madsen told the court. I put a rope around her feet to drag her out of the hatch, he said, adding that he was crying during this operation. I am suicidal at this stage (and) thought a fitting end for Peter Madsen would be on board the Nautilus, he said. I was in a condition where I decided I couldn t continue the life I had been living. He changed his mind, he said, because he wanted to see his wife and three cats. The submarine is one of three Madsen had built and one of the largest privately built ones in the world. It could carry eight people and weighed 40 tonnes fully equipped. A day after taking Wall out to sea, Madsen was rescued in a navy operation after deliberately sinking the vessel. ",worldnews,"September 5, 2017 ",1 +Colombia urges ELN rebels to turn over body of Russian hostage,"BOGOTA (Reuters) - Colombia s government on Tuesday urged the ELN rebels to turn over as soon as possible the body of a Russian-Armenian hostage killed in April, while a commander with the guerrillas said they were in touch with the Russian embassy about the matter. Arsen Voskanyan, 42, was seized by the rebels in northwestern Choco province in November. The group claimed he was collecting endangered frogs and accused him of wanting to smuggle wildlife overseas. The National Liberation Army (ELN) is currently in peace talks with the government in a bid to end more than 53 years of war. The two sides, who are meeting in Ecuador, said on Monday they had agreed on a bilateral ceasefire starting in October and extending into next year, which includes a ban on kidnappings. The ELN unit that had been holding Voskanyan told Reuters he was shot when he grabbed a hand grenade in an effort to escape. ELN leaders in Quito later confirmed his death. We are urging the (ELN) negotiators in Quito to facilitate the return of the Russian s body to his family, the negotiators have been in touch with the embassy, head government negotiator Juan Camilo Restrepo told journalists. They said they have given instructions and have the utmost willingness to return the body of the Russian citizen as soon as possible, I hope they fulfill it, quickly, Restrepo added. The ELN s head negotiator, Pablo Beltran, said in Quito that Voskanyan had been buried and confirmed the group was in touch with the Russian embassy in Ecuador. Colombia s long and many-sided conflict has killed more than 220,000 people and displaced millions. ",worldnews,"September 5, 2017 ",1 +Brexit bill row to last the length of Brexit talks: UK minister,"LONDON (Reuters) - A row over how much money Britain should pay the European Union when it leaves the bloc will probably go on for the full duration of the EU exit talks, Brexit minister David Davis said on Tuesday. The Brexit bill is a contentious issue both in Britain, where eurosceptics are keen to see as little money paid as possible, and in the EU, which is demanding Britain meets its existing commitments to the bloc. My expectation is that the money argument will go on for the full duration of the negotiation, he told parliament. Britain, which began a two-year negotiating period in March, has said it is prepared to meet its international obligations and, last week, Davis said London was willing to offer more than the bare legal minimum. The bill is one of three issues the EU is demanding progress on before it is willing to begin discussing Britain s future relationship with the bloc - something London is keen to move on to as soon as possible. But, Davis stressed that Britain would not be pressured into cutting a deal just to move talks to the next stage. Davis said the two sides disagreed over the basis of the so-called Brexit bill, and that he did not expect them to fully resolve their differences. It is clear that the two sides have very different legal stances, Davis told parliament during an update on the talks. (EU chief negotiator) Michel Barnier and I agreed that we do not anticipate making incremental progress on the final shape of the financial deal in every round ... it is also clear there are significant differences to be bridged in this sector. Davis also said that there was widespread agreement across the European Union about having an implementation period when Britain leaves the bloc, and that it would probably look to continue its relationship with the European Investment Bank. ",worldnews,"September 5, 2017 ",1 +"Britain, EU have very different legal stances on Brexit bill: UK minister","LONDON (Reuters) - Britain and the European Union have very different legal stances over the so-called Brexit bill London should pay as it leaves the bloc, Britain s Brexit minister David Davis said on Tuesday. After a third round of talks last week, officials said a gulf between the EU and Britain over how much London owes may be the biggest obstacle to a deal on an orderly Brexit in March 2019. It is clear that the two sides have very different legal stances, Davis told parliament during an update on the talks. (EU chief negotiator) Michel Barnier and I agreed that we do not anticipate making incremental progress on the final shape of the financial deal in every round ... it is also clear there are significant differences to be bridged in this sector. Davis also said it was still Britain s intention to negotiate a future trade agreement with the EU within the two-year divorce period. ",worldnews,"September 5, 2017 ",1 +Saudi says Iranian talk of rapprochement is laughable,"LONDON (Reuters) - Saudi Arabia said on Tuesday that Iran s talk of a possible rapprochement with the kingdom was laughable. Saudi Foreign Minister Adel al-Jubeir told reporters in London that Iran would have to change its policies for any rapprochement. Iran s foreign minister, Mohammad Javad Zarif, last month said the Islamic Republic would soon exchange diplomatic visits after the regional rivals severed diplomatic ties last year. The comments of the foreign minister are laughable, al-Jubeir said. If Iran wants to have good relations with Saudi Arabia, it has to change its policies. It has to respect international law. At this time, we do not see... that they re serious about wanting to be a good neighbor, al-Jubeir said Iran s Zarif was quoted by the Iranian Students News Agency (ISNA) that diplomatic visits could take place after the haj pilgrimage ends in the first week of September. But al-Jubeir said that diplomatic exchanges with Iran over arrangements for the haj did not represent a normalization of relations and that such contacts had nothing to do with politics. We had the haj season, and when we have the haj, we try not to politicize it... But this is not normalization, he said. The meetings around the haj, have nothing to do with the politics. It s a religious issue. Relations between Iran and Saudi Arabia are at their worst in years, with each accusing the other of subverting regional security and supporting opposite sides in conflicts in Syria, Iraq and Yemen. Al-Jubeir also said that if the rift with Qatar continued for two years then so be it. Saudi Arabia, Egypt, Bahrain and the United Arab Emirates (UAE) severed ties with Qatar in June over Doha s alleged support for militants. ",worldnews,"September 5, 2017 ",1 +France turns to armed drones in fight against Sahel militants,"TOULON, France (Reuters) - France has decided to arm its surveillance drones in West Africa as part of counter-terrorism operations against Islamist militants, Defense Minister Florence Parly said on Tuesday. French President Emmanuel Macron has made fighting Islamist militants his primary foreign policy objective and the move to armed drones fits into a more aggressive policy at a time when it looks increasingly unlikely Paris will be able to withdraw from the region in the medium to long-term. France currently has five unarmed Reaper reconnaissance drones positioned in Niger s capital Niamey to support its 4,000-strong Barkhane counter-terrorism operation in Africa, and one in France. Beyond our borders, the enemy is more furtive, more mobile, disappears into the vast Sahel desert and dissimulates himself amidst the civilian population, Parly said in a speech to the military. Facing this, we cannot remain static. Our methods and equipment must adapt. It is with this in mind that I have decided to launch the process to arm our intelligence and surveillance drones. A further six of 12 Reaper drones, built by U.S. firm General Atomics and ordered after France s 2013 intervention in Mali to eventually replace its EADS-made Harfang drones, are due to be delivered by 2019. The defense ministry said on Tuesday the new drones would be delivered with Hellfire missiles while the existing six would be armed by 2020, possibly with European munitions. Previous French administrations have shied away from purchasing armed drones, fearing a possible increase in civilian casualties. Al Qaeda s north African wing AQIM and related Islamist groups were largely confined to the Sahara desert until they hijacked a rebellion by ethnic Tuareg separatists in Mali in 2012, and then swept south. French forces intervened the following year to prevent them taking Mali s capital, Bamako, but they have since gradually expanded their reach across the region, launching high-profile attacks in Mali, Burkina Faso and Ivory Coast, as well as much more frequent, smaller attacks on military targets. At the end of July, at the military base in Niger, officers and pilots had told Reuters it was imperative to arm the drones to be more efficient and quick in tackling jihadist groups. In the future, armed drones will enable us to accompany surveillance ... with the capacity to strike at the opportune moment. We will be able to gain in efficiency and limit the risk of collateral damage, Parly said. France is also working with Germany, Italy and Spain to develop a European drone, which is expected to be ready by 2025. ",worldnews,"September 5, 2017 ",1 +Exclusive: Crowded Bangladesh revives plan to settle Rohingya on isolated island,"DHAKA (Reuters) - Bangladesh, one of the world s poorest and most crowded nations, plans to go ahead with work to develop an isolated, flood-prone island in the Bay of Bengal to temporarily house tens of thousands of Rohingya Muslims fleeing violence in neighboring Myanmar, officials say. Dhaka says the Rohingya are not welcome, and has told border guards to push back those trying to enter the country illegally. But close to 125,000 Rohingya have crossed into Bangladesh in just 10 days, joining more than 400,000 others already living there in cramped makeshift camps. (For a graphic on Bangladesh's refugee relocation plan click tmsnrt.rs/2k7ZAZy) We are stopping them wherever we can, but there are areas where we can t stop them because of the nature of the border; forests, hills, said H.T. Imam, Prime Minister Sheikh Hasina s political adviser. We have requested international agencies for help for shifting the Rohingya temporarily into a place where they can live - an island called Thengar Char. Developing Thengar Char should be given serious consideration, he said. Leonard Doyle, chief spokesman for the International Organisation for Migration, said the idea of moving refugees to the island has been talked about for years, but he hadn t heard anything new in the past few days. The island, which only emerged from the silt off Bangladesh s delta coast 11 years ago, is two hours by boat from the nearest settlement. It regularly floods during June-September monsoons and, when seas are calm, pirates roam the nearby waters to kidnap fishermen for ransom. Flat and featureless, Thengar Char has no roads or buildings. When Reuters visited in February, a few buffalo grazing along its shores were the only sign of life. (For a graphic on Thengar Char click tmsnrt.rs/2wE9Tcu) The plan to develop the island and use it to house refugees was criticized by humanitarian workers when it was proposed in 2015 and revived last year. Bangladesh, though, insists it alone has the right to decide where to shelter the growing numbers of refugees. The honorable prime minister wants to resettle them in Thengar Char, though some people say that island will not be a suitable place for them, said another Hasina aide, who declined to be named. But there are many such areas in Bangladesh, where Bangladeshis live. It s our country, and we decide. Officials say no one could have foreseen just how many refugees would arrive so swiftly after violence in northern Myanmar last year sent more than 75,000 Rohingya fleeing across the border. The latest unrest in Myanmar s northwestern Rakhine state began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base, prompting an army counter-offensive that has killed at least 400 people and forced entire villages to flee. Myanmar says its security forces are fighting a legitimate campaign against terrorists . The country s leader and Nobel laureate, Aung San Suu Kyi, has come under international pressure for not speaking out against the persecution of roughly 1.1 million Muslim Rohingya in the Buddhist-majority country. Makeshift camps in Cox s Bazar, in southeast Bangladesh, have grown so rapidly they have run out of space - even for the tiny tarpaulin and bamboo shacks the Rohingya refugees typically throw together. With hundreds of new refugees streaming in every day, Kutupalong and Nayapara camps are at breaking point, Duniya Aslam Khan, a spokeswoman for the United Nations High Commissioner for Refugees (UNHCR), said in a statement. Imam, the adviser to Hasina, said a lack of space was the biggest concern right now, adding Bangladesh could not continue to house refugees in its schools and madrassas indefinitely. We are waiting for Thengar Char to be developed. Once that s done we will shift them, he told Reuters, reflecting a growing sense of hostility towards the Rohingya even in a Muslim-majority country. The islands gradually come up because of silting. That s continuing, and that s how Bangladesh has been created. If there are people there, why can t the Rohingya live there? he said. Some officials in Bangladesh s interior ministry are concerned that settling the refugees on the island would give them a sense of permanent residency, making it harder to send them back to Myanmar. Residents of Sandwip, the nearest island to Thengar Char, say the Rohingya are not welcome. Mizanur Rahman, the administrator of Might Bangha village, the closest settlement to Thengar Char, said local residents who have lost their land to erosion should be relocated first, ahead of the Rohingya. The UNHCR s local office did not respond to an email seeking comment about the relocation plan. Rohingya camped out in Cox s Bazar said they don t want to move to the island, fearing they could die there during the monsoon season and there won t be any work. The violence and refugee exodus have ratcheted up tensions between the two neighbors, and Bangladeshi officials said fighter jets were scrambled last week in response to several Myanmar defense helicopters violating its air space. ",worldnews,"September 5, 2017 ",1 +Kenya's election body appoints key personnel for presidential vote re-run,"NAIROBI (Reuters) - Kenya s election commission said on Tuesday that different staff will be in charge of the Oct. 17 re-run of the presidential election, after the country s top court last week nullified the result of the August vote. The Supreme Court ordered on Friday that the vote be re-run within 60 days, saying incumbent President Uhuru Kenyatta s victory by 1.4 million votes was undermined by irregularities in the process. Kenyatta was not accused of any wrongdoing. Independent Electoral and Boundaries Commission Chairman Wafula Chebukati said in a statement on Tuesday that it had appointed for three months a project coordinator and officials to run the information technology, logistics, operations and training as well as the national tallying center during the re-run. The appointment takes immediate effect, Chebukati said. The appointments were announced hours after opposition leader Raila Odinga said his coalition would not participate in the re-run unless some officials were removed and its voting technology audited. Chebukati s statement did not mention those who previously held the positions. Kenyatta responded to Odinga s demands by saying there was nowhere in law that required the electoral body to consult Odinga. Odinga s conditions for participating in the repeat presidential election included the removal of six officials at the election board. He wants criminal investigations to be opened against them. You cannot do a mistake twice and expect to get different results, Odinga told reporters. A number of the officials of the commission should be sent home, some of them should be investigated for the heinous crimes they committed. The opposition also said it was planning to file dozens of challenges to results from races lower down the ticket, including legislative and local seats contested in the Aug. 8 vote. The Supreme Court ruling, the first time in Africa that a court had overturned the re-election of a sitting president, was hailed by Odinga s supporters as historic . Analysts have said it is likely to lead to some short-term volatility in East Africa s biggest economy, but could build confidence in institutions longer-term. On Monday, the election board said it would hold new elections on Oct. 17. But Odinga said he wanted elections held on Oct. 24 or 31 instead. Odinga s National Super Alliance said in a letter to the chairman of the election commission that before the new vote is held, it needs to audit the technology used to conduct August s election and give an assurance it will be transparent in its conduct. There will be no elections on the 17th of October until the conditions that we have spelt out in the statement are met, Odinga said. Kenyatta rebuffed Odinga s demands. There is no legal requirement that Raila be consulted. I was neither consulted. Kenya doesn t belong to one man, he said in a statement sent by his office. Odinga has lost the last three presidential elections. Each time, he has said the vote was rigged against him. A row over a 2007 poll, which Odinga challenged after being declared loser, was followed by weeks of ethnic bloodshed that killed more than 1,200 people. The opposition also plans to lodge 62 court cases contesting governorship, lawmaker, and local seats, spokeswoman Kathleen Openda told Reuters. At least 33 court cases were filed contesting election results before the presidential election was annulled, said Andrew Limo, spokesman for the election board. The judiciary said in a statement that by Tuesday a total 66 cases had been filed before various courts challenging the outcomes of such seats countrywide. The board received challenges to 189 results in 2013. ",worldnews,"September 5, 2017 ",1 +"Colombia's Golfo crime gang willing to surrender, president says","BOGOTA (Reuters) - Colombia s notorious Golfo Clan crime gang, one of the country s most violent, has told the government it is willing to surrender, President Juan Manuel Santos said on Tuesday. The group, also known the Usuga Clan, is accused of operating profitable drug trafficking routes in partnership with Mexican cartels and taking part in illegal gold mining. We received an expression of willingness by the head of the Golfo Clan to turn themselves in, to submit to justice, President Juan Manuel Santos said at an event in Bogota. I have asked the justice minister and the attorney general to evaluate it. The government is not going to negotiate with the gang, Santos said, because members are criminals, and not politically motivated rebels like the FARC and ELN guerrilla groups. The group formerly known as the Revolutionary Armed Forces of Colombia, who have kept their FARC acronym for their new political party, signed a peace deal with the government last year, while the National Liberation Army (ELN) is in peace talks. If they surrender to justice, the law could give them some benefits, depending on the surrender conditions, Santos said. What are they handing over, what is its value to society, for Colombians. The United States has offered a reward of up to $5 million for information leading to the capture of Golfo gang leader Dario Antonio Usuga, known by his alias Otoniel. Second-in-command Roberto Vargas, alias Gavilan, was killed by the army in a shoot-out last week. The group is infamous for a series of police officer assassinations in the Andean country. ",worldnews,"September 5, 2017 ",1 +Egypt says suspended U.S. military exercises to resume,"CAIRO (Reuters) - Egypt s armed forces said on Tuesday that joint U.S.-Egyptian military exercises will resume this month for the first time since 2009, after U.S. officials canceled them in 2013 following an Egyptian army crackdown on protests. The joint training is usually held every two years but was also canceled in 2011 after the Arab Spring uprising that year that overthrew Egypt s longtime ruler Hosni Mubarak. The announcement on the Bright Star exercises came weeks after U.S. President Donald Trump s administration denied Egypt $95.7 million in aid and delayed $195 million because of its failure to progress on respecting rights and democratic norms. The exercises will take place from Sept. 10-20 at the new Mohamed Najuib military base in west Alexandria, according to a statement on the Egyptian military s official Facebook page. The Bright Star training is considered one of the most important joint Egyptian-American armed forces exercises, which reflects the depth of relations and cooperation between the armed forces of both countries, the Egyptian statement said. A U.S. official who spoke on condition of anonymity because he was not authorized to speak to media confirmed the timing and location of the exercise and said U.S. Central Command is due to make an official announcement soon. Egypt is one of Washington s closest Middle East allies, and U.S. military aid has long cemented its historic 1979 peace deal with Israel. Home to the Suez Canal, the stability of the Arab world s most populous state is a U.S. priority. But the strategic relationship hit a low under former U.S. President Barack Obama, who briefly froze aid to Egypt after President Abdel Fattah al-Sisi overthrew his Islamist freely elected predecessor in 2013 after mass protests against him. Washington provides $1.3 billion in military aid and about $250 million in economic aid to Egypt every year. Trump has moved to reset U.S. relations with Sisi, giving him firm backing and vowing to work together to fight Islamic militants. U.S. sources have said last month s decision to freeze aid reflected a desire to continue security cooperation but also express frustration with Cairo s stance on civil liberties. A new law regulating non-governmental organizations is widely seen as part of a growing crackdown on dissent. ",worldnews,"September 5, 2017 ",1 +"Brazil Senate to vote on fiscal package on Tuesday, Oliveira says","BRASILIA (Reuters) - The Brazilian Congress is ready to put to vote later on Tuesday a fiscal package key to helping the government rebalance budget accounts regardless of any source of political turmoil, Senate President Eunicio Oliveira said on Tuesday. Speaking to reporters, Oliveira said he backs a deep investigation into the emergence of new evidence suggesting that witnesses who involved President Michel Temer in a corruption scandal might have not been forthcoming about all of their crimes. Prosecutor General Rodrigo Janot said on Monday that billionaire meat tycoon Joesley Batista and a fellow witness seemed to have inadvertently recorded a four-hour conversation discussing crimes not covered in their plea deal bargain. They could lose immunity from prosecution and other benefits. ",worldnews,"September 5, 2017 ",1 +French magazine found guilty over topless photos of British Duchess,"PARIS (Reuters) - A French court ruled on Tuesday that celebrity magazine Closer invaded the privacy of Britain s Prince William s wife Kate, the Duchess of Cambridge, when it published topless photos of her in 2012. The court handed the maximum fine of 45,000 euros ($53,500) to both Laurence Pieau, an editor of Closer s French edition, and Ernesto Mauri, chief executive of Italian publisher Mondadori (MOED.MI), the magazine s owner. William and Kate, who announced on Monday that they were expecting a third child, said they were pleased with the court ruling and the matter was now closed. Closer magazine, a weekly round-up of gossip about the rich and famous, published a series of topless photos of Kate, the wife of the second-in-line to the British throne, while on holiday in southern France. Two photographers from a Paris agency, who denied taking the photographs, were ordered to pay smaller fines after also being convicted under French privacy laws. The damages ordered by the court were well short of the 1.5 million euros sought by the royal couple, a subject of fascination for many in Britain and other parts of the world, who filed the suit for what they called at the time a grotesque breach of privacy. This incident was a serious breach of privacy, and their Royal Highnesses felt it essential to pursue all legal remedies, a spokeswoman for the couple said. They wished to make the point strongly that this kind of unjustified intrusion should not happen. The photos were taken as the royal couple relaxed on a balcony of a chateau in the picturesque Luberon region of southeastern France. The pictures rekindled memories for some in Britain of the media pursuit of William s mother, Princess Diana, who died in a car crash in Paris in 1997 while being chased by paparazzi. Closer magazine s lawyers had sought to justify publication of the photos on public interest grounds, saying they disproved rumors circulating at the time that Kate might be anorexic. Jean Veil, a prominent French lawyer hired by the Duchess of Cambridge, said during the trial the article that accompanied the photos was only a pretext for publishing the pictures. ",worldnews,"September 5, 2017 ",1 +Austria's far-right party accuses conservatives of stealing campaign ideas,"VIENNA (Reuters) - Austria s far-right Freedom Party (FPO) on Tuesday accused Foreign Minister Sebastian Kurz of stealing its platform on immigration and the economy ahead of a parliamentary election, which he is favorite to win. FPO leader Heinz-Christian Strache s comments come a day after Kurz presented plans for his conservative People s Party (OVP) for a slimmer state, changes in corporate tax law and cuts to benefits for foreigners. The program Kurz presented is almost identical to the FPO economic program. We are still waiting for the presentation of the OVP s own economic plan, Strache told Reuters. Kurz has led opinion polls ahead of the Oct. 15 election with just over 30 percent. The Freedom Party and the center-left Social Democrats (SPO) trail with around 25 percent each. The conservatives and the far right have enough common ground on migration, taxes and education to launch coalition talks if the vote does not yield a clear winner, said political analyst Peter Filzmaier. Austria s system of proportional representation will likely lead to another coalition government. A coalition of the SPO and OVP has held power since 2006 but is unpopular because it failed to agree major reforms on job creation, investment and taxes. Given Sebastian Kurz s popularity, a coalition between the OVP and the FPO seems to be the most likely outcome, said Vienna-based analyst Peter Hajek. Kurz told reporters on Tuesday he did not rule out working with any party and was equidistant from the FPO and the SPO. A cartoon in daily newspaper Kurier showed a naked Strache in a police station telling an officer Kurz had stolen everything from him. The FPO and OVP focus on the free market, a small state and low taxes. The SPO wants new taxes, including on wealth and inheritance and subsidies to promote job creation. The Social Democrats under Chancellor Christian Kern have begun to consider cooperation with the Freedom Party but Kern this week said his party was light years from it. The Freedom Party s popularity rose to a high during Europe s migration crisis in 2015 when it denounced the government s decision to open Austria s borders to hundreds of thousands of refugees and migrants. It led polls for more than a year with support above 30 percent and its candidate came close to winning last year s presidential election. Tens of thousands of people from the Middle East, Afghanistan and Africa have arrived in Austria in the past two years, raising public spending on social benefits and fuelling support for policy makers who advocate cutting migration. ",worldnews,"September 5, 2017 ",1 +Russian court told that oil boss gave minister $2 million in a brown bag,"MOSCOW (Reuters) - A Russian court was told on Tuesday that a close ally of President Vladimir Putin personally handed the country s then economy minister $2 million in cash inside a lockable brown bag as part of an elaborate bribery sting. Former Economy Minister Alexei Ulyukayev is on trial on charges of extorting the $2 million bribe from Igor Sechin, the head of state-owned oil company Rosneft, in exchange for Ulyukayev approving a business deal. In the courtroom, a state prosecutor read out the transcript of a secret recording of a late-night meeting between Sechin and Ulyukayev on Nov. 14 last year at the Rosneft offices in Moscow, when prosecutors say the money was handed over. Sechin, who was cooperating with law enforcement officials, was wearing a wire to gather evidence. Ulyukayev says he was framed after having been lured to what he said was an innocent meeting to discuss Rosneft. The case has thrust into the open simmering tensions between rival Kremlin clans a spectacle rarely seen in public in the 17 years since Putin first became president. Sechin, one of Putin s closest lieutenants, is part of a powerful faction in the Kremlin that favors greater state control over the economy. They have clashed with economic liberals in the government, a group that included Ulyukayev, whose arrest is seen as weakening the latter group s hand. In the transcript read out in court on Tuesday, Sechin is quoted asking someone to bring some tea and a little basket with sausage , a reference to a gift he gave Ulyukayev. In another fragment read out by the prosecutor, Sechin is cited as telling Ulyukayev: Sorry it took a while. I was on a business trip and going here and there while putting together the amount. Consider the mission accomplished. There you go take it. And this key just in case. And take the basket too. The funds were handed over inside a lockable brown bag along with a key and the basket, the state prosecutor said. When agents from Russia s Federal Security Service swooped on Ulyukayev as he emerged from the meeting, the minister told agents that the bag he was carrying in the boot of his car contained some good wine given to him by Sechin, a state prosecutor told the court. When agents opened the bag with a key which Ulyukayev said Sechin had given him, they found 200 bundles of $100 bills, the prosecutor said. The basket was also found in the boot. Ulyukayev s hands were also found to be contaminated with a tracing agent that the bag had been marked with, the prosecutor said. ",worldnews,"September 5, 2017 ",1 +Russian frigate fires cruise missiles at Islamic State targets near Syria's Deir al-Zor,"MOSCOW (Reuters) - The Russian frigate Admiral Essen fired Kalibr cruise missiles at Islamic State targets near the Syrian city of Deir al-Zor on Tuesday to help a Syrian army offensive in the area, the Russian Defence Ministry said. The strike, which was launched from the Mediterranean, destroyed command and communications posts, as well as ammunition depots, a facility to repair armored vehicles, and a large group of militants, the ministry said. The strike had targeted Islamic State fighters from Russia and the former Soviet Union, it added. ",worldnews,"September 5, 2017 ",1 +Xi urges BRICS grouping to push for more 'just' international order,"XIAMEN, China (Reuters) - Chinese President Xi Jinping on Tuesday urged BRICS nations to deepen coordination on global matters, and push for a more just world order, by boosting representation for emerging and developing countries in international bodies. Reiterating that emerging and developing markets have been the primary engine of global growth, Xi called for a bigger role for BRICS in speeding economic governance reforms and promoting trade, especially as rising risks veil a global recovery. BRICS countries should push for a more just and reasonable international order, Xi told a summit of the grouping, which includes Brazil, Russia, India, China and South Africa. We should work together to address global challenges. In his closing remarks, Xi urged the grouping to battle for more representation power for emerging and developing countries, which some analysts say are often under-represented in global institutions such as the World Bank, by comparison with the dominance of the United States and Western Europe. The summit in the southeastern city of Xiamen has given host China its latest chance to position itself as a bulwark of globalization in the face of U.S. President Donald Trump s America First agenda. Xi appeared to rebuke the United States s resistance to international pacts - including the Paris climate accord - in a separate speech earlier on Tuesday to leaders of BRICS and other developing countries. Multilateral trade negotiations make progress only with great difficulty and the implementation of the Paris Agreement has met with resistance, Xi said. Some countries have become more inward-looking, and their desire to participate in global development cooperation has decreased. In talks on the North American Free Trade Agreement (NAFTA), Trump has sought improved terms for the United States, under threat of leaving the pact, and has said he will withdraw his country from the Paris climate accord. Xi gave $500 million for a South-South cooperation fund to help other developing countries tackle famine, refugees, climate change and public health challenges, besides an earlier $80-million summit pledge to support BRICS cooperation. Egypt, Guinea, Tajikistan, Thailand and Mexico joined the three-day summit as observer nations, and Xi called for a BRICS Plus plan to potentially expand the bloc, although no new member has been formally announced. Xi lauded smooth progress in the grouping s cooperation in areas such as anti-terrorism and internet security. Leaders from the BRICS countries are determined to work toward another golden decade , he added. ",worldnews,"September 5, 2017 ",1 +Venezuelan opposition pins hopes on elections as protests falter,"CARACAS (Reuters) - Venezuela s opposition is shifting its focus to forthcoming state elections as protests aimed at ousting President Nicolas Maduro have subsided following the installation of an all-powerful, pro-government legislative body. Four months of violent demonstrations in which at least 125 people were killed have all but stopped due to fatigue among protesters and disillusionment at seeing the ruling Socialist Party cement vast powers despite the concerted opposition push. Most opposition leaders say October s elections for governors in all the country s 23 states now represent the best means to keep pressuring Maduro, providing a chance to win some of the governorships at stake and an opportunity for a protest vote to demonstrate the president s unpopularity. The opposition, which boycotted the elections for the Constituent Assembly, accused electoral authorities of inflating turn-out figures for the July 30 vote. There are few options available for adversaries of Maduro, who maintains control over the OPEC nation despite widespread public anger about triple-digit inflation and chronic shortages of basic goods. Venezuelans are fighting against a continued rupture of the constitutional order, said opposition leader Henrique Capriles, who is governor of Miranda state but who is not running in next month s election and who is barred from holding public office once his term expires. Nevertheless he urged Venezuelans to vote in the elections. If you abstain, then it s more difficult to bring about the political change that all Venezuelans want, Capriles told reporters. Capriles has called his own barring from office - because of alleged irregularities in managing public funds - a Socialist Party move to sideline him. Governorships provide little in the way of a platform to directly challenge Maduro. But they are coveted by politicians because they offer launching pads for political careers and the possibility to channel state resources toward political allies. The opposition s participation in next month s poll ensures it will have witnesses at voting stations and at the election council headquarters. Opposition coalition leaders say that should allow them to quickly identify any attempt to alter results. However, some who spent months on the streets with the encouragement of opposition leaders, especially young members of a self-styled Resistance movement, feel betrayed. They say turning attention so quickly to the election legitimizes what they view as Maduro s authoritarianism and insults the memory of slain protesters. They also see a contradiction with the opposition s decision to boycott July s vote for the Constituent Assembly. Maduro pushed for the creation of the assembly, which is meant to rewrite the constitution but which has no formal check on its powers, saying it would restore stability to a country in turmoil over the widespread anti-government protests. It has broadly supplanted the Congress, which the opposition won control of in a 2015 landslide vote. Small opposition party Vente Venezuela and its founder Maria Corina Machado, who has a high profile in the media but limited influence, broke with the opposition s Democratic Unity coalition over its decision to join next month s vote. The main opposition parties have nominated candidates and opinion polls show that in a free and fair vote they would likely take a majority, compared to just three governorships they won in 2012. But the Socialist Party-controlled Constituent Assembly may bar some of them from running or from holding office if they win. Last week, the assembly said it would seek the prosecution of opposition leaders for treason for attempting to block international financing for Maduro s government and for allegedly seeking a military intervention against him. Government leaders say the end of the protests is evidence the Constituent Assembly has brought peace to the country. They add that the opposition s decision to register candidates is a sign they believe in the electoral system despite their complaints of fraud. The Constituent Assembly has calmed the country, said assembly president Delcy Rodriguez. As soon as it was inaugurated, Venezuela returned to tranquility. Maduro says the country is a victim of an economic war by the opposition, and insists the assembly is a symbol of Venezuela s vibrant democracy. The opposition took to the streets in late March to protest a Supreme Court ruling that briefly allowed it to assume the powers of Congress, and maintained near daily rallies until the end of July. By then, street mobilizations were in decline and what had initially been massive marches steadily gave way to violent clashes between security forces and small groups of hooded demonstrators throwing rocks and at times vandalizing property. Recent opposition rallies have attracted only a few hundred people. U.S. President Donald Trump has imposed sanctions on top ruling Socialist Party officials, in some cases for their participation in the Constituent Assembly, while the European Union and most Latin American nations condemned the body. Maduro has acquired the reputation as a dictator around the world, said opposition leader Freddy Guevara in an interview in August broadcast on the Internet, adding that street protests were crucial in shifting public opinion. I m convinced that we have to confront the dictatorship in any situation that we can, said Guevara. ",worldnews,"September 5, 2017 ",1 +Spain pushes EU to adopt restrictive measures against Venezuela,"MADRID (Reuters) - Spain is pushing for the European Union to adopt restrictive measures against members of the Venezuelan government as a way of encouraging a return to constitutional order in the crisis-hit country, the Spanish foreign ministry said on Tuesday. The head of Venezuela s opposition-led congress, Julio Borges, visited Spain on Tuesday to meet Prime Minister Mariano Rajoy as part of a European tour seeking support against Venezuelan President Nicolas Maduro. Maduro s government has been criticized by the United Nations, Washington and other governments for failing to allow the entry of foreign aid to ease an economic crisis, while it overrides congress and jails hundreds of opponents. Against the progressive worsening of the situation in Venezuela, the Spanish government is pushing ... for the adoption of restrictive, individual and selective measures, which don t hurt the Venezuelan population, the ministry said in a statement. The Spanish government was working with its partners in the EU on these measures and was in constant contact with other Latin American countries, the ministry said. A foreign ministry spokesman did not say what the measures would be. After the meeting with Borges, the ministry underlined Spain s support for a peaceful, democratic solution and called for the release of all political prisoners. Spain s foreign minister, Alfonso Dastis, also met representatives of human rights activist Lilian Tintori, the wife of Venezuela s best-known detained political leader, who was barred from flying out of the country to join Borges on the tour. Venezuela s foreign minister, Jorge Arreaza, criticized the opposition leaders meeting with Rajoy, saying they were unpatriotic in backing sanctions that he said would hurt the Venezuelan economy. @marianorajoy assaults Venezuelan dignity, representing the worst colonial past, defeated and expelled by our Liberators, Arreaza tweeted on Tuesday. The Venezuelan opposition won control of congress in 2015. But Maduro s loyalist Supreme Court has tossed out every major law it has passed as the oil-rich country slips deeper into a recession exacerbated by triple-digit inflation and acute shortages of food and medicines. Maduro has said he faces an armed insurrection designed to end socialism in Latin America and let a U.S.-backed business elite get its hands on the OPEC nation s crude reserves. ",worldnews,"September 5, 2017 ",1 +Russian U.N. envoy: U.S. aim for Monday vote on North Korea sanctions is premature,"NEW YORK (Reuters) - Russia s U.N. Ambassador Vassily Nebenzia said on Tuesday that a U.S. aim for the United Nations Security Council to vote on Monday on new sanctions on North Korea over its latest nuclear test is a little premature. I don t think we ll be able to rush it so fast, Nebenzia told reporters. U.S. Ambassador to the United Nations Nikki Haley has said she wanted the 15-member council to vote on Sept. 11 on a U.S.-drafted resolution to impose new sanctions on Pyongyang after it conducted its sixth and largest nuclear test on Sunday. ",worldnews,"September 5, 2017 ",1 +Haley says new North Korea sanctions unlikely to change behavior,"WASHINGTON (Reuters) - U.S. Ambassador to the United Nations Nikki Haley said on Tuesday that more sanctions on North Korea are unlikely to change the country s behavior but would cut off funding for its ballistic missile and nuclear programs. Do we think more sanctions are going to work on North Korea? Not necessarily, Haley told the American Enterprise Institute. But what does it do? It cuts off the revenue that allows them to build ballistic missiles. Haley said on Monday she wants the United Nations Security Council to vote on Sept. 11 to impose the strongest possible sanctions on North Korea over its sixth and largest nuclear test. ",worldnews,"September 5, 2017 ",1 +EU executive to raise pressure on Poland on Wednesday: sources,"BRUSSELS (Reuters) - The European Commission will ask EU member states on Wednesday to take a stand on whether the Polish government is abusing democratic standards, three sources told Reuters, as the bloc steps up pressure on Warsaw. Poland has been in a deepening dispute with Brussels and other European Union states over upholding the rule of law since the nationalist-minded, eurosceptic Law and Justice (PiS) party won power in late 2015. PiS denies that it is undermining democratic standards in the largest ex-communist EU country but Brussels - along with many other member states, the Polish opposition and rights activists - has been sounding the alarm for months. After German Chancellor Angela Merkel offered rare public criticism of Warsaw last week, the bloc is seen more likely to head toward an unprecedented punishment of Warsaw. Three sources said the executive Commission will ask all EU states on Wednesday to discuss the situation in Poland again at a ministerial meeting in Brussels on Sept. 25. The meeting is not expected to trigger the so-called Article 7 punitive procedure yet but the discussion will measure the willingness of the other 27 EU countries to move ahead. At the heart of the dispute is a PiS reform of the judiciary in Poland which puts the courts and judges under tighter government control. ",worldnews,"September 5, 2017 ",1 +Germany warns against Turkey travel after spate of arrests,"BERLIN (Reuters) - Germany s foreign ministry has warned its citizens traveling to Turkey that they risk arbitrary detention even in tourist areas, revising its travel advice after a spate of arrests of German citizens that it considers politically motivated. The change in travel advice, issued on Tuesday, marks a new low in relations between the NATO allies and is a blow for the tourist sector, which has already been hit by militant attacks and the fall-out from last year s failed coup attempt in Turkey. The trigger for the sharpening of the travel advice was the detention at the coastal Antalya airport last week of two Germans, one of whom has since been released. Berlin believes they, like 11 others, were detained for political reasons. There is a risk of similar detentions in all parts of Turkey, including in tourist regions, the new advice reads. It falls short of a formal travel warning, issued for war-afflicted countries like Afghanistan, Iraq or Yemen, which would make obtaining travel insurance harder. We can t take from tourists the decision whether to travel or not, Foreign Minister Sigmar Gabriel said. But we have described in detail what you should be aware of before you go. Large numbers of European citizens have been caught up in the crackdown following last year s failed coup against President Tayyip Erdogan, in the wake of which tens of thousands of Turks have been imprisoned on terrorism charges. Critics say the crackdown amounts to an undiscriminating purge of Erdogan s opponents. ",worldnews,"September 5, 2017 ",1 +"Syrian army, allies break Islamic State siege in eastern city","BEIRUT (Reuters) - Syrian government forces on Tuesday reached troops besieged for years by Islamic State in the eastern city of Deir al-Zor, the militants last major stronghold in Syria, the army said. Tanks and troops pressed quickly toward a government-held enclave in the city, where Islamic State has trapped thousands of civilians and Syrian soldiers since 2014. The advance has opened a land route linking that territory to the outside. The advance into strategic prize Deir al-Zor, a city on the Euphrates river and once the center of Syria s oil industry, is a significant victory for President Bashar al-Assad against Islamic State and another stinging blow to the group. The group is being fought in Syria by government forces, backed by allies Iran and Russia, and separately by a U.S.-led alliance of Arab and Kurdish fighters. In Iraq, the jihadists were driven out of their Mosul stronghold earlier this year. Islamic State still holds half of Deir al-Zor city and much of the province, however, as well as parts of its former stronghold Raqqa to the northwest, where the U.S.-backed offensive is being fought. Our armed forces and allies, with support from Syrian and Russian warplanes, achieved the second phase of their operations in the Syrian desert, Syria s military said. They have managed to break the siege. State media and a war monitoring group said advancing forces had linked up with the besieged troops at a garrison on the western edge of the city. Footage on Syrian state TV showed soldiers cheering near the garrison. State media said residents in government-held parts of the city were celebrating the advance. The Syrian Observatory for Human Rights said a nearby military air base and three districts remained under siege by IS. Battles still raged around the city, the British-based war monitor said. Deir al-Zor governor Mohammed Ibrahim Samra told Reuters that government troops were also pushing toward the air base. The forces have begun to lift the siege, he said. Our residents have been waiting for this moment ... forces are (trying to) break the siege on the military airport as well. The coming days will see the clearing of Deir al-Zor city (of militants) and advances on nearby countryside under Islamic State control, Samra added. Assad congratulated the troops in a statement from his office. The army and its allies made rapid advances in recent days pushing through Islamic State lines with the help of heavy artillery and Russian air strikes. A Russian warship in the Mediterranean sea fired cruise missiles at Islamic State positions near Deir al-Zor to boost the offensive, Russia s defense ministry said. The city has been cut off from government-held Syria since 2013, after rebel groups rose up against Assad during the first flush of Syria s six-year war. Islamic State then overran rebel positions and encircled the army enclave and nearby air base in 2014. The United Nations said in August it estimated 93,000 civilians were living there in extremely difficult conditions. During the siege, high-altitude air drops have supplied them. Deir al-Zor lies southeast of Islamic State s former base in Raqqa. Hemmed in on all sides, Islamic State fighters have fallen back on footholds downstream of Deir al-Zor in towns near the Iraq border. The Deir al-Zor gains form an important launching pad for expanding military operations in the area, the army said. For Damascus, the latest advance caps months of steady progress as the army and its allies turned from victories over rebels in western Syria to push east against Islamic State. The eastwards march has on occasion brought them into conflict with U.S.-backed forces. Still, the rival campaigns have mostly stayed out of each other s way, and the U.S.-led coalition has stressed it is not seeking war with Assad. In a statement on Sunday an alliance of Iran-backed Shi ite militias allied to Damascus, including Lebanon s Hezbollah, accused Washington of trying to hinder the advance to Deir al-Zor. An official in the pro-Assad alliance said senior Iranian Revolutionary Guard Corps commander Qassem Soleimani was closely monitoring fighting, a sign of Iran s close military involvement. ",worldnews,"September 5, 2017 ",1 +Polish president says 'multi-speed' EU will lead to break-up of bloc,"KRYNICA-ZDROJ, Poland (Reuters) - The European Union will become less attractive to some member states if it implements a multi-speed vision and the bloc will ultimately break up, Polish President Andrzej Duda said on Tuesday. Deeper eurozone integration is sometimes called a multi-speed Europe because it would create different speeds of convergence within the 28-member bloc. Poland and other eastern EU states say they fear it could reduce their influence, financial support and competitiveness. A division of the Union into a multi-speed union will not be beneficial ... politically, will not be beneficial economically, Duda told an economic forum in Poland s southern city of Krynica-Zdroj. In my opinion it will ultimately lead to a break-up of the European Union, he said, adding that all member states would be hurt in such a scenario. Europe-wide polls show Poles are one of the most pro-EU societies, even though they overwhelmingly oppose adopting the euro currency.Duda also said EU support could falter in member states that do not participate in deeper eurozone integration. The remark appeared to suggest he believes EU support could fall in Poland. Duda is an ally of the ruling eurosceptic Law and Justice (PiS) party. If EU membership becomes less attractive for countries that are thrown out of the first decision-making circle, then this moment in my opinion will be the actual beginning of the end of the union, Duda said. Sooner or later the societies of states that today view the EU positively ... will feel rejected and support for the EU will decline, which will result in further Brexits, Duda said. Since PiS won an election in 2015, the government has clashed with the European Commission over issues ranging from its refusal to accept EU migrant relocation quotas to the ruling conservatives tightening grip on the judiciary and media. French President Emmanuel Macron, one of the most vocal supporters of deeper integration within the euro zone, said in August that Warsaw was moving in the opposite direction to Europe on numerous issues and would not be able to dictate Europe s future. Poland rejected the accusations, saying Macron was inexperienced and arrogant. Macron also wants the EU to tighten its rules on the employment abroad of labor from low-pay nations, which could threaten hundreds of thousands of jobs performed by Polish employees in richer western EU states. ",worldnews,"September 5, 2017 ",1 +Romanian defense minister quits over communications mixup,"BUCHAREST (Reuters) - Romania s Defence Minister Adrian Tutuianu said he had resigned on Tuesday after his ministry said it was unable to pay military and defense staff wages in full, only to be contradicted within hours by the finance ministry. The defense ministry said in a statement that it had run out of funds to cover salaries for its staff and would pay them in stages pending a consolidated budget revision planned for September. The finance ministry later contradicted the statement, saying no ministry was facing wage funds shortages. I have handed in my resignation for the lack of communication, Tutuianu told private television station Antena3. Prime Minister Mihai Tudose will send the resignation to the president later on Tuesday. The defense minister position carries a lot of responsibility as NATO member Romania has committed to spend 2 percent of its gross domestic product on defense every year for the next nine years, a military procurement plan for 2017-2026 showed. Romania, a country of 20 million people, hosts a U.S. ballistic missile defense station and has sent troops to Iraq and Afghanistan. ",worldnews,"September 5, 2017 ",1 +North Korea warns of 'more gift packages' for United States,"GENEVA (Reuters) - North Korea is ready to send more gift packages to the United States, one of its top diplomats said on Tuesday, dismissing the international uproar over his country s latest and biggest nuclear weapons test. Han Tae Song, ambassador of the Democratic People s Republic of Korea (DPRK) to the United Nations in Geneva, was addressing the U.N.-sponsored Conference on Disarmament two days after his country detonated its sixth nuclear test explosion. I am proud of saying that just two days ago on the third of September, DPRK successfully carried out a hydrogen bomb test for intercontinental ballistic rocket under its plan for building a strategic nuclear force, Han told the Geneva forum. The recent self-defense measures by my country, DPRK, are a gift package addressed to none other than the U.S., Han said. The U.S. will receive more gift packages from my country as long as its relies on reckless provocations and futile attempts to put pressure on the DPRK, he added without elaborating. U.S. disarmament ambassador Robert Wood sought to turn the tables on Han by using his language against him. With regard to the so-called gift packages that the North is presenting, my recommendation to the North would be, instead of spending inordinate amounts of money on nuclear weapons and ballistic missiles, that it give its people the gift package of peace with their neighbors, economic development and an opportunity to rejoin the family of nations. Han said military measures being taken by North Korea were an exercise of restraint and justified self-defense right to counter the ever-growing and decade-long U.S. nuclear threat and hostile policy aimed at isolating my country. Pressure or sanctions will never work on my country, Han declared, adding: The DPRK will never under any circumstances put its nuclear deterrence on the negotiating table. Wood said that North Korea had defied the international community once again with its test. We look forward to working with our partners in the (U.N. Security) Council with regard to a new resolution that will put some of the strongest sanctions possible on the DPRK, he told the conference. Advances in the regime s nuclear and missile program are a threat to us all ... now is the time to say tests, threats and destabilizing actions will no longer be tolerated, Wood said. It can no longer be business as usual with this regime. The White House said on Monday President Donald Trump had agreed in principle to scrap a warhead weight limit on South Korea s missiles following the North s latest test. The United States accused North Korea s trading partners of aiding its nuclear ambitions and said Pyongyang was begging for war . ",worldnews,"September 5, 2017 ",1 +Putin to meet South Korean President to discuss North Korea on Sept. 6: Kremlin,"MOSCOW (Reuters) - Russian President Vladimir Putin will meet South Korean counterpart Moon Jae-in on Wednesday to discuss the crisis around North Korea, Kremlin spokesman Dmitry Peskov said on Tuesday. The two leaders will meet on the sidelines of an economic forum in the Russian far eastern city of Vladivostok as international concerns grow over Pyongyang s recent nuclear tests that shook the Korean Peninsula. ",worldnews,"September 5, 2017 ",1 +Turkey to start first foreign aid distribution in Myanmar,"ANKARA (Reuters) - Turkey said it will start the first foreign deliveries of aid on Wednesday to northwestern Myanmar, where hundreds of people have been killed and nearly 125,000 have fled over the border to Bangladesh in the last 10 days. A spokesman for President Tayyip Erdogan, who has described the violence against Rohingya Muslims there as genocide, said the deliveries were approved after Erdogan spoke by phone with Myanmar leader Aung San Suu Kyi on Tuesday. Spokesman Ibrahim Kalin said 1,000 tonnes of food, clothes and medicine would be distributed by military helicopters. He said Myanmar had given approval for officials from Turkey s state aid agency TIKA to enter the country and deliver the assistance, in coordination with local authorities in Rakhine state. Suu Kyi has faced increasing pressure from countries with Muslim populations to halt the violence against Rohingya Muslims which has prompted their flight to Bangladesh. Reuters reporters saw hundreds more exhausted Rohingya arriving on boats near the Bangladeshi border village of Shamlapur on Tuesday, suggesting the exodus was far from over. Erdogan told Suu Kyi that the violence against the Rohingya was violation of human rights and that the Muslim world was deeply concerned, Turkish presidential sources said. Indonesian foreign minister Retno Marsudi, in Dhaka to discuss aid for the fleeing Rohingya, met her Bangladeshi counterpart, Abul Hassan Mahmood Ali, a day after urging Suu Kyi and Myanmar army chief Min Aung Hlaing to halt the bloodshed. The latest violence in Myanmar s northwestern Rakhine state began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed hundreds. Erdogan, with his roots in political Islam, has long strived to take a position of leadership among the world s Muslim community. On Friday, he said it was Turkey s moral responsibility to take a stand over the events in Myanmar. Foreign Minister Mevlut Cavusoglu will travel to Bangladesh on Wednesday evening and hold meetings on Thursday, Turkish sources said. ",worldnews,"September 5, 2017 ",1 +"Putin, in telegram to Syria's Assad, hails 'strategic' Deir al-Zor victory","MOSCOW (Reuters) - Russian President Vladimir Putin has sent a telegram to Syrian President Bashar al-Assad, hailing the breaking of the siege of Deir al-Zor by Syrian government troops, the Kremlin said on Tuesday. Kremlin spokesman Dmitry Peskov told a conference call with reporters that Putin had hailed the breakthrough as a strategic victory over Islamic State militants. Street-to-street fighting was now underway in Deir al-Zor, Peskov said. Russian air strikes that struck Islamic State targets in the city on Tuesday helped Syrian government troops in the area swiftly advance, he said, citing a Russian Defence Ministry report to Putin. ",worldnews,"September 5, 2017 ",1 +Russia says 'will consider' U.S. resolution on North Korea but with caveats,"MOSCOW (Reuters) - Russia is ready to consider a new U.S. resolution on North Korea provided it does not escalate military tensions and focuses on finding a diplomatic solution, Russian Foreign Minister Sergei Lavrov said on Tuesday. Russia s Foreign Ministry said in a statement that Lavrov had conveyed that stance to U.S. Secretary of State Rex Tillerson in a phone call initiated by the U.S. side. The ministry said Lavrov had also spoken of the merit of involving U.N. Secretary General Antonio Guterres in helping find a diplomatic solution to the North Korea crisis. ",worldnews,"September 5, 2017 ",1 +U.S. Senator Graham agrees with Putin that more North Korea sanctions won't work,"WASHINGTON (Reuters) - Republican U.S. Senator Lindsey Graham said on Tuesday he agreed with Russian leader Vladimir Putin that more sanctions against North Korea are unlikely to work. Putin said after a summit in China that diplomacy is the only solution to tensions with Pyongyang, which appears to have escalated its nuclear program in recent months. Can t believe I m agreeing with Vladimir Putin but I am further sanctions on North Korea very unlikely to work, Graham said on Twitter. ",worldnews,"September 5, 2017 ",1 +Putin orders Foreign Ministry to sue U.S. over seizure of diplomatic property,"MOSCOW (Reuters) - Russian President Vladimir Putin ordered his Foreign Ministry to sue the U.S. government over the seizure of Russian diplomatic property in the United States, Kremlin spokesman Dmitry Peskov said on Tuesday. Putin this week warned he would order to take legal action over alleged violations of Russia s property rights by Washington. Putin also said Moscow reserved the right to further cut the number of U.S. diplomatic staff in response to what he called Washington s boorish treatment of Russia s diplomatic mission on U.S. soil that took place last week. ",worldnews,"September 5, 2017 ",1 +"Merkel, Abe agree sanctions against North Korea should be stepped up","BERLIN (Reuters) - German Chancellor Angela Merkel and Japanese Prime Minister spoke by telephone on Tuesday and agreed that sanctions against Pyongyang should be stepped up in response to North Korea s nuclear test, a spokesman for the German government said. She agreed with Prime Minister Abe that North Korea s latest nuclear test threatened the security of the entire world and that this massive violation of the U.N. Security Council s resolution must result in a resolute reaction from the international community as well as tougher sanctions, spokesman Steffen Seibert said. Merkel and Abe agreed that increased pressure on North Korea should make Pyongyang more willing to agree to a peaceful solution and that China and Russia had a key role to play in that, Seibert added. ",worldnews,"September 5, 2017 ",1 +Britain's May to speak to U.S. President Trump on North Korea,"LONDON (Reuters) - British Prime Minister Theresa May will speak to U.S. President Donald Trump on Tuesday to discuss North Korea, her spokeswoman said, after it conducted its sixth and largest nuclear test two days ago. She is due to speak to President Trump shortly, her spokeswoman told reporters, adding that May also planned to speak to French President Emmanuel Macron about North Korea. Earlier, a British minister summoned the North Korean ambassador to the foreign ministry to condemn the test on Sept. 3. ",worldnews,"September 5, 2017 ",1 +Afghan officials investigate helicopter wedding deaths,"CHARIKAR, Afghanistan (Reuters) - Afghan authorities are investigating an incident in which two people were killed and two others wounded when a helicopter appeared to come under fire from guests at a wedding party near Kabul and fired back, local officials said. Kabul police spokesman Basir Mujahid said the circumstances of the incident in Qarbagh district outside the capital Kabul late on Monday were still being investigated and it was unclear if the victims were members of the wedding party or not. Wedding parties and similar gatherings in Afghanistan, where many people outside major city centers carry guns, sometimes feature guests firing into the air in celebration. If confirmed, the deaths would be the latest in a series that has seen at least 24 civilians killed in Afghan and U.S. air strikes over the past week. Afghan officials said the helicopter came from the NATO-led Resolute Support coalition but there was no immediate confirmation from Resolute Support headquarters in Kabul that U.S. or coalition aircraft were involved in the incident. We are aware of reports, but have no further information at this time, a spokesman said in an emailed statement. Last week, local officials said at least 13 civilians were killed in an Afghan air force strike in the western province of Heart, while another 11 were killed in a U.S. strike in the eastern Loghar province. [nL4N1LF3TJ] [nL4N1LG4VP] Fears have grown that civilian casualties will rise as a result of an increase in air strikes in Afghanistan following the U.S. decision to step up military action against the Taliban and other insurgents. Already in the first half of the year, United Nations figures showed a 43 percent spike in civilian casualties, with 95 killed and 137 wounded as the pace of air operations increased even before U.S. President Donald Trump announced his new strategy in Afghanistan. ",worldnews,"September 5, 2017 ",1 +Indonesia ready to help Bangladesh in dealing with Rohingya refugees,"DHAKA (Reuters) - Indonesian Foreign Minister Retno Marsudi said on Tuesday the country is ready to ease the burden of Bangladesh in dealing with Rohingya Muslims fleeing from Myanmar, but the help is likely to be only humanitarian, not financial. We will continue to discus what sort of support Indonesia could make to ease the burden of Bangladesh government, Marsudi told a news conference after she met with the Bangladeshi PM and her counterpart in Dhaka. Myanmar has come under pressure from countries with large Muslim populations to stop violence against the Muslim Rohingya. At least 400 people were killed and nearly 125,000 fled to Bangladesh in the deadliest bout of violence targeting the minority group in decades. ",worldnews,"September 5, 2017 ",1 +India's Modi heads to Myanmar as Rohingya refugee crisis worsens,"NEW DELHI (Reuters) - Indian Prime Minister Narendra Modi will discuss rising violence in Myanmar s western Rakhine state during a visit that begins on Tuesday, and push for greater progress on long-running Indian infrastructure projects, officials said. India seeks to boost economic ties with resource-rich Myanmar, with which it shares a 1,600-km (1,000-mile) border, to counter Chinese influence and step up connectivity with a country it considers its gateway to Southeast Asia. Two-way trade has grown to around $2.2 billion as India courted Myanmar following the gradual end of military rule, but Indian-funded projects have moved slowly. Modi s promises to Act East and cement ties with India s eastern neighbor have slipped even as China has strengthened its influence. His first bilateral visit comes amid a spike in violence in Rakhine, after a military counter-offensive against insurgents killed at least 400 people and triggered the exodus of nearly 90,000 villagers to Bangladesh since Aug. 25. The violence could hit development of a transport corridor that begins in Rakhine, with the Indian-built port of Sittwe and includes road links to India s remote northeast, analysts said. It s going to be a very vexed and complex issue, said Tridivesh Singh Maini, a New Delhi-based expert on ties with Myanmar. You need to play it very smartly. You need to make it clear that Rakhine violence has regional implications... but India will not get into saying, This is how you should resolve it. Last month, India said it wanted to deport 40,000 Rohingya refugees who left Myanmar in previous years. Modi arrives from China late on Tuesday in the capital Naypyidaw to meet President Htin Kyaw on a three-day visit. New Delhi believes the best way to reduce tension in Rakhine is through development efforts, such as the Kaladan transport project there, said Indian foreign ministry official Sripriya Ranganathan. We are very confident that once that complete corridor is functional, there will be a positive impact on the situation in the state, she told reporters. Modi will meet Myanmar leader Aung San Suu Kyi and visit the heritage city of Bagan and a Hindu temple. The countries share close cultural ties, and several in Myanmar trace their roots to India. Modi will also talk up a trilateral highway project connecting India s northeast with Myanmar and Thailand. There is a fear that China is already going full steam ahead, said Udai Bhanu Singh of Delhi think-tank, the Institute for Defence Studies and Analyses. From the Indian side, there has been some laxity. Singh said India could offer Myanmar help in building its navy and coastguard, while Myanmar would seek assurances that India was a reliable economic partner and an alternative power to Beijing. ",worldnews,"September 5, 2017 ",1 +Turkey says Myanmar allows first foreign aid deliveries,"ISTANBUL (Reuters) - Myanmar authorities have given approval for the first deliveries of foreign aid in the northwest of the country, Turkey said on Tuesday, after President Tayyip Erdogan spoke to Myanmar leader Aung San Suu Kyi on Tuesday, Erdogan s spokesman said. Spokesman Ibrahim Kalin said 1,000 tonnes of food, clothes and medicine would be delivered to the area by helicopter from Wednesday, where Muslim Rohingya are fleeing violence. ",worldnews,"September 5, 2017 ",1 +Vietnam protests over Chinese live-fire drills in South China Sea,"HANOI (Reuters) - Vietnam on Tuesday issued a strong condemnation of Chinese military live-fire exercises in the disputed South China Sea, amid rising tension between the two countries. The Maritime Safety Administration of China s southern province of Hainan, which oversees the South China Sea, said last month there would be live fire drills around the Paracel Islands, which Vietnam claims, until September 2. Vietnam strongly objects this action by China and seriously requests China to respect Vietnam s sovereignty over the Hoang Sa (Paracel) archipelagos, Foreign Ministry spokeswoman Le Thi Thu Hang said in a statement. Vietnam once again asserts that (we) will resolutely protect our sovereignty and our legitimate rights and interests in the East Sea (South China Sea) through peaceful measures that are suitable with international laws, the statement said. China claims nearly all the South China Sea, through which an estimated $3 trillion in international trade passes each year. Brunei, Malaysia, the Philippines and Taiwan also have claims. Tension between China and neighboring Vietnam is at its highest in three years over the disputed waters. Vietnam suspended oil drilling in offshore waters that are also claimed by China in July under pressure from Beijing. China has appeared uneasy at Vietnam s efforts to rally Southeast Asian countries over the South China Sea as well as at its growing defense relationships with the United States, Japan and India. ",worldnews,"September 5, 2017 ",1 +"Don't leave Saudi-backed commission to probe Yemen abuses, U.N. says","GENEVA (Reuters) - The United Nations must take over responsibility for investigating rights violations in Yemen s civil war as the country s government is not up to the job, the global body s human rights office said. In a report published on Tuesday, the office challenged the U.N. Human Rights Council, which meets this month, to agree to look into atrocities committed during what it called an entirely man-made catastrophe . The 47-country council has shied away from that task for two years, leaving the job to Yemen s National Commission, which reports to President Abd-Rabbu Mansour Hadi. He is backed by a Saudi-led coalition that is one of the combatants. I ...join you in asking why the members of the Human Rights Council are not taking their responsibility and their membership to this body seriously, the office s head of Middle East and North Africa, Mohammad Ali Alnsour, told a news conference. Yemen is mired in a war that has killed at least 10,000 people over the past two-and-a-half years, according to U.N. figures. Widespread hunger and internal displacement and an unprecedented cholera epidemic have led aid agencies to describe it as one of the world s worst humanitarian disasters. Alnsour said this was the third time the Council was being asked to set up an investigation. That would really put pressure on the conflicting parties to adhere to the rules and the obligations under humanitarian law, he said. The U.N. report said Yemen s National Commission was detrimentally affected by political constraints . The perceived partiality of the National Commission and its limited access have prevented it from executing its mandate comprehensively, it said. In addition... (it) appears to be lacking any instrument, or mandate, that would enable it to channel its findings into a credible accountability mechanism. The head of the U.N. World Food Programme told Reuters on Monday that Saudi Arabia should fund the entire humanitarian aid budget for Yemen, or stop the war, or both unusually direct criticism of a major U.N. donor. The U.N. report said at least 5,144 civilians were documented as being killed between March 2015 and Aug. 30, 2017, with the Saudi-led coalition responsible for more than half. Its air strikes were the leading cause of civilian and child casualties, the report said. It also blamed the coalition for stoking a food crisis that has left 7.3 million on the brink of famine. ",worldnews,"September 5, 2017 ",1 +"In Athens, Macron to urge renewal of EU democracy","PARIS (Reuters) - French President Emmanuel Macron will go to the Athens hill considered the birthplace of democracy to urge fellow Europeans to tackle the democratic crisis he believes the continent faces, his aides said on Tuesday. Macron, who swept to power on a pro-EU platform last May, has made reforming the euro zone and EU institutions battered by a series of crises - from the economy, to immigration and Brexit - a priority of his mandate. It s a symbol of a new chapter (for Europe), a French presidency official said of the speech Macron plans to give on Thursday evening on the hill of Pnyx, where ancient Greeks gathered to host popular assemblies. We have gone through a financial crisis and a sort of confidence crisis, Greece knows that, it suffered from them. The president wants to show that Europe must be rebuilt democratically, the official said. Macron will promote his campaign proposal to launch democratic conventions - or public debates - in European countries to discuss the future of the EU. The president, whose popularity ratings have slumped at home following a series of unpopular measures including proposals to cut public spending and welfare benefits, also wants to make institutions governing Europe s single currency more democratic. He wants a euro zone finance minister to manage a common budget that would be accountable to a euro zone parliament, but that proposal has met with robust resistance abroad, notably in Berlin. During a two-day trip ending on Friday, Macron will be accompanied by around 40 French business leaders, including from blue-chip firms Total, L Oreal, Sanofi, Engie and Vinci. After a German-French consortium won a majority stake in Thessaloniki Port last June, France is keen to push its companies to invest in Greek infrastructure, energy and the agri-food business. French officials also want to avoid more strategic sectors of the Greek economy from falling into non-European hands after China s COSCO Shipping bought a 51 percent stake in Piraeus Port, Greece s biggest, for 280.5 million euros. It poses a sovereignty problem, it s kind of a European failure, the French official said. In June, Macron urged the European Commission to come up with a system for screening investments in strategic sectors from third countries, something some other western European nations have supported. But smaller eastern and southern European economies that have benefited from Chinese investments have rejected any steps against Beijing. ",worldnews,"September 5, 2017 ",1 +Irma strengthens to a Category 5 hurricane: NHC,"(Reuters) - Irma on Tuesday intensified into an extremely dangerous Category 5 hurricane on the Saffir-Simpson wind scale, the U.S. National Hurricane Center (NHC) said in its latest advisory. Hurricane Irma is about 270 miles (440 km) east of Antigua and packing maximum sustained winds of 175 mph (280 km/h), the Miami-based weather forecaster said. Irma, which is forecast to remain a powerful category 4 or 5 hurricane during the next couple of days, will move near or over portions of the northern Leeward Islands Tuesday night and early Wednesday, the NHC said. ",worldnews,"September 5, 2017 ",1 +Britain's Labour says cannot vote for EU withdrawal bill unless amended,"LONDON (Reuters) - Britain s main opposition Labour Party said on Tuesday it could not vote for the government s legislation to sever ties with the European Union unless it was amended to prevent ministers from grabbing powers from parliament. Parliament will begin debating the EU withdrawal bill on Thursday and there will be a vote on Monday, testing Prime Minister Theresa May s deal to shore up her majority with the support of a small Northern Irish party. Labour fully respects the democratic decision to leave the European Union ... and backs a jobs-first Brexit with full tariff-free access to the European single market, Labour said in a statement. But as democrats we cannot vote for a bill that unamended would let government ministers grab powers from parliament to slash people s rights at work and reduce protection for consumers and the environment. ",worldnews,"September 5, 2017 ",1 +Malaysia summons Myanmar ambassador over violence in Rakhine State,"KUALA LUMPUR (Reuters) - Malaysia on Tuesday summoned Myanmar s ambassador to express displeasure over violence in Myanmar s Rakhine State, which has displaced nearly 125,000 Rohingya Muslims. Foreign Minister Anifah Aman said the latest incidents of violence showed that the Myanmar government had made little, if any progress in finding a peaceful solution to problems facing the Rohingya minority, most of whom live in the northwest Myanmar state near the Bangladeshi border. Given these developments, Malaysia believes that the matter of sustained violence and discrimination against the Rohingyas should be elevated to a higher international forum, Anifah said in a statement. Muslim-majority Malaysia has been particularly outspoken in its concern about the plight of the Rohingya. Myanmar says its security forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on police posts and the army since last October. The latest violence began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. In a separate statement, Malaysia s foreign affairs ministry issued a travel advisory asking Malaysians to defer all non-essential travel to Rakhine State, and for Malaysians in Myanmar to take all necessary precautions and be aware of the security situation. ",worldnews,"September 5, 2017 ",1 +Merkel wants EU to consider halting Turkish accession talks after vote,"BERLIN (Reuters) - German Chancellor Angela Merkel said on Tuesday that Turkey was fast abandoning the rule of law and vowed to push her EU partners to consider suspending or ending its accession talks at a meeting in October. Less than three weeks before a German national election, she spelled out her intentions clearly to the Bundestag lower house of parliament after sharpening her rhetoric on Sunday and saying Turkey should not become an EU member. Those comments, made in a televised debate with her Social Democrat (SPD) election rival, drew charges of populism from Ankara. It was the latest of a series of spats between Merkel and President Tayyip Erdogan over the last two years which has led to a serious deterioration in relations. Turkey is moving away from the path of the rule of law at a very fast speed, Merkel said, adding her government would do everything it could to secure the release of Germans detained in Turkey, who Berlin says are innocent. The Foreign Ministry said last week 12 German citizens, four of them with dual citizenship, had been detained in Turkey on political charges. One has since been released. The ministry updated its travel advice on Tuesday and said that incomprehensible arrests were taking place all over Turkey, including regions frequented by tourists. Venting her growing frustration, Merkel said a rethink of Germany s and the EU s relations with Turkey was needed. We will also - and I will suggest this takes place at the EU meeting in October - discuss future relations with Turkey, including the question of suspending or ending talks on accession, she said. I will push for a decisive stand ... But we need to coordinate and work with our partners, she said, adding that it would damage the EU if Erdogan saw member states embroiled in an argument. That would dramatically weaken Europe s position. Although Turkey s foreign minister has said EU membership remains a strategic goal, the EU has turned very skeptical - especially since Erdogan s crackdown on opponents after a failed coup in July 2016. A European Commission spokesman said on Monday Turkey was taking giant strides away from Europe. Although her conservative party has long opposed Turkish membership of the bloc, Merkel has staked a good deal on maintaining relations with its NATO ally. She has repeatedly defended an EU-Turkey migrant deal she championed last year because it helped to stem the flow of refugees fleeing war in the Middle East to western Europe. Merkel said despite her own reservations, she had gone along with EU accession talks agreed by her SPD predecessor, Gerhard Schroeder, mainly to ensure continuity in foreign policy. Erdogan accuses Germany of harboring plotters behind the 2016 coup attempt. Turkey has arrested about 50,000 people in its purges of state institutions and the armed forces. Ankara says the crackdown is necessary to ensure national security but many Western countries and human rights groups say it is an attempt by Erdogan to stifle all dissent. Erdogan also won sweeping new powers in a referendum in April. In the runup to the German election little divides the main parties, who currently share power in a grand coalition, on Turkey. SPD Foreign Minister Sigmar Gabriel in July said Germans should be careful if they traveled to Turkey and threatened steps that could hurt investment there. ",worldnews,"September 5, 2017 ",1 +China seeks to silence critics at U.N. forums: rights body report,"GENEVA (Reuters) - Beijing is waging a campaign of harassment against Chinese activists who seek to testify at the United Nations about repression, while the world body sometimes turns a blind eye or is even complicit, Human Rights Watch said. In a report released on Tuesday, the group said China restricts travel of activists, or photographs or films them if they do come to the U.N. in Geneva to cooperate with human rights watchdogs scrutinizing its record. What we found is that China is systematically trying to undermine the U.N. s ability to defend human rights, certainly in China but also globally, Kenneth Roth, executive director of Human Rights Watch, told Reuters. This comes at a point where domestically China s repression is the worst it has been since the Tiananmen Square democracy movement (in 1989). So there is much to hide and China clearly attaches enormous importance to muting criticism of its increasingly abysmal human rights record. Chinese foreign ministry spokesman Geng Shuang dismissed the report s accusations as groundless , saying Beijing was playing an active role in the United Nations human rights work. We urge the relevant organization to remove their tinted lenses and objectively and justly view China s human rights development, he told a regular briefing. Rolando Gomez, U.N. Human Rights Council spokesman, said the office did its best to protect all participants and had been extremely vigilant in addressing and investigating all acts and perceived acts of intimidation, threats, and attacks brought to its attention , regardless of which state committed them. The U.N. system offers one of the few remaining channels for Chinese activists to express their views, the New York-based rights group said. Its report, The Costs of International Advocacy: China s Interference in United Nations Human Rights Mechanisms, is based on 55 interviews. NIP-IT-IN-THE-BUD STRATEGY (Chinese President) Xi Jinping seems to have adopted a nip it in the bud strategy with respect to activism at home, but increasingly abroad. That s one of our messages, China s repression isn t stopping at its borders these days, Roth said. In China, activists have decreasing space safe from intimidation, arbitrary detention, and a legal system controlled by the Communist Party, the report said, decrying a crackdown on activists and lawyers since 2015.Some activists who have attended U.N. reviews of China s record have been punished on their return, it said. Others have their passports confiscated or are arrested before departure. When Xi addressed the U.N. in Geneva in January, the U.N. barred non-governmental organizations (NGOs) from attending, Human Rights Watch said. Dolkun Isa, an ethnic Uighur rights activist originally from China, was attending a U.N. event in New York in April when U.N. security guards ejected him without explanation, despite his accreditation, it added. Jiang Tianyong, a prominent human rights lawyer, disappeared last November, months after meeting in Beijing with U.N. special rapporteur on poverty Philip Alston who has called for his release. Jiang, after being held incommunicado for six months, was charged with subversion. At his trial last month he confessed, saying that he had been inspired to overthrow China s political system by workshops he had attended overseas. So the signal is clear - don t you dare present an independent perspective to a U.N. investigator, Roth said. ",worldnews,"September 5, 2017 ",1 +Ex-Georgian leader risks extradition on return to Ukraine,"KIEV (Reuters) - Ukraine says it will review a request from Georgia to arrest and extradite former Georgian president Mikheil Saakashvili, one of the most colorful and divisive figures in the politics of both countries, if he re-enters Ukraine in the next few days. Brought in to help drive reforms after the 2014 Ukrainian uprising that ousted a pro-Russian leader, Saakashvili has been at loggerheads with the Kiev authorities since quitting as governor of the Odessa region last year and accusing President Petro Poroshenko of abetting corruption. Stripped of Ukrainian citizenship while on a trip abroad, he will try to re-enter Ukraine via the Polish border on Sunday, his staff and lawyers say, and expects to be greeted by supporters and lawmakers sympathetic to his cause. It is unclear how Ukrainian border guards will respond. The justice ministry is sending the request from Georgia ... to Ukraine s general prosecutor for an extradition review, Deputy Justice Minister Serhiy Petukhov told a news conference. Saakashvili s representative Olena Galabala said: If there are any questions regarding the extradition of Saakashvili, then firstly they need to let him into Ukraine and then resolve this issue. Otherwise it looks like intimidation. Saakashvili took power in Georgia after a peaceful pro-Western uprising, known as the Rose Revolution, in 2003. He was president at the time of a short and disastrous five-day war with Russia in 2008, a conflict that his critics argued was the result of his own miscalculations. The 49-year-old is now wanted on four separate criminal charges in Georgia, including abuse of office, which he says were trumped up for political reasons. Loathed by the Kremlin, Saakashvili was once a natural ally for Poroshenko after Moscow annexed Ukraine s Crimea region in 2014. But he has become one of the president s most vocal critics casting doubt on the Western-backed authorities commitment to tackle entrenched corruption. Saakashvili has accused the Ukrainian authorities of using pressure tactics to deter him from returning to Kiev, where he has launched a campaign to unseat his former ally Poroshenko. Saakashvili s spokeswoman and his brother, David, were both questioned by authorities at the weekend. In this way they re trying to influence me to change my mind about coming back, Saakashvili said in a post on Facebook. You know me very badly - this just further strengthens my resolve to defend Ukraine and Ukrainians from the dirty dealers and their lawlessness. Interior ministry spokesman Artem Shevchenko said David Saakashvili s permission to reside in Ukraine had been annulled because his work permit had been withdrawn. We didn t detain him. The Kiev police ensured the delivery of the Georgian citizen to the migration services, he told news agency Interfax Ukraine. Poroshenko s office says Saakashvili failed to deliver change while governor of Odessa. They have also said his citizenship was withdrawn because he allegedly put false information on his registration form. Saakashvili says the decision was politically motivated. Saakashvili last year founded a party called the Movement of New Forces, whose support is in the low single digits and which has been seeking to unite reformist opposition forces. ",worldnews,"September 5, 2017 ",1 +Putin warns U.S. not to supply Ukraine with defensive weapons,"XIAMEN, China (Reuters) - Russian President Vladimir Putin said on Tuesday that any decision by the United States to supply defensive weapons to Ukraine would fuel the conflict in eastern Ukraine and possibly prompt pro-Russian separatists to expand their campaign there. On a visit to Kiev last month, U.S. Defense Secretary Jim Mattis said he was actively reviewing sending lethal weapons to Ukraine to help it defend itself, an option that previous U.S. president Barack Obama vetoed. Ukraine and Russia are at loggerheads over a war in eastern Ukraine between pro-Russian separatists and Ukrainian government forces that has killed more than 10,000 people in three years. Kiev accuses Moscow of sending troops and heavy weapons to the region, which Russia denies. Putin, answering a question after a BRICS summit in China about the possibility of the United States supplying Ukraine with heavy weapons, said it was for Washington to decide whom it sold or gave weapons to, but he warned against the move, something Kiev wants. The delivery of weapons to a conflict zone doesn t help peacekeeping efforts, but only worsens the situation, Putin told a news briefing. Such a decision would not change the situation but the number of casualties could increase. In comments likely to be interpreted as a veiled threat, Putin suggested that pro-Russian separatists were likely to respond by expanding their own campaign. The self-declared (pro-Russian) republics (in eastern Ukraine) have enough weapons, including ones captured from the other side said Putin. It s hard to imagine how the self-declared republics would respond. Perhaps they would deploy weapons to other conflict zones. Putin also said Russia intended to draft a resolution for consideration in the United Nations Security Council, suggesting armed U.N. peacekeepers be deployed to eastern Ukraine to help protect ceasefire monitors from the Organization for Security and Cooperation in Europe (OSCE) there. It would help resolve the problem in eastern Ukraine, said Putin, saying that a slew of preconditions would need to be met before any such deployment happened. ",worldnews,"September 5, 2017 ",1 +Kidnapped Red Cross staff released in Afghanistan after seven months,"KABUL (Reuters) - Two Red Cross staff members kidnapped early this year in Afghanistan have been released, the International Committee of the Red Cross said on Tuesday. The two were abducted on Feb. 8 while delivering assistance in Jawzjan province, in the north of the country, on the border with Turkmenistan. Six of their colleagues were killed in the attack, which prompted the ICRC to suspend operations in Afghanistan for a time. We are relieved and grateful that our colleagues are now back with us unharmed, the ICRC head of delegation in Afghanistan, Monica Zanarelli, said in a statement. At the time of the attack, officials in the area blamed Islamic State gunmen but the ICRC said it would not comment on the identity of the abductors, their motives or details of the release. Kidnapping has been a major problem in Afghanistan for many years. Most victims are Afghans abducted for ransom but foreigners or Afghans working for foreign organizations have also been targeted. ",worldnews,"September 5, 2017 ",1 +"France appoints envoy to mediate between Qatar, Arab states","PARIS (Reuters) - France s foreign ministry said on Tuesday that it picked its former ambassador to Saudi Arabia as a special envoy to see how Paris could support mediation efforts in the rift between Qatar and several of its neighbors. Kuwait s Emir Sheikh Sabah al-Ahmad al-Jaber has led mediation efforts to resolve the row, which began in early June when Saudi Arabia, Bahrain, the United Arab Emirates and Egypt cut political and trade ties with Qatar. France, which has close ties with Egypt and the United Arab Emirates while also being a major arms supplier to Qatar and a key ally of Saudi Arabia, has been relatively discreet on the crisis, largely sticking to calls for calm. I confirm that Bertrand Besancenot, diplomatic advisor to the government, will soon go to the region to evaluate the situation and the best ways to support the mediation and appease tensions between Qatar and its neighbors, Foreign ministry spokeswoman Agnes Romatet-Espagne told reporters in a daily briefing. Qatar s neighbors accuse it of supporting regional foe Iran and Islamists across the region, a charge Doha denies. ",worldnews,"September 5, 2017 ",1 +Malaysian police say they foiled attack on SEA Games closing ceremony,"KUALA LUMPUR (Reuters) - Malaysian police thwarted a plan by a member of the Islamic-State linked Abu Sayyaf militant group to attack the closing ceremony of the Southeast Asian Games in Kuala Lumpur last week, the top police official said on Tuesday. The suspected attacker, a 25-year-old Philippine national, had been involved in fighting, kidnapping and beheading of foreign hostages in the Philippines, Inspector-General of Police Mohamad Fuzi Harun said in a statement. The arrest will raise concern about increasing cooperation among militants within Southeast Asia and what governments fear is the spreading influence of Islamic State as it loses ground in the Middle East.. Mohamad Fuzi did not identify the suspect but said he had planned to attack the closing ceremony of the games at the Bukit Jalil National Stadium, as well as an Independence Day parade the next day. He gave no detail of the plans. The man was arrested in a raid on Aug. 30, the day of the ceremony, along with seven other suspected members of the hardline Abu Sayyaf, including another Philippine national. Authorities said earlier they had detained Philippine Abu Sayyaf leader Hajar Abdul Mubin, 25, also known as Abu Asrie, in the Aug. 30 raid. Abu Asrie was arrested with six Malaysians and another Philippine national, aged between 20 and 52, police said earlier. Eleven other suspected militants, including nine foreigners, were picked up in a two-month security operation before the games. The arrests were the latest in a crackdown on militancy by Muslim-majority Malaysia. Since 2013, Malaysia has arrested more than 250 people on suspicion of links to Islamic State. Among those picked up were two Iraqi brothers, aged 41 and 63, who were suspected to have served as commanders for Islamic State, Mohamad Fuzi said. They were working as technicians and were arrested in a Kuala Lumpur suburb on Aug. 11. The Iraqis had arrived in Malaysia separately and were detained on information from foreign intelligence agencies, a Malaysian police source told Reuters. One arrived last year, while the other came in early August. We re still investigating what their activities were in Malaysia, said the source, who declined to be identified because he is not authorized to speak to media. Others picked up in the sweep included suspects from Bangladesh, the Maldives, Indonesia and the Palestinian territories. Police counter-terrorism chief Ayob Khan Mydin Pitchay told Reuters the number of foreigners showed the growing Islamic State threat in the region. ",worldnews,"September 5, 2017 ",1 +"UK police arrest four, including soldiers, over suspected far-right terrorism","LONDON (Reuters) - British police arrested four men on Tuesday, including some serving soldiers, on suspicion of belonging to a banned far-right group and planning terrorist acts. The men, aged 22 to 32, were detained on suspicion of being involved in the commission, preparation and instigation of acts of terrorism and of being members of the National Action group. The neo-Nazi organization became the first far-right group to be outlawed in Britain last year after the murder of member of parliament Jo Cox, whose killing the group had praised. The four arrests were made by counter-terrorism officers in the cities of Birmingham, Ipswich and Northampton and in Powys, Wales. The arrests were pre-planned and intelligence-led; there was no threat to the public s safety, West Midlands Police said. The Ministry of Defence (MoD) said a number of serving members of the army had been arrested. These arrests are the consequence of a Home Office Police Force-led operation supported by the army, an MoD spokeswoman said. This is now the subject of a civilian police investigation and it would be inappropriate to comment further. Britain is on its second-highest threat level, severe , meaning an attack is highly likely. Suspected Islamists have killed 35 people this year in London and Manchester, and a man died in June after a van was driven into worshippers near a London mosque. Last month, a senior police chief said the number of referrals to the authorities about suspected right-wing extremists had doubled since the murder of Cox, who was killed in June last year by a loner obsessed with Nazis and white supremacist ideology. ",worldnews,"September 5, 2017 ",1 +Europe could soon be within range of North Korean missiles: France,"TOULON, France (Reuters) - France s defense minister warned on Tuesday that North Korea could develop ballistic missiles that reach Europe sooner than expected. The scenario of an escalation towards a major conflict can not be discarded, Florence Parly said in a speech to the French military. Europe risks being within range of (North Korean President) Kim Jong Un s missiles sooner than expected, she said. ",worldnews,"September 5, 2017 ",1 +Ukraine drops tax probe of finance minister: finance ministry,"KIEV (Reuters) - Ukrainian prosecutors have ended an inquiry into Finance Minister Oleksandr Danylyuk over alleged tax evasion after failing to find any evidence of wrongdoing, his press service said on Tuesday. The investigation was launched in July at the request of lawmaker Tetiana Chornovol, a member of former Prime Minister Arseny Yatseniuk s People s Front party. Danylyuk, who became finance minister after Yatseniuk s ouster in April 2016, denied the charges and hinted they were linked to his efforts to crack down on corruption. In a statement his press service said the case has been closed due to a lack of circumstances constituting a breach of law. The General Prosecutor s office did not immediately respond to a request for comment. Since becoming finance minister, Danylyuk, a former investment manager who has also served as a deputy head of President Petro Poroshenko s administration, has backed reforms required under a $17.5 billion bailout program from the International Monetary Fund. ",worldnews,"September 5, 2017 ",1 +Syrian army nears besieged troops in Deir al-Zor: state TV,"BEIRUT (Reuters) - Syrian state television said the Syrian army advanced on Tuesday to within 100 meters of troops that Islamic State has surrounded for years in the eastern city of Deir al-Zor. The army and allied forces have come close to relieving the Euphrates city after a swift lunge through jihadist lines. Islamic State has since 2014 besieged a government-held enclave where some 93,000 civilians live and an army garrison is stationed. ",worldnews,"September 5, 2017 ",1 +Sinn Fein's Adams to outline succession plan in November,"DUBLIN (Reuters) - Sinn Fein President Gerry Adams said on Tuesday he would outline his succession plans in November as the former political wing of the Irish Republican Army (IRA) prepares to complete a generational shift in its leadership. Adams, Sinn Fein leader for over 30 years, will seek re-election to the one-year post at the party s annual conference and set out his future plans at that time. I will be allowing my name to go forward for the position of Uachtaran Shinn Fein (President of Sinn Fein), Adams said in a speech at a meeting of the party s lawmakers. And if elected I will be setting out our priorities and in particular our planned process of generational change, including my own future intentions. Reviled by many as the face of the IRA during its campaign against British rule in Northern Ireland, Adams, 69 next month, reinvented himself as a peacemaker in the troubled region and then as a populist opposition lawmaker in the Irish Republic. Around 3,600 people were killed during Northern Ireland s Troubles , three decades of sectarian bloodshed between pro-British Protestant unionists and Catholic nationalists seeking a united Ireland that was ended by a 1998 peace agreement. Whenever he decides to step down, he will almost certainly hand over to a successor with no direct involvement in the decades of conflict in Northern Ireland, say political analysts, making Sinn Fein a more palatable coalition partner in the Irish Republic where it has never been in power. Deputy leader Mary Lou McDonald, who has been at the forefront of a new breed of Sinn Fein politicians transforming the left-wing party s image, is the clear favorite to take over. Michelle O Neill, another Sinn Fein lawmaker in her 40s, succeeded Martin McGuinness as leader in Northern Ireland shortly before the former IRA commander s death in March. With McGuinness, Adams turned Sinn Fein into the dominant nationalist party in Northern Ireland and the third largest party south of the border. Adams said last month that he intended to lead the party into the next parliamentary election in the Irish republic where suspicion of Sinn Fein s role in the Northern Ireland troubles still runs deep among the main political parties. The far larger ruling Fine Gael and main opposition Fianna Fail, a more natural ally, have ruled out governing with Sinn Fein but analysts say a change of leader could soften that stance. The next election is expected in the next 12 months. ",worldnews,"September 5, 2017 ",1 +"Defying warnings, residents refuse to leave Mumbai's crumbling buildings","MUMBAI (Reuters) - On a sunny morning last week in Mumbai after two days of incessant monsoon rain, Mohammad Altaf had come out of his home for a cigarette when he heard a terrifying crash, followed by a huge swirl of dust. The six-storey Husainee building where he had lived for the last month had collapsed, trapping nearly 50 people. Thirty-four of them were killed, including a newborn baby. It was shocking. I had come down for a smoke, and within two minutes the building was no more, said Altaf, who says he was unaware the apartment block was declared unsafe by housing authorities in India s financial hub six years ago. Across the teeming city of 20 million people, thousands of families live in crumbling buildings that have been officially declared uninhabitable - and most of them know it. Housing officials say they cannot be forced out because of lax laws. This year, the city s municipal corporation classified 791 buildings as beyond repair and too dangerous to live in, but close to 500 of these continue to be occupied, a municipal authority official said. Although regulations vary from country to country and also from state to state, authorities in most places have more powers to order evacuations. Altaf, in his mid-thirties, is a bachelor and was living with two co-workers in the apartment in the Bhendi Bazar locality, one of the oldest in the metropolis. His two flatmates survived, with minor knee and shoulder injuries, after jumping out of their apartment on the third floor. Police say they have yet to determine the cause of the collapse, which came after days of intense rain. The 117-year-old apartment block in Bhendi Bazar, a packed neighborhood of narrow streets, shops and tenements, was declared unsafe in 2011 by the regulator, the Maharashtra Housing and Area Development Authority (MHADA). Yet it continued to house Altaf and his flatmates, along with five other families, a sweet shop warehouse and even a nursery on the first floor. The owner of the building, Hakimmudin Bootwala, said seven families moved out by 2014, but other tenants refused despite his urging. One of them had sub-let the apartment to Altaf and his colleagues. The people were my friends and neighbors first, and tenants later, said the 73-year-old. I sincerely advised them to move out. The building had lots of problems, leakages. The roof was fine, but the walls had become really weak and porous. An official at MHADA said there was a law to force residents to evacuate dangerous buildings but enforcing it was impossible because of loopholes and legal challenges. For instance, evicting children and senior citizens could cause trouble, said the housing official, who declined to be identified because he was not authorized to speak to the press. We cut water and electricity supply of buildings that are identified as dangerous for living, but people manage to get water and electricity from nearby buildings, said the official. MHADA, which does a routine check of buildings that are older than 30 years, has identified more than 14,000 buildings in the city that need repair, according to its latest list. Nine thousand of these, home to nearly 250,000 families, need to be redeveloped, the housing official said, adding that the other 5,000 were relatively safe due to regular maintenance work done by landowners in consultation with the housing body. Once regulators decide a building needs to redeveloped, they have to appoint a developer to renovate or rebuild the structure in the case of public housing, or order private owners to hire one. The developer, in turn, must offer residents alternative accommodation until the work is completed, according to state law in Mumbai. But residents often complain the housing they are offered is too small, shabby or too far away. Seventy percent of tenants of both privately- and publicly-owned buildings must agree to redevelop their building according to state rules, or no redevelopment work can commence. Building owners say residents are often unrealistic, refusing to leave even if the alternative housing is adequate. Some worry they could lose their tenancy if they move. The MHADA official said the agency does everything it can to get residents and developers to clinch an agreement, but that the process often gets mired in legal challenges. The problems of the Husainee building were typical. A neighborhood body, the Saifee Burhani Upliftment Trust, had been selected by its owner in 2009 to redevelop the building along with other buildings in the neighborhood, even before the Husainee had been declared unsafe by MHADA. A trust official told Reuters it offered alternative housing to the residents in a place around 2.5 km (1.5 miles) from the building. The official said the trust repeated the offer in 2011 after MHADA declared the building unsafe. A Reuters team visited the complex where the Husainee families who had agreed to move had been relocated, a gated high-rise complex with guards and a playground for kids. Residents said they were happy with their new apartments, although they complained about the distance to work. But other Husainee families refused to move. MHADA officials said the trust was in charge of ensuring relocation and redevelopment and MHADA could not force the Husainee families to leave. The trust has said it has repeatedly tried to evict families from Husainee but some residents refused to move. This incident should be a wake-up call for the city, and a policy needs to be actioned to evict non-cooperating tenants who continue to live in dilapidated buildings, the trust said in a written reply to Reuters queries. Building owner Bootwala says the residents who refused to leave argued they did not want to upend their lives by moving to a new neighborhood. Also, they did not know how long it would take to renovate the building. Reuters was unable to talk to other residents from Husainee, but neighbors in Bhendi Bazar told similar stories. Despite knowing their buildings were unsafe, many of them did not want to leave. A man in his 50s in the neighborhood, who refused to give his name, said he was living in a more than 100-year old building that had been deemed unsafe. The developer offered him temporary housing 13 km (8 miles) away, but he said that was too far. I spent my entire life here. I know every lane in this area, the man said. My children s college, my workplace, everything is closer from here. ",worldnews,"September 5, 2017 ",1 +"South Korea's Moon welcomes talks with North Korea, but now is not the time: media","SEOUL (Reuters) - South Korean President Moon Jae-in said on Tuesday he is open to all forms of talks with North Korea, but now is not the time for dialogue, making the comments two days after the North conducted its sixth and largest nuclear test. Moon was speaking in an interview with Russia s TASS news agency in Russia a day ahead of his summit meeting with Russian President Vladimir Putin on the sidelines of the Eastern Economic Forum which kicks off on Wednesday. ",worldnews,"September 5, 2017 ",1 +China's Xi wants to put relations with India on 'right track',"XIAMEN, China (Reuters) - China wants to put its relationship with India on the right track , President Xi Jinping told Prime Minister Narendra Modi on Tuesday, as the two countries sought to mend ties damaged by a recent tense Himalayan border standoff. The meeting was the first between the two leaders since Chinese and Indian troops ended a standoff in the Doklam border region about a week ago that was the neighbors most serious military confrontation in decades. Talks between Xi and Modi had been in question before the de-escalation, which came just in time for China to host the BRICS summit of emerging economies, which also includes Brazil, Russia and South Africa, in the southeastern city of Xiamen. Healthy, stable ties were in the interests of both countries, Xi told Modi in a meeting on the sidelines of the summit, according to a statement from China s foreign ministry. China is willing to work with India ... to increase political trust, advance mutually beneficial cooperation and promote the further development of China-India relations along the correct path, Xi said. China and India must maintain the fundamental determination that each other constitute mutual development opportunities and do not constitute a mutual threat, Xi said, adding that peaceful, cooperative relations were the only correct choice . Xi and Modi spoke for more than an hour and the discussions were constructive , Indian Foreign Secretary Subrahmanyam Jaishankar told reporters in Xiamen after the meeting. There was a sense that if the relationship is to go forward, then peace and tranquility on the border area should be maintained, Jaishankar said, adding that both sides agreed that strong contacts between their defense personnel were needed to prevent another border incident. On both sides there was a sense that more efforts need to be made to ensure that these kinds of situations don t reoccur. Pressed on how the Doklam dispute was discussed, Jaishankar said, Both of us know what happened. This was not a backwards looking conversation. This was a forward-looking conversation. Hundreds of troops were deployed on the Doklam plateau, near the borders of India, its ally Bhutan, and China after New Delhi objected to China building a road through the mountainous area. The quiet diplomacy that ultimately ended in de-escalation was based on a principle of stopping differences becoming disputes that Modi and Xi had agreed at a June meeting in Astana, an Indian official has said. Still, China and India remain divided on many fronts, including India s deep suspicions of China s growing military activities in and around the Indian Ocean. For its part, Modi s government has upset China with its public embrace of Tibetan spiritual leader Dalai Lama, whom the Chinese regard as a dangerous separatist, and growing military ties with the United States and Japan. China has said its forces will continue to patrol in Doklam, which is claimed by Bhutan, and that it hoped India had learned a lesson from the incident. ",worldnews,"September 5, 2017 ",1 +"China and India are development opportunities for each other, not threats, Xi tells Modi","BEIJING (Reuters) - Chinese President Xi Jinping told Indian Prime Minister Narendra Modi the two Asian giants are development opportunities for each other, not threats, China s foreign ministry spokesman, Geng Shuang, told a regular news briefing on Tuesday. Xi held a meeting with Modi in the southeastern Chinese town of Xiamen on the sidelines of a summit of the BRICS grouping of nations. ",worldnews,"September 5, 2017 ",1 +Indonesia to bar Myanmar protest at world's biggest Buddhist temple,"JAKARTA (Reuters) - Indonesian police have pledged to bar Islamist groups from staging a rally on Friday at the Borobudur Buddhist temple in central Java to protest against the persecution of Myanmar s Rohingya Muslims. Islamist groups say they plan the demonstration close to the stupa-topped Borobudur temple, which dates from the 9th century and is a popular tourist site, to call for an end to violence against the religious and ethnic minority in Myanmar. Indonesia has the world s largest population of Muslims and there have been a number of anti-Myanmar protests in Jakarta and the Malaysian capital Kuala Lumpur over the treatment of Buddhist-majority Myanmar s roughly 1.1 million Rohingyas. Almost 125,000 Rohingyas have been forced to flee clashes between Rohingya insurgents and the army in the northwest Rakhine state. Tens of thousands have crossed the border into neighboring Bangladesh. The action at Borobudur temple will be prohibited, National Police Chief Tito Karnavian told reporters, according to media. This is not just part of the heritage of Indonesia, but that of the world. There is no need for protests in response to the Rohingya conflict because the Indonesian government is taking action on it already. Indonesian Foreign Minister Retno Marsudi on Monday met Myanmar leader Aung San Suu Kyi and top security officials to call for a halt to the bloodshed. Marsudi was due in Dhaka, the Bangladeshi capital, on Tuesday. Pakistani Foreign Minister Khawaja Muhammad Asif expressed deep anguish at the ongoing violence against the Rohingya Muslims and urged the Organization of Islamic Cooperation to take immediate and effective action to bring an end to all human-rights violations against innocent and unarmed Rohingya Muslim population . An organizer of Friday s planned protest said the groups wanted to protest peacefully near the Borobodur temple to show Indonesia s tolerance. The Borobudur is an extraordinary symbol of tolerance, said Anang Imamuddin. We want the world to know that it is in a majority Muslim country but it is safe. Buddhist monks are safe here too. ",worldnews,"September 5, 2017 ",1 +Venezuelan President Maduro will not go to U.N. rights forum,"GENEVA (Reuters) - Venezuelan President Nicolas Maduro will not address the U.N. Human Rights Council next week, contrary to what had been announced, the United Nations and his country s diplomatic mission said on Tuesday. Maduro, accused of trampling on human rights and democracy in Venezuela, had been expected to address the opening day of a three-week United Nations Human Rights Council session on Sept. 11. The president is not coming, a Venezuelan diplomat in Geneva told Reuters on Tuesday. Rolando Gomez, Council spokesman, said in a statement: Please note that per information the HRC Secretariat just received, President Maduro of Venezuela will not address the Human Rights Council. Instead, (Foreign) Minister (Jorge) Arreaza Montserrat has been scheduled to address the Council on the opening day of the session. In a report last week, the U.N. said that Venezuela s security forces had committed extensive and apparently deliberate human rights violations in crushing anti-government protests and that democracy was barely alive . The actions indicated a policy to repress political dissent and instil fear , the U.N. human rights office said in a report that called for further investigation and accountability. Maduro, whose country is currently one of the Council s 47 member states, addressed the Geneva forum in Nov. 2015. ",worldnews,"September 5, 2017 ",1 +Dangerous hurricane Irma moving towards Caribbean islands: NHC,"(Reuters) - Irma, now a category 4 , is heading towards the Leeward Islands in the Caribbean and is expected to move near or over the northern part of the region by Tuesday night or Wednesday, the U.S. National Hurricane Center said. Hurricane Irma is about 320 miles (515 km) east of the Leeward Islands and packing maximum sustained winds of 150 mph(240 km/h), the Miami-based weather forecaster said. Swells generated by Irma will affect the northern Leeward Islands, Puerto Rico, and the U.S. and British Virgin Islands during the next several days, the NHC said. ",worldnews,"September 5, 2017 ",1 +"Egypt signs memo with China on $739 million of funding for new train to capital, minister says","CAIRO (Reuters) - Egypt signed on Tuesday a memo of understanding with China worth about $739 million for an electric train to a new capital the north African country is building, the Egyptian investment minister said. Egypt also signed during President Abdel Fattah al-Sisi s visit to China an agreement for funding worth $45 million for a satellite project, Minister Sahar Nasr said. ",worldnews,"September 5, 2017 ",1 +Boko Haram resurgence kills 381 civilians since April: Amnesty,"ABUJA (Reuters) - The Islamist militant group Boko Haram has killed 381 civilians in Nigeria and Cameroon since the beginning of April, rights group Amnesty International said on Tuesday, a testament to the militant group s deadly resurgence. The Nigerian military has repeatedly said Boko Haram has been defeated . But in recent months, it has carried out a string of lethal suicide bombings and other high-profile attacks on towns and an oil exploration team. The number of deaths since April 1 is more than double that for the preceding five months, Amnesty said. Boko Haram has killed 223 civilians in Nigeria since April. The forcing of women and girls to act as suicide bombers has driven the sharp rise in deaths in northeast Nigeria and northern Cameroon, said Amnesty. Boko Haram is once again committing war crimes on a huge scale, exemplified by the depravity of forcing young girls to carry explosives with the sole intention of killing as many people as they possibly can, said Alioune Tine, Amnesty s director for West and Central Africa. In Nigeria, the deadliest attack was in July, when the militants abducted an oil exploration team with staff of the state oil firm and a university while they were traveling in a military convoy. Boko Haram killed 40 people and kidnapped three others, Amnesty said. Boko Haram suicide bombers have killed 81 people in Nigeria since the start of April, said Amnesty. In Cameroon, the Islamist insurgency has killed at least 158 people in the same period. That is also linked to a rise in suicide bombings, the deadliest of which killed 16 people in Waza in July, the rights group said. More than 2.5 million people have been displaced or become refugees in the Lake Chad region - which includes Nigeria, Cameroon, Niger and Chad - while 7.2 million people lack secure access to food because of the conflict with Boko Haram, according to the United Nations. The insurgency has left more than 20,000 people dead since it began in 2009. ",worldnews,"September 5, 2017 ",1 +"Putin calls tougher North Korea sanctions senseless, warns of 'global catastrophe'","XIAMEN, China (Reuters) - Russian President Vladimir Putin said on Tuesday that imposing tougher sanctions on North Korea over its nuclear missile programme would be counter-productive and said threats of military action could trigger a global catastrophe . Putin, speaking after a BRICs summit in China, criticised U.S. diplomacy in the crisis and renewed his call for talks, saying Pyongyang would not halt its missile testing programme until it felt secure. Russia condemns North Korea s exercises, we consider that they are a provocation ... (But) ramping up military hysteria will lead to nothing good. It could lead to a global catastrophe, he told reporters. There s no other path apart from a peaceful one. Putin was speaking after South Korea said an agreement with the United States to scrap a weight limit on its warheads would help it respond to the North Korea threat after Pyongyang conducted its sixth and largest nuclear test two days ago. Russia, which shares a border with North Korea, has repeatedly joined China in calling for negotiations with Pyongyang, suggesting that the United States and South Korea halt all major war games in exchange for North Korea halting its testing programme. While describing additional sanctions as the road to nowhere , Putin said Russia was prepared to discuss some details around the issue, without elaborating. The Russian leader also lashed out at the United States, saying it was preposterous for Washington to ask for Moscow s help with North Korea after sanctioning Russian companies whom U.S officials accused of violating North Korea sanctions. It s ridiculous to put us on the same (sanctions) list as North Korea and then ask for our help in imposing sanctions on North Korea, said Putin. This is being done by people who mix up Australia with Austria, he added. The United States has floated the idea of requiring all countries to cut economic links with North Korea to try to strong-arm Pyongyang into changing its behaviour. In Moscow s case, that would mean stopping using North Korean labourers, tens of thousands of whom work in Russia, and halting fuel supplies to Pyongyang. Russia has so far refused to contemplate doing either. ",worldnews,"September 5, 2017 ",1 +Germany's Merkel says 'urgently need' more sanctions versus North Korea,"BERLIN (Reuters) - German Chancellor Angela Merkel said on Tuesday European Union foreign ministers would discuss taking further sanctions against North Korea over its nuclear missile program at the weekend and that these were required urgently . North Korea s nuclear tests are a flagrant violation of all international conditions, Merkel told the Bundestag lower house of parliament. I say clearly and in the name of the whole government: there can only be a peaceful, diplomatic solution, she added. ",worldnews,"September 5, 2017 ",1 +All the president's men: China's politburo line-up a measure of Xi's power,"BEIJING (Reuters) - President Xi Jinping of China is expected to place trusted allies in the Communist Party s key decision-making Politburo during a leadership reshuffle at the 19th party Congress this autumn, according to multiple Chinese sources and foreign diplomats. A key measure of Xi s power will be how many of his allies are installed on the 25-member committee. At least 10 Politburo members are slated to retire due to an unwritten rule that politicians step down if they are 68 or older when they take on a new five-year term. And the youngest Politburo member, Sun Zhengcai, 53, is out of the running. He served as Chongqing party boss before being put under investigation in July for disciplinary violations, Communist Party jargon for corruption. The fate of the top corruption watchdog, Wang Qishan, 69, is also the subject of widespread conjecture. It is unclear if he will retain his seat in the elite seven-member Politburo Standing Committee, despite his age, and therefore his spot on the wider Politburo. The State Council Information Office, which doubles as the spokesman s office for the cabinet and party, declined to comment on Politburo candidates when reached by telephone and fax. Possible newcomers to the Politburo among Xi s allies (surnames in alphabetical order): Cai Qi, 61, has enjoyed a meteoric rise under Xi and is considered a shoo-in after he was named party boss of Beijing in May, despite not being a full or alternate member of the wider Central Committee. Since 1987, whoever holds the office of Beijing party chief has also been a Politburo member. Cai overlapped with Xi during the future president s 17-year stint in the southeastern province of Fujian, and in the eastern coastal province of Zhejiang, where Xi was party boss from 2002 to 2007. Cai is a native of Fujian. Chen Miner, 56, was seen to have performed strongly as the leader of Guizhou province before being named party boss of the southwestern metropolis of Chongqing on July 15, replacing Sun. Chen, a native of Zhejiang, is also virtually assured of a seat in the Politburo given his position in Chongqing, the sources said. Chen is a dark horse candidate to catapult straight onto the Standing Committee. Chen Quanguo, 61, was promoted to party chief of the restive far-western region of Xinjiang, bringing along with him the tough ethnic management policies he implemented at his previous post in Tibet. Chen has never worked closely with Xi. Chen Xi, 64 this month, a native of Fujian, is tipped to be promoted to minister of the party s organization department, overseeing the promotion and deployment of party officials. He is currently vice-minister at the department. Chen shared a dormitory with Xi when the two attended the prestigious Tsinghua University in the late 1970s. Ding Xuexiang, 55 this month, is likely to become director of the General Office of the Central Committee. He is currently No 2 in the General Office, which oversees day-to-day operations of the Politburo. Ding worked for Xi when the latter was party boss in Shanghai. He Lifeng, 62, chairman of the cabinet s National Development and Reform Commission, is a strong candidate to become one of five state councillors, a rank above cabinet minister but below vice premier. If he is named one of four vice premiers next March, he would be a favorite for the Politburo. He worked in Fujian from 1984 to 2009, overlapping with Xi, who was governor from 2000 to 2002. Huang Kunming, 60, a native of Fujian, is the front-runner to become the party s propaganda minister. He is currently No 1 vice-minister. He followed Xi from Fujian to Zhejiang. Li Hongzhong, 61, is party secretary of the northern port city of Tianjin. He never worked under Xi previously, but has been an ardent supporter of Xi s policies. Li Qiang, 58, a native of Zhejiang, is currently party boss of the eastern coastal province of Jiangsu. Li was Xi s right-hand man when Xi was party boss of Zhejiang. Li Xi, 60, currently party chief of the northeastern province of Liaoning, is seen to be in line for promotion to head a bigger province. He once worked in Xi s home province, Shaanxi, in China s northwest. Liu He, 65, is Xi s key economic advisor and a strong candidate to become a state councilor or vice premier. When then-U.S. National Security Adviser Tom Donilon visited Beijing in 2013, Xi introduced Liu as very important to me , according to the Wall Street Journal. Liu holds a master s degree in public administration from Harvard University s Kennedy School of Government. Ma Xingrui, 57, was once the chief engineer of China s lunar program. Now the governor of Guangdong province, he is one of two candidates for party secretary, the top post, in the booming southern region. If successful, he would be assured of a Politburo seat. Wang Xiaohong, 60, is a candidate to lead either the police or the national security apparatus. He is currently a vice minister of public security and a vice mayor of Beijing. Wang cut his teeth in his home province Fujian, overlapping with Xi. Xia Baolong, 64, once touted to take over as security tsar, stepped down as party boss of Zhejiang province in April. In a surprise move, he was sidelined to the No 2 position in parliament s environmental protection and resources conservation committee, which may hurt his chances to join the Politburo. Xia, who ordered the tearing down of hundreds of church crosses in Wenzhou city in 2015, was Xi s deputy in Zhejiang. Ying Yong, 59, a native of Zhejiang, is currently mayor of Shanghai and a candidate to become party boss of the country s financial capital. He worked under Xi in Zhejiang as deputy police chief, the No 2 corruption watchdog and an appeals court acting chief judge. You Quan, 63, has been the Communist Party secretary of coastal Fujian province since December 2012. A native of Hebei province with a background in economics, he is a former chairman of the State Electricity Regulatory Commission. (In entry on Cai Qi, makes clear that since 1987 the Beijing party chief office-holder, not Cai himself, has also had a seat on the Politburo) ",worldnews,"September 4, 2017 ",1 +China rules out military force as option to resolve Korean peninsula issues,"BEIJING (Reuters) - The use of military force to resolve issues on the Korean peninsula is never an option, China s Foreign Ministry spokesman, Geng Shuang, told a daily news briefing in Beijing on Tuesday. ",worldnews,"September 5, 2017 ",1 +Indian and Chinese defense forces must maintain cooperation: Indian Foreign Secretary,"BEIJING (Reuters) - Indian Foreign Secretary Subrahmanyam Jaishankar said Indian and Chinese troops must maintain cooperation to ensure that a recent confrontation on their common border did not happen again. Speaking to reporters on the sidelines of a BRICS summit in the southeastern Chinese city of Xiamen, Jaishankar said peace in border areas was a prerequisite for India-China development and the two countries had agreed to make more efforts to enhance mutual trust. ",worldnews,"September 5, 2017 ",1 +China's Xi tells India's Modi to safeguard peace in border areas: media,"BEIJING (Reuters) - China s President Xi Jinping told India s Prime Minister Modi on Tuesday that the two countries should respect each other and safeguard peace in border areas, according to the state-owned People s Daily. Xi also told Modi that India should treat China s development correctly and rationally in a meeting on the sidelines of a summit of BRICS countries, according to the People s Daily. ",worldnews,"September 5, 2017 ",1 +Taiwan appoints new premier to drive reform efforts,"TAIPEI (Reuters) - Taiwan has appointed as premier William Lai, the mayor of its southern city of Tainan, President Tsai Ing-wen said on Tuesday, as she moved to shore up declining public support. A reshuffle to replace the premier had been anticipated for months as Tsai s approval ratings dropped below 30 percent by August, a private foundation survey showed, from nearly 70 percent soon after her 2016 inauguration. We have a clear direction for our reforms, Tsai told a news briefing. Premier Lai will lead the administrative team, iron out any problems, and take us forward. Lai s appointment comes a day after the resignation of Lin Chuan, the premier since Tsai took office in May 2016. Frozen ties with China, a massive power outage in the tech hub for Apple Inc and other global firms, a backlash over pension reforms and a revised labor rule, are among the controversies that put pressure on Tsai to replace Lin, as she prepares for her 2020 re-election campaign. Lai, a Harvard graduate, was a lawmaker for four consecutive terms and a whip of Tsai s Democratic Progressive Party (DPP) caucus before becoming in 2010 the mayor of Tainan, home to the plants of Taiwan Semiconductor Manufacturing Co (TSMC) and other technology firms. I ll redouble our efforts to reform and transform, for the benefit of the people of Taiwan, Lai said. However, Lai s premiership would not necessarily help the president improve her ratings, some analysts have said. ",worldnews,"September 5, 2017 ",1 +Japan Airlines plane makes emergency landing in Tokyo,"TOKYO (Reuters) - A Japan Airlines (JAL) plane made an emergency landing at Tokyo s Haneda International Airport shortly after takeoff on Tuesday following an apparent bird strike, an airline spokesman said. There were no injuries among any of the 248 people on board, the spokesman said. Video footage appeared to show flames shooting from one engine of the Boeing 777 soon after takeoff. A bird strike was believed to be the cause, although it was still being investigated, the spokesman said. The plane, bound for New York, was carrying 233 passengers and 15 staff. ",worldnews,"September 5, 2017 ",1 +"India, China need to do more to avoid border disputes: India foreign secretary","NEW DELHI (Reuters) - Indian Prime Minister Narendra Modi and his Chinese counterpart Xi Jinping agreed that more needed to be done to avoid future border disputes, India s foreign secretary said on Tuesday. Modi and Xi on Tuesday met for more than an hour on the sidelines of the BRICS nations summit in the Chinese city of Xiamen, a week after agreeing to end a more than two-month long stand-off along their disputed border. One of the important points made during the meeting was that peace and tranquility in the border areas was a prerequisite for the further development of our relationship, S. Jaishankar told reporters. ",worldnews,"September 5, 2017 ",1 +"Persecution of all Muslims in Myanmar on the rise, rights group says","BANGKOK (Reuters) - The systematic persecution of minority Muslims is on the rise across Myanmar and not confined to the northwestern state of Rakhine, where recent violence has sent nearly 90,000 Muslim Rohingya fleeing, a Myanmar rights group said on Tuesday. The independent Burma Human Rights Network said that persecution was backed by the government, elements among the country s Buddhist monks, and ultra-nationalist civilian groups. The transition to democracy has allowed popular prejudices to influence how the new government rules, and has amplified a dangerous narrative that casts Muslims as an alien presence in Buddhist-majority Burma, the group said in a report. The report draws on more than 350 interviews in more than 46 towns and villages over an eight-month period since March 2016. Myanmar s government made no immediate response to the report. Authorities deny discrimination and say security forces in Rakhine are fighting a legitimate campaign against terrorists . Besides Rohingya Muslims, the report also examines the wider picture of Muslims of different ethnicities across Myanmar following waves of communal violence in 2012 and 2013. The report says many Muslims of all ethnicities have been refused national identification cards, while access to Islamic places of worship has been blocked in some places. At least 21 villages around Myanmar have declared themselves no-go zones for Muslims, backed by the authorities, it said. In Rakhine state, the report highlighted growing segregation between Buddhists and Muslim communities and severe travel restriction for the Muslim Rohingyas, which limited their access to health care and education. Tens of thousands of Rohingya have fled into neighboring Bangladesh since Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people. The treatment of Myanmar s roughly 1.1 million Rohingya is the biggest challenge facing Myanmar de facto leader Aung San Suu Kyi, who critics say have not done enough to protect the Muslim minority from persecution. The London-based Burma Human Rights Network has been advocating among the international community for human rights in Myanmar since 2012, it says on its website. ",worldnews,"September 5, 2017 ",1 +"Disabled in war, Afghan soldiers seek a living on the streets","JALALABAD, Afghanistan (Reuters) - Afghan soldier Mehrullah Safi s military career ended in southern Helmand province last year when a rocket-propelled grenade exploded next to him, severing his right leg. Now he sells mobile telephone cards in the street. Tens of thousands of Afghan troops have been disabled in the 16 years since a U.S.-led campaign ousted the Taliban in 2001. In city streets and marketplaces all over the country, they offer a stark reminder of the human cost of the war. It was the worst day of my life, Safi, a former army lieutenant, said. We were surrounded by dozens of Taliban, there was a heavy fight going on and I was in a bad condition for two days until I was transferred to hospital. With his left leg and a hand also shattered, Safi s leg was amputated in the field. After eight unsuccessful operations on his badly damaged left leg, he hopes a ninth will stabilize it. I served my country and I don t regret being wounded but when I see my wounds have no value for my government, then I do regret it. Safi says he received a one-off payment of 184,000 afghani ($2,690) when he was disabled, besides 10,500 afghani ($153) every month. Unable to walk, he sits in a small booth in a market in the eastern city of Jalalabad, supplementing his pension with about 5,000 to 8,000 afghani earned from the sales of mobile phone scratch cards each month. I ve built a small business to feed my family but now municipal workers harass me in the market, he said. My family blames me for ruining their lives. The government says it does what it can as it battles an insurgency that kills and wounds thousands of soldiers each year and tries to rebuild an economy destroyed by decades of strife. Wounded soldiers usually get a year s pay and a monthly pension. About 130,000 severely disabled military and civilian individuals now receive benefits, said government spokesman Fatah Ahmadzai. But officials say they know the sum is far too small for veterans supporting families of five or more. As much as we provide support to our disabled, it is nothing to what they have suffered, said defense ministry spokesman Dawlat Waziri. The ministry is working day and night to find a way to increase the amount our soldiers are paid. But Afghanistan does not have the money to solve this issue on its own. As U.S. forces prepare for an intensified engagement in Afghanistan, an end to the fighting appears a distant prospect and casualty numbers will certainly grow. That risks adding to the war-weariness of Afghan troops and their families and the difficulty in finding new recruits to fill the gaps. My family tried to make me leave the army the first time I was wounded, but I refused, said Hayatullah Sahar, who suffered two more injuries before leaving to work as a taxi driver. When I was wounded the second and third times, my mother cried and begged me to leave. She even tore up my army identification and hospital papers. Afghanistan has run several advertising campaigns to whip up pride in its security forces and has trumpeted an Afghan team s participation in the Invictus Games for disabled soldiers. But the bitter reality is hard to counter, leaving many feeling painfully conflicted. When I think back to when I joined the army, I regret it and blame myself, said former soldier Riazullah, who lost both legs to a roadside bomb in the southeastern province of Ghazni. My family also blames me for what happened, but I tell my children to study, and one day, they will understand the value of what I did for this country. ",worldnews,"September 5, 2017 ",1 +Australia's high court hears challenge to same-sex marriage vote,"SYDNEY (Reuters) - Australia s high court on Tuesday began a hearing on the validity of a government plan for a postal vote to legalize same-sex marriage, a challenge that risks destabilizing the ruling center-right coalition. If the court rules against the plan, Prime Minister Malcolm Turnbull could find himself presiding over a government fractured on the issue, endangering his razor-thin parliamentary majority of one. With the non-compulsory vote a couple of weeks away, its opponents have launched a legal challenge, saying the vote needs the backing of parliament - which has twice rejected such a national ballot. This case is about dignity and equality for lesbian, gay, bisexual, transgender and intersex Australians, Anna Brown, director of legal advocacy at the Human Rights Law Centre, which leads the opposition to the vote, told reporters in Melbourne. We re here because we all believe and want marriage equality. This postal plebiscite has big question marks around its legal validity. Conservative lawmakers have threatened to resign if the ballot policy is not adhered to, risking Turnbull s parliamentary majority. But he may not be able to stick to the postal vote policy, as a group of liberal politicians has threatened to rebel and side with the opposition, which would probably end his tenure as leader, analysts say. Turnbull supports same-sex marriage, as do two-thirds of Australians, but his party s conservative wing has threatened a revolt if he deviates from the policy of a national ballot. Frustrated by the political impasse, a group of backbenchers this year said they were ready to vote with the opposition Labor Party to secure same-sex marriage, a plan only abandoned when Turnbull offered a postal vote. While a rejection of the legal challenge offers a political solution, an increasingly vitriolic campaign forced Turnbull to urge both sides to show mutual respect. Turnbull s plea has gone largely unheeded, however. Opponents of same-sex marriage last week launched a contentious campaign advertisement that the government immediately rejected as inaccurate. Since the postal vote is not a formal election it is not subject to the same rules on political advertisements, and activists fear a surge in malicious campaigning in the run-up. Our concern is around a sustained, intense campaign. It will make a question that should be a private matter between two people, a matter for public discussion, Elaine Pearson, director of New York-based Human Rights Watch, who supports same-sex marriage but opposes the national vote, told Reuters. ",worldnews,"September 5, 2017 ",1 +"China's Xi says BRICS countries should deepen coordination, quicken reform of global economic governance","XIAMEN, China (Reuters) - BRICS countries should deepen coordination on important global matters and quicken global economic governance reform, Chinese President Xi Jinping said on Tuesday. Speaking at the BRICS summit in the southeastern Chinese city Xiamen, Xi also said BRICS countries have made smooth progress on anti-terrorism and internet security cooperation. ",worldnews,"September 5, 2017 ",1 +Report on Mexican attorney general's Ferrari drives corruption debate,"MEXICO CITY (Reuters) - A report that Mexico s attorney general owns a Ferrari registered at an unoccupied house has added a twist to a growing political battle over who will lead a new institution designed to battle corruption. The report by a Mexican anti-graft group published on Monday said Mexican Attorney General Raul Cervantes had a $218,000 Ferrari registered at an apparently unoccupied house, worth $25,000, in the state of Morelos that also had two other Ferraris and an Audi registered to the same address. Cervantes said through his lawyer he bought a 2011 Ferrari with his earnings as a private lawyer before entering public service, and that it was registered at that address by the company that had imported the luxury car. Cervantes is already at the center of a growing political battle in Mexico, which is implementing a new anti-corruption system that will replace the current attorney general s office with a new institution next year that is designed to be more independent from political interference. President Enrique Pena Nieto s administration has been hit by conflict of interest scandals and his Institutional Revolutionary Party (PRI) has been battered by corruption allegations against several governors. Revelations about the lavish lifestyles of politicians has further damaged the popularity of the ruling class in a country where 44 percent of people are officially poor. Opposition lawmakers have objected to allowing Cervantes to become the head of the new prosecutor general s office, a figure who will serve a 9-year term in a move away from the current system where the president nominates the attorney general. Ricardo Anaya, the head of the conservative National Action Party, said in a video posted online at the weekend that Cervantes could protect members of the PRI from facing corruption charges if he becomes the new prosecutor general. Anaya has himself been the subject of recent media reports that said his wife s parents had significantly expanded business and real estate holdings in recent years. Anaya has denied any wrongdoing. Cervantes lawyer said the registration of the Ferrari was an administrative error. Dr. Cervantes only found out about it this very morning in the newspaper and has already made the corresponding administrative adjustments, lawyer Cristina Rocha wrote in a letter reposted on Cervantes Twitter page. In this case, there is nothing illegal, there was only an administrative error in the registry of one address for another in Morelos, the letter said. Mexicans Against Corruption and Impunity said documents showed 16 luxury cars had been registered to just four homes on the same street of low-cost town houses. The report said neighbors had never seen fancy cars on their street and said the homes in question seemed to be uninhabited. ",worldnews,"September 5, 2017 ",1 +North Korea seen moving ICBM-grade rocket towards west coast: media,"SEOUL (Reuters) - North Korea has been observed moving what appeared to be an intercontinental ballistic missile (ICBM) towards its west coast, South Korea s Asia Business Daily reported on Tuesday, citing an unidentified intelligence source. The rocket started moving on Monday, a day after North Korea s sixth nuclear test, and was spotted moving at night to avoid surveillance, the report said. North Korea has launch facilities for its missile program on its west coast. South Korea s defense ministry said they were unable to confirm the contents of the report. The ministry said in parliament on Monday that North Korea was considered ready to launch more missiles, including ICBMs, at any time. ",worldnews,"September 5, 2017 ",1 +Brazil prosecutor says new audio threatens Batista leniency deal,"BRASILIA (Reuters) - A leniency deal struck between the controlling shareholders of Brazilian meatpacker JBS SA and prosecutors may be partially revoked, threatening witnesses immunity but keeping their testimony, the country s top prosecutor said on Monday. Prosecutor General Rodrigo Janot said at a news conference that billionaire meat tycoon Joesley Batista and a fellow state s witness seemed to have inadvertently recorded a four-hour conversation discussing crimes not covered in their plea bargain. The audio was submitted to prosecutors on Thursday as an attachment to an unrelated matter, he said. Joesley Batista and his brother Wesley previously confessed to bribing scores of politicians in plea bargain testimony that allowed them to avoid prosecution. With their help, prosecutors got a recording of President Michel Temer apparently endorsing hush payments to a possible witness in a graft probe. Janot said the new audio was very troubling because it suggested the Batistas had not been forthcoming about all of their crimes. He also said the audio implicated someone at the Supreme Court of unspecified wrongdoing and suggested that a prosecutor in his office had aided the Batistas illegally. Janot said evidence from their plea bargain testimony, which he has used to bring corruption charges against Temer, will stand regardless of whether witnesses lose immunity after an investigation of the new audio. The prosecutor general is expected to bring a second wave of charges against Temer in coming weeks. Questions about the Batistas testimony are likely to hang over the charges against Temer, making it easier for members of Congress to prevent the president from facing trial at the Supreme Court, as they did with earlier charges. Temer declined to comment on the matter when asked by reporters in China. J&F Investimentos SA, the holding company through which the Batista family controls JBS, said Janot had hastily interpreted the recording, which contained considerations of hypotheses and did not compromise the good faith of the witnesses. The company agreed in May to pay a leniency fine of 10.3 billion reais ($3.3 billion) for its role in a political bribery scheme. Since then, Joesley Batista resigned as chairman of JBS, but his brother Wesley remains chief executive and has been fighting efforts to remove him led by state development bank BNDES, another major shareholder in the world s largest meatpacker. Janot opened an investigation on Monday into revising the leniency deals of Joesley Batista and two other J&F executives, according to a document on his office s website. Since the plea deal, J&F has been racing to sell assets in order to reduce debt and pay the leniency fine. In three months, the holding company has signed agreements to sell Havaianas flip-flops maker Alpargatas SA, dairy company Vigor Alimentos SA and pulpmaker Eldorado Brasil Celulose SA. ($1 = 3.1409 reais) ",worldnews,"September 4, 2017 ",1 +Voice of triumph or doom: North Korean presenter back in limelight for nuclear test,"SEOUL (Reuters) - Wearing a pink Korean dress and flashing a wide smile, television presenter Ri Chun Hee delivered the news of Pyongyang s sixth nuclear test with her usual gusto. Using her trademark bombastic delivery, Ri announced on state television on Sunday the hydrogen bomb test was a perfect success! and a key step in completing the state nuclear force. The 74-year-old grandmother is considered a national hero who first took to the airwaves in 1971, leaving a career in acting for the broadcaster Korean Central Television (KCTV) Ri s dramatic flare set her apart from other announcers - whether she was angrily denouncing the West or boasting of the regime s achievements and the strength of its leaders. She s the perfect person to voice North Korea s hard-line stance, said Ahn Chan-il, a high-ranking North Korean defector who now lives in South Korea. There is no one else who has that power in her voice as she does. It s just right for talking about nuclear weapons or missiles, Ahn said. Ri, who usually wears a traditional Korean dress known as a hanbok, has also shown a softer side. She famously wept on air when announcing North Korea s founder Kim Il Sung s death in 1994. When his son Kim Jong Il died in 2011, it was Ri - clad in black funeral clothes and her voice trembling - who delivered the news to North Koreans. Despite officially retiring in 2012, Ri has been brought back for major announcements. Sunday s broadcast underscored her longevity at a time when current leader Kim Jong Un has purged some party and military officials from his father s era. Outside North Korea, the pink lady is a familiar face of the regime during the latest tensions over Pyongyang s weapons programs. I know that if something happens, she will talk, said Tokyo resident Masashi Sakota. Matt Walker, a credit manager in Sydney, said Ri was very expressive and excited on the news item he watched this week. I don t know how you can get excited about bombs going off. It just seems very odd, he said. In a rare 2012 interview with China s state-run CCTV, Ri said she wanted to help train the next generation of North Korean broadcasters, who she said were younger and better suited for today s television audience. She said she saved her gentler side for the North Korean public. When we read to people in the DPRK, you shouldn t shout but speak gently to viewers, Ri said. (This version of the story corrects order of name in paragraph 13 to Masashi Sakota) ",worldnews,"September 4, 2017 ",1 +Trump agrees 'in principle' to scrap South Korean warhead weight limit: White House,"WASHINGTON/SEOUL (Reuters) - U.S. President Donald Trump agreed in principle to scrap a warhead weight limit on South Korea s missiles in the wake of North Korea s sixth nuclear test, the White House said on Monday. During a call with South Korean President Moon Jae-in, Trump also gave conceptual approval for South Korea to buy billions of dollars of weapons from the United States, the White House said in a statement. Separately, South Korea s presidential office said the two leaders had agreed to scrap the weight limit and to apply the strongest sanctions and pressure on North Korea through the United Nations. In a separate phone call with Russian President Vladimir Putin also on Monday, Moon said the U.N. Security Council should seek ways to sever North Korea s foreign currency income, including from its workers employed abroad and oil shipments, according to the South Korean statement. Under the existing missile pact between the United States and South Korea, Seoul s warheads currently face a cap of 500 kg (1100 lb). The agreement, last amended in 2012, was in the process of being changed in the wake of a series of missile tests by North Korea this year after Moon took office in May, including two intercontinental ballistic missile launches. North Korea said it tested an advanced hydrogen bomb for a long-range missile on Sunday, prompting global condemnation and a U.S. warning of a massive military response if it or its allies were threatened. An unlimited warhead weight allowance would enable the South to strike North Korea with greater force in the event of a military conflict. The missiles would still be bound by a flight range cap of 800 km. No changes to the flight range were mentioned in the Blue House statement. Most analysts and policymakers agree cutting off supplies of oil to North Korea would hurt its economy. It remains to be seen whether China, the North s biggest ally and trade partner, would cooperate. South Korea said earlier in the day it was talking to the United States about deploying aircraft carriers and strategic bombers to the Korean peninsula after signs North Korea might launch more missiles. ",worldnews,"September 4, 2017 ",1 +Sao Paulo Mayor Doria could quit party for presidential bid,"SAO PAULO (Reuters) - Presidential hopeful Jo o Doria, the mayor of Brazil s largest city, made it clear on Monday that he is not married to the centrist Brazilian Social Democracy Party (PSDB) and is open to courtship from other parties. The stance of the rising young star of Brazilian politics will put the PSDB under pressure since his mentor and party stalwart, Geraldo Alckmin, the governor of Sao Paulo, also plans a presidential bid in next year s elections. I will become a candidate the day I declare and have the support of a party, Doria told reporters after addressing a business conference in Sao Paulo on Monday, without naming the PSDB. While he has not announced that he will run, the 59-year-old self-made millionaire and former TV presenter has said he would accept if nominated by his party. A Datafolha poll in June showed Doria is little known by Brazilian voters compared to Alckmin, but he has a far lower rejection rate and is on track to become more popular than the governor, who lost a presidential bid in 2004 to Workers Party incumbent Luiz Inacio Lula da Silva. Alckmin has said publicly that he intends to run in the Oct. 7 election and favors a U.S.-style primary if the PSDB has several contenders for the nomination. Doria opposes holding a primary and has not ruled out quitting the party. In an interview published on Monday by the Estado de S.Paulo newspaper, the mayor said the party should pick its candidate based on who the opinion polls say is more popular. Doria said he would continue in the PSDB but that other parties were reaching out to him and he left open the option of leaving to run for president. I intend to continue in the PSDB, until some circumstance prevents me from doing so, he told the newspaper in Paris, where he met on Friday with French President Emmanuel Macron, a similarly young untested politician who rapidly rose to office. Doria, an outsider who won his first election last year in a landslide victory for Sao Paulo mayor, has become a potential favorite center-right candidate offering an fresh clean face among Brazil s corruption-plagued political class. ",worldnews,"September 4, 2017 ",1 +China pledges new funding for BRICS as group opposes protectionism,"XIAMEN, China (Reuters) - China will give $80 million in funding for BRICS cooperation plans, Chinese President Xi Jinping said on Monday, while the bloc of five emerging countries pledged to oppose protectionism. Xi offered 500 million yuan ($76.4 million) for a BRICS economic and technology cooperation plan, and another $4 million for projects at the group s New Development Bank (NDB) during a three-day leaders summit in the southeastern city of Xiamen. China s new contributions to BRICS pale in comparison to its $124 billion pledge earlier in May for Xi s own Belt and Road initiative, which aims to expand links between Asia, Africa, Europe and beyond as a new way to boost global development. The announcement came amid questions over the relevance of BRICS and China s commitment to the NDB in light of the Belt and Road initiative and the China-led Asian Infrastructure Investment Bank, both key efforts by Beijing to bolster its global influence. Xi said during a plenary session at the BRICS leaders summit that the five emerging economies - Brazil, Russia, India, China and South Africa - should increase cooperation in sectors such as trade and investment, monetary policy and finance, and sustainable development. We should redouble our efforts to comprehensively deepen BRICS partnerships and open BRICS cooperation, he said. Set up in 20l5 as an alternative to the World Bank, the Shanghai-headquartered NDB was seen as the first major BRICS achievement after the group came together in 2009 to press for a bigger say in the post-World War Two financial order created by Western powers. The BRICS leaders will gather in Xiamen through Tuesday, giving host China its latest chance to position itself as a bulwark of globalization in the face of U.S. President Donald Trump s America First agenda. A draft Xiamen Declaration seen by Reuters, a formal version of which is expected to be issued later, said BRICS countries will continue to firmly oppose protectionism as they are committed to an open and inclusive multilateral trading system. The communique emphasized the need to be vigilant in guarding against inward-looking policies that could hurt global market confidence, and called upon all countries to fully implement the Paris climate agreement. The summit has been overshadowed by North Korea s sixth and most powerful nuclear test, which came on Sunday just hours before Xi opened the meeting with a keynote speech, and prompted a vow of a massive military response from the United States if it or its allies were threatened. Though China s Foreign Ministry has condemned the test, Xi did not mention North Korea during that 45-minute address or in his televised remarks during Monday s plenary session. The BRICS grouping said in its draft communique that it strongly deplored Pyongyang s test, but that the problem over its nuclear program should only be settled through peaceful means and dialogue. We express deep concern over the ongoing tension and prolonged nuclear issue on the Korean peninsula, it said. North Korea tested two ICBMs in July that could fly about 10,000 km (6,200 miles), putting many parts of the U.S. mainland within range and prompting a new round of tough international sanctions. Though angered over the tests, China - North Korea s closest ally - has lambasted the West and its allies over recent weeks for promoting the China responsibility theory for North Korea. The U.N. Security Council was set to meet later on Monday to discuss new sanctions against the isolated regime. Chen Fengying, an economics expert at the state-backed China Institutes of Contemporary International Relations, said on the sidelines of the BRICS meeting that at the most BRICS countries will take note of the North Korean problem. Intervention is rather difficult. Our cooperation is mainly on global governance, she said. ",worldnews,"September 4, 2017 ",1 +"Syrian army, allies thrust east to break siege in Deir al-Zor city","BEIRUT (Reuters) - With a sudden lunge through jihadist lines, the Syrian army and its allies on Monday came to within 3 km of relieving the Euphrates city of Deir al-Zor, where Islamic State has besieged 93,000 civilians and an army garrison for years. The advance on the eastern city marks another stinging setback for the once-triumphant Islamic State, fast retreating in both Iraq and Syria as its self-declared caliphate crumbles. Syrian troops were rapidly approaching the city, reaching a point 3 km (2 miles) away, state television said. Dozens of trucks loaded with food stood ready to enter the enclave in the city once government forces break the siege, it said. (For a graphic on battle for control in Syria click tmsnrt.rs/2wyo0lw) A military media unit run by Hezbollah, a key ally of Damascus, said the advancing forces were heading to the garrison s camp on the city outskirts. Deir al-Zor s provincial governor told Reuters he expected the army could reach the city within hours. Islamic State is in confusion. There is no leadership or centralized control, said a commander in the military alliance supporting Syrian President Bashar al-Assad. Hemmed in on all sides, Islamic State, which ruled over millions of people in both Iraq and Syria at its peak in 2014, is falling back on a last Euphrates stronghold downstream of Deir al-Zor city in the towns of al-Mayadin and al-Bukamal, near the border with Iraq. But as it has lost its core territory - defeated in Iraq s Mosul now yielding street after street in Syria s Raqqa - the ultra-hardline group has still been able to launch attacks in the West and maintain a threat in other centers such as Libya. The fighters have been driven out of nearly all of their territory in Iraq over the past two years by government forces backed by a U.S.-led coalition. In Syria, they are fighting against both Assad s Russian-backed government and a U.S.-backed Arab and Kurdish militia that has launched an assault on Raqqa. In the IS-encircled pocket in Deir al-Zor, news of the army s approach prompted people to take to the streets to celebrate, governor Mohammed Ibrahim Samra said by phone. The city has been cut off since 2013, after rebel groups rose up against Assad during the first flush of Syria s six-year war. Islamic State then overran rebel positions and encircled the army s enclave in the city in 2014. It was a major prize. Deir al-Zor is the center of Syria s oil industry, a source of wealth to the group and a serious loss to Damascus. As the army has pushed east in recent months, oil and gas fields have once more fallen to the government. Islamic State fighters stepped up efforts this year to seize the enclave before the army could arrive. In January, they severed it from the city s military airbase and took over a nearby hill, further straining its links to the outside. During the long siege, high-altitude air drops have supplied the city. The United Nations said in August it estimated there were 93,000 civilians in the government s Deir al-Zor pocket, where conditions were extremely difficult . Despite all this and despite the shelling and injured, things are running in the city, governor Samra had said on Sunday. The institutions are running, the bakeries. Water is also pumped twice a week to our residents, aid is distributed daily. For Assad, the weekend s lightning advance caps months of steady progress after government forces turned from their victory over rebels in the northern commercial capital Aleppo last December to push eastwards against Islamic State. The army has been advancing in a rapid and calculated way from all directions, a Syrian military source said, referring to the months-long campaign across the desert. With Russian jets and an alliance of Shi ite militias backed by Iran, including Lebanon s Hezbollah, the army has captured swathes of the central and eastern deserts in parallel offensives from Palmyra and al-Resafa. Those offensives have accelerated since linking up last month, taking swathes of land from Islamic State except for a small zone near the town of al-Salamiya. The militants still control much of Deir al-Zor province, including half the city. Heavy Russian air cover has helped the Syrian military and allied forces march toward the city, Russia s defense ministry said in a statement on Monday. A resident of the city reached by telephone, who gave his name only as Mohammad, said he could hear the sound of warplanes in the distance. The army advances over the last two days had sparked indescribable joy among people in the enclave after years of siege, he said. Under attack, Islamic State has pulled reinforcements from al-Mayadin and relied on its usual tactics of booby traps, mines and sudden raids, the commander in the pro-Assad alliance said. The latest advance came after intense preparatory artillery, a multi-pronged assault and gains in high ground commanding nearby areas, the non-Syrian commander said. Meanwhile, as the army and its allies have forced other militant pockets to surrender, including an Islamic State enclave on Syria s border with Lebanon a week ago, they have been able to transfer more troops to the desert campaign. It helped a lot to switch the military effort of the Syrian army and the resistance to the eastern Syrian desert, the commander said, adding that thousands of troops had arrived from the battle on the Lebanon border. Islamic State fighters and their families evacuated from that enclave as part of a surrender deal were escorted by the Syrian army and Hezbollah to east Syria, but have been stopped by a U.S.-led coalition from reaching Deir al-Zor. Ten of the original 17 buses are now stuck in no-man s land between pro-government forces and Islamic State territory and six buses retreated back into government areas, the commander added. ",worldnews,"September 4, 2017 ",1 +Two Russian soldiers killed by shelling in Syria's Deir al-Zor province: Ifax,"MOSCOW (Reuters) - Two Russian servicemen have been killed in Deir al-Zor province after Islamic State militants shelled a convoy they were escorting, the Russian Defence Ministry was cited as saying on Monday by the Interfax news agency. The convoy was transporting Russian ceasefire monitoring military staff when it came under mortar attack, the ministry was quoted as saying. One soldier was killed on the spot and the other died in hospital after sustaining serious injuries. Both were awarded posthumous military awards, the ministry said. Russia said earlier on Monday that its air force was helping the Syrian army push ahead with an offensive on the Euphrates city of Deir al-Zor, where Islamic State has besieged 93,000 civilians and an army garrison for years. ",worldnews,"September 4, 2017 ",1 +Small German parties fight for third place and possibly power in TV debate,"BERLIN (Reuters) - The leading candidates of Germany s smaller parties locked horns over migration, security and foreign policy in a television debate on Monday. It came less than three weeks before the federal election in which the third-placed party could turn out to be the kingmaker. The clash followed a debate between centre-right Chancellor Angela Merkel and her Social Democrat (SPD) challenger Martin Schulz on Sunday in which hardly any differences emerged. This stirred speculation that a re-run of the current grand coalition between the conservative CDU/CSU bloc and the SPD is the most likely outcome of the Sept. 24 vote. Merkel and Schulz both have stressed they want to avoid such a scenario. But polls suggest that the next government would have a stable majority only with another grand coalition or with a tricky three-way coalition between the conservatives, the Greens and the business-friendly Free Democrats (FDP). In the debate of the smaller parties, Cem Ozdemir from the Greens attacked Die Linke (Left) candidate Sahra Wagenknecht and AfD politician Alice Weidel for their euroceptic rhetoric. This anti-European populism is simply wrong no matter if it comes from far-left or far-right, Ozdemir said, adding that Germany was benefiting immensely from the European Union and that it was easy to always blame Brussels for national problems in member states. Weidel from the rightist anti-immigrant AfD blamed the European Central Bank s ultra-loose monetary policy for soaring rents and property prices in German cities and accused the ECB of violating European treaties with its bond-buying program. FDP candidate Christian Lindner tried to corner Ozdemir by accusing him of applying double standards in foreign policy and having an inconsistent approach toward Russia. Lindner raised eyebrows last month when he suggested that Germany might have to accept Russia s 2014 annexation of the Crimea region of Ukraine as a permanent provisional arrangement . Merkel has condemned Russia s annexation of Crimea and its support for anti-government separatists in eastern Ukraine, leading Europe in maintaining economic sanctions against Moscow. Linder himself said Germany should not mix refugee and asylum policies with the need for a modern and well-directed immigration law to attract more highly educated workers from abroad to avert a shortage of skilled labor in Germany. Turning to the threat of Islamist attacks, Lindner said there was no need for tougher security laws, adding that last year s Christmas market attack in Berlin by a failed asylum seeker could probably have been averted if authorities had only implemented existing laws more strictly. AfD s Weidel called for tougher border controls to improve security and suggested there should be an upper limit of 10,000 refugees per year. The Bavarian CSU conservatives want an official cap of 200,000 refugees per year a proposal opposed by Merkel and the co-governing Social Democrats. The SPD is trailing Merkel s conservative CDU/CSU bloc by double digits in polls. The latest survey by Emnid showed on Sunday that the SPD gained one percentage point to 24 percent and Merkel s conservatives remained unchanged at 38 percent. The leftist Die Linke came in at 9 percent, making it the third-strongest political force. The Greens, FDP and AfD stood at 8 percent each. This means that six parties are expected to enter the Bundestag lower house of parliament, up from the current four. The fractured political landscape could make it hard to form another viable alliance than the current grand coalition. ",worldnews,"September 4, 2017 ",1 +Anti-Uber protests disrupt major Chilean airport; one dead,"SANTIAGO (Reuters) - Taxi drivers protesting the growth of mobile ride hailing applications such as Uber and Cabify blocked the main road to Chile s principal airport in capital Santiago on Monday, leading to one death and wreaking havoc on travelers plans. Santiago-based LATAM Airlines, the region s biggest carrier, as well as budget carrier Sky suffered delays, local media reported. Television images showed traffic backed up for miles (kilometers), while many passengers resorted to walking along the highway. One 65-year-old Brazilian tourist stuck in traffic died of a cardiovascular event, Chilean police said without offering any further details. A medical helicopter evacuated the man, but it was too late, they added. This takeover of the airport by the taxi drivers has significantly hurt the image of Chile, the image of the airlines, and has hurt people traveling or arriving in the country, Claudio Orrego, the governor of the Santiago Metropolitan Region, told reporters. He added that the government would bring charges against those responsible for the protests, and that at least 15 people had already been arrested. Legislation is advancing slowly through Chile s Congress to regulate Uber and Cabify, which remain in a legal gray zone. While some authorities have promised to sanction users of the widely used applications, they have also expressed a desire to bring the services within Chile s existing regulatory framework. ",worldnews,"September 4, 2017 ",1 +Trump says to approve lifting restrictions on South Korea missile payload limits,"WASHINGTON (Reuters) - U.S. President Donald Trump gave his in principle approval to lift restriction on South Korea s missile payload capabilities, the White House said on Monday. Trump agreed to strengthen joint military capabilities during a call with South Korean President Moon Jae-in and gave conceptual approval for South Korea to buy billions of dollars of weapons from the United States. North Korea said it tested an advanced hydrogen bomb for a long-range missile on Sunday, prompting global condemnation and a U.S. warning of a massive military response if it or its allies were threatened. ",worldnews,"September 4, 2017 ",1 +"Colombia, ELN rebels agree temporary ceasefire starting Oct. 1","BOGOTA (Reuters) - Colombia and the Marxist ELN rebel group said on Monday they agreed a temporary ceasefire that would run through mid-January 2018, but it would not be in effect when Pope Francis arrives in the Andean country for a visit later this week. The ceasefire, the first with the ELN, is due to begin on Oct. 1 and end on Jan. 12, with the possibility for extensions if it is respected, President Juan Manuel Santos said in a televised address to the country. The priority is to protect citizens, so during this period, kidnappings, attacks on oil pipelines and other hostilities against the civilian population will cease, he said. The two sides have long said the pope s visit would be a good opportunity to call a ceasefire. The government said details and verification methods were still being finalized and that was why the ceasefire did not begin immediately. The National Liberation Army (ELN) rebel group, which has bombed oil installations and kidnapped for ransom, was founded by radical Catholic priests in 1964. The ELN and government are in peace talks, currently being held in Ecuador, to end 53 years of war. Since the talks began in February, the ELN has continued to take hostages for ransom, launch bomb attacks and extort foreign oil and mining companies. The ELN told Reuters last week that it had killed Russian-Armenian citizen Arsen Voskanyan in April. The ELN s practice of kidnapping civilians is a key issue at the peace talks. The ELN told Reuters last week that they were not optimistic a peace agreement could be reached because neither side would give ground on kidnapping. Pope Francis is scheduled to arrive in Colombia on Wednesday evening for a five-day visit to the cities of Bogota, Villavicencio, Medellin and Cartagena. The ELN said in a statement on its website on Monday, We have said that the visit of Pope Francis should be an extra motivator to accelerate our work for an accord. Once the days of celebration of the presence of Francis have passed, we will continue to insist on advancing toward the de-escalation of the conflict, until complete peace is a reality. ",worldnews,"September 4, 2017 ",1 +"Uzbek leader reshuffles security officials, removes veteran defense minister","ALMATY (Reuters) - Uzbek President Shavkat Mirziyoyev reshuffled senior security officials on Monday, sacking the defense minister who was a holdover from the previous administration and appointing an ally. Abdusalom Azizov has replaced Qobul Berdiyev as defense minister, the president s office said without explaining the reasons for the reshuffle. Berdiyev had served as the Central Asian nation s defense minister since 2008, having been appointed by strongman leader Islam Karimov who died last September after running the former Soviet republic for 27 years. Azizov, on the other hand, has been promoted by Mirziyoyev, who named him interior minister shortly after being elected president last December. Pulat Bobojonov, previously a regional governor, was named interior minister on Monday. The reshuffle leaves Rustam Inoyatov, the head of the SNB state security service, as the only Karimov-era senior security official still in office. ",worldnews,"September 4, 2017 ",1 +Explosions rock Myanmar area near Bangladesh border amid Rohingya exodus,"COX S BAZAR, Bangladesh/YANGON (Reuters) - Two blasts rocked an area on the Myanmar side of the border with Bangladesh on Monday, accompanied by the sound of gunfire and thick black smoke, as violence that has sent nearly 90,000 Muslim Rohingya fleeing to Bangladesh showed no sign of easing. Bangladeshi border guards said a woman lost a leg from a blast about 50 meters inside Myanmar and was carried into Bangladesh to get treatment. Reuters reporters heard explosions and saw black smoke rising near a Myanmar village. The latest violence in Myanmar s northwestern Rakhine state began on Aug. 25, when Rohingya insurgents attacked dozens of police posts and an army base. The ensuing clashes and a military counter-offensive have killed at least 400 people and triggered the exodus of villagers to Bangladesh. A Rohingya refugee who went to the site of the blast - on a footpath near where civilians fleeing violence are huddled in no man s land on the border - filmed what appeared to be a mine: a metal disc about 10 centimeters (3.94 inches) in diameter partially buried in the mud. He said he believed there were two more such devices buried in the ground. Bangladeshi border guards said they believed the injured woman stepped on an anti-personnel mine, although that was not confirmed. Two refugees also told Reuters they saw members of the Myanmar army around the site in the immediate period preceding the blasts which occurred around 2:25 p.m. Reuters was unable to independently verify that the planted devices were landmines and that there was any link to the Myanmar army. The spokesman for Myanmar s national leader Aung San Suu Kyi, Zaw Htay, said that a clarification was needed to determine where did it explode, who can go there and who laid those land mines. Who can surely say those mines were not laid by the terrorists? There are so many questions. I would like to say that it is not solid news-writing if you write based on someone talking nonsense on the side of the road, said Zaw Htay. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing Suu Kyi, accused by Western critics of not speaking out for the minority that has long complained of persecution. The Nobel Peace Prize laureate has come under increasing diplomatic pressure from countries with large Muslim populations such as Turkey and Pakistan to protect Rohingya civilians. Myanmar says its security forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on police posts and the army since last October. On Monday, Reuters reporters saw fires and heard gunshots before the explosions near the Myanmar village of Taung Pyo Let Way. Myanmar officials blamed Rohingya militants for the burning of homes and civilian deaths but rights monitors and Rohingya fleeing to neighboring Bangladesh say the Myanmar army is trying to force Rohingya out with a campaign of arson and killings. The number of those crossing the border into Bangladesh - 87,000 - surpassed the number who escaped Myanmar after a series of much smaller insurgent attacks last October that set off a military operation. That operation has led to accusations of serious human rights abuses. The newest estimate, based on calculations by U.N. workers in the Bangladeshi border district of Cox s Bazar, takes to about 174,000 the total number of Rohingya who have sought refuge in Bangladesh since October. The new arrivals have strained aid agencies and communities already helping hundreds of thousands of refugees from previous spasms of violence in Myanmar. We are trying to build houses here, but there isn t enough space, said Mohammed Hussein, 25, who was still looking for a place to stay after fleeing Myanmar four days ago. No non-government organizations came here. We have no food. Some women gave birth on the roadside. Sick children have no treatment. Hundreds of Rohingya milled beside the road while others slung tarpaulins over bamboo frames to make shelters against the monsoon rain. Among new arrivals, about 16,000 are school-age children and more than 5,000 are under the age of five who need vaccine coverage, aid workers said over the weekend. Turkish President Tayyip Erdogan, who said on Friday that violence against Myanmar s Muslims amounted to genocide, last week called Bangladesh s President Abdul Hamid to offer help in sheltering the Rohingya, Dhaka said. Indonesian Foreign Minister Retno Marsudi met Suu Kyi and other officials in Myanmar on Monday, to urge a halt to the violence. Suu Kyi s office said Marsudi expressed the Indonesian government s support of the activities of the Myanmar government for the stability, peace and development of Rakhine state . They also discussed humanitarian aid and the two countries would collaborate for the development of the state, Suu Kyi s office said without giving further details. There were more anti-Myanmar protests in Jakarta on Monday. Malala Yousafzai, the youngest winner of the Nobel Peace Prize, called on Suu Kyi to condemn the shameful treatment of the Rohingya, saying the world is waiting for her to speak out. In addition to tens of thousands of Rohingya, more than 11,700 ethnic residents had been evacuated from northern Rakhine state, the Myanmar government has said, referring to non-Muslims. The army said on Sunday Rohingya insurgents had set fire to monasteries, images of Buddha as well as schools and houses in the north of Rakhine state. It posted images of destroyed Buddha statues. ",worldnews,"September 4, 2017 ",1 +"Merkel, Trump call for tougher U.N. sanctions against North Korea","BERLIN (Reuters) - German Chancellor Angela Merkel and U.S. President Donald Trump condemned North Korea s nuclear test during on Monday and urged the United Nations to quickly agree on tougher sanctions against Pyongyang, a German government spokesman said. Both agreed that the test of a hydrogen bomb means a new and unacceptable escalation by the North Korean regime, Steffen Seibert said in a statement after they spoke by telephone. The German chancellor and the American president expressed the view that the international community must continue to exert pressure on the regime in North Korea and that the United Nations Security Council has to quickly adopt further and stricter sanctions, Seibert added. For her part, Merkel told Trump that Germany would push for tougher sanctions against North Korea by the European Union, Seibert said, adding: The aim is to dissuade North Korea from its violations of international law and to achieve a peaceful solution to the conflict. ",worldnews,"September 4, 2017 ",1 +Venezuela's opposition-led congress seeks support in Paris,"PARIS (Reuters) - Venezuela s opposition-led congress leaders met on Monday with French President Emmanuel Macron to press for humanitarian aid to their crisis-hit nation, on the first leg of a European tour seeking support against President Nicolas Maduro. Maduro s government has been criticised by the United Nations, Washington and other governments for failing to allow the entry of foreign aid to ease a severe economic crisis, while it overrides Venezuela s opposition-led congress and jails hundreds of opponents. I stressed the urgency of opening up the door to humanitarian aid in Venezuela, congress President Julio Borges said, adding that Macron had been eager to help. We want the government of Maduro to open the door to this humanitarian help, Borges said. The opposition won control of congress in 2015. But Maduro s loyalist Supreme Court has tossed out every major law it has passed as the oil-rich country slips deeper into a recession exacerbated by triple-digit inflation and acute shortages of food and medicines. Maduro has said he is facing an armed insurrection designed to end socialism in Latin America and let a U.S.-backed business elite get its hands on the OPEC nation s massive crude reserves. In Caracas on Monday, Venezuela s Foreign Minister Jorge Arreaza summoned ambassadors from Spain, Germany Italy, and the United Kingdom to issue a note of protest accusing them of meddling in Venezuela s internal affairs. There has been widespread criticism of Maduro around Europe, with Macron last week saying his administration was a dictatorship trying to survive at the cost of unprecedented humanitarian distress. Macron, who did not speak to reporters after the meeting, last week also criticised the government after human rights activist Lilian Tintori, the wife of Venezuela s best-known detained political leader, was barred from flying out of the country to go to Paris, Madrid, Berlin and London. They cannot silence the voice of 30 million Venezuelans, Tintori said on her Twitter account, adding that Congress Vice President Freddy Guevara had given Macron a letter from her. Arreaza said Tintori was not able to leave the country because she was due in court this week to answer questions over a stash of cash that police had found in her car. When she intended to leave on Saturday, several European ambassadors accompanied her to the airport. The situation in Venezuela has a particular resonance in France, where the far-left France Unbowed party, currently Macron s most vocal opponent, backs Maduro. Maduro is expected to address the opening day of a three-week U.N. Human Rights Council session on Sept. 11. ",worldnews,"September 4, 2017 ",1 +Britain's Prince William and wife Kate expecting third child,"LONDON (Reuters) - Britain s Prince William and his wife Kate are expecting their third child, their office said on Monday after the Duchess was forced to cancel an engagement due to severe morning sickness. Britain s monarchy has ridden a wave of public support in recent years due to the popularity of William, Kate, and William s brother Harry, and the news was soon making headlines around the world. Queen Elizabeth, who is 91, said she was delighted. The baby will be fifth in line to the British throne, after grandfather Prince Charles, father William and elder siblings George, 4, and Charlotte, 2. The popular Harry becomes sixth in line to the throne. Their Royal Highnesses The Duke and Duchess of Cambridge are very pleased to announce that The Duchess of Cambridge is expecting their third child, Kensington Palace said. The Queen and members of both families are delighted with the news. The couple did not say when the baby was due. Kate and William married in a lavish ceremony in 2011 watched by about two billion people around the world. Two years later the international camera crews and photographers camped outside a London hospital to record the birth of George, and returned two years later for his sister Charlotte. George and Charlotte have since appeared on the front covers of magazines around the world and traveled on official royal tours of Poland and Germany with their parents. George will attend his first day of primary school later this week. This is fantastic news, British Prime Minister Theresa May said. Many congratulations to the Duke and Duchess of Cambridge. William and Harry have been in the headlines in recent weeks as they led the efforts to remember their mother Princess Diana who died in a car crash in Paris 20 years ago last Thursday. In a sign of how the young royals have helped to modernize the House of Windsor, the princes have spoken about the trauma of her death and its lasting emotional impact. Harry was in Manchester visiting a center supporting people affected by a bombing at an Ariana Grande concert in May when he gave his reaction. Fantastic, great, very very happy for them, he said. Kate last appeared with the princes on Wednesday when they visited a public garden at Kensington Palace dedicated to Diana but the palace said she would not attend an engagement at a children s center on Monday due to ill health. As with her previous two pregnancies, The Duchess is suffering from hyperemesis gravidarum...., the palace said. The Duchess is being cared for at Kensington Palace. Hyperemesis gravidarum can cause severe nausea and vomiting and requires supplementary hydration and nutrients. The condition forced Kate to be admitted to hospital in the early months of her first pregnancy with George. The couple have returned to live in Kensington Palace after an earlier spell in Norfolk, eastern England, enabling them to dedicate more time to their royal duties on behalf of William s grandmother, the queen. William has also given up his job as an air ambulance helicopter pilot. One of three herself, Kate had prompted speculation earlier this year that she wanted a third child when she was presented with a cuddly toy designed for newborns during a trip, telling William: We will just have to have more babies. ",worldnews,"September 4, 2017 ",1 +Britain says Northern Irish parties running out of time to save devolution,"BELFAST (Reuters) - Northern Ireland s political parties are rapidly running out of time to restore a devolved power-sharing government, Britain s minister for the region said on Monday, as he sought to avoid a return of direct rule from London. Irish nationalists Sinn Fein and the Democratic Unionist Party (DUP) have failed to reach agreement on reforming the devolved administration since its collapse in January, limiting Northern Ireland s influence in Brexit negotiations that could hurt it more than an other part of the United Kingdom. Formal talks broke down in July and each has blamed the other for missing repeated deadlines. Britain s James Brokenshire said he and Irish foreign minister Simon Coveney, who have been facilitating the talks, would continue to meet with the parties this week to establish whether there are grounds to resume formal multi-party negotiations. Continued failure would force Britain to bypass the regional assembly and revert to direct rule from London for the first time in a decade, a move that could destabilize the political balance in the province. The window of opportunity to restore devolution and to form an executive is closing rapidly as we move further into the autumn and with pressures in public services already evident, the need for intervention is becoming increasingly clear, Brokenshire told a news conference. I m not going to pretend that this is easy as clear differences remain, but it does remain achievable. Both the DUP and Sinn Fein admitted there may only be a matter of weeks before Britain s government would have to step in, something neither wants. Brokenshire also has the option of calling an election, the second this year, as a means to try and break the deadlock. DUP leader Arlene Foster said her party would be able to come to a determination pretty quickly as to whether Sinn Fein wants to go back into government. Sinn Fein s Northern Ireland leader Michelle O Neill reiterated that it needed a full implementation of earlier agreements between the parties improved rights for Irish language speakers and the legalization of same-sex marriage before considering returning to the local executive. An added complication is that Britain s minority Conservative government is being propped up by a support agreement with the DUP. No one predicts a return to the sectarian violence in which 3,600 died over three decades before a 1998 peace deal that mandated the compulsory coalition between pro-British protestants and nationalists who want Northern Ireland to join a united Ireland. ",worldnews,"September 4, 2017 ",1 +Turkey criticizes German 'populism' after Merkel shift on EU membership,"ANKARA (Reuters) - A spokesman for Turkish President Tayyip Erdogan accused German politicians on Monday of indulging in populism after Chancellor Angela Merkel said she would seek an end to Ankara s European Union membership talks. Merkel, seeking a fourth term in office in Germany s Sept. 24 election, said in a debate on Sunday it was clear that Turkey should not join the European Union, and that she would talk to other EU leaders about ending its stalled accession process. It is not a coincidence that our president Erdogan was the main topic of the debate, Erdogan s spokesman Ibrahim Kalin tweeted, criticizing what he described as mainstream German politicians indulgence in populism . Germany and Europe s attacks on Turkey/Erdogan, by ignoring essential and urgent problems, are reflections of the narrowing of their horizons, he said. We hope that the problematic atmosphere that made Turkish-German relations the victim of this narrow political horizon will end . Turkey s ties with Germany and several other EU states have deteriorated sharply this year. Points of dispute have included the barring of Turkish politicians from holding campaign rallies in EU countries ahead of an April referendum, and concerns over the powers granted to Erdogan in the closely fought plebiscite. Turkey has also restricted access for German parliamentarians seeking to visit German troops at the Incirlik air base in southern Turkey, leading Berlin to announce it was moving those forces out of Turkey. It has also detained several German nationals, including journalist Deniz Yucel. Turkey says it has sent Germany an extradition request for one of the main suspects it says was behind an attempted military coup in July 2016. More than 50,000 people have been arrested and 150,000 have been suspended or sacked in a security crackdown since the failed putsch. ",worldnews,"September 4, 2017 ",1 +Germany seeks to take heat out of Turkey EU accession question,"BERLIN (Reuters) - Germany sought to cool tempers over Turkey s EU accession prospects on Monday after Chancellor Angela Merkel and her Social Democrat (SPD) rival both said in a TV debate the country had no place in Europe, drawing charges of populism from Ankara. The Turkish Foreign Ministry, while making no direct threat to back out, reminded Germany of an agreement between Ankara and the EU that has stemmed a flood of migrants from conflict zones reaching Europe, not least Germany, via Turkey. Merkel appeared bounced into sharpening her rhetoric on Turkey during Sunday s debate when her main challenger Martin Schulz vowed to stop Ankara s bid to join the EU if he were elected chancellor. Merkel, who has been at odds with President Tayyip Erdogan on many fronts over the last year, at first rejected such a direct approach but returned to the matter later, saying the fact is clear that Turkey should not become a member of the EU . Erdogan s spokesman Ibrahim Kalin, on his Twitter feed, accused mainstream German politicians of indulgence in populism . It is not a coincidence that our president Erdogan was the main topic of the debate, he said, suggesting they were simply diverting attention from more serious political problems. Germany and Europe s attacks on Turkey/Erdogan...are reflections of the narrowing of their horizons. The exchange inflamed ties with Ankara already strained by Erdogan s crackdown on opponents following a failed coup in July last year. Twelve German citizens, four with dual citizenship, have been detained in Turkey on political charges. The German government said on Monday one person had been released. Last month, Erdogan said Merkel s Christian Democratic Union (CDU), Schulz s SPD and the Greens were all enemies of Turkey and encouraged Turkish voters in Germany not to vote for them. Merkel s spokesman, Steffen Seibert, sought to take the heat out of the accession question on Monday, stressing that it was not a pressing matter for Berlin and would be discussed by EU leaders only at a summit in October. So the issue will only be up for debate after the Bundestag election, he told a regular government news conference, referring to the Sept. 24 election at which Merkel is seeking a fourth term. The Chancellor s words speak for themselves, Seibert said. Merkel, arguably the most influential politician in the European Union, promised during Sunday s television debate to speak to other EU leaders so that we can end these accession talks. Seibert, softening her remarks, said Turkey was not ready to join the EU - for now; a formulation that would be accepted even by those backing eventual Turkish accession. At the moment, Turkey is not at all in a position to join the European Union, he said. In fact, the negotiations are dormant at the moment. In Brussels, a spokesman for the European Commission said: Turkey is taking giant strides away from Europe and that is making it impossible for Turkey to join the European Union, this is what we believe. EU foreign policy chief Federica Mogherini said: Turkey... is still a candidate country. So we will continue talks ... to define the future of our relationship. Turkey s Foreign Minister Mevlut Cavusoglu said EU membership is still a strategic goal for Turkey . He said Ankara was ready for further talks, but the process faced political obstacles. Turkey s foreign ministry said in a statement: We would like to remind the politicians who ran after us to save the EU from great chaos during the refugee crisis that not leaving the relations with Turkey in the hands of populism is important. Merkel s opening of German borders to admit some one million migrants drew strong criticism from some. But she appears to have weathered the migrant crisis, with help from the Turkish-EU agreement, standing now some 14 points clear of Schulz in opinion polls. Home to some 3 million people of Turkish descent, Germany has traditionally had good relations with Turkey, a major trade partner. But ties between the NATO allies have deteriorated and Merkel s CDU has long opposed Turkish EU membership. The green light for membership talks was given months before Merkel became chancellor in 2005 and she had previously always said that she would respect that decision, referring to the negotiations as open ended . Turkey s EU Affairs Minister Omer Celik said any talk of ending his country s negotiations for EU accession amounted to an attack on Europe s founding principles . Erdogan accuses Germany of harboring plotters behind the 2016 coup attempt. Turkey has arrested 50,000 in a crackdown, including EU-Turkish citizens. Western politicians say the dragnet is a pretext for Erdogan to rid himself of his opponents. ",worldnews,"September 4, 2017 ",1 +"Kosovo parties sign deal to form government, end political deadlock","PRISTINA (Reuters) - Kosovo s center-right coalition led by the Democratic Party of Kosovo signed a deal on Monday with the small New Alliance for Kosovo party to form a government, ending nearly three months of political deadlock after an election on June 11. Finally Kosovo has started to move ... we had some big delays and our institutions now will be formed, said Ramush Haradinaj, from the center-right coalition of parties made up of former guerrillas who fought the 1998-99 war against Serb forces. Under the deal, the parties along with ethnic minorities will secure 63 seats in the 120-seat parliament. President Hashim Thaci is expected to give Haradinaj a mandate to form the government within days. A source who asked not to be named told Reuters the parliament session to elect the parliament speaker would be held this week. Haradinaj, who twice stood trial before the United Nations war crimes court for war crimes and was acquitted, briefly held the post of prime minister in 2005. The smaller New Alliance for Kosovo party is led by Behgjet Pacolli, who is dubbed by media the richest Kosovar. Pacolli, who also holds a Swiss passport, won many contracts from the Russian government to rebuild state buildings in Moscow in the 90s but a decade ago he moved his business from Moscow to Kazakhstan. It is unclear what post Pacolli will hold in the new government. The new government will have to tackle unemployment running at 30 percent and improve relations with Kosovo s neighbors, especially Serbia, a precondition for both countries to move forward in the European Union accession process. It must also reform health and education and the tax administration system as well as include representatives of some 120,000 Kosovo Serbs who do not recognize independence. Kosovo declared independence from Serbia in 2008, almost a decade after NATO air strikes drove out Serbian forces accused of expelling and killing ethnic Albanian civilians in a two-year counter-insurgency. ",worldnews,"September 4, 2017 ",1 +Indonesia foreign minister flies to Bangladesh after Myanmar visit on Rohingya,"DHAKA (Reuters) - Indonesia s foreign minister will fly to Bangladesh on Tuesday for talks following her visit to Myanmar where she urged national leader Aung San Suu Kyi to end ongoing violence against the Rohingya Muslim minority there. Bangladesh s foreign secretary, Shahidul Haque, told Reuters Retno Marsudi will meet Bangladeshi officials in Dhaka. Nearly 90,000 Rohingya have fled to Bangladesh since Aug. 25, following an army crackdown triggered by attacks by Rohingya insurgents in Buddhist-majority Myanmar s northwestern Rakhine state. The Rakhine violence has killed at least 400 people, most of them Rohingya insurgents, according to the Myanmar government, leading to the exodus of Rohingya to neighbouring Bangladesh that is struggling to cope with the influx. Muslim-majority countries such as Indonesia and Turkey, who are trying to pressure Nobel peace prize winner Suu Kyi to end the crisis, are also offering help to Bangladesh deal with the massive inflow of people from across its 271 km (168 mile)long border with Myanmar. ",worldnews,"September 4, 2017 ",1 +U.S. wants U.N. vote on new North Korea sanctions next Monday,"UNITED NATIONS (Reuters) - The United States wants the United Nations Security Council to vote next Monday to impose the strongest possible sanctions on North Korea over its sixth and largest nuclear test, U.S. Ambassador to the United Nations Nikki Haley said on Monday. North Korea said it tested an advanced hydrogen bomb for a long-range missile on Sunday, prompting global condemnation and a U.S. warning of a massive military response if it or its allies were threatened. China s U.N. Ambassador Liu Jieyi pushed North Korea on Monday to stop taking actions that are wrong, deteriorating the situation and not in line with its own interests and truly return to the track of solving the issue through dialogue. Haley said the 15-member council would negotiate a draft resolution this week. She described North Korean leader Kim Jong Un as begging for war and that while the United States doesn t want conflict, our country s patience is not unlimited. Enough is enough, Haley told the council. Only the strongest sanctions will enable us to resolve this problem through diplomacy. Since 2006, the Security Council has unanimously adopted eight resolutions ratcheting up sanctions on North Korea over its ballistic missile and nuclear programs. Haley said the council s incremental approach to sanctions had not worked. The council last month imposed new sanctions over North Korea s two long-range missile launches in July. The resolution aimed to slash by a third Pyongyang s $3 billion annual export revenue by banning exports of coal, iron, lead and seafood. Diplomats have said the council could now consider banning Pyongyang s textile exports and the country s national airline, stop supplies of oil to the government and military, prevent North Koreans from working abroad as well as add top officials to a blacklist to subject them to an asset freeze and travel ban. A resolution needs nine votes in favor and no vetoes by the United States, Britain, France, Russia or China to pass. Typically, China and Russia only view a test of a long-range missile or a nuclear weapon as a trigger for U.N. sanctions. China has not publicly said it will back new sanctions. Russian U.N. Ambassador Vassily Nebenzia said he would consider a U.S. draft resolution but questioned whether further sanctions would make a difference. Whatever measures we are planning now, I m not sure that they will influence the other side to abandon what they have been doing. This is not the way to get parties at the table ... to seek for a political solution, he told reporters. He told the council there was an urgent need to maintain a cool head and avoid escalating tensions, and called for a return to dialogue, including by leveraging mediation efforts of U.N. Secretary-General Antonio Guterres. Both Russia and China pushed their proposal to kick-start talks with a joint suspension of North Korea s ballistic missile and nuclear programs and the military exercises by the United States and South Korea. Liu said he hoped it would be seriously considered by the parties. The idea that some have suggested of a so-called freeze-for-freeze is insulting, Haley told the council. When a rogue regime has a nuclear weapon and an ICBM (intercontinental ballistic missile) pointed at you, you do not take steps to lower your guard. No one would do that. We certainly won t. Through sanctions, the Security Council has tried to choke off funding and support for North Korea s ballistic missile and nuclear programs, though some Western states have expressed doubt about Russia and China s commitment to implement them. Haley said in July that cutting off oil supplies to the North Korean government and military was an option. China supplies most of North Korea s crude. According to South Korean data, Beijing supplies roughly 500,000 tonnes of crude oil annually. It also exports 200,000 tonnes of oil products, according to U.N. data. The U.N. resolution adopted last month capped the number of North Koreans working abroad at the current level. Diplomats said a new resolution could impose a complete ban. Some diplomats estimate that between 60,000 and 100,000 North Koreans work abroad. A U.N. human rights investigator said in 2015 that North Korea was forcing more than 50,000 people to work abroad, mainly in Russia and China, earning between $1.2 billion and $2.3 billion a year. The council could ban textiles, which were North Korea s second-biggest export after coal and other minerals in 2016, totaling $752 million, according to data from the Korea Trade-Investment Promotion Agency (KOTRA). Nearly 80 percent of the textile exports went to China. The military-controlled airline, Air Koryo, could be banned. It flies to Beijing and a few other cities in China, including Dandong, the main transit point for trade between the two countries. It also flies to Vladivostok in Russia, but flights to Bangkok, Kuala Lumpur and Kuwait have ended. ",worldnews,"September 4, 2017 ",1 +Teachers in Peru return to class as strike winds down,"LIMA (Reuters) - Teachers in Peru started returning to classrooms on Monday after union leaders announced they should suspend a strike that had sparked unrest and dragged on for more than two months in some places. Teachers at public schools in Peru had sought a sharper salary hike than the government s 12 percent proposal for next year and opposed evaluation-based firings. But union leader Pedro Castillo announced a temporary end to the strike during the weekend after the government threatened to dismiss teachers who did not return to class. The strike threatened to force 3.5 million school children to repeat the academic year and had sunk President Pedro Pablo Kuczynski s approval rating as teachers blocked roads and clashed with police. The Education Ministry urged parents to work with teachers to set up schedules to make up for lost time. The government offered to introduce its proposed salary increase to a minimum of 2,000 soles ($618) per month in November instead of next year and said teachers 55 and older could retire early. Kuczynski s approval rating dropped 13 percentage points to 19 percent in August, according to a monthly opinion poll by GfK - a new low for the former Wall Street banker in his year-old government. ",worldnews,"September 4, 2017 ",1 +Kenyan election commission sets Oct. 17 as date for new vote,"NAIROBI (Reuters) - Kenya s election commission on Monday set Oct. 17 as the date for a new vote ordered by the Supreme Court when it annulled an August poll won by President Uhuru Kenyatta. The election will feature Kenyatta who is running for a second term and opposition leader Raila Odinga, the commission said. A presidential spokesman said the government will not replace the election board ahead of the election, setting up a potential showdown between the government and the opposition. Kenyatta won the Aug. 8 vote by 1.4 million votes. The court on Friday said the election commission had not followed proper procedures and ordered it to hold a new vote within 60 days. It did not stipulate any personnel changes. The decision shocked some in Kenya and was seen by many as a step forward for democracy in the country because it appeared to set an example of judicial independence. Odinga, who lost the two previous elections, welcomed the judgment and called for senior officials at the election board to resign and face possible prosecution. Spokesmen for Kenyatta and the election board rejected a change to the entire board. The Supreme Court gave clear guidance on who will hold the repeat election. You cannot accept one half of the verdict of the Supreme Court and not the other, said presidential spokesman Manoah Esipisu. Andrew Limo, a spokesman for the electoral board, said the situation was complicated by the fact that the court would not release its full verdict until Sept. 21. Judges read short remarks criticizing the process but did not go into detail, saying they needed more time to consider more than 80,000 pages submitted as evidence. If you want to punish people, you must have a basis for it. But the only basis is the full judgment of the Supreme Court, which will not be out until 21 days, Limo said. Otherwise the commission could get into a position of defending itself in court from people who were dismissed. Odinga s spokesman was not immediately available to comment. ",worldnews,"September 4, 2017 ",1 +BRICS name Pakistan-based militant groups as regional concern,"XIAMEN, China (Reuters) - The leaders of the five emerging market BRICS powers have for the first time named militant groups based in Pakistan as a regional security concern and called for their patrons to be held to account. India welcomed the move which came at a summit in the Chinese city of Xiamen as an important step forward in the fight against militant attacks, of which it has been a target. Brazil, Russia, India, China and South Africa make up the BRICS grouping. China has generally been supportive of its ally Pakistan in the past. The group called for an immediate end to violence in Afghanistan. We, in this regard, express concern on the security situation in the region and violence caused by the Taliban, (Islamic State)..., Al-Qaeda and its affiliates including Eastern Turkistan Islamic Movement, Islamic Movement of Uzbekistan, the Haqqani network, Lashkar-e-Taiba, Jaish-e-Mohammad, TTP and Hizb ut-Tahrir, the leaders said in the declaration. Lashkar-e-Taiba is a militant group based in Pakistan which India blames for cross-border attacks including the 2008 assault in its financial capital Mumbai in which 166 people were killed. Jaish-e-Mohammad, another anti-India group based in Pakistan, was blamed for a 2001 attack on parliament. India has long demanded that Pakistan take action against these groups. Islamabad denies any involvement in attacks in India including in the disputed region of Kashmir and said it is itself a victim of attacks. Indian foreign ministry official Preeti Saran told reporters on the sidelines of the summit that wording in the communiqu was a very important development and that there was recognition that the world cannot have double standards when dealing with militant attacks. You cannot have good and bad terrorists, and it is a collective action. Members of the BRICS countries have themselves been victims of terrorism, and I would say that what has come of today acknowledges the fact that we must work collectively in handling this. China is a close ally of Pakistan and has in the past sprung to its defense, especially when India tried to isolate its arch rival in international fora. India s local media said naming the Pakistan-based groups in the BRICs resolution was an important win for Prime Minister Narendra Modi s administration which at last year s summit called Pakistan the mother ship of terrorism. There was no immediate comment from Pakistan on the BRICs resolution. China, though, has repeatedly blocked India s attempt to get the head of Jaish-e-Mohammad added to a U.N. blacklist of groups linked to al Qaeda. ",worldnews,"September 4, 2017 ",1 +Britain's Queen Elizabeth opens Scotland's third Forth bridge,"LONDON (Reuters) - Britain s Queen Elizabeth formally opened Scotland s biggest infrastructure project in a generation - the third bridge across the River Forth - on Monday, exactly 53 years after she opened the second. The 91-year-old monarch met with workers and school children who had gathered on the bridge before cutting a blue ribbon to mark its opening, as a flotilla passed underneath and the Royal Air Force s Red Arrows display jets flew overhead. The 1.35 billion-pound ($1.7 billion) Queensferry Crossing, the longest bridge of its type in the world at 1.7 miles (2.7 km), connects the capital Edinburgh to Scotland s north. The Queen described all three magnificent structures crossing the River Forth, built in three separate centuries, as feats of modern engineering . The Queensferry crossing joins its iconic and historic neighbors to create not only a breathtaking sight across the Firth of Forth, but to provide an important link for so many in this community and the surrounding areas, she said in a statement. Built with 35,000 tonnes of steel and 150,000 tonnes of concrete, the crossing reaches 210 meters (690 ft) above high tide, standing as tall as about 48 London buses stacked on top of each other. Barriers deflect the wind and shield vehicles from the huge gusts common on the Forth. ",worldnews,"September 4, 2017 ",1 +Arson caused fire at Kenyan school that killed nine girls: minister,"NAIROBI (Reuters) - Kenya s education minister said on Monday that arson was to blame for a weekend blaze that killed nine pupils at a girls boarding school, part of a rising trend of deliberate school fires. It was not an accident, it was arson, Minister Fred Matiang i said of the fire on Saturday at Moi Girls School in Nairobi. The Kenya Red Cross said on its Twitter feed there had been three other school fires reported in different parts of the country on Monday. Many of the fires were set by students protesting harsh discipline, poor teaching and corruption, said Canadian Elizabeth Cooper, assistant professor of International Studies at Simon Fraser University, who spent four years researching the subject. Students she interviewed complained about poor food, scarce teaching materials, harsh teachers, and management that ignored their concerns. Many compared their schools to prison and said they destroyed their schools so they could go home. In one case, boys had drained water tanks and cut phone lines before setting fire to their principal s car and pushing it into his home. They were angry that he had been collecting money from their parents for three years for a school bus, but had not bought it. If a pupil needed hospital treatment, the principal drove them himself and charged the family, she said. In another case, girls smeared butter on their curtains and beds before setting them alight, Cooper said. Fires peak just before exams and mock exams. The students always say, no one listens to our concerns . Around 350 Kenyan schools caught fire from 2015 to 2016, according to the government. This compared, according to one academic source, with 76 fires from 2011 to 2013. It was not clear how many fires were deliberate. Numbers for 2014 were not available. Cooper said some schools set on fire have dismissed their principals afterward. There have been few successful prosecutions. Kenya frequently sees deadly protests, including after the presidential elections held last month. Cooper said students sometimes cited violent protests by slum residents or university students that successfully publicized their causes, and sought to emulate them. Students learn that authorities don t respond until they present a threat, she said. It s one way for voiceless citizens to be heard. But Matiang i said some arson attacks were also related to fights over staff appointments in schools, where senior positions can bring financial rewards. Some of the fires we have faced before in the sector are related to that kind of thing, politicization of school headship, politicization of responsibility in the education sector. It is not right, he said in a televised press conference. Kenya is East Africa s largest economy but unemployment is high and corruption is rife, making life difficult for many ordinary people. Control of a school can mean not just a government salary but an opportunity to extort extra money from students and parents in fees or other charges. ",worldnews,"September 4, 2017 ",0 +Malta-based charity group suspends Mediterranean migrant rescues,"ROME (Reuters) - A Malta-based humanitarian group that has been rescuing migrants in the Mediterranean for three years said on Monday it was suspending operations after months of rising tensions with Italian and Libyan authorities. The Migrant Offshore Aid Station (MOAS) was instead sending its rescue ship, Phoenix, to the Bay of Bengal to take aid to Rohingya Muslims who have fled violence in Myanmar for Bangladesh, co-founder Regina Catrambone told Reuters by telephone. MOA is the fourth group to stop patrols for migrants trying the deadly Mediterranean crossing in the past month. Last month, Doctors Without Borders or Medecins sans Frontieres followed by Save the Children and Germany s Sea Eye all suspended operations. They said their crews could no longer work safely because of the hostile stance of the Libyan authorities. That leaves Proactiva Open Arms, Sea Watch and SOS Mediterranee still running rescue operations. On Monday, the Aquarius, operated by SOS Mediterranee with Medecins sans Frontieres medical staff, was the only rescue ship in the Mediterranean. Catrambone said MOAS does not want to risk having to take migrants back to Libya, where they are locked up for months or even years in overcrowded warehouses with little food, no healthcare and no idea of when they will be freed. It s all too confused right now, and this confusion is not good for those people who pay the price with their lives, she said. We no longer have a definite knowledge that they will be taken to a safe port, and we don t want to rescue migrants and then be forced to return them to Libya, giving them a false hope. Since 2014, MOAS has rescued or assisted 40,000 migrants in the Mediterranean. In August, MOAS for the first time conducted a rescue at the orders of the Libyan Coast Guard, but in that case the migrants were brought to Italy. Since Libyan strong man Muammar Gaddafi was ousted in 2011, Libya s Coast Guard vessels have fallen into disrepair, forcing Italy to take over rescue operations off the North African coast. Since 2014, some 600,000 boat migrants have reached Italy. But Italy and the European Union are training and funding the Libyan Coast Guard, and Rome now has a naval vessel in Tripoli s port repairing their ships. Last month, a Libyan Coast Guard vessel intercepted a charity ship and ordered it to sail to Tripoli or risk being fired on the latest in a series of tense encounters on the high seas. Since July, there has been a sharp drop in departures from the Libyan coast, in part because of a shift in strategy of militias that control the region around Sabratha, the main point of departure for migrant boats for the past two years. Some 15,373 migrants arrived in Italy by boat in July and August, compared with 44,846 in the same period last year. This year, NGOs have also faced accusations in Sicily that they were colluding with people smugglers, fuelling a political firestorm over Italy s immigration policy before a national election early next year. Some 13,000 migrants have died in the central Mediterranean since 2014 trying to make the crossing, including more than 2,200 this year, the International Organization for Migration estimates. ",worldnews,"September 4, 2017 ",1 +Putin on phone with South Korean president about North Korea: Kremlin,"MOSCOW (Reuters) - Russian President Vladimir Putin is currently discussing the North Korea crisis with his South Korean counterpart Moon Jae-in by phone, the Kremlin said on Monday. Kremlin spokesman Dmitry Peskov also told reporters on a conference call that it was easy for countries outside the region to talk of the possibility of a war with North Korea, but suggested other countries should be more cautious in their language. It is very easy to say the word war for countries outside the region, but those in the region need to be smarter and more balanced, Peskov told reporters. He was answering questions about the position of the United States, which has called for a tough response against Pyongyang and its latest missile test. ",worldnews,"September 4, 2017 ",1 +"Saudi Arabia seeks Islamic tourism boost in test for heritage, tradition","MECCA/RIYADH (Reuters) - A few steps away from Mecca s Grand Mosque, a dozen empty towers rise into the sky above the holy city visited by millions of Muslim pilgrims every year. Hilton and Marriott logos adorn the site, heralding the $3.2 billion Jabal Omar complex that is being built to bring hotels, restaurants and luxury malls to the pilgrimage experience. All these hotels and buildings around the mosque will bring more business, God willing, said Awad al-Arshani, beckoning customers into his Dates of the Two Holy Mosques shop. Pilgrimage is the backbone of a plan to expand tourism under Crown Prince Mohammed bin Salman s economic reform program, announced a year ago to diversify the economy away from oil. The haj, a journey every able-bodied Muslim who can afford it must perform once in a lifetime, is a profound experience for those who undertake it. It is also big business for Saudi Arabia. The haj and the year-round lesser pilgrimage, umrah, generate $12 billion in revenues from worshippers lodging, transport, gifts, food and fees, according to BMI Research. But there are still big questions about how Saudi Arabia will cater to its most active tourism market, especially as the kingdom eschews tourist visas. Pilgrimage visas currently bar travel outside the holy cities of Mecca and Medina. Authorities plan to relax the restrictions, but have not specified to what extent and have raised the visa cost for return pilgrims to more than $500. Most of the kingdom s tourism development so far targets the affluent end of the market, while the biggest and fastest-growing pilgrim populations come from modest means. Additionally, worshipping at shrines is considered idolatry under Saudi Arabia s austere official Wahhabi school of Islam and it is unclear which Islamic historical sites pilgrims might be lured to after years of neglect. The Saudi tourism commission has pledged to rehabilitate four sites in Mecca: Jabal al-Nour, Jabal Thawr, Hudaybiyyah and Mohammed s migration path from Mecca to Medina. But there is scant sign of any restoration in Mecca so far, said Irfan Alawi, founder of the Islamic Heritage Research Foundation. Religious police still sit outside some of the sites, shooing away pilgrims with warnings about idolatry, he said. Dozens of other sites were demolished to make way for the redevelopment. Pilgrims comprise the bulk of Saudi Arabia s 20 million annual foreign visitors, apart from workers and business travelers. Nearly 2.4 million came for this year s haj, up from 1.9 million last year, and 7.5 million performed umrah in 2016. Officials aim to increase the number of umrah and haj pilgrims to 15 million and 5 million respectively by 2020, and hope to double the umrah number again to 30 million by 2030. In addition, they hope pilgrims will be attracted to spend money at museums, luxury resorts and historical sites. Some pilgrims are encouraged by the moves. We love this country because it s the cradle of Islam, the land of the revelation and the Prophet, peace be upon him, Nasser al-Zein, a Turkish-German car dealer from Frankfurt, told Reuters as he performed haj. We d love to spend our money here, more than in the West. Here, it s an Islamic country. Others find the costs prohibitive. The problem is the visa. If they were to extend it perhaps we could stay and visit places other than Mecca and Medina, said Zawaoui Daraji, 50, a trader from Algeria. The hotels charge you 25,000 riyals ($6,666.31) for your stay. It s too much for us, he said. Such concerns have not deterred Saudi officials. Long before last year s reform announcement, they began investing tens of billions of dollars in mega-hotels, public transit and a Grand Mosque expansion in Mecca. The $15 billion Abraj al-Beit golden clocktower complex, completed in 2011 with seven towers of hotels and malls, already looms over the mosque. Joining it soon will be 40 new towers from the Jabal Omar development, begun in 2008, and the $3.5 billion Abraj Kudai complex, which will be the world s largest hotel and come complete with four rooftop helipads. A new airport in Jeddah and the high-speed Haramain rail system, both set to open next year, will whisk visitors between cities along the Red Sea Coast. Despite a funding crunch for existing projects in the last year, authorities have announced new leisure mega-projects outside the holy cities. One of these, the Faisaliah project, will run from Mecca s edge out to the Red Sea. It aims to attract 10 million visitors to seaside getaways and Islamic research centers by 2050. Further north, the Red Sea Project hopes to attract luxury travellers to island resorts and pre-Islamic ruins in a closed visa-free zone. The King Abdullah Economic City, one of the stops on the rail line, is planning resorts and theme parks, too. ",worldnews,"September 4, 2017 ",1 +U.S. will circulate resolution on North Korea this week,NEW YORK (Reuters) - The U.S. envoy to the United Nations said Monday the United States plans to circulate a new resolution on North Korea this week and wants a vote next week by the Security Council. Ambassador Nikki Haley urged the United Nations to impose the strongest possible measures to deter North Korea from further steps on its nuclear program. She said the United States would engage in negotiations this week on the resolution and said North Korea has slapped everybody in the face with its latest nuclear test. ,worldnews,"September 4, 2017 ",1 +South Korea's Moon faces calls to alter policy on North Korea after nuclear test,"SEOUL (Reuters) - North Korea has been condemned internationally for conducting its most powerful nuclear test yet, but, across the border, South Korean President Moon Jae-in is also attracting flak for his policy of pursuing engagement with Pyongyang. Rebuked by U.S. President Donald Trump, Moon is facing growing calls at home to change course and take a tougher line against North Korea, even from his core support base of young liberals, according to hundreds of comments posted online. Moon, who swept to power after winning a May 9 election, remains hugely popular but his policy of pursuing both pressure and dialogue with the North is now under scrutiny. Trump was blunt about the situation facing South Korea, one of Washington s biggest allies in Asia. South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they (North Korea) only understand one thing, he said in a tweet on Sunday, after the nuclear test. Within South Korea, doubts about the Moonshine policy of engaging the North have been growing in recent weeks because there has been no change in the pace of the North s ballistic missile testing since Moon took office. The North twice test-fired intercontinental ballistic missiles in July. Now, despite international warnings, it conducted its sixth and most powerful nuclear test on Sunday. You said you will not have dialogue with the North if the North conducts a nuclear test. Keep your word, said a post on the Facebook page of the presidential Blue House from a user named Kim Bojoong. Moon said during his campaign for the presidency that dialogue would be impossible for quite some time if the North were to go ahead with another nuclear test. However, Moon indicated on Sunday at a National Security Council meeting that he had not given up on using pressure to bring the North to the negotiating table, a sentiment he repeated on Monday in a telephone call with Japan s Prime Minister Shinzo Abe. Pressure must be strengthened until the North comes to the table for dialogue, the presidential Blue House quoted Moon as telling Abe. Moon and Trump spoke by phone later on Monday, and the Blue House said the two agreed it was time to apply the strongest sanctions and pressure on North Korea and that stronger sanctions would be pursued at the United Nations. In another post on the palace s Facebook page, user Shin Sanggyun said: We know things are tough for you, mister president, but our response to the North s nuclear pursuit has been rather feeble. It is time South Korea start considering using its shipbuilding expertise to build nuclear submarines and junior aircraft carriers, Shin said. The Facebook posts were among hundreds of similar messages left on official social media maintained and monitored by the Blue House including its Twitter account and on the country s largest Naver.com web portal. Sentiment expressed on South Korea s social media, where users are predominantly people in their 20s and 30s, has been a barometer of political support for Moon, a former human rights lawyer swept to power by an anti-graft movement that brought down his predecessor Park Geun-hye. Moon s support rating has slipped slightly in recent days but he remains hugely popular. A public opinion survey by the Realmeter polling agency conducted two days before Sunday s nuclear test and released on Monday showed support for Moon fell by 0.8 percentage point from a week ago to 73.1 percent. But support among youngsters was strong with Moon getting an 85 percent approval rating among people in their 20s. South Korea s conservative opposition parties said the Moon government s expectations about North Korea were unrealistic and isolating the country from its allies. While the Moon Jae-in government made appeasement gestures and haggled for dialogue despite the North s continued provocations, we have become a nuclear hostage, a senior Liberal Korea Party member, Kim Tae-heum, said on Monday. Moon s push for dialogue was bound to hit a dead end because Pyongyang never really considered the South as a dialogue partner, said Kim Jun-seok, political diplomacy professor at Dongguk University in Seoul. They have to acknowledge us as a partner for talks, but all North Korea wants is to talk with the United States, Kim said. ",worldnews,"September 4, 2017 ",1 +North Korea's nuclear scientists take center stage with H-bomb test,"SEOUL (Reuters) - Decorated by Pyongyang but blacklisted abroad, two scientists pictured with North Korea s leader ahead of Sunday s nuclear test play vital roles in the reclusive country s pursuit of a powerful weapon capable of striking the United States, experts say. North Korea s sixth nuclear test on Sunday showed the country has either developed a hydrogen bomb - which has vastly more destructive power than atomic bombs - or was very getting close to obtaining one. Photos released by the official KCNA news agency just hours before the test showed two men standing alongside leader Kim Jong Un as he inspected a new peanut-shaped warhead: Ri Hong Sop, head of North Korea s Nuclear Weapons Institute, and Hong Sung Mu, deputy director of the ruling Workers Party of Korea s munitions industry department. Several North Korea leadership experts say they are part of a cadre of weapons experts at the frontline of the young leader s stated ambition: Developing an intercontinental ballistic missile (ICBM) that can carry a nuclear weapon to the United States. Compared to his father Kim Jong Il and grandfather Kim Il Sung who preferred small working groups and middle managers to deal with weapons programs, the 33-year-old leader has been more personally involved with these scientists, the experts say, citing his frequent appearances with the technocrats at state events, weapons tests and field inspections. It appears that Hong is spearheading the nuclear development program as a senior party official and Ri is in charge of nuclear tests such as hydrogen bombs on a working level, said Yang Moo-jin, professor at the University of North Korean studies in Seoul, who monitors the country s hierarchy and leadership. Reuters could not independently confirm the precise role of the two men. The North Korean government does not provide foreign media with a contact point in Pyongyang for comment by email, fax or phone. The North Korean mission to the United Nations was not immediately available for comment. The two scientists have become increasingly high profile as Pyongyang s weapons programs have advanced at a rapid pace under Kim s leadership, a Reuters review of North Korean state media showed. In January 2016, Hong and Ri were the first and second in line to receive medals personally awarded by Kim at a ceremony to mark the country s fourth nuclear test, state TV footage showed. Two months later, they accompanied a smiling Kim inspecting a silver-colored sphere, which the North said was a miniaturized warhead capable of being fitted to an ICBM. The wider group of weapons technocrats includes a trio of rocket scientists who have accompanied Kim on several crucial missile launches, including two July ICBM test launches that showed much of the U.S. mainland was now within range. Experts say Kim s hands-on approach may have contributed to faster development of its nuclear weapons and missiles, while allowing the scientists to develop personal links to the leader. (Kim) Jong Un goes out of his way to show they have a personal closeness to him, said Michael Madden, an expert on the North Korean leadership, pointing to Kim s frequent appearances with cadres engaged with its weapons program. It s likely linked to the fact that (the scientists) are making huge accomplishments in this area, and thus making big accomplishments for Kim Jong Un as leader of North Korea. Like the three rocket scientists, Ri and Hong have been blacklisted in recent years by the United Nations, the United States or South Korea for their roles in North Korea s weapons programs. The United Nations blacklisted Ri in 2009 citing his involvement in the production of weapons-grade plutonium , while an expert UN panel this year noted Hong s key role in the country s nuclear program as it recommended he also be sanctioned. Ri is a former director of Yongbyon Nuclear Research Centre, North Korea s main nuclear facility north of Pyongyang. Yongbyon operates the country s first nuclear reactors and its only confirmed uranium enrichment facility. Siegfried Hecker, a nuclear science professor at Stanford University and one of the last Americans to visit Yongbyon, recalled meeting Ri during his several visits there between 2004 and 2008. In one of these visits, Ri showed Hecker around the plutonium reactor and the radiochemical lab there. Ri stated with pride that North Korea s nuclear researchers have mastered plutonium production with no outside help, Hecker said in a 2006 report about his Yongbyon visit to Standford s Center for International Security and Cooperation. Hecker did not immediately respond to requests for comment about Ri or the North Korean nuclear program. In a statement carried by KCNA hours before the sixth test, Kim said all components of the hydrogen bomb were homemade , allowing North Korea to produce nuclear weapons as many as it wants. Hong is a former chief engineer at Yongbyon and has been at the ruling party s munitions department since the mid-2000s. He rose to prominence after Kim Jong Un took power in December 2011 following the death of his father, according to South Korean government database. Hong, 75, has been seen accompanying Kim on nuclear tests and long-range missile launches since 2012, the South Korean database and pictures released by KCNA show. He was educated in central and eastern Europe and possibly in Russia as well, while Ri attended seminars abroad, North Korea leadership expert Madden said. They are top-level officials and the last generation of those who studied in the old Communist world in the good old days, he said. ",worldnews,"September 4, 2017 ",1 +Kenya to hold new presidential vote on Oct. 17: electoral commission,"NAIROBI (Reuters) - Kenya will hold a new presidential election on Oct. 17, a senior official at the election commission said on Monday, days after the Supreme Court nullified the vote held in August. ",worldnews,"September 4, 2017 ",1 +Fugitive Italian 'cocaine king' arrested in Uruguay,"ROME/MONTEVIDEO (Reuters) - One of Italy s most wanted mob bosses has been arrested in Uruguay after 23 years on the run from convictions for mafia association, drug trafficking and other serious crimes, the interior ministries of both countries said on Monday. Rocco Morabito was considered the most wanted fugitive member of the Calabrian Ndrangheta, Italy s most powerful organized crime group and one of Europe s biggest importers of South American cocaine. The 50-year-old was arrested in Montevideo after Uruguayan police and Italian authorities worked together to determine his real identity, the Italian ministry said in a statement. Dubbed the cocaine king of Milan, Morabito had been wanted since 1994 after he was caught paying 13 billion lire ($8 million) to import almost a ton of the drug, Corriere della Sera newspaper reported. Morabito entered Uruguay in 2001, and took up residence with his wife in the coastal resort city of Punta del Este, the Uruguayan interior ministry said in a statement. He was living there under the false identity of Francisco Antonio Capeletto Souza, of Rio de Janeiro, it added. Morabito was jailed in Uruguay for using false documents while Italy s request for extradition is processed, the statement said, adding that $50,000 in cash was found at his home along with 13 cell phones. An international arrest warrant was issued in 1995 with the aim of tracking down Morabito and extraditing him to Italy, where he has been sentenced to 30 years in jail. The arrest ticks one member off the Italian interior ministry s five-strong list of the country s most-wanted organized criminals, on which Morabito had rubbed shoulders with feared Sicilian boss Matteo Messina Denaro. ",worldnews,"September 4, 2017 ",1 +Britain says window to restore Northern Ireland devolution closing rapidly,"BELFAST (Reuters) - Northern Ireland s political parties are rapidly running out of time to restore a devolved power-sharing government, Britain s minister for the region said on Monday, as he sought to avoid a return of direct rule from London. The window of opportunity to restore devolution and to form an executive is closing rapidly as we move further into the autumn and with pressures in public services already evident, the need for intervention is becoming increasingly clear, James Brokenshire told a news conference. I don t want to have to take this action, my intent is for politicians in Northern Ireland to form an executive. I m not going to pretend that this is easy as clear differences remain but it does remain achievable. ",worldnews,"September 4, 2017 ",1 +Swiss ready to mediate in North Korea crisis,"BERNE (Reuters) - Neutral Switzerland is prepared to act as a mediator to help resolve the North Korea crisis, including by hosting ministerial talks, Swiss President Doris Leuthard said on Monday. Leuthard said Swiss troops were deployed on the demarcation zone between South Korea and North Korea and noted that her country - along with Sweden - had a long history of neutral and discreet diplomacy. This has included Switzerland representing U.S. interests in both Iran and Cuba. But China and the United States had to take their share of responsibility, she added, warning against over-reactions after the North s sixth and largest nuclear test. Sanctions did not change many things in terms of convincing Pyongyang to abandon its weapons programs, even though its population had suffered, Leuthard said. I think it really is time for dialogue, she told a news conference in Berne. We are ready to offer our role for good services as a mediator. I think in the upcoming weeks a lot will depend on how the U.S. and China can have an influence in this crisis. That s why I think Switzerland and Sweden can have a role behind the curtain. Part of the task would be to find a suitable location for officials perhaps the countries foreign ministers to meet, she said. I think that s our role, to look at what kind of possibilities we find. Because, well, Twitter won t be an adequate instrument... This must be very discreet. Noting that the Communist Party congress in North Korea s neighbor and ally China was due to take place in October, Leuthard said the time for such initiatives was not ideal, so perhaps this was also part of the plan of North Korea. North Korean leader Kim Jong Un spent part of his youth in Berne studying under an assumed name. A framework agreement between North Korea and the United States, under the Clinton administration, was clinched in 1994 in Geneva after long negotiations. The deal by which Pyongyang was to freeze construction of its nuclear reactors, suspected of being part of its covert weapons program, in exchange for two light water nuclear reactors, unraveled in 2003. North Korea is a worrying situation. We are a small country. Perhaps they could meet in Switzerland to find a political solution, not one with arms, Leuthard said. ",worldnews,"September 4, 2017 ",1 +Russia's U.N. envoy calls for 'cool heads' on North Korea,"UNITED NATIONS (Reuters) - Russia s U.N. Ambassador Vassily Nebenzia said on Monday military solutions cannot settle the Korean Peninsula issues and warned there was an urgent need to maintain a cool head and refrain from any action that can escalate tensions. A comprehensive settlement to the nuclear and other issues plaguing the Korean peninsula can be arrived at solely through political diplomatic channels, including by leveraging the mediation efforts of the United Nations secretary-general, Nebenzia told the U.N. Security Council. ",worldnews,"September 4, 2017 ",1 +Cambodian leader gets China's backing as West condemns crackdown,"PHNOM PENH (Reuters) - Cambodian Prime Minister Hun Sen won words of support from China on Monday after the United States and European Union condemned the arrest of his main rival and a widening crackdown on his critics before next year s election. A day after Kem Sokha was arrested in a midnight raid on his house, one of his deputies said donor countries should open their eyes to Cambodia s false democracy and put more pressure on Hun Sen. When asked about Kem Sokha s arrest at a press briefing in Beijing, Chinese foreign ministry spokesman Geng Shuang said China supports the Cambodian government s efforts to protect national security and stability. Opposition politicians, rights groups and independent media have come under growing pressure as next year s election approaches. It could represent Hun Sen s greatest electoral challenge in more than three decades in power. One of China s closest allies in the region, Hun Sen has increasingly ignored criticism from Western donors, whose budget support is no longer as critical as it during the early years of his rule, when Cambodia was little more than a failed state. We cannot allow foreigners to use Khmers to kill Khmers any more, Hun Sen said on Monday, referring to the Khmer Rouge genocide that destroyed Cambodia in the 1970s. Hun Sen, 65, is a former Khmer Rouge soldier who switched sides. Sokha was allowed to see a lawyer on Monday at his prison several hours from Phnom Penh near the border with Vietnam. I may lose freedom, but may freedom never die in Cambodia, Kem Sokha was quoted as saying in a post on Twitter that was repeated by his daughter, Monovithya Kem. The European Union called for his immediate release, based on the fact that he is meant to have parliamentary immunity, as an elected lawmaker. This arrest suggests a further effort to restrict the democratic space in Cambodia, the EU said in a statement. The U.S. State Department expressed grave concern at Sokha s arrest on charges it said appeared to be politically motivated. It said in a statement it was also worried about other curbs on media and civil society. Hun Sen has steadily increased his rhetoric against the United States, ending joint military exercises, expelling a U.S. pro-democracy group and on Sunday accusing Washington of conspiring with Kem Sokha. U.N. High Commissioner for Human Rights Zeid Ra ad Al Hussein said he was seriously concerned about the arrest, noting that it was on the basis of the video of a speech he had made in 2013 and which had been publicly available since then. One of Kem Sokha s deputies, Mu Sochua, said the opposition had done as much as it could and would not call for demonstrations because it believed in non-violence. She called on donors to help. There isn t true peace. There has always been a false democracy, said Mu Sochua, 63, who is one of three deputies to Kem Sokha in the Cambodia National Rescue Party (CNRP). The international community have been willing to close their eyes and play along with it. Right now all the red lines have been crossed, she told Reuters in an interview in Phnom Penh. An independent newspaper that had often been critical of Hun Sen published its last edition on Monday, saying it had been forced to close after being given one month to pay a crippling $6.3 million in back taxes . Its final headline, on the arrest of Kem Sokha, was Descent Into Outright Dictatorship . ",worldnews,"September 4, 2017 ",1 +Libyan forces attack Islamic State near former stronghold,"BENGHAZI, Libya (Reuters) - East Libyan forces said they had launched air strikes on Islamic State fighters after the militants made incursions south and east of their former coastal stronghold of Sirte. The jihadist group has grown bolder in recent weeks, setting up temporary checkpoints, attacking local forces, and taking over a village mosque to lead prayers during the Muslim holiday of Eid al-Adha, Libyan officials say. The increased activity has raised concern that Islamic State could regroup around Sirte, from where it was driven out in December by local forces and a U.S. air campaign. Most militants were killed in the nearly seven-month battle, but an unknown number fled into the desert to the south and west. Sirte lies at the center of Libya s Mediterranean coastline, on the dividing line between regions controlled by rival Libyan factions. Forces loyal to eastern-based commander Khalifa Haftar said they had carried out air strikes on Sunday against militants in the area of Ain Taqrift, between Sirte and the town of Zillah, 306 km (190 miles) to the south east. The area is close to oil fields previously damaged by Islamic State attacks. Both Haftar s Libyan National Army (LNA) and forces from the port city of Misrata, which led the campaign in Sirte last year, say they are mounting frequent patrols to monitor Islamic State movements in areas under their control. The LNA and Misratan brigades have been on opposite sides of a conflict that developed after the NATO-backed uprising that toppled Libyan strongman Muammar Gaddafi in 2011. Islamic State exploited the turmoil to establish a foothold in Libya, taking complete control of Sirte in 2015 and using it as a base for hundreds of foreign fighters. Both the main loose alliances in Libya have accused each other of allowing Islamic State space to operate in order to advance their own military ends. Misratan forces, which aligned themselves with the U.N.-backed government in Tripoli, have complained of receiving little support as they try to prevent the jihadists regrouping. Islamic State militants have stepped up their presence in several settlements east of Sirte, said Ibrahim Mlaitan, head of security for Sirte municipality. That included entering a local mosque to preach a sermon last Friday, he said. They set up checkpoints that last just for 10 minutes and then leave. They have been moving around freely in and out of these towns, and in the desert too, Mlaitan said. Eastern military officials denied reports that Islamic State had taken control of one of the villages, Um Qandeel, but a military source acknowledged that the militants had set up checkpoints there during fleeting night visits. The terrorist organization Daesh (Islamic State) from time to time tries to enter the coastal areas from the desert regions and they carry out kidnappings of civilians, and we are conducting surveillance on them, said LNA spokesman Ahmed al-Mismari. ",worldnews,"September 4, 2017 ",1 +China urges North Korea to 'stop taking actions that are wrong',"UNITED NATIONS (Reuters) - China s U.N Ambassador Liu Jieyi urged North Korea to stop taking actions that are wrong and called on all parties to seriously consider Beijing s proposal for a joint suspension of Pyongyang s ballistic missile and nuclear programs and military drills by the United States and South Korea. We strongly urge (North Korea) ... stop taking actions that are wrong, deteriorating the situation and not in line with its own interests either and truly return to the track of resolving the issue through dialogue, Liu told the U.N. Security Council. North Korea conducted its sixth and most powerful nuclear test on Sunday, which it said was an advanced hydrogen bomb for a long-range missile, prompting global condemnation and drawing a warning of a massive military response from the United States if it or its allies were threatened. ",worldnews,"September 4, 2017 ",1 +Factbox: Turkey's collapsing EU membership bid,"BRUSSELS (Reuters) - German Chancellor Angela Merkel said on Sunday she would seek an end to Turkey s membership talks with the European Union. Here is a timeline of the most significant dates in Turkey s EU accession progress: * 1987 - Turkey, a member of the NATO military alliance, applies to join the EU s forerunner, the European Economic Community. * 1997 - Ankara is declared eligible to start talks, after strong support from Britain, Italy and Sweden. They see the addition of a dynamic economy and a powerful player in Middle East politics as a benefit for the EU. France, Germany and Austria are wary of admitting Turkey, concerned about the economic and cultural challenges of integrating a large, Muslim nation of 80 million people into the EU. * 2002 - Turkey abolishes the death penalty, a basic condition for joining the European Union. Turkey s Islamist-rooted AK Party wins a general election and vows to push for EU membership. * March 2003 - Tayyip Erdogan becomes prime minister and later says that Turkey is very much ready to be part of the European Union family. * October 2005 - Formal EU accession negotiations begin. * 2010 - Turkey s membership bid stalls over issues including the divided island of Cyprus, an EU member, which Turkey invaded in 1974. Pushed by Cyprus and France, EU capitals block the opening of new negotiating areas, or chapters. * 2013/2014 - Erdogan purges thousands of police and hundreds of judges and prosecutors over a corruption scandal he says was engineered by political enemies. * August 2014 - Erdogan is elected to the post of president which he plans to transform from a largely ceremonial post to a powerful executive office. * October 2014 - The European Commission, the EU executive that oversees EU accession talks, submits its most critical annual report yet, warning of serious doubts about judicial independence. * March 2016 - The European Union and Turkey agree to revive accession talks, as well as negotiations over visa-free travel for Turks to the bloc, as part of a broader accord to halt record flows of Syrian refugees to Europe in return for financial aid for Ankara. * July 15, 2016 - A faction of the military tries to overthrow Erdogan, prompting international condemnation, including from the European Union. But relations with Brussels quickly begin to sour as Turkey purges suspected coup plotters on a huge scale. The Council of Europe rights body, of which Turkey is a member, says the purge is unconstitutional. * March 2017 - Erdogan accuses Germany of fascist actions reminiscent of Nazi times after being stopped from holding political rallies in the country as he seeks support among the 1.5 million Turkish citizens there ahead of an April referendum. A narrow victory in the referendum gives Erdogan sweeping new powers that the European Union fears cements a new system of authoritarian rule and makes EU membership ever more distant. * April 2017 - The European Parliament calls for a formal suspension of Turkey s EU membership bid, which is now effectively frozen. EU foreign ministers hold talks with Turkey s top diplomat Mevlut Cavusoglu in Malta. They say they are against annulling Turkey s decade-long bid for EU membership. Privately, however, ministers raise the possibility of a new, looser agreement with Turkey on free trade, immigration and counter-terrorism. The European Union is Turkey s biggest foreign investor and biggest trading partner. * Sept. 3, 2017 - German Chancellor Angela Merkel says she will seek an end to Turkey s membership talks, in an apparent shift of position during a televised debate weeks before a German election. ",worldnews,"September 4, 2017 ",1 +U.S.-backed Syrian forces seize Raqqa mosque: coalition,"BEIRUT (Reuters) - U.S.-backed Syrian militias have taken the historic old city of Raqqa and its ancient mosque as they press their offensive to defeat Islamic State, the U.S.-led coalition said on Monday. The Syrian Democratic Forces, an alliance of Kurdish and Arab militias, said last week it had captured the final districts in Raqqa s old city from Islamic State. With the help of U.S.-led jets and special forces, the SDF has been battling to capture Raqqa city, which Islamic State used as a base of operations in Syria. The SDF pushed into the city in June after fighting for months to encircle it. The walled old city lies in the heart of Raqqa, but Islamic State militants still control districts in the west of the city. The SDF says it holds 65 percent of Raqqa in total. The SDF have made consistent incremental gains in the urban terrain of the city, fighting block by block, said U.S. Army Colonel Ryan Dillon, a spokesman for the United States-led coalition against Islamic State. The statement said the SDF has cleared the Great Mosque of Raqqa, its oldest mosque, describing the advance as a milestone in the Raqqa battle. SDF fighters have waged fierce battles with slow progress against Islamic State in Raqqa s old city since early July, when the U.S. coalition breached its walls with air strikes. A war monitoring group, the Britain-based Syrian Observatory for Human Rights, said last week that the SDF held more than 90 percent of Raqqa s old city. ",worldnews,"September 4, 2017 ",1 +U.S. calls for U.N. to impose strongest measures on North Korea,"UNITED NATIONS (Reuters) - U.S. Ambassador to the United Nations Nikki Haley said on Monday it was time for the U.N. Security Council to impose the strongest possible measures on North Korea over its sixth and largest nuclear test because enough is enough. Haley said the incremental sanctions approach of the 15-member council to North Korea since 2006 had not worked and she described North Korean leader Kim Jong Un as begging for war. Despite our efforts the North Korea nuclear program is more advanced and more dangerous than ever, Haley told the council. War is never something the United States wants. We don t want it now. But our country s patience is not unlimited. ",worldnews,"September 4, 2017 ",1 +Belgian army pilot found dead after midair helicopter mystery,"BRUSSELS (Reuters) - Rescuers on Monday found the body of a Belgian army helicopter pilot who had disappeared in a mysterious midair incident at a weekend airshow, local media said. Investigators are trying to determine how and why the unnamed pilot left the controls of his Agusta A-109 on Sunday and ended up dead hundreds of meters below. The Belgian Armed Forces said in a statement that the pilot had fallen from the aircraft but that the co-pilot, alone on board, had landed it safely. Public broadcaster RTBF, quoting public prosecutors, said the co-pilot told them he was watching three skydivers who had just jumped from the helicopter. When he turned back round, the pilot s seat was empty and the door of the aircraft was open. ",worldnews,"September 4, 2017 ",1 +"U.N. chief calls for united, 'appropriate action' on North Korea","UNITED NATIONS (Reuters) - United Nations Secretary-General Antonio Guterres counts on the Security Council to remain united and take appropriate action on North Korea, his political affairs chief, Jeffrey Feltman, said on Monday after Pyongyang conducted its sixth nuclear test. Feltman warned the 15-member Security Council that as tensions rise, so does the risk of misunderstanding, miscalculation and escalation. The latest serious developments require a comprehensive response in order to break the cycle of provocations from (North Korea). Such a response must include wise and bold diplomacy to be effective, Feltman told the council. ",worldnews,"September 4, 2017 ",1 +Turkey's Erdogan presses world leaders to help Myanmar's Rohingya,"ISTANBUL (Reuters) - Turkey s President Tayyip Erdogan said on Monday he was pressing world leaders to do more to help Myanmar s Rohingya Muslims, who face what he has described as genocide. Nearly 400 people have been killed in northwest Myanmar over the past week in insurgent attacks on security posts and an army crackdown. Aid agencies estimate that 73,000 Rohingya have fled to neighboring Bangladesh from Myanmar since violence erupted. You watched the situation that Myanmar and Muslims are in, Erdogan said in Istanbul, where he was attending the funeral of a Turkish soldier. You saw how villages have been burnt... Humanity remained silent to the massacre in Myanmar . He said Turkey would raise the issue at the United Nations General Assembly in New York later this month. As current head of the Organisation for Islamic Cooperation, Erdogan had discussed the violence with around 20 world leaders. There are some leaders we can achieve results with and some that we cannot. Not everyone has the same sensitivity, he said. We will do our duty, Erdogan said, adding that Turkey was continuing to deliver aid to the region. Myanmar has urged Muslims in the northwest to cooperate in the search for insurgents, whose coordinated attacks on security posts and an army crackdown have led to one of the deadliest bouts of violence to engulf the Rohingya community in decades. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing leader Aung San Suu Kyi, accused by Western critics of not speaking out for a religious minority that has long complained of persecution. Erdogan said on Friday that the death of hundreds of Rohingya in Myanmar over the past week constituted a genocide aimed at Muslim communities in the region. Hundreds more refugees on Sunday walked through rice paddies from the Naf river separating the two countries into Bangladesh, straining scarce resources of aid groups and local communities already helping tens of thousands. ",worldnews,"September 4, 2017 ",1 +Brazilian police target gangs shipping cocaine to Europe,"RIO DE JANEIRO (Reuters) - Brazilian authorities were serving 127 arrest warrants in six states on Monday as part of a year-long investigation into international drug traffickers who have shipped at least six tonnes of cocaine to European cities, federal police said. Operating out of the Brazilian ports of Santos, Salvador and Itaja , the drug gangs sent the cocaine to Antwerp in Belgium, Gioia Tauro in Italy and Valencia in Spain, police said. The U.S. Drug Enforcement Administration (DEA) collaborated in the investigation, Brazilian police said in a statement. The warrants were being served in the states of S o Paulo, Minas Gerais, Santa Catarina, Paran , Rio Grande do Sul and the Federal District. ",worldnews,"September 4, 2017 ",1 +Colombian president confirms bilateral ceasefire with ELN rebels,"BOGOTA (Reuters) - Colombian President Juan Manuel Santos confirmed on Monday that the government has agreed to a bilateral ceasefire with the ELN rebel group that will last 102 days. The priority is to protect citizens, so during this period, kidnappings, attacks on oil pipelines and other hostilities against the civilian population will cease, Santos said in a televised speech. ",worldnews,"September 4, 2017 ",1 +"UK police say cordon in Bolton lifted, package not suspicious",LONDON (Reuters) - British police said on Monday that a cordon in Victoria Square in the northern English town of Bolton had been lifted after a package at the site was found to be not suspicious. Greater Manchester Police had earlier evacuated the square as a precautionary measure while they investigated reports of a suspicious package. ,worldnews,"September 4, 2017 ",1 +"Syrian army, allies 3 km from Deir al-Zor enclave: state TV","BEIRUT (Reuters) - The Syrian army and allied forces have come to within three km (two miles) of a government-held enclave besieged by Islamic State in the city of Deir al-Zor, state television said on Monday. With a lunge through jihadist lines, the army and its allies are close to relieving the Euphrates city, where Islamic State has surrounded an army garrison and 93,000 civilians for years. ",worldnews,"September 4, 2017 ",1 +French foreign minister in Libya to push peace deal,"TRIPOLI (Reuters) - France s Foreign Minister Jean Yves Le Drian was in Libya on Monday to meet rival political leaders and offer support for a deal aimed at stabilizing the strifetorn North African country. Libyan Prime Minister Fayez al-Seraj and the divided nation s eastern commander Khalifa Haftar signed an agreement in Paris in July committing them to a conditional ceasefire and to work toward elections in 2018. The deal did not include other key factions. Western governments, worried about Islamist militants and smugglers thriving in Libya s chaos, are pushing a broader U.N.-backed deal to unify Libya and end the instability that has weakened the country since the 2011 fall of Muammar Gaddafi. In Tripoli, Le Drian met Seraj and planned to hold talks with Abdulrahman Swehli, a politician connected to some of Haftar s rivals who heads a parliamentary council in the capital, Libyan officials said. Le Drian was also to visit Misrata, Swehli s home city and a base of opposition to Haftar, before heading to Benghazi to meet Haftar and to Tobruk to meet the head of an eastern-based parliament aligned with him. The minister wants to consolidate this agreement by getting the parties not invited in July to support it, said a French diplomatic source. He wants to ensure that everyone is playing the game and lay the groundwork for elections. The French minister s visit is in line with President Emmanuel Macron s push for a deeper French role in bringing Libyan factions together in the hope of countering militant violence and easing Europe s migrant crisis. Our objective is the stabilization of Libya in the interests of the Libyans themselves, Le Drian said in a statement in Tripoli. A united Libya, equipped with functioning institutions, is the condition for avoiding the terrorist threat in the long term. He said the Paris deal was meant to support the U.N.-backed accord for a government of national unity. Le Drian met U.N. special envoy Ghassan Salame on Sunday. The French diplomatic source said the visit would fit into efforts by Salame to announce a road map to elections during the coming U.N. General Assembly. Seraj and Haftar clearly want to measure themselves in elections, the source said. Libya would likely need to agree on a new constitution or electoral law before elections, which will be a difficult task for the country s divided institutions. Organizing polls would also involve big logistical and security challenges. Past Western attempts to broker agreements have often fallen victim to political infighting among rival factions and armed brigades vying for power in the OPEC oil producer. Seraj s government has struggled to impose control and its presidential council is divided. Haftar has refused to accept its legitimacy. He has been gaining ground, backed by allies Egypt and United Arab Emirates. The ceasefire between non-terrorist elements is in general respected, the French diplomatic source said. Haftar s advances are accompanied by a strengthening of Seraj in the west so it s creating a fragile balance that encourages a compromise. ",worldnews,"September 4, 2017 ",1 +Merkel ally cites thousands of cyber attacks from Russian IP addresses,"BERLIN (Reuters) - A top leader of German Chancellor Angela Merkel s conservative party said her website had been hit by thousands of cyber attacks many from Russian IP addresses before Sunday s televised election debate. German intelligence and government officials have often voiced concerns that Moscow could seek to interfere in the Sept. 24 national election, in which Merkel is widely expected to win a fourth term. Russia has repeatedly denied trying to influence foreign elections. Julia Kloeckner, vice chairman of Merkel s Christian Democratic Union (CDU), said on Monday that her political website had seen some 3,000 attacks on Sunday before the debate between Merkel and Social Democratic leader Martin Schulz. Following a pattern seen in earlier hacks, the CDU s headquarters in the state of Rhineland-Palatinate, where Kloeckner is the party s leader, also experienced massive attacks ahead of the debate, she said. Many of the senders have Russian IP addresses, Kloeckner added. German authorities have blamed a spate of cyber attacks directed at the German parliament, individual lawmakers, political parties and political think-tanks since summer 2015 on APT 28, a Russian hacker group with links to Moscow. Kloeckner did not say how the attacks had been discovered or what form they had taken. Many recent cyber attacks targeted at German politicians and institutions have used phishing schemes that include attachments with malicious software. Germany s BSI federal cyber protection agency said it was aware of the incidents and was in touch with the CDU headquarters in the state, a spokesman said. Officials with the headquarters of the CDU and the Social Democrats, junior partners in the ruling coalition, said they had not seen a wave of similar attacks on their websites. Hans-Georg Maassen, the head of Germany s BfV domestic intelligence agency, told reporters in July that Berlin expected Russia to try to influence this month s election and said he suspected that Russian President Vladimir Putin would prefer a different German chancellor than Merkel. Merkel backs continued sanctions against Russia for its actions toward Ukraine. Relations between Germany and Russia have been cool in recent years, although Germany is highly dependent on energy supplies from Russia. A spokesman for the German interior ministry told a news conference on Monday that cyber attacks directed at political parties had increased generally in recent months, but declined to comment on the latest incidents. He noted the BSI had been working closely with politicians and parties to increase security. Experts said hackers were increasingly going after subsidiary sites such as those of local party branches in the hope of finding vulnerabilities. Tyson Barker, program director of the Aspen Institute Deutschland think-tank, said the attacks on a state-level CDU party infrastructure continued a pattern of hackers probing for potential weak links in the broader political system. The main battle front in this hybrid war in the U.S. as in Germany will likely be in the states, not Berlin or Washington, said Barker, adding: Those who thought Russian intelligence was going to sit this one out seem to have been proven wrong. ",worldnews,"September 4, 2017 ",1 +"Frankfurt defuses massive WWII bomb after evacuating 60,000","FRANKFURT (Reuters) - German explosives experts defused a massive World War Two bomb in the financial capital of Frankfurt on Sunday after tens of thousands of people were evacuated from their homes. The compulsory evacuation of 60,000 people was Germany s biggest such maneuver since the war, with more than a thousand emergency service workers helping to clear the area around the bomb, which was discovered on a building site last week. The evacuation area included two hospitals, care homes, the Opera House and Germany s central bank, the Bundesbank, where $70 billion in gold reserves are stored underground. Police maintained security at the building. The all-day effort took longer than planned but officials expressed relief that residents would start returning home before sundown and that the operation wouldn t disrupt business on Monday. The work by bomb technicians started later than scheduled because some residents refused to leave the evacuation area despite fire chiefs warning that an uncontrolled explosion would be big enough to flatten a city block. Police said they took stragglers into custody to secure the area. More than 2,000 tonnes of live bombs and munitions are discovered each year in Germany, more than 70 years after the end of the war. British and American warplanes pummeled the country with 1.5 million tonnes of bombs that killed 600,000 people. Officials estimate that 15 percent of the bombs failed to explode, some burrowing six meters (20 feet) deep. Residents were instructed to leave their homes by 8 a.m. local time [0600 GMT], and more than a thousand emergency service workers helped to clear the area. Police set up cordons at a 1.5 km (roughly a mile) radius around the device. Many residents left town. Others spent time in cafes on the edge of the evacuation zone. Museums were free, and many hotels offered discounts. The city set up a temporary shelter at Frankfurt s trade fair site, serving bananas and beverages. The device was found last week in the city s leafy Westend neighborhood, home to many wealthy bankers. Premature babies and intensive care patients had to be evacuated along with everyone else from two hospitals and rescue workers helped about 500 elderly people leave residences and care homes. Bomb disposal experts used a special system to try and unscrew the fuses attached to the HC 4,000 bomb from a safe distance. If that had failed, a water jet would have been used to cut the fuses. The bomb was dropped by Britain s Royal Air Force during the 1939-45 war, city officials said. In July, a kindergarten was evacuated after teachers discovered an unexploded World War Two bomb on a shelf among some toys. Three police explosives experts in Goettingen were killed in 2010 while preparing to defuse a 1,000 lb (450 kg) bomb. ",worldnews,"September 3, 2017 ",1 +New Zealand's populist Peters garners attention as kingmaker in heated election debate,"WELLINGTON (Reuters) - Neither major New Zealand political party leader on Monday would rule out appointing nationalist New Zealand First head Winston Peters as deputy prime minister as poll averages showed a neck-and-neck race for a Sept. 23 election. Labour s Jacinda Ardern and Prime Minister and National Party leader Bill English faced off in a fiery televised election debate, the same day tightening poll averages suggested each would still need New Zealand First to form a government. The leaders traded jabs as Ardern accused the center-right National Party of ignoring a housing crisis in its nine years in power, while English criticized his 37-year-old, center-left opponent of putting ideals over concrete projects. You can t replace a plan with a vision, English told Ardern. Labour has argued that New Zealand s economic growth rate, among the fastest in the developed world, on the National Party s watch, has masked growing inequality and strains on infrastructure. Labour also says people are not seeing the benefits of growth, with wages still lagging behind living costs. People ... feel like they are going backwards. And that s because they are. An economy should be about people, Ardern said. Both party leaders said they would not make Peters, who would like to slash immigration and increase the central bank s ability to intervene in the currency, finance minister in their governments. Labour s soaring support since charismatic Ardern took over as leader on Aug. 1 may put it in a position to form a government without having to rely on the controversial nationalist party if its momentum is sustained. National, however, looks as if it would likely still be heavily reliant on the New Zealand First Party, whose support is also waning. Although both major parties are open to forming a coalition with the populist party, Peters has not said which one he would throw his lot in with. Labour s average level of support in opinion polls rose to 39.8 percent, and the Greens average was 6.2 percent, figures released by media on Monday showed, putting the two parties, which share a working agreement, comfortably ahead of National s 41.6 percent. A party, or combination of parties, needs 61 of Parliament s 120 members in order to form a government in New Zealand s German-style proportional representation system. The averages suggest Labour and the Green Party would garner 57 seats, compared with National s 51. If National happen to drop a bit further, they won t have any chance of forming a government because they don t have as many coalition options as Labour, said Bryce Edwards, a political analyst at Victoria University in Wellington. Only weeks ago, outspoken Peters was expected to be the kingmaker in the formation of government after the vote. But a controversy over mistaken overpayment of superannuation to Peters has hurt his support, while voters have also been drawn to the newly invigorated Labour party. Although the average of polls shows New Zealand First remains decisive in the formation of the next government, the situation could change if its loss of momentum continues, analysts say. New Zealand First s average fell to 8 percent, down from 9.1 percent on Friday. Certainly New Zealand First, if they are somewhere in the 5 percent to 7 percent range, there will be a good chance of them no longer being a kingmaker after the election, Edwards added. Support for the party fell to 6.6 percent in a poll released on Sunday, following a drop to 8 percent in another poll last week. Both polls were used to calculate Monday s average. ",worldnews,"September 4, 2017 ",1 +UK looking at all measures to pressure North Korea: PM May's spokeswoman,"LONDON (Reuters) - Britain is looking at all ways it can put pressure on North Korea after Pyongyang conducted a nuclear test, Prime Minister Theresa May s spokeswoman said on Monday, adding that peaceful diplomatic solutions were preferable. North Korea conducted its sixth nuclear test on Sunday, prompting a warning of a massive military response from the United States if it or its allies were threatened. As the prime minister made clear yesterday ... our focus is on working with partners to increase pressure on Korea and find a diplomatic resolution to the crisis, May s spokeswoman told reporters. She said we want to increase the pace of implementation of existing sanctions and look at other measures ... It s our view in the UK that ... peaceful, diplomatic means are best. ",worldnews,"September 4, 2017 ",1 +Mother's fight to discover fate of dead baby's body finds empty coffin,"EDINBURGH (Reuters) - A mother who has been fighting for four decades to find out what happened to her dead baby boy has discovered that his coffin has no human remains in it. Lydia Reid s son Gary was seven days old when he died at Edinburgh s Hospital for Sick Children in 1975, she told the BBC. Reid was a leading campaigner to expose how Scottish hospitals unlawfully retained dead children s body parts for research following a public enquiry into practices at Alder Hey Hospital in Liverpool, England in the 1990s, the BBC said. Lydia Reid wants answers from people ... somebody coming forward to explain to her what has happened to her son s body, David Short, a lawyer acting on her behalf, told the BBC on Monday. Reid has suspected for years that her son s organs were taken without permission, and thought the coffin was empty on the day of the funeral because it weighed so little. But she has had no proof of what happened to his remains until now, following a court order for an exhumation at Saughton Cemetery in Edinburgh. I wanted to be wrong. I wanted to be called a stupid old woman but the minute (the forensic scientist) lifted the shawl out of the ground I knew there was nothing in it. Nothing, she said. My heart hit my feet and I didn t know what to say. Reid has appealed to the Scottish health authorities and the funeral company to help her find out what happened. They know what happened to my son, they know fine and well that they have that knowledge and they can give me peace. Even if he s been incinerated I want to know. Even if he s lying in a jar in a hospital somewhere I want to know. If it s possible to get my son back, I want my son back. And if it s not, then at least tell me, and let me have peace. Reid, now 68, said that after her son died and she asked to see him again she was shown a child that was not hers. This baby was blond and big, my baby was tiny and dark-haired. This was not my son, she said. I objected but they said I was suffering from post-natal depression. Jim Crombie, Deputy Chief Executive at NHS Lothian, said: Our condolences are with the family of Gary Paton. This matter is now being looked into by the police and we are unable to comment further. ",worldnews,"September 4, 2017 ",0 +Turkey says talk of ending its EU accession undermines Europe,"ISTANBUL (Reuters) - Turkey s European Union Affairs Minister Omer Celik said on Monday that any talk of ending his country s negotiations for EU accession amounted to an attack on Europe s founding principles . His comments came a day after German Chancellor Angela Merkel said it was clear that Turkey should not join the EU and that she would talk to other EU leaders about ending its stalled accession process. Merkel s main challenger in Germany s Sept. 24 national election, Martin Schulz, has also promised to push for an end to Turkey s EU negotiations if elected chancellor. They are building a Berlin wall with bricks of populism, Celik tweeted. Turkey will keep going with its head held high as a European country and a European democracy, he said. ",worldnews,"September 4, 2017 ",1 +EU heads toward tougher action on Poland after Merkel joins fray,"BRUSSELS (Reuters) - Germany s entry alongside France into a battle between the European Commission and Poland over the rule of law increases the likelihood of unprecedented EU action to punish Warsaw. German Chancellor Angela Merkel abandoned her usual public restraint last week by criticizing Poland s governing Law and Justice (PiS) party, showing the European Union s executive has the firm backing of its most influential member. It may be a watershed moment in the dispute over an overhaul of the judiciary and other steps taken by PiS which Brussels says undermine democracy in the largest ex-communist EU state. Poland risks a reprimand under procedures known as Article 7 that have never been used before and would deal a heavy blow to its prestige, deepen its isolation in the bloc and diminish its ability to influence EU policies. Much is also at stake for the EU. The row has deepened divisions as the EU comes to terms with Brexit and failure to act against a member seen as flouting democracy could raise questions about its determination to defend its core values. As much as I wish for good relations with Poland they are our neighbor and I will always strive for this given the importance of our ties we can t simply keep our mouth shut in order to keep the peace, Merkel said in Berlin. This goes to the very foundations of our cooperation within the European Union. For a decade after it joined the EU in 2004, Poland was the poster child of the bloc s eastward expansion as it was seen as faithfully upholding the EU s democratic values and its economy thrived. But relations have deteriorated rapidly since the eurosceptic PiS led by former prime minister Jaroslaw Kaczynski, long a political foe of European Council President Donald Tusk, won power in late 2015. The Commission opened an inquiry into the rule of law in Poland in January 2016 after new legislation put more power in the hands of the Warsaw government, a move seen in Brussels as weakening democratic checks and balances. The main battle now is over reforms that the Commission says undermine the judiciary s independence, giving the justice minister discretionary power to prolong the mandates of judges at retirement age and dismiss and appoint court presidents. In another unprecedented development, Warsaw has also ignored a ruling by the EU s top court by continuing with large-scale logging in an ancient forest. Until now Berlin has let French President Emmanuel Macron take the lead on Poland since he took office last May. He says Warsaw is isolating itself and shunned Poland and its close EU ally, Hungary, during a recent tour of eastern Europe. But Merkel, who will seek a fourth term as chancellor in an election on Sept. 24, showed her concern by speaking out against Poland last Tuesday and by discussing Poland last week with the head of the Commission, Jean-Claude Juncker. A diplomatic source said their talks included discussion of how quickly to proceed in the row with Warsaw. PiS denies accusations by the Commission, Western EU states, political opponents in Poland and rights groups that it is eroding democracy in the country of 38 million people. Some EU politicians have made comments most recently that are unjust on Poland. That is why I want to stress that Poland is a democratic country, based on the rule of law, Prime Minister Beata Szydlo said in video footage released last week. Filmed standing in front of Polish and EU flags, she said: Let s not allow particular interests of particular countries to overshadow the chief current task, which is to guarantee security to the people of our continent. The Commission has the option of triggering Article 7, which would mean asking all 27 other EU states to declare that PiS is putting democracy at risk. But imposing sanctions would require unanimity among the other member states and Hungarian Prime Minister Viktor Orban has made clear he would shield Warsaw from the maximum punishment stripping it of its EU voting rights. Commission deputy head Frans Timmermans said last week he would propose opening Article 7 if Poland starts dismissing Supreme Court judges, adding: We are very close to triggering Article 7. But he also said Brussels was waiting to see what proposals Polish President Andrzej Duda makes on two judiciary laws, including on the Supreme Court, proposed by PiS after he vetoed them in July. Two others have been signed. His comments indicate Warsaw still has a last chance to escape Article 7. No formal decision is likely before the EU leaders meet for a Brussels summit in October at the earliest. One EU official said Article 7 is where this seems to be heading but added: Nobody likes to single out a member state like that. Everyone has their sins and this creates a dangerous precedent - what if you are going to be the next one? ",worldnews,"September 4, 2017 ",1 +"Germany, France float new sanctions after North Korea nuclear test","BERLIN (Reuters) - Germany and France will ask the European Union to consult about the possibility of imposing heavier sanctions on North Korea after its latest nuclear test, Germany s government spokesman Steffen Seibert said on Monday. It is exclusively North Korea, its leadership, and President Kim who are responsible for this provocation, Seibert told a news conference, adding Pyongyang s ambassador would again be summoned to the Foreign Ministry. North Korea is treading all over international law. Berlin was in favor of a diplomatic, peaceful solution to the crisis, he said, adding this required a coordinated response from the entire world - Not just the western world, but Russia and China too. ",worldnews,"September 4, 2017 ",1 +India probes if shortage of oxygen supplies killed 30 infants,"NEW DELHI (Reuters) - Indian police are investigating whether 30 infants died for lack of oxygen in a northern state-run hospital, the second case within a month in which medical supply shortages have been blamed for the deaths of dozens of children. An underfunded, poorly managed public health system is in the spotlight after more than 60 children died in August in a public hospital in northern Uttar Pradesh, amid accusations that oxygen supplies ran out because of unpaid bills. Police launched an investigation on Sunday in the latest case after a government report blamed the chief medical officer and doctors at another institution in the northern state, Ram Manohar Lohia hospital, for the deaths of 30 children. The infants died of perinatal asphyxia at the newborn care unit of the hospital in the state s Farrukhabad district between July 21 and Aug. 20, police said. The probe officer was told by mothers that the hospital did not insert oxygen pipes (into infants windpipes) after birth, and proper medication was also not given, police said in the complaint, quoting the government report. The investigation suggested that 30 of a total of 49 children died of perinatal asphyxia, police added in the complaint, seen by Reuters. This condition is caused by a reduced level of oxygen in infants just before, during or after delivery, depriving them of the ability to breathe freely. A district magistrate on Wednesday ordered the inquiry into the deaths of the infants, after media reports linked some deaths to oxygen shortages. He also ordered action against all the doctors involved in the deaths. The district s chief medical superintendent, Dr Akhilesh Agarwal, denied there had been any lack of oxygen. The hospital saved 121 of the 145 infants admitted in critical condition following their birth elsewhere, he added. The rest died since their conditions were critical, he told Reuters. Nineteen more babies were born dead in the government hospital, and the six remaining, from the tally of 49 in the government report, died of unspecified causes, he added, without elaborating. India spends about one percent of its GDP on public health, among the lowest in the world. Successive governments have faced criticism for not reforming the overburdened public health system which is still plagued with a shortage of doctors and dilapidated infrastructure. In recent years, Prime Minister Narendra Modi s government has increased health spending and vowed to make healthcare more affordable. ",worldnews,"September 4, 2017 ",1 +"In shift, Merkel backs end to EU-Turkey membership talks","BERLIN (Reuters) - German Chancellor Angela Merkel said on Sunday she would seek an end to Turkey s membership talks with the European Union in an apparent shift of her position during a televised debate weeks before a German election. The fact is clear that Turkey should not become a member of the EU, Merkel said in the debate with her Social Democrat (SPD) challenger Martin Schulz. I ll speak to my (EU) colleagues to see if we can reach a joint position on this so that we can end these accession talks, Merkel added. The comments are likely to worsen already strained ties between the two NATO allies that have deepened since Turkish President Tayyip Erdogan s crackdown on opponents in the aftermath of a failed coup attempt in July of last year. There was no immediate reaction from Turkey which is in the midst of a national religious holiday. Merkel s comments came after Schulz appeared to surprise her by vowing to push for an end to the negotiations if he was elected chancellor in the Sept. 24 federal election. If I become German chancellor, if the people of this country give me a mandate, then I will propose to the European Council that we end the membership talks with Turkey, Schulz said. Whether we can win over all the countries for this I don t know. But I will fight for this. Merkel initially cautioned against such a move, saying it would be irresponsible to endanger ties with Turkey at a time when German citizens are imprisoned there. Twelve German citizens are now in Turkish detention on political charges, four of them holding dual citizenship. I do not intend to break off diplomatic relations with Turkey just because we re in an election campaign and want to show each other who is tougher, she said. But after the moderators had moved on and asked the two candidates a question about U.S. President Donald Trump, Merkel returned to the Turkey issue, suddenly throwing her weight behind an end to the membership talks. Merkel s conservative party, the Christian Democratic Union (CDU), has long opposed Turkish membership in the European Union. But the green light for membership talks was given months before Merkel became chancellor in 2005 and she has always said that she will respect that decision, referring to the negotiations as open ended . The accession talks have ground to a virtual halt and EU leaders have stepped up their criticism of Erdogan. ",worldnews,"September 3, 2017 ",1 +Senior Chinese military officer questioned over suspected graft: sources,"BEIJING (Reuters) - A senior military officer who sits on China s powerful Central Military Commission, which is headed by President Xi Jinping, is being questioned on suspicion of corruption, three sources familiar with the situation said. Fang Fenghui had been chief of the Joint Staff Department of the People s Liberation Army until he was replaced late last month, with no official word on what had happened to him, whether he had taken up another post, or had retired. Fang Fenghui was questioned regarding economic problems, a source with ties to the leadership told Reuters. Economic problems is often used as a euphemism for corruption in China. Another source familiar with the situation said: They ve detained him. It s on suspicion of corruption, said the second source, who also spoke on condition of anonymity. The third source also confirmed Fang was being questioned. It was not clear if the questioning would lead to a formal indictment. Chinese officials are sometimes questioned informally and then released. China s Defence Ministry did not respond to a request for comment on whether Fang had been detained or was being questioned. It was also not possible to reach Fang or a representative for comment and it was unclear if he had been allowed to retain a lawyer. Fighting corruption in the military has been a focus of Xi s broader crackdown on deep-seated graft, a problem he has warned is so serious that it could affect the ruling Communist Party s grip on power. Dozens of officers have been investigated and jailed, including Xu Caihou and Guo Boxiong, both former vice chairmen of the Central Military Commission. Guo was jailed for life last year. Xu died of cancer in 2015 before he could face trial. The 11-man Central Military Commission is in overall charge of China s military, headed by Xi and made up of the most senior military officers. At a monthly news conference last week, defense ministry spokesman Ren Guoqiang declined to comment on where Fang was or if he had been given another position. Wen asked about Fang, Ren said: we are not aware of it. Fang turns 67 next year, an age at which many Chinese officials retire. His last public appearance was on Aug. 21, when he met a senior Thai military officer in Beijing. He also met Joseph Dunford, chairman of the U.S. Joint Chiefs of Staff, on Aug. 15. Fang was also part of Xi s delegation that met U.S. President Donald Trump at Trump s Mar-a-Lago estate in Florida in April. The questioning of Fang comes ahead of next month s once-every-five-years Communist Party Congress, at which Xi will look to further cement his tight grip on power. The party has already begun a military reshuffle connected with the Congress, announcing last week new chiefs for the army and the air force. The official People s Liberation Army Daily said last month the military needed to be on its guard against corruption rearing its head again, warning that the arrow cannot be put back in the quiver . Serving and retired officers have said graft in the armed forces is so pervasive it could undermine China s ability to wage war. The anti-graft drive comes as Xi steps up efforts to modernize forces that are projecting power across the disputed waters of the East and South China Seas, although China has not fought a war in decades. ",worldnews,"September 4, 2017 ",1 +Taiwan premier resigns to help shore up president's falling popularity,"TAIPEI (Reuters) - Taiwan s President Tsai Ing-wen has accepted the resignation of Premier Lin Chuan, the ruling party said on Monday, a departure that had been widely expected because of the president s falling public support. Taiwan presidents often shuffle premiers in response to dips in popularity. Lin had faced mounting pressure to step down as Tsai s popularity plummeted to 29.8 percent by August, a private foundation survey has shown. When she took office in May 2016, her approval rating was as high as 70 percent. The president has accepted his resignation after sincere talks, Tsai s Democratic Progressive Party (DPP) said in a statement. Under Taiwan s system, the president is the more important office, holding the jobs of commander in chief and head of state. The prime minister is appointed by the president to lead the cabinet. Tsai is likely to be looking ahead to her 2020 re-election campaign. Frozen relations with China, a backlash over pension reforms and a revised labor rule, among other controversies, have put pressure on her to replace Lin, in preparation for that campaign. Lin said the party had reached a point where we must embark on the next stage of the mission . So I ve resigned to pave the way for the president to re-organize her team and resources for that purpose, he said. The presidential office said a new premier would be announced on Tuesday. William Lai, the popular mayor of the southern city of Tainan and a leading DPP figure, is widely expected to replace Lin. A Lai premiership would not necessary help the president to improve her ratings, some analysts said. They need a reboot, because current ratings for both are low, said Alex Huang, a professor of Tamkang University, Taipei, referring to Tsai and Lin, adding that it must have been a hard decision for Tsai because of their friendship. Lin is sort of biting the bullet to clear the path ahead for the president and the next premier, Huang said. Some representatives of the opposition Kuomintang (KMT) have expressed scepticism that Tsai would build an effective partnership with Lai, if he did replace Lin. I d like to see how they both work together, said Lai Shyh-bao, a KMT legislator. Both Tsai and Lai have reputations for being overbearing and domineering. Lin has been criticized not just by legislators from the opposition, but also from his own DPP. Tsai had praised him as a great communicator when she introduced him last year. Lin, a close confidant of the president who retains her trust, could become the next central bank governor when current governor Perng Fai-nan retires next year. ",worldnews,"September 4, 2017 ",1 +Not again! German media bemoan grand coalition scenario after limp TV duel,"BERLIN (Reuters) - A mood of pre-election apathy rippled through German media on Monday, as commentators concluded Angela Merkel s rival for chancellor had blown his best chance of depriving her of fourth term in office. With three weeks to go until polling day, several national newspapers taking stock the morning after a lackluster two-way televised debate concluded that a re-run of the grand coalition of Merkel s conservatives and challenger Martin Schulz s Social Democrats (SPD) was likely. Angela Merkel and Martin Schulz barely showed any differences in their only direct face-off. Why don t we just set the grand coalition up again now? magazine Der Spiegel said on its website, adding the debate would not have changed voters existing preferences. That would be a continuation of the team that has governed Germany for the last four years. But that combination has in the past been viewed as a last resort, and surveys suggest a three-way coalition between the conservatives, Greens and the Free Democrats (FDP) as an alternative option. Polls over the past three months have consistently shown Merkel s conservatives holding a double-digit lead over the SPD - but the gap has never stretched so far as to give her CDU/CSU alliance a parliamentary majority. Polls showed Merkel was also the winner of Sunday s duel - a disappointment for Schulz, who had hoped he could use his only direct clash with her to turn his party s fortunes around. We re at risk of another grand coalition, read the headline in mass-selling Bild newspaper. It said while Schulz had tried to attack the eternal chancellor , he had done so with velvet gloves, pointing out that he often said he shared Merkel s opinion. Bild said the pair had failed to differentiate themselves. There were two professional politicians speaking and you just couldn t shake off the suspicion that both of them could work together in government without much friction, it added. Local newspaper Berliner Zeitung newspaper s front page showed a scorecard that read 0:0 - a draw for both candidates. It was supposed to be the first climax in the race for the chancellery ... But substantive accents were missing. Undecided votes were likely unconvinced by either of the candidates, it said. The rivals body language was also telling, it said, with Schulz smiling a lot while Merkel often looked as though she was witnessing something that she didn t quite like. Newspaper Handelsblatt said Schulz had not really attacked the incumbent chancellor, adding: Martin Schulz doesn t want to be chancellor in September apparently but rather Angela Merkel s office manager. But Berlin s Tagesspiegel newspaper said Schulz had scored points for taking more decisive positions on Turkey, pensions and the need to punish the German automotive industry for the diesel emissions scandal. When it came to showing hard edges, Martin Schulz was more convincing, it said, adding, this evening may have changed things. ",worldnews,"September 4, 2017 ",1 +"BRICS countries deplore North Korean nuclear test, oppose protectionism: draft communique","XIAMEN, China (Reuters) - The nations of the BRICS grouping strongly deplore North Korea s nuclear test but the problem over its nuclear program should only be settled through peaceful means and dialogue, they said in a draft communique seen by Reuters on Monday. In its sixth and most powerful nuclear test on Sunday, North Korea detonated what it said was an advanced hydrogen bomb for a long-range missile, prompting a vow of massive military response from the United States if it or its allies were threatened. We express deep concern over the ongoing tension and prolonged nuclear issue on the Korean peninsula, the draft communique said. A formal communique, known as the Xiamen Declaration , is expected to be issued at a meeting attended by heads of state from the five major emerging economies in the grouping - Brazil, Russia, India, China and South Africa - in the Chinese coastal city of Xiamen. BRICS countries will continue to firmly oppose protectionism as they are committed to an open and inclusive multilateral trading system, the draft communique said. It emphasized the need to be vigilant in guarding against inward-looking policies that could hurt global market confidence, calling for BRICS countries to strengthen macroeconomic and structural policy coordination. It also called upon all countries to fully implement the Paris climate agreement, while pledging to enhance BRICS cooperation on climate change and energy and to expand green financing. The five emerging economies agreed to jointly establish a BRICS local currency bond fund, the draft communique added. ",worldnews,"September 4, 2017 ",1 +China says made representations to North Korea over nuclear test,"BEIJING (Reuters) - China s foreign ministry said on Monday it had lodged solemn representations with the North Korean embassy in Beijing over the North s sixth and most powerful nuclear test. North Korea is clear about China s opposition to its nuclear tests, ministry spokesman Geng Shuang told a regular briefing, adding that China upholds talks as the means to resolve the Korean peninsula issue. The North said it tested an advanced hydrogen bomb for a long-range missile on Sunday, prompting a vow of massive military response from the United States if either it or its allies were threatened. ",worldnews,"September 4, 2017 ",1 +Indonesian minister to meet Suu Kyi amid protests over Rohingya,"JAKARTA (Reuters) - Indonesia s foreign minister is due to meet Myanmar leader Aung San Suu Kyi on Monday to discuss delivering humanitarian aid to members of Myanmar s Rohingya minority, as Indonesian protesters urged their government to take a tougher line. Dozens of Indonesians protested outside the Myanmar embassy in Jakarta on Monday, calling for a cut in diplomatic ties with Myanmar over violence against its Rohingya Muslim minority. Aid agencies estimate that about 90,000 Rohingya have fled from Myanmar into neighboring Bangladesh since violence erupted in the north of Rakhine state last week. We will discuss in detail Indonesia s proposal on how Indonesia can give humanitarian aid to Rakhine state, Indonesian Foreign Minister Retno Marsudi said in a video statement from the Myanmar city of Yangon. She is also scheduled to travel to Bangladesh to urge authorities there to protect fleeing Rohingya refugees. In a sign of mounting public anger in Jakarta, a petrol bomb was thrown at the Myanmar embassy on Sunday, causing a small fire. The protests follow demonstrations in Malaysia and condemnation from world leaders such as President Tayyip Erdogan of Turkey, who on Friday said the violence against Muslims amounted to genocide. The Rohingya are denied citizenship in Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. Bangladesh is also growing increasingly hostile to Rohingya, more than 400,000 of whom live in the poor South Asian country after fleeing Myanmar since the early 1990s. Indonesia is home to the world s largest population of Muslims. Its government has been actively involved in providing aid for Myanmar to develop Rakhine state and protect the rights of the Rohingya, alongside the majority Buddhist community. Ifah Rohma, an activist from a Jakarta-based organization called Muslim Friends of Rohingya, said many Indonesians as fellow Muslims were concerned about the fate of Rohingya. Indonesia should not be engaging in soft diplomacy, Rohma said outside the Myanmar embassy, which was surrounded by heavy security and barbed wire. Now is the time to cut ties, recall our ambassador and expel their ambassador, she said. Myanmar says its security forces are fighting a legitimate campaign against terrorists responsible for a string of attacks on police posts and the army since last October. ",worldnews,"September 4, 2017 ",1 +South Korea sees more possible North Korea ballistic missile tests: defense ministry,"SEOUL (Reuters) - South Korea s defense ministry said in a parliament hearing on Monday it was still seeing signs that North Korea planned to stage more ballistic missile launches, possibly including an intercontinental ballistic missile. We have continued to see signs of possibly more ballistic missile launches. We also forecast North Korea could fire an intercontinental ballistic missile, said Chang Kyung-soo, a defense ministry official. The defense ministry was called by parliament on Monday to answer questions about North Korea s sixth and largest nuclear test that was carried out a day earlier. ",worldnews,"September 4, 2017 ",1 +Hong Kong scraps 24-hour BBC World Service radio channel despite criticism,"HONG KONG (Reuters) - Hong Kong s public broadcaster RTHK dropped a 24-hour BBC World Service channel from its airwaves on Monday, replacing it with state radio from China in what critics say is a sign of encroaching Chinese control in the former British colony. Tensions between Hong Kong and Beijing s ruling Communist Party leaders have grown in recent years, particularly over the Occupy civil disobedience movement in 2014 when tens of thousands of protesters blocked roads for 79 days demanding full democracy. Hong Kong returned from British to Chinese rule in 1997 with the promise of wide-ranging autonomy under a one country, two systems formula. An online petition, titled RTHK: Give us back our BBC World Service , had been signed by nearly 1,000 people in a bid to keep the British broadcaster s round-the-clock programming, saying the switch would make Hong Kong feel more parochial and inward-looking . However, Radio Television Hong Kong (RTHK), the city s main public broadcaster, went ahead with scrapping the exclusive BBC channel at midnight on Sunday. Instead, China National Radio - a state-run outlet carrying no sensitive or critical reporting on China - would be broadcast on its own RTHK channel. The broadcasts are mostly in Mandarin, rather than the city s main Cantonese dialect. Amen Ng, a spokeswoman for RTHK, told Reuters earlier there were no political considerations in the decision and said the Chinese broadcaster would enhance cultural exchanges. She said there would still be BBC World Service broadcasts, although only overnight from 11 pm to 7 a.m. and occasionally on weekends. Other RTHK staff said the move had been forced through without broader consultation. Nobody knew anything about it. We were told in a meeting just before it was announced, said a senior RTHK editorial employee who declined to be identified because he wasn t authorized to speak to the media. People see it as a negative thing. The BBC is generally regarded as independent, and (Chinese) state media is not, he said. Some listeners said the move could hurt RTHK s trusted place in the public eye with its self-professed mission for editorial independence, not unlike the BBC after which it was modeled. I m quite disappointed. It s a shame but I don t know what we can do, seriously, said Dorothy Tang, an IT consultant. Others said the move was in line with a gradual mainlandization of Hong Kong that has seen Beijing s creeping influence in many sectors, including local government, law enforcement, politics, education, the judiciary, and the media. Gladys Chiu, the head of RTHK s program staff union, said there had been several recent incidents that had challenged RTHK s editorial independence, including staff being heckled by pro-Beijing voices on radio talk-shows and at public forums. Sometimes the pressure is very direct, Chiu said. ",worldnews,"September 4, 2017 ",1 +"Moon, Abe agree to pursue strong U.N. sanctions against North Korea: Blue House","SEOUL (Reuters) - South Korea s President Moon Jae-in and Japanese Prime Minister Shinzo Abe agreed on Monday to pursue stronger United Nations sanctions against North Korea after Pyongyang s sixth nuclear test a day earlier, South Korea s presidential spokesman said. Both heads of state agreed to cooperate closely with each other and the United States and shared the understanding there must be the most powerful sanctions and pressure applied on North Korea, presidential Blue House spokesman Park Su-hyun told a media briefing. And as part of that they agreed to push for more powerful U.N. sanctions, Park said after Moon and Abe spoke for about 20 minutes by phone. The aim of stronger sanctions was to draw North Korea into dialogue, he said. ",worldnews,"September 4, 2017 ",1 +Japan PM Abe says aims to increase missile defense capabilities,"TOKYO (Reuters) - Japanese Prime Minister Shinzo Abe said on Monday Japan would do its utmost, in cooperation with the United States, to defend itself against missiles fired by North Korea and to increase its missile defense capabilities. Abe spoke at the start of a meeting of ruling coalition lawmakers a day after North Korea conducted its sixth, and most powerful, nuclear test. ",worldnews,"September 4, 2017 ",1 +"After political storm, Indonesia president faces economic clouds","JAKARTA (Reuters) - During the first months of this year, President Joko Widodo was an embattled leader grappling with Indonesia s most serious political and religious tensions in two decades. Now, he has come through the storm looking stronger than ever. His popularity is near record highs and, thanks to deft maneuvers against foes trying to exploit a blasphemy case against one of his allies, Widodo has stamped his authority on the ruling coalition, parliament and the security forces. The quietly spoken former furniture salesman may have proved his political mettle, but his next challenge is an economy that refuses to respond to conventional policies to fire up growth. That could dent his re-election chances in 2019, especially with a budget that won t stretch to lavish government spending. Senior government officials worry that Widodo has been distracted by the battles with political opponents and taken his eye off the economy. We are suffering from bad policy right now ... if we don t fix it or we don t regain the initiative I could easily see GDP growth going down, and is that a risk you want to take? said one senior government official, who asked not to be identified. According to a June survey, nearly 60 percent of people polled were satisfied with Widodo s performance, almost an all-time high. But the poll also showed high expectations that he would deliver on promises to revive the lackluster economy. If he doesn t perform on the economy, that would give ammunition to the opposition to challenge Jokowi in 2019, said Djayadi Hanan of the Saiful Mujani Research Center, a Jakarta-based pollster, using the president s nickname. Indonesia s GDP growth has shambled at around 5 percent for the past two years, too low to lift the country out of the middle-income trap, largely because domestic consumption - once the engine of the economy - and bank lending have been sluggish. An unexpected cut in interest rates last month highlighted the struggle to lift growth despite government initiatives, including a tax amnesty program, an infrastructure drive, and a series of regulatory tweaks designed to make business easier. The government has little fiscal room to breathe life into the economy: the budget deficit is already close to a legally mandated ceiling of 3 percent of GDP and parliament could impeach Widodo if he allowed the deficit to run past that limit. David Sumual, chief economist at Indonesia s Bank Central Asia, said a hike in electricity tariffs and slow disbursement of subsidies to farmers have weakened the purchasing power of middle- to lower-income households. Meanwhile, higher-income groups are worried that the government is pushing for aggressive tax reform that will leave them less well off. The problem now is confidence in the prospect of the economy. People don t want to spend, Sumual said. In his state-of-the-nation address last month, Widodo pledged to tackle income inequality by cutting red tape and making land acquisition easier to accelerate infrastructure projects. And last week he urged his cabinet to focus on attracting investment to boost growth and create jobs. But two officials who spoke to Reuters said they worried he was not matching his rhetoric with bold steps that need to be taken now for growth to be marching higher next year, when campaigning for the 2019 presidential election will begin. On the to-do list remains finding a way to rein in the overbearing dominance of state-owned enterprises on the economy, which was singled out by the World Bank in July as something preventing private funds flowing in. In addition, there is a need to speed up efforts to tackle a tortuous regulatory and licensing regime to lift investment, an area where Widodo said last week, during the launch of a new policy package, there s so much we have to improve, so much to fix . Just months ago, Widodo appeared to be fighting for his political survival as political opponents joined forces with radical Islamist groups to foment popular fury over alleged blasphemous comments made by Widodo s ally Basuki Tjahaja Purnama, the former Christian governor of Jakarta. Amid massive protests in central Jakarta, there were rumors of treason plots and even a military takeover. Beating the drum of Indonesia s unity in diversity motto, Widodo embarked on a frenzy of public appearances at military barracks, the homes of both political rivals and allies, and at moderate Islamic boarding schools - all aimed at projecting an image of unity and control. He has been busy in the past six to eight months fighting back against destabilizing forces, said Endy Bayuni, editor-in-chief of the most widely read English daily, the Jakarta Post. He s showed that he is very much in control of the situation and has become even more mature as a politician. Widodo s latest move to regain political authority took aim at hardline Islamist groups. By executive decree, he banned Hizb-ut Tahrir, a group that calls for Indonesia to be ruled by Islamic sharia law, saying its ambitions ran counter to the country s secular ideology. Such political dominance could provide Widodo with a false sense of security, the senior government official said. The dark side of the story is ... the economy, he said. I think the biggest threat now, potentially and it s the flip side of the incredibly strong political position he is in would be complacency. ",worldnews,"September 4, 2017 ",1 +South Korea to announce approval of environment report for THAAD deployment on Monday: official,"SEOUL (Reuters) - South Korea s environment ministry will announce on Monday its approval of an environmental assessment report for the deployment of a U.S. anti-missile defense system in the country, a ministry official told Reuters. South Korea said in June that it will hold off installing remaining components of the Terminal High Altitude Area Defense (THAAD) until it completes an assessment of the system s impact on the environment. The ministry will hold a briefing on the decision at 3:30 p.m. (0630 GMT) on Monday, the official said. ",worldnews,"September 4, 2017 ",1 +"Trump, advisers craft more orderly response to North Korea after latest test","WASHINGTON (Reuters) - President Donald Trump on Sunday delivered a more orderly, less haphazard response than he has offered to other provocations by North Korea after Pyongyang conducted a powerful nuclear test that intensified the pressure on his young presidency. Trump s handling of Pyongyang s nuclear test reflected a more traditional approach to crisis management, which U.S. officials said illustrated the influence of the new White House chief of staff, retired Marine Corps General John Kelly, and Defense Secretary Jim Mattis. That included the tone the president struck in some early morning tweets. A meeting on the crisis that Trump convened on Sunday was limited to top aides and generals directly involved. In the past, according to administration officials, White House aides and others wandered in and out of such discussions, contributing to an impression of policymaking chaos. After the meeting, Mattis, also a retired Marine Corps general, appeared before reporters, along with Joint Chiefs of Staff Chairman General Joseph Dunford, to warn North Korea of U.S. military resolve. Trump himself was more restrained. Last month, he inflamed tensions by declaring that North Korea might face fire and fury like the world has never seen. When asked on Sunday if he planned to launch an attack, he said only: We ll see. North Korea is a rogue nation which has become a great threat and embarrassment to China, which is trying to help but with little success, Trump said on Twitter. A U.S. official who has participated in the discussions of how to respond to the North s sixth nuclear test, which Pyongyang says was of an advanced hydrogen bomb, told Reuters the U.S. response thus far reflected an improved organization. If today s meeting and the president s public remarks on Twitter, and the outreach to our allies and others by Rex and others is an early indication, the process is at least more orderly, said the official, referring to Secretary of State Rex Tillerson. The crisis is also presenting a test for Kelly, who officials said was trying to rein in the president s more combative impulses and place limits on who gets access to him. The Republican president has sometimes chafed at the restrictions his new chief of staff has imposed on the information flow in and out of the Oval Office in a bid to streamline the decision-making process, people familiar with the situation said. You can t manage Trump like that, said one outside Trump adviser, who predicted the president would eventually tire of the process. A second official familiar with the situation noted that Kelly s influence extends so far. The president is still the commander in chief, and he has his bully pulpit in Twitter, said that official, who also requested anonymity to discuss internal White House matters. If there was a discordant note on Sunday, it might have been when Trump took to Twitter to admonish South Korea, a key ally, for what he termed a policy of appeasement of North Korea. South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they (North Korea) only understand one thing! he said on Twitter. A former senior State Department official criticized Trump for making the remark. It was unseemly, unhelpful, and divisive to gratuitously slap our major ally at the very moment when the threat from (North Korea) has reached a new height, said the official, who spoke on condition of anonymity. Mattis has a closer relationship with Trump than do Kelly, national security adviser H.R. McMaster and Tillerson, and had played the leading role in explaining to the president the military options and the dangerous implications of using any of them, the second U.S. official said. It s no accident that it was Mattis who spoke to the media after the meeting, the official said. Both officials said Trump had been briefed on North Korea multiple times since taking office in January, but had pushed back against the idea that military action would be so costly that it should remain a last resort. Most military scenarios predict that a strike on North Korea would bring a massive missile and artillery response against South Korea and its capital, Seoul, resulting in mass casualties. For now, the strategy emerging in the White House includes greater economic pressure on China to step in to help resolve the crisis, officials said. Beijing denies it has sufficient influence on Pyongyang. The effort was signaled by Treasury Secretary Steven Mnuchin, who told Fox News Sunday that he was drafting a sanctions package in which anybody who wants to do trade or business with them (North Korea) would be prevented from doing trade or business with us. China is North Korea s biggest trading partner. A recent round of U.S. sanctions targeted some Chinese financial institutions, but administration officials said a broader effort was being contemplated. Whether Trump would launch such an effort is far from clear. He has sought to impose tariffs against Chinese steel imports but has been persuaded by his advisers not to take such a step because it could start a trade war. ",worldnews,"September 4, 2017 ",1 +"Trump, advisers craft more orderly response to North Korea after latest test","WASHINGTON (Reuters) - President Donald Trump on Sunday delivered a more orderly, less haphazard response than he has offered to other provocations by North Korea after Pyongyang conducted a powerful nuclear test that intensified the pressure on his young presidency. Trump s handling of Pyongyang s nuclear test reflected a more traditional approach to crisis management, which U.S. officials said illustrated the influence of the new White House chief of staff, retired Marine Corps General John Kelly, and Defense Secretary Jim Mattis. That included the tone the president struck in some early morning tweets. A meeting on the crisis that Trump convened on Sunday was limited to top aides and generals directly involved. In the past, according to administration officials, White House aides and others wandered in and out of such discussions, contributing to an impression of policymaking chaos. After the meeting, Mattis, also a retired Marine Corps general, appeared before reporters, along with Joint Chiefs of Staff Chairman General Joseph Dunford, to warn North Korea of U.S. military resolve. Trump himself was more restrained. Last month, he inflamed tensions by declaring that North Korea might face fire and fury like the world has never seen. When asked on Sunday if he planned to launch an attack, he said only: We ll see. North Korea is a rogue nation which has become a great threat and embarrassment to China, which is trying to help but with little success, Trump said on Twitter. A U.S. official who has participated in the discussions of how to respond to the North s sixth nuclear test, which Pyongyang says was of an advanced hydrogen bomb, told Reuters the U.S. response thus far reflected an improved organization. If today s meeting and the president s public remarks on Twitter, and the outreach to our allies and others by Rex and others is an early indication, the process is at least more orderly, said the official, referring to Secretary of State Rex Tillerson. The crisis is also presenting a test for Kelly, who officials said was trying to rein in the president s more combative impulses and place limits on who gets access to him. The Republican president has sometimes chafed at the restrictions his new chief of staff has imposed on the information flow in and out of the Oval Office in a bid to streamline the decision-making process, people familiar with the situation said. You can t manage Trump like that, said one outside Trump adviser, who predicted the president would eventually tire of the process. A second official familiar with the situation noted that Kelly s influence extends so far. The president is still the commander in chief, and he has his bully pulpit in Twitter, said that official, who also requested anonymity to discuss internal White House matters. If there was a discordant note on Sunday, it might have been when Trump took to Twitter to admonish South Korea, a key ally, for what he termed a policy of appeasement of North Korea. South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they (North Korea) only understand one thing! he said on Twitter. A former senior State Department official criticized Trump for making the remark. It was unseemly, unhelpful, and divisive to gratuitously slap our major ally at the very moment when the threat from (North Korea) has reached a new height, said the official, who spoke on condition of anonymity. Mattis has a closer relationship with Trump than do Kelly, national security adviser H.R. McMaster and Tillerson, and had played the leading role in explaining to the president the military options and the dangerous implications of using any of them, the second U.S. official said. It s no accident that it was Mattis who spoke to the media after the meeting, the official said. Both officials said Trump had been briefed on North Korea multiple times since taking office in January, but had pushed back against the idea that military action would be so costly that it should remain a last resort. Most military scenarios predict that a strike on North Korea would bring a massive missile and artillery response against South Korea and its capital, Seoul, resulting in mass casualties. For now, the strategy emerging in the White House includes greater economic pressure on China to step in to help resolve the crisis, officials said. Beijing denies it has sufficient influence on Pyongyang. The effort was signaled by Treasury Secretary Steven Mnuchin, who told Fox News Sunday that he was drafting a sanctions package in which anybody who wants to do trade or business with them (North Korea) would be prevented from doing trade or business with us. China is North Korea s biggest trading partner. A recent round of U.S. sanctions targeted some Chinese financial institutions, but administration officials said a broader effort was being contemplated. Whether Trump would launch such an effort is far from clear. He has sought to impose tariffs against Chinese steel imports but has been persuaded by his advisers not to take such a step because it could start a trade war. ",worldnews,"September 4, 2017 ",1 +Trump reaffirms commitment to defend U.S. and allies,"WASHINGTON (Reuters) - U.S. President Donald Trump and Japanese Prime Minister Shinzo Abe condemned in a phone call North Korea s continued destabilizing and provocative actions, following that country s most recent nuclear test, the White House said on Sunday. Trump also reaffirmed that Washington would defend itself and its allies using the full range of diplomatic, conventional, and nuclear capabilities at our disposal, the White House said. The two leaders condemned North Korea s continued destabilizing and provocative actions, confirmed the two countries ironclad mutual defense commitments, and pledged to continue close cooperation, the statement said. ",worldnews,"September 3, 2017 ",1 +Stock futures dip after North Korea nuclear test,"NEW YORK (Reuters) - U.S. equity index futures dipped at the open on Sunday, as stock traders showed caution following news that North Korea had escalated diplomatic tensions by conducting what it said was a test of a hydrogen bomb. S&P 500 e-mini futures were down 0.36 percent, after electronic trading resumed on Sunday evening. The dip showed that traders were cautious but not overly spooked by news out of North Korea. Volumes were higher than normal, with 30,200 contracts changing hands. Traders have been burned by overreacting to the news out of North Korea multiple times over the last month most recently after missiles were shot over Japanese territory, said Nicholas Young, a partner at Conventus Capital LLC in New York on Sunday. Unless we get a real response from the U.S., the market seems desensitized to these items. The 10-year Treasury futures were up 0.16 percent on Sunday. North Korea on Sunday conducted its sixth and most powerful nuclear test, which it said was of an advanced hydrogen bomb for a long-range missile, in a dramatic escalation of Pyongyang s stand-off with the United States and its allies. ",worldnews,"September 3, 2017 ",1 +U.N. Security Council to meet Monday on North Korea nuclear test,"UNITED NATIONS (Reuters) - The United Nations Security Council will meet on Monday on North Korea s nuclear test at the request of the United States, Japan, Britain, France and South Korea, the U.S. mission to the United Nations said in a statement on Sunday. North Korea conducted its sixth and most powerful nuclear test on Sunday - in violation of U.N. resolutions - which it said was an advanced hydrogen bomb for a long-range missile. The 15-member Security Council will meet at 10 a.m. (1400 GMT) on Monday, the U.S. mission said. North Korea has been under U.N. sanctions since 2006 over its ballistic missile and nuclear programs. Typically, China and Russia only view a test of a long-range missile or a nuclear weapon as a trigger for further possible U.N. sanctions. U.S. Defense Secretary Jim Mattis said on Sunday that the members of the Security Council remain unanimous in their commitment to denuclearization of the Korean Peninsula. He said any threat to United States, its territories, or allies would be met with a massive military response. The council last month unanimously imposed new sanctions on North Korea over its two long-range missile launches in July. The resolution aimed to slash by a third the Asian state s $3 billion annual export revenue by banning exports of coal, iron, lead and seafood. Diplomats have said the council could now consider banning Pyongyang s textile exports and the country s national airline, stop supplies of oil to the government and military, prevent North Koreans from working abroad and add top officials to a blacklist to subject them to an asset freeze and travel ban. Japan urged Washington last week to propose new sanctions after Pyongyang fired a medium-range missile over North Japan on Tuesday. The United States traditionally drafts resolutions to impose sanctions on North Korea, first negotiating with China before formally involving the remaining 13 council members. Following the nuclear test on Sunday, Britain, Japan and South Korea pushed for new U.N. sanctions, while China and Russia said they would appropriately deal with North Korea. Daniel Russel, until April the U.S. assistant secretary of state for East Asia and now a senior fellow at the Asia Society Policy Institute, told Reuters: We should expect an uptick in Chinese and Russian pressure on both North Korea and on the United States. We should also expect more of the same from China (and Russia) in claiming that the U.S. is also to blame and calling on Washington to appease Pyongyang with front-loaded concessions and placate it with dialogue, despite the fact that North Korea is clearly only interested in dictating terms, not in negotiating, he said. Any new sanctions would build on eight resolutions ratcheting up action against Pyongyang over five nuclear tests, four long-range ballistic missile tests and dozens of medium-range rocket launches. The past three substantial resolutions have taken between one and three months to negotiate. A resolution needs nine votes in favor and no vetoes by the United States, Britain, France, Russia or China to pass. U.N. Secretary-General Antonio Guterres condemned North Korea s nuclear test on Sunday as profoundly destabilizing for regional security and called on the country s leadership to cease such acts, ",worldnews,"September 3, 2017 ",1 +UK says defense commitment in Nordic and Baltic states won't waver after Brexit,"LONDON (Reuters) - Britain will pledge on Monday that its commitment to security and defense in Nordic and Baltic nations will not change after Brexit, seeking to reassure states affected by what foreign minister Boris Johnson described as Russian antagonism . The Foreign Office said Johnson would host a meeting of foreign ministers from eight countries, including Estonia, Sweden and Latvia, on Monday to discuss issues including Russia, NATO and defense co-operation after Britain s EU exit. In an increasingly complex world, Britain remains a reassuring presence to its friends, especially those facing continued Russian antagonism in the north of Europe and the Baltic region, he said in a statement ahead of the meeting. He cited the deployment British troops in Estonia, which in March reached around 800 personnel, as a statement that Britain stands by its allies in the face of outside aggression and of its commitment to NATO. Britain wants a safe and secure world, and as we leave the European Union, we will continue to defend and promote our common interests, as we rise to any challenges we face together, he said. ",worldnews,"September 3, 2017 ",1 +Mexico presidential hopeful rejects comparisons to Venezuela,"MEXICO CITY (Reuters) - The current front-runner for Mexico s 2018 presidential election on Sunday rejected comparisons of his leftist party to Venezuela s socialist government, saying his movement was a Mexican-made revolution against rampant corruption. Former Mexico City Mayor Andres Manuel Lopez Obrador has led early opinion polls for the 2018 election, supported by frustration with rising crime and corruption scandals that have battered the ruling Institutional Revolutionary Party (PRI). Just last week, President Enrique Pena Nieto compared the 63-year-old to Venezuela s Nicolas Maduro, suggesting Lopez Obrador could unleash economic chaos if he wins office. (They are) saying that if MORENA wins Mexico, it s going to be like Venezuela. That s a lie! Lopez Obrador told a crowd of thousands of supporters who rallied at a monument in the nation s capital. We re not taking inspiration from any foreign government ... Neither Maduro, nor Donald Trump. Earlier this year, Pena Nieto s PRI sought to brand Lopez Obrador s National Regeneration Movement (MORENA) an ally of Venezuela. [nL1N1IX09K] Analysts have compared Lopez Obrador s populist appeal to that of Trump. While Trump blamed immigrants and free trade deals for declining incomes among working-class Americans, Lopez Obrador s message is that corruption is keeping Mexicans poor. People are fed up with corruption, Lopez Obrador said. This is the cancer that we are going to end with our movement. In his annual state of the nation address on Saturday, Pena Nieto did not directly attack Lopez Obrador but he said Mexico faced the choice between backing his reforms, like the opening of the energy sector, that were transforming Mexico or a model from the past that has failed. Lopez Obrador was the runner-up in Mexico s past two presidential contests. A victory by him could mark a leftward shift in Latin America s second-largest economy, where centrist technocrats have held sway for decades, and further complicate relations with top trade partner the United States. Maduro s government has been criticized by Washington, the United Nations and major Latin American nations for cracking down on protests and failing to allow the entry of foreign humanitarian aid to ease a severe economic crisis. Critics of Lopez Obrador have long sought to depict him as an economic liability, likening him to Maduro s fiery, late predecessor, Hugo Chavez, in previous runs for the presidency. Pena Nieto told pure lies. He says all these things, but it s all corruption, said 71-year-old Ana Maria Hurtado as she stood among the crowd at the Lopez Obrador rally. ",worldnews,"September 3, 2017 ",1 +Merkel emerges as clear winner of only TV debate: poll,"BERLIN (Reuters) - German Chancellor Angela Merkel emerged as the clear winner of the only television debate with her center-left challenger Martin Schulz three weeks before a federal election, a poll showed on Sunday. The survey by Infratest Dimap for ARD television showed that 49 percent viewed Merkel as being more credible while 29 percent favored Schulz. Merkel s overall performance was viewed as more convincing by 55 percent, compared to 35 percent for Schulz. ",worldnews,"September 3, 2017 ",1 +Dozens of prisoners on the run in central Ivory Coast,"ABIDJAN (Reuters) - Close to 100 prisoners escaped from prison in central Ivory Coast on Sunday in one of many security breaches in the West African economic powerhouse this year, state radio said. Ninety-six prisoners escaped from the Katiola facility at dawn while the gate was open temporarily to allow them to do chores in the vicinity, the radio station said. About 10 have since been recaptured. The jail break follows a similar escape this month in the commercial capital Abidjan when 20 people fled after assaulting police officers in a court house. In other incidents, weapons were stolen and in one case an officer was killed. It was not immediately clear if there had been any violence at Katiola, located about 400 km inland from the Atlantic coast. Government officials were not immediately available for comment. A series of military mutinies this year has threatened to derail a fragile peace in Ivory Coast, the world s leading cocoa producer, which emerged from a decade of turmoil and a 2011 civil war as one of the world s fastest-growing economies. ",worldnews,"September 3, 2017 ",1 +Germany's Merkel ahead of SPD rival in TV debate: polls,"BERLIN (Reuters) - German Chancellor Angela Merkel made a better impression on voters in a television debate on Sunday than her center-left challenger Martin Schulz, a flash survey by broadcaster ZDF showed. The poll, conducted by Forschungsgruppe Wahlen during the first half of the debate and published shortly after it had finished, showed that Merkel was viewed as more credible by 33 percent compared to 17 percent for Schulz. According to a separate poll by Infratest Dimap for ARD television, Merkel came across as more competent, credible and likeable than Schulz. The only category where Schulz scored higher was for being more combative. ",worldnews,"September 3, 2017 ",1 +Trump rebukes South Korea after North Korean bomb test,"WASHINGTON (Reuters) - U.S. President Donald Trump admonished South Korea, a key ally, for what he termed a policy of appeasement after North Korea claimed to have tested an advanced hydrogen bomb for a long-range missile on Sunday. On Twitter, Trump said: South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they (North Korea) only understand one thing! It was the latest signal that Trump is losing patience with the international community s response to the increasingly belligerent regime of North Korean leader Kim Jong Un. Last week, Trump tweeted that talking is not the answer in terms of dealing with Pyongyang. On Sunday, Trump also tweeted that North Korea s words and actions continue to be very hostile and dangerous to the United States and said the regime has become a great threat and embarrassment to China, which is trying to help but with little success. The White House said Trump s national security team was monitoring this closely and that the president would convene a meeting of his advisers later on Sunday. North Korea said it had tested an advanced hydrogen bomb for a long-range missile on Sunday, setting off a manmade earthquake near the test. Japanese and South Korean officials said that tremor was about 10 times more powerful than the one picked up after the nation s last nuclear test a year ago. There was no independent confirmation that the detonation was a hydrogen bomb rather than a less powerful atomic weapon of the kind Pyongyang has tested in the past. In his tweet on Sunday, Trump appeared to be blaming South Korea for a policy it abandoned years ago of trying to soften North Korea s posture through economic aid. South Korea s new president, Moon Jae-in, has argued for continuing dialogue with its neighbor over its nuclear program, while also supporting international sanctions. Reports that the United States is considering pulling out of its trade deal with South Korea has also ratcheted up tensions with the country. Despite Trump s tweets, U.S. Treasury Secretary Steven Mnuchin suggested the United States would continue to attempt to pressure North Korea economically. Mnuchin said on Sunday that he would put together a package of new sanctions to potentially cut off all global trade with Pyongyang. If countries want to do business with the United States, they obviously will be working with our allies and others to cut off North Korea economically, Mnuchin said on Fox News Sunday. Trump s cabinet has at times tried to show the president s tweets are not shifts in official U.S. policy. Last week, after Trump said that talking is not the answer, Defense Secretary James Mattis followed up by saying: We re never out of diplomatic solutions. Secretary of State Rex W. Tillerson has previously suggested that the United States would be open to talks with North Korea if it ceased its missile tests and met other conditions. Senator Jeff Flake, a member of the Senate Foreign Relations Committee, said on CNN s State of the Union on Sunday that the United States had no good options when it came to North Korea. Obviously the test yesterday shows they are further along than everyone figured, said Flake, a Republican. He said sanctions did not appear to have slowed the advance of North Korea s nuclear program, but I don t think harsh rhetoric does either. Often critical of Trump, Flake declined to address his comment about South Korea s talk of appeasement, but said: I think South Korea will be with us whatever we decide. ",worldnews,"September 3, 2017 ",1 +German SPD leader says EU must stop accession talks with Turkey,"BERLIN (Reuters) - Germany s Social Democrat (SPD) leader Martin Schulz told a television debate with Chancellor Angela Merkel that he would stop Turkey s bid to join the European Union if he was elected leader of Europe s most populous country. When I m chancellor, I ll cancel ... the accession talks of Turkey with the European Union, Schulz said in the debate. No German citizen can travel safely to Turkey anymore, Schulz said, referring to the detention of 12 German citizens on political charges in the past months. Whoever is the next chancellor has the task to tell Turkey in order to protect the Federal Republic of Germany: all red lines have now been crossed, and therefore this country can no longer become a member of the EU, Schulz said. Merkel repeated her standard position that she was in favour of stopping further discussions with Ankara about its participation in a EU customs union. But she cautioned against pulling the plug on Turkey s accession talks right now, adding such a step should be considered cautiously. ",worldnews,"September 3, 2017 ",1 +"Iran says jailed U.S. student, dual nationals lose spying appeal","DUBAI (Reuters) - Iran confirmed on Sunday that an appeals court had upheld 10-year jail terms against a U.S. citizen, two Iranian-Americans and a U.S. resident from Lebanon who had been convicted on spying charges. In July, U.S. President Donald Trump warned that Iran would face new and serious consequences unless all unjustly detained American citizens were released and returned. Tehran prosecutor Abbas Jafari Dolatabadi identified the four as Princeton University student Xiyue Wang, Iranian-American businessman Siamak Namazi and his elderly father Baquer and Nizar Zakka, a Lebanese citizen with permanent U.S. residency, the judiciary s official news website reported. In Washington, Jared Genser, a lawyer for the Namazis, said in a statement carried by U.S. media last week that their family was informed that a Tehran court had upheld the convictions days earlier. Earlier in August, Princeton University and the wife of Wang, a history doctoral student and U.S. citizen, said they had been informed that Iranian authorities had denied the appeal. Wang was conducting dissertation research in Iran in 2016 when he was detained and charged with spying under the cover of research , an accusation his family and university denied. Iran sentenced Zakka, a Lebanese citizen with permanent U.S. residency, to 10 years in prison and a $4.2 million fine in 2016 after he was found guilty of collaborating against the state, according to his U.S.-based lawyer. Zakka, an information technology expert, had been invited to Iran by a government official a year earlier, but then disappeared after attending a conference in Tehran. Iran s 2015 nuclear deal with world powers lifted most international sanctions and promised Iran s reintegration into the global community in exchange for curbs on its nuclear programme. The potential detente with the West has alarmed Iranian hardliners, who have seen a flood of European trade and investment delegations arrive in Tehran to discuss possible deals, according to Iran experts. Security officials have arrested dozens of artists, journalists and businessmen, including Iranians holding joint American, European or Canadian citizenship, as part of a crackdown on Western infiltration . The arrests have undermined President Hassan Rouhani s goals of reviving business and political ties with the West, as well as pushing for more political and social reforms at home, Iran experts and observers said. A number of Iranian dual nationals from the United States, Britain, Austria, Canada and France have been detained in the past year and are being kept behind bars on charges including espionage and collaborating with hostile governments. According to former prisoners, families of current ones, and diplomats, in some cases the detainees are kept to be used for a prisoner exchange with Western countries. In January 2016, the United States and Iran reached a historic prisoner swap deal that saw Iranians held or charged in the United States, mostly for sanctions violations, released in return for Americans imprisoned in Iran. ",worldnews,"September 3, 2017 ",1 +Kenya opposition leader Odinga says he will not share power,"NAIROBI (Reuters) - Kenya s opposition leader Raila Odinga said on Sunday that his coalition will not share power, two days after the Supreme Court annulled last month s presidential election and ordered a new poll within 60 days. The court ruled on Friday that the election board had committed irregularities that rendered the Aug. 8 vote invalid, and overturned incumbent President Uhuru Kenyatta s victory. The ruling set up a new race between Kenyatta, 55, and veteran opponent Odinga, 72, and tension between the two camps has since been rising. We will not share power, Odinga said, speaking in Kiswahili outside a church in Nairobi. We will not divide the loaf, he said, a local reference to power. Odinga, who also contested the presidential election in 2007 and 2013, repeated his statement after Friday s court ruling that the opposition would not participate in the re-run of the poll without changes to the election commission. On Friday he had called for the commission to resign and face criminal prosecution. Speaking at a rally in Nairobi attended by thousands of his supporters, he said: We have said that you cannot force Kenyans to go to the polls that (are) being supervised by thieves. We will not accept (this), he said. We will only go to the elections when we are sure that the ones organizing the elections are people who will not side with one side or the other. Kenyatta insists the poll should be re-run with the current electoral board. Though Kenyatta pledged to respect the court s ruling he has, since Friday, referred to justices as crooks . ",worldnews,"September 3, 2017 ",1 +"U.N. chief condemns N.Korea nuclear test, says it is 'profoundly destabilizing'","(Reuters) - United Nations Secretary-General Antonio Guterres condemned North Korea s nuclear test on Sunday as profoundly destabilizing for regional security and called on the country s leadership to cease such acts, his spokesman said in a statement. This act is yet another serious breach of the DPRK s international obligations and undermines international non-proliferation and disarmament efforts. This act is also profoundly destabilizing for regional security, U.N. spokesman Stephane Dujarric said. North Korea is also known as the DPRK. ",worldnews,"September 3, 2017 ",1 +EU's Tusk says ready to ramp up sanctions against North Korea,"BRUSSELS (Reuters) - The European Union is prepared to ramp up sanctions against North Korea after it conducted its sixth and most powerful nuclear test on Sunday, European Council President Donald Tusk said. The EU stands ready to sharpen its policy of sanctions and invites North Korea to restart dialogue on its programers without condition, Tusk said in a statement. We call on the UN Security Council to adopt further UN sanctions and show stronger resolve to achieve a peaceful decentralization of the Korean peninsula. The stakes are getting too high. ",worldnews,"September 3, 2017 ",1 +Pilgrims return to Mecca as haj winds down without incident,"MECCA (Reuters) - More than two million pilgrims participating in the haj this week began returning to Mecca on Sunday for final prayers as the world s largest annual gathering of Muslims winds down. Senior Saudi officials said the rituals, which have in the past seen deadly stampedes, fires and riots to which authorities sometimes struggled to respond, had gone off without incident. Mecca province governor Prince Khaled al-Faisal, who heads the central haj committee, called this year s pilgrimage a success. I am proud today to have offered these services and I am proud of all my brothers who participated and I am proud of each pilgrim who came to this land and assisted in the success of this season, he told reporters in Mina, east of Mecca. Thousands of pilgrims participated in a symbolic stoning of the devil, part of the haj rituals, in Jamarat before returning to Mecca. By nightfall, Mecca s Grand Mosque was crowded with worshippers. Saudi Arabia stakes its reputation on its guardianship of Islam s holiest sites and organizing the pilgrimage. More than 2.3 million pilgrims came to Saudi Arabia this year, most of them from abroad, for the five-day ritual. Attendance is a religious duty, once in a lifetime, for every able-bodied Muslim who can afford it. The organization was excellent and there was no crowding or anything. Things went well, thanks to God, said Yemeni pilgrim Rashid Ahmed. More than 100,000 members of the security forces and 30,000 health workers were on hand this week to maintain safety and provide first aid. A crush in 2015 killed nearly 800 pilgrims, according to Riyadh, when two large groups of pilgrims arrived at a crossroads east of Mecca. Counts by countries of repatriated bodies showed over 2,000 people may have died, including more than 400 Iranians. Tehran sent nearly 90,000 pilgrims to the haj this year after boycotting the event last year amid a diplomatic rift with Riyadh. Saudi Health Minister Tawfiq al-Rabeeah said the pilgrimage had passed without any outbreak of disease, a perennial concern. He told Reuters in an interview late on Saturday that the ministry had also provided care to 400,000 people, including 21 open-heart surgeries. We are keen to offer excellent service so that the pilgrims return home in good health after completing the haj, he said. ",worldnews,"September 3, 2017 ",1 +"Vote ruling by chief justice surprises Kenyans, but not his colleagues","NAIROBI (Reuters) - Kenya s Supreme Court ruling to scrap last month s presidential election was shaped by a new chief justice who proved a staunch defender of judicial independence on a continent where judges are often seen as being under the thumb of executive powers. David Maraga s declaration that the Aug. 8 election was void and demand for a new poll with 60 days shocked many in the East African nation and abroad. But his announcement, after a 4-2 vote by a court panel to annul the vote, didn t surprise those who know the chief justice. We knew this case was coming and he was the man to hear it, Professor Tom Ojienda, who worked with Maraga and sits on the Judicial Service Commission that appointed him chief justice, told Reuters. He is a stickler for the rules. President Uhuru Kenyatta, who was expected to be sworn in for a second term until Friday s Supreme Court ruling, said he respected the decision. But he took a swipe at Maraga s colleagues, calling them crooks and saying the judiciary needed fixing. Kenya, a U.S. ally in the fight against Islamists and a trade gateway to East Africa, has a history of disputed votes. A row after the 2007 vote led to ethnic bloodshed that killed more than 1,200 people. In 2013, a bid by veteran opponent Raila Odinga to secure an election rerun was rejected by the Supreme Court. This time, the opposition changed tack in their petition. Instead of seeking to prove enough votes were fake to undermine the vote - an almost impossible task in the two weeks the court had to give its judgment - Odinga s supporters sought to demonstrate that the online tallying process lacked integrity. The new approach may have been a key factor in securing a decision that had the backing of four of the panel s six judges, who have three weeks from the ruling to publish details of their decision. But the opposition also found in the chief justice a man ready to defend judicial powers against the highest office and unswayed by a tendency in Kenya, a nation of more than 40 ethnic groups, for voters to back fellow clans people. Within months of his appointment in October, Maraga called out Kenyatta for telling voters on a campaign stop in Maraga s home region of Nyamira County in April that their son had a job. Maraga responded that his appointment had nothing to do with the president. Kenyatta is a Kikuyu, Kenya s biggest ethnic group but still a minority. Odinga is a Luo, another big grouping. The chief justice is Kisii, a smaller group from Kenya s western highlands. Maraga also sent a clear message to national leaders on Aug. 2 that the judiciary was above the political fray. The emerging culture of public lynching of judges and judicial officers by the political class is a vile affront to the rule of law and must be fiercely resisted, he said in a statement. Maraga did not immediately issue a response to Kenyatta s latest comments. Reuters could not reach him for comment. Kenyans have long complained that getting any official business done requires a kitu kidogo , Swahili for a little something or bribe, a frustration that is echoed across Africa. But Kenya has slowly rebuilt confidence in its judiciary after the post-2007 vote violence. A new constitution in 2010 demanded reforms of the judiciary and other public institutions. Maraga, who has risen the ranks as those reforms have been implement, was known by colleagues for his strict adherence to the rules even as a young lawyer. A devout Christian of the Seventh Day Adventist tradition, he built his practice in the Rift Valley city of Nakuru rather than to Nairobi where he where he could have secured more high profile cases and would have more easily rubbed shoulders with the rich and powerful, his colleagues said. If a client gave you any problem, or asked for anything that was wrong, or refused to pay, (Maraga) would just say, Let him go. Other ones will come , said Professor Ojienda said. Maraga s integrity and record of strictly interpreting election procedures in past polls swayed the commission to appoint him last October, Ojienda said. The opposition s high hopes in 2013 that it could overturn that election result were dashed. Supreme Court judges, then led by Maraga s predecessor Willy Mutunga, rejected their petition. This time, even Odinga - a former prime minister who has fought and lost three presidential races including this one - seemed surprised. After listening to Friday s ruling in court, he broke out into a broad grin and pumped his fist in the air. Since 2013, several new judges were appointed to the Supreme Court s seven-strong panel. Friday s decision was backed by Maraga and two others appointed after 2013. Another, who had been on the panel in 2013, also backed the ruling. Two judges dissented, while one was ill and did not vote. An election is not an event, it is a process from the beginning to the end, Maraga said before reading the ruling. Four years earlier, the opposition had some of their arguments thrown out as they were lodged too late, while their complaints about the widespread failure of the electronic voting systems failed to convince the judges. This time, the opposition case hinged on the election board s failure to post online tally forms from each of the 40,883 polling stations before announcing results. The forms were supposed to be signed by each party s agent, as a hard-copy backup to the electronic transmission. But thousands of forms were missing from the board s website when it announced results. A report by independent court-appointed experts found many forms lacked official stamps, signatures or serial numbers. That was enough to convince a majority in Maraga s panel. (Corrects ethnicity of Chief Justice, paragraph 11) ",worldnews,"September 3, 2017 ",1 +U.S. intel official: No doubt North Korea tested advanced device,"WASHINGTON (Reuters) - A U.S. intelligence official said on Sunday that the United States had no reason to doubt North Korea had tested an advanced nuclear device. We have nothing to cause us to doubt that this was a test of an advanced nuclear device, the official said, speaking on condition of anonymity. North Korea claimed to have tested an advanced hydrogen bomb for a long-range missile on Sunday. The U.S. official said, however, that it would take some time to complete a thorough analysis of the size of the blast and type of device detonated. ",worldnews,"September 3, 2017 ",1 +Myanmar urges Rohingya Muslims to help hunt insurgents amid deadly violence,"COX S BAZAR, Bangladesh/YANGON (Reuters) - Myanmar urged Muslims in the troubled northwest to cooperate in the search for insurgents, whose coordinated attacks on security posts and an army crackdown have led to one of the deadliest bouts of violence to engulf the Rohingya community in decades. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing leader Aung San Suu Kyi, accused by Western critics of not speaking out for the minority that has long complained of persecution. Aid agencies estimate that about 73,000 Rohingya have fled into neighbouring Bangladesh from Myanmar since violence erupted last week, Vivian Tan, regional spokeswoman for U.N. refugee agency UNHCR, told Reuters on Sunday. Hundreds more refugees on Sunday walked through rice paddies from the Naf river separating the two countries into Bangladesh, straining scarce resources of aid groups and local communities already helping tens of thousands. The clashes and military counter-offensive have killed nearly 400 people during the past week. Turkish President Tayyip Erdogan said on Friday that violence against Muslims amounted to genocide. It marks a dramatic escalation of a conflict that has simmered since October, when a smaller Rohingya attack on security posts prompted a military response dogged by allegations of rights abuses. Islamic villagers in northern Maungtaw have been urged over loudspeakers to cooperate when security forces search for Arakan Rohingya Salvation Army (ARSA) extremist terrorists, and not to pose a threat or brandish weapons when security forces enter their villages, a report in state-run newspaper Global New Light of Myanmar said on Sunday. ARSA has been declared a terrorist organisation by the government. The group claimed responsibility for coordinated attacks on security posts last week. In Maungni village in northern Rakhine, villagers this week caught two ARSA members and handed them over to the authorities, the newspaper added. The army wrote in a Facebook post on Sunday that Rohingya insurgents had set fire to monasteries, images of Buddha as well as schools and houses in northern Rakhine. More than 200 buildings, including houses and shops, were destroyed across several villages, the army said. While Myanmar officials blamed the ARSA for the burning of homes, Rohingya fleeing to Bangladesh and human rights watchers say that a campaign of arson and killings by the army is aimed at trying to force out the minority group. On a Twitter account believed to be linked to the ARSA, the group accused the Myanmar army of causing terror and destruction to the ethnic Rohingya population . About a hundred protesters gathered in Myanmar s commercial capital Yangon on Sunday, calling for the authorities to step up security measures in northern Rakhine to protect ethnic Rakhine Buddhists. I want the government to protect the people (from insurgents) without any hesitation, said Zin Lin Aung, a university student. More than 11,700 ethnic residents had been evacuated from northern Rakhine, the government has said, referring to non-Muslims. In Bangladesh, authorities said that at least 53 bodies of Rohingya had either been found floating in the Naf river or washed up on the beach in the past week as tens of thousands continue to try to flee the violence. A senior leader of al Qaeda s Yemeni branch has called for attacks on Myanmar authorities in support of the Rohingya. Amid mounting anger over the violence against Rohingya in Indonesia, home to the world s biggest Muslim population, a petrol bomb was thrown at the Myanmar embassy in Jakarta on Sunday, causing a small fire. Separately, hundreds protested in Jakarta, calling on the Indonesian government to take an active role in bringing a halt to human rights violations against the Rohingya. Former colonial ruler Britain said on Saturday that it hoped Suu Kyi would use her remarkable qualities to end the violence. ",worldnews,"September 3, 2017 ",1 +Indonesian envoy to urge Myanmar to halt violence against Rohingya Muslims,"JAKARTA (Reuters) - Indonesian President Joko Widodo has sent his foreign minister to Myanmar to urge its government to halt violence against Rohingya Muslims, he said on Sunday after a petrol bomb was thrown at the Myanmar embassy in Jakarta. The embassy attack, which police said caused a small fire, came in the early hours of Sunday morning against the backdrop of mounting anger in Indonesia, home to the world s biggest Muslim population, over violence against Rohingya Muslims in Myanmar. A police officer patrolling a street behind the embassy spotted a fire on the second floor of the building at about 0235 Jakarta time (GMT+7) and alerted police officers guarding the front gate, a Jakarta police statement said. After the fire was extinguished, police found a shattered beer bottle with a wick attached to it, the statement said, adding that the unknown perpetrator is suspected to have driven away from the scene in an MPV car. Jakarta police are investigating the incident, said spokesman Argo Yuwono. A group of activists had held a protest at the embassy on Saturday, calling for the Nobel Prize Committee to withdraw the Nobel Peace Prize from Myanmar leader Aung San Suu Kyi, state news agency Antara wrote. (bit.ly/2eRowl0) Protests continued on Sunday in Jakarta s city center, with dozens of people calling for the Indonesian government to take an active involvement in efforts to end human rights violations against Rohingya Muslims in Myanmar. Indonesian President Widodo said he has sent Foreign Minister Retno Marsudi to Myanmar to hold intensive communications with involved parties including the United Nations. Earlier this afternoon the Foreign Minister has departed to Myanmar to ask the Myanmar government to stop and prevent violence, to provide protection to all citizens, including Muslims in Myanmar, and to give access to humanitarian aid, Widodo said. Widodo added that concrete actions are needed and the Indonesian government is committed to helping to solve the humanitarian crisis and that Marsudi will also travel to Bangladesh to prepare additional aid for refugees there. The treatment of Buddhist-majority Myanmar s roughly 1.1 million Muslim Rohingya is the biggest challenge facing leader Aung San Suu Kyi, accused by Western critics of not speaking out for the minority that has long complained of persecution. Aid agencies estimate that about 73,000 Rohingya have fled into neighboring Bangladesh since violence in Myanmar erupted last week. ",worldnews,"September 3, 2017 ",1 +North Korean nuclear test prompts global condemnation,"LONDON (Reuters) - North Korea s biggest nuclear test to date was condemned around the world on Sunday, with several leaders calling for new sanctions and U.S. President Donald Trump saying appeasement would not work. The explosion of what North Korea said was an advanced hydrogen bomb came just days after it fired a missile over Japan. Trump, who said after last week s missile launch that talking to Pyongyang is not the answer , tweeted that Sunday s test showed North Korea s words and actions continue to be very hostile and dangerous to the United States . U.S. Treasury Secretary Steve Mnuchin said he would put together new sanctions to potentially cut off all North Korea s global trade. German Chancellor Angela Merkel and French President Emmanuel Macron said they planned to tighten European Union sanctions. This latest provocation by the ruler in Pyongyang has reached a new dimension, the German government said in a statement after Merkel and Macron discussed the issue by phone. Britain s foreign minister Boris Johnson said: They (North Korea) seem to be moving closer towards a hydrogen bomb which, if fitted to a successful missile, would unquestionably present a new order of threat, adding that there were no palatable military solutions. British Prime Minister Theresa May said the U.N. Security Council should urgently look at new measures. Russia struck a cautious tone. In the emerging conditions it is absolutely essential to keep cool, refrain from any actions that could lead to a further escalation of tensions, Russia s foreign ministry said, adding that North Korea risked serious consequences . Later on Sunday, Russian President Vladimir Putin met his Chinese counterpart Xi Jinping in China where they agreed to appropriately deal with the crisis, Chinese state news agency Xinhua said. The two leaders agreed to stick to the goal of denuclearization on the Korean Peninsula and keep close communication and coordination to deal with the new situation, Xinhua said. Earlier, China urged North Korea to stop wrong actions and said it would fully enforce U.N. resolutions on the country. As North Korea s most important trading partner, the position of China - a permanent member of the U.N. Security Council - will be closely watched. A Japanese government source said there would be pressure on Beijing to impose an oil embargo. They will probably act eventually but ... it is possible that will not be before their October (party) convention, the source said. Russia does not have real influence on North Korea. It s China that matters. Trump said North Korea had become a great threat and embarrassment to China and that Beijing had tried but failed to solve the problem. What he called South Korea s talk of appeasement would not work as they (the North Koreans) only understand one thing! The International Atomic Energy Agency, which has no access to North Korea, called the nuclear test, Pyongyang s sixth since 2006, an extremely regrettable act that was in complete disregard of the repeated demands of the international community . ",worldnews,"September 3, 2017 ",1 +"Iran says warns off U.S. U2 spy plane, drone","DUBAI (Reuters) - Iran s air defenses have forced an approaching U.S. spy plane and a reconnaissance drone to change course near its air space over the past six months, a military official was quoted as saying on Sunday . Brigadier General Farzad Esmaili, commander of the Iran s air defense force, said an unmanned RQ-4 drone was intercepted last week and a U2 spy plane was warned away in March, the semi-official Fars news agency reported. When the warning was given to the pilot of this (U2) plane at the Strait of Hormuz, he knew that he was being targeted by two separate radars ... and missile systems, Esmaili said. Iran will never allow such hostile planes to approach its airspace and would not hesitate to bring them down if necessary, said Esmaili, quoted by the Tasnim news agency. U.S. officials have frequently complained of what they call unsafe and unprofessional interactions by Iranian maritime forces in the Gulf this year. Iran has said its forces act within their rights to protect Iranian territorial waters. The Trump administration has recently struck a hard line on Iran, accusing Tehran of violating the spirit of an accord with world powers that lifted sanctions and sought to curb The Islamic Republic s nuclear program. ",worldnews,"September 3, 2017 ",1 +"Main Cambodian opposition leader arrested, paper shuts as crackdown grows","PHNOM PENH (Reuters) - Cambodia s main opposition leader Kem Sokha was arrested and accused of treason on Sunday and a leading independent paper said it was being forced to shut down as Prime Minister Hun Sen s government intensified a crackdown on his critics. Hun Sen said Kem Sokha had been plotting with the United States, increasing his anti-American rhetoric as Cambodia heads towards elections next year in which the authoritarian leader s grip of more than three decades is at stake. The U.S. State Department expressed concern at the arrest of Ken Sokha and action against the media. It raised doubt over whether the Southeast Asian country can hold a fair election. Hun Sen, 65, a former Khmer Rouge cadre, who is now one of China s closest regional allies, said Kem Sokha had been arrested for treason in which the United States was implicated. It s an act of treason with conspiracy with a foreign country, betraying his own nation. This requires arrest, Hun Sen told a group of garment workers, according to the pro-government Fresh News website. Kem Sokha, 64, has led the main opposition Cambodia National Rescue Party (CNRP) since his predecessor resigned in February, saying he feared a government plan to shut it down. Kem Sokha was taken from his home in handcuffs after a night-time police raid. The opposition party lost to Hun Sen s Cambodian People s Party in local elections in June, but it did well enough to increase expectations of a close contest in the 2018 vote. The government released a video on its Facebook page in which Kem Sokha appeared to tell a group of supporters about a strategy to win power which he said had the support of the Americans rather than an immediate plot to topple Hun Sen. In the video, Kem Sokha said the Americans had hired academics to advise on strategy to change Cambodia s leaders. And if I follow such a tactic and strategy and if I could not win, I do not know what else to do, he said. The opposition party made no immediate comment on the veracity or content of the video. Earlier, it said Kem Sokha s arrest was politically motivated and violated the law because of the immunity granted to elected lawmakers. The party called for his release and urged the international community to intervene. If Kem Sokha is found guilty of any offence, it could allow the government to shut the party under a new law. Kem Sokha made no immediate comment and it was not clear if he had been charged or had legal representation at this stage. The government has stepped up attacks on the United States and last month ordered the expulsion of the U.S. State Department-funded National Democratic Institute pro-democracy group. Earlier in the year, it suspended joint military exercises with the United States, which has voiced fears over the human rights situation. State Department spokeswoman Heather Nauert said the charges against Kem Sokha appeared to be politically motivated. Her statement did not directly address Hun Sen s accusations against the United States. Nauert also highlighted recent steps by the Cambodian government against independent media and civil society, saying they raise serious questions about the government s ability to organize credible national elections in 2018 which produce an outcome that enjoys democratic legitimacy . In a sign of the pressure on the media, The Cambodia Daily said it was ceasing publication after the government ordered it to pay a crippling $6.3 million tax bill by Monday. The English-language paper, founded by an American journalist, was known for critical coverage of issues such as corruption, human rights and the environment. After 24 years and 15 days, the Cambodian government has destroyed The Cambodia Daily, a special and singular part of Cambodia s free press, it said in a statement. During Hun Sen s rule Cambodia emerged from the devastating Khmer Rouge genocide to enjoy record years of economic growth of above 7 percent, but disaffection has been increasing and he only just won the 2013 election against a unified opposition. ",worldnews,"September 2, 2017 ",1 +"Xi, Putin agree to 'appropriately deal' with N.Korea nuclear test: Xinhua","BEIJING (Reuters) - Chinese President Xi Jinping and Russian President Vladimir Putin agreed Sunday to appropriately deal with the latest nuclear test by North Korea, state news agency Xinhua said. The two leaders agreed to stick to the goal of denuclearisation on the Korean Peninsula and keep close communication and coordination to deal with the new situation, Xinhua said in a brief dispatch. The two were meeting on the sidelines of a summit of the BRICS group of nations in the southeastern Chinese city of Xiamen. ",worldnews,"September 3, 2017 ",1 +U.S.-led coalition says Islamic State Syria convoy split in two,"BEIRUT (Reuters) - An Islamic State evacuation convoy trying to reach IS territory in east Syria has split in two, with some buses remaining in the open desert after others turned back into government-held areas, a U.S.-led coalition fighting the group said on Sunday. The Syrian government and Lebanon s Hezbollah group offered the convoy of about 300 lightly armed fighters and about 300 family members safe passage a week ago in return for Islamic State surrendering an enclave on the Syria-Lebanon border. However, the coalition has blocked the convoy from entering Islamic State territory in east Syria, near the border with Iraq, by cratering roads and destroying bridges, saying it opposes the evacuation deal as being not a lasting solution . One group remains in the open desert to the north west of Al-Bukamal and the other group has headed west towards Palmyra, the coalition said in an emailed statement. On Saturday Hezbollah said all but six of the buses had safely crossed out of Syrian government territory and were no longer the responsibility of it or the Syrian government. It warned the United States that the buses in the desert included elderly people, pregnant women and casualties, and accused it of stopping humanitarian aid reaching the convoy. The coalition said it had contacted Russia to deliver a message to the Syrian government that it would still not let the convoy pass, and that it had offered suggestions on how to save the civilians in it from suffering. Food and water have been provided to the convoy, it said, without giving further details. The coalition has said it will not target the convoy directly while it contains civilians, but said in its statement it had struck about 85 IS fighters near the convoy. It had also struck about 40 IS vehicles near the convoy including a tank, an artillery system, armed vehicles and transport vehicles seeking to help move the fighters in the convoy into its territory, it said. ",worldnews,"September 3, 2017 ",1 +Iran re-imposes death sentence on spiritual figure that supreme court quashed,"DUBAI (Reuters) - An Iranian court has re-imposed the death penalty on the founder of a spiritual movement after the first sentence was struck down by the supreme court, the judiciary said on Sunday. Mohammad Ali Taheri, founder of Erfan Halgheh which calls itself Interuniversalism in English, was arrested in 2011 and given five years in prison for insulting Islamic sanctities . He was sentenced to death by a Revolutionary Court in 2015 for corruption on earth but the Supreme Court later quashed the sentence. (Taheri s) case was sent back to court and tried with the presence of a lawyer and various advisors and the judge has again reached, Judiciary spokesman Gholamhossein Mohseni Ejei was quoted as saying by the news agency ISNA. The sentence can be appealed, he added. Amnesty International says Taheri is a prisoner of conscience and has condemned Iran s use of capital punishment for vaguely worded or overly broad offences, or acts that should not be criminalized at all . Tehran dismisses such criticism as part of an effort from the West to heap political pressure on the Islamic Republic. ",worldnews,"September 3, 2017 ",1 +Italy's 5-Star says euro referendum is 'last resort',"CERNOBBIO, Italy (Reuters) - A referendum on Italy s membership of the euro currency would be held only as a last resort if Rome does not win any fiscal concessions from the European Union, a senior lawmaker from the anti-establishment Five-Star Movement said on Sunday. Luigi Di Maio s comments reflect a striking change of tone by some senior officials in the party in recent months as they have retreated from 5-Star s original pledge. Seeking to reassure an audience of bankers and business leaders, Di Maio - widely tipped to be 5-Star s candidate for prime minister at a general election due by next year - played down the referendum proposal, calling it a negotiating tool with the EU. Austerity policies have not worked, on monetary policy we deserve the credit for triggering a debate... this is why we raised the issue of a referendum on the euro, as a bargaining tool, as a last resort and a way out in case Mediterranean countries are not listened to, he said. Two years ago the party gathered the signatures from the public needed to pave the way for a referendum that it said was vital to restore Italy s fiscal and monetary sovereignty. But now, running neck-and-neck with the ruling Democratic Party (PD) in opinion polls and with the election in sight - scheduled to be held by May 2018 - it is hitting the brakes on the idea. This underlines the crucial challenge facing the party as it seeks to please some core supporters, while trying to shed its populist image and convince foreign capitals and financial markets that it can be trusted in office. Reuters had access to the comments, which were made behind closed doors. Highlighting the sensitivity of the issue, Di Maio declined to answer journalists questions about the referendum before making his speech inside the Ambrosetti conference in Cernobbio, on the shores of Lake Como, about 40 km (25 miles) from Milan. The party wants several changes to the euro zone s economic rules to help its more sluggish economies, like Italy. These include stripping public investment from budget deficits under the EU s Stability Pact and creating a European bad bank to deal with euro zone lenders bad loans. We are not against the European Union, we want to remain in the EU and discuss some of the rules that are suffocating and damaging our economy, said Di Maio, who serves as deputy speaker of the Chamber of Deputies. An opinion poll in La Stampa daily on Sunday had 24 percent of respondents saying Di Maio most deserved to run the country in the next five years, against 17 percent for former PD Prime Minister Matteo Renzi and 12 percent for center-right leader Silvio Berlusconi. Di Maio s presence at the Ambrosetti meeting, an annual gathering of Italy s elite business leaders, prompted some 5-Star supporters, including a respected magistrate they had recommended as the next head of state, to accuse the movement of schmoozing with the enemy. Last year, he turned down an invitation from organizers at the last minute. But with 5-Star expected to announce its candidate for prime minister later this month, he has been rubbing shoulders with the Italian establishment at a string of events. A couple of days ago he graced the red carpet at the Venice film festival, and later on Sunday he will attend the Italian Grand Prix Formula One race in Monza. Five-Star, as a force that is putting itself forward to run the country, must talk to everybody, explaining its own vision for the government and the country. This is why I accepted the invitation, he told reporters in Cernobbio. ",worldnews,"September 3, 2017 ",1 +"India appoints new defence minister, rejigs cabinet to refocus on economy","NEW DELHI (Reuters) - Indian Prime Minister Narendra Modi appointed Nirmala Sitharaman as defence minister on Sunday as part of a cabinet reshuffle, as he seeks to get economic growth back on track and modernise the armed forces before national elections in 2019. Sitharaman, 58, who was promoted from being a junior trade minister, becomes the first female defence minister since Indira Gandhi was in charge of the department when she was prime minister 35 years ago. She will take over from Finance Minister Arun Jaitley, who held both portfolios but said last week he wanted to concentrate on the economy. Growth in Asia s third-largest economy slowed to its weakest pace in three years in the last quarter and government promises to boost manufacturing and create tens of thousands of jobs for one of the world s youngest workforces have failed to take off. Sitharaman has been running the trade ministry where she built up a reputation as a tough negotiator. At defence she will be charged with carrying out a military modernisation programme estimated to cost $150 billion to fully equip India s armed forces. Modi also named a new minister for the railways to restore confidence in the world s fourth-biggest rail network after a string of accidents, as well as a new leader to head a planned clean up of the river Ganges that has failed to make headway. Piyush Goyal, who has been credited with turning around the coal mining sector, will run the railways while remaining coal minister. Nitin Gadkari who heads the highways and shipping ministry will also look after the ministry of water resources and the Ganges rejuvenation department, the government said in a statement. Four of the nine new ministers appointed by Modi are retired bureaucrats, including K J Alphons, known as Delhi s demolition man for launching a crackdown on illegal structures in the capital despite facing intense political pressure. They also include a former police commissioner and a diplomat, reflecting Modi s faith in bureaucrats to deliver on his goals rather than politicians who are often untested in governance. Modi also promoted Mukhtar Abbas Naqvi, the minister of minority affairs and one of a handful of Muslim leaders in his party, to the cabinet. Naqvi has been trying to deflect criticism that the government is either failing to or unwilling to protect Muslims involved in the meat trade after a number of attacks by hardline Hindu vigilantes who are pushing harder for protection of the cow, an animal they consider sacred. I congratulate all those who have taken oath today. Their experience and wisdom will add immense value to the council of ministers, Modi said before leaving for China to attend a summit of the BRICS group of countries - Brazil, Russia, India, China and South Africa. Critics, however, said the cabinet changes would make little difference since Modi and his office were directly running the government with little real power given to the ministers. What s the fuss about a cabinet reshuffle in a one-man cabinet? Prime minister s office reshuffle would have mattered more, said Yogendra Yadav who runs an independent political group. ",worldnews,"September 3, 2017 ",1 +Pope visits Colombia to boost peace process after 50 years of war,"VATICAN CITY (Reuters) - Pope Francis travels to Colombia this week to encourage a fledgling peace process that ended half a century of war between a succession of governments and the guerrilla group FARC but has left the country deeply divided. Francis, making his 20th foreign trip as pontiff and his fifth to his native Latin America, will spend five days in the country, visiting the capital Bogota and the cities of Villavicencio, Medellin and Cartagena. The Argentine pope had delayed accepting a government and Church invitation to visit Colombia, where about 80 percent of the population is Catholic, until a viable peace process was under way. He had wanted to go for a long time. Now the moment has come, Vatican spokesman Greg Burke said. Leftist FARC, by far Colombia s biggest rebel group, introduced its new political party last week, a major step in its transition into a civilian organization after more than 50 years of war that killed 220,000 people. Under its 2016 peace deal with the government, most FARC fighters were granted amnesty and allowed to participate in politics. Whether the rebels will secure support from Colombians, many of who revile them, remains to be seen. The peace accord, which was brokered by Cuba and Norway, was initially rejected by a less than 1 percent margin in a referendum before being modified and enacted. Like the rest of the country, Colombia s Roman Catholic bishops were divided on their support of the deal, with some saying it was too lenient to the guerrillas. The pope is expected to urge them to put aside their differences during his trip on Sept. 6-10 and help the country move forward. The greatest task of the Church in Colombia now is to help stem the polarization around the peace process between the government and the guerrillas, said Archbishop Octavio Ruiz, a Vatican official and Colombian. This is a time for us to accept the grandeur of forgiveness, to leave behind us this dark period of war and blood. Hosffman Ospino, a Colombian who is professor of pastoral theology and religious education at Boston College s School of Theology and Ministry, said the country was ready to begin a new phase. The bishops of Colombia need to play a new role in the peace process so as to help create a political conscience, he told Reuters. I think the pope needs to encourage the Church to be an active player in those conversations, in the reconstruction of the social order. Reconciliation is the main theme of the trip and will be the emphasis for events on Friday in the city of Villavicencio, south of Bogota. There, in what is billed as the Great Prayer Meeting for National Reconciliation , the pope will listen to testimonials from people whose lives were affected by the violence and then deliver a homily. Burke, the Vatican spokesman, said those attending the prayer meeting would include victims of violence as well as former guerrillas who have been integrated into Colombian society for some time and are not part of the recent peace process with FARC. He said there would be no formal meeting with opposition politicians, FARC, or the National Liberation Army (ELN), the second-largest insurgent group, which began formal peace negotiations in February after more than three years of secret talks. The Marxist-led ELN, which was founded by radical Roman Catholic priests in 1964, has said it could declare a unilateral ceasefire during the trip to honor Pope Francis, whom they have praised for bringing attention to the world s poor and disenfranchised. The trip will have inter-related themes each day. Builders of Peace, Promotes of Life, in Bogota, Reconciliation with God, among Colombians and with Nature Villavicencio, The Christian Vocation and Apostolate in Medellin, and The Dignity of People and Human Rights in Cartagena. ",worldnews,"September 3, 2017 ",1 +Exclusive: Colombia's ELN says it killed Russian hostage; risks peace talks with government,"NORTHWESTERN JUNGLES, Colombia (Reuters) - Colombia s ELN guerrilla group said a Russian-Armenian citizen it held hostage for six months was killed in April while trying to escape, a startling admission that risks throwing current peace talks with the government into jeopardy. In a rare interview, a commander of the National Liberation Army, Colombia s last active guerrilla group, said that ransoms from kidnappings were necessary to keep its fighters in the field and that peace would be impossible without state funding to feed and clothe the rebels. The ELN seized Arsen Voskanyan in November. The group claimed that he was collecting endangered, poisonous frogs in the jungles of the northwestern department of Choco and accused him of wanting to smuggle wildlife overseas. After his lengthy captivity, Voskanyan was shot when he grabbed a hand grenade in a bid to escape, according to the ELN commander, who would only give his nom-de-guerre Yerson. He s dead, Yerson told Reuters in a remote area along the banks of a river that sees frequent combat between the leftist rebels, government troops and right-wing paramilitaries. The grenade exploded ... several of our boys were wounded, the entire unit of five boys. He fled, he was shot and killed ... The issue of his body will be negotiated, he said, adding that the death took place within his unit. Yerson supplied no evidence to back up his assertions. Another person with knowledge of the matter also subsequently confirmed that Voskanyan had been killed. Reuters could not independently confirm the circumstances surrounding Voskanyan s death. Colombia s government said it knows nothing of the ELN s claim and the last it knew was a statement from the ELN that said he had escaped. The responsibility is with the ELN, the senior official said, asking not to be named. The Russian Embassy in Colombia, Colombia s High Peace Commissioner and the Foreign Ministry in Moscow did not immediately respond to requests for comment. The ELN s practice of kidnapping civilians is a key issue at peace talks taking place in the Ecuadorean capital of Quito. The fact that Voskanyan was killed as talks progress and the ELN failed to inform the government may complicate already tricky negotiations to end 53 years of war and make the need to agree a ceasefire more pressing. It makes it urgent to get a bilateral, verifiable ceasefire as soon as possible so this doesn t keep happening, leftist Senator Antonio Navarro Wolff, who once belonged to now-demobilized urban guerrilla group the M-19, told Reuters. Yerson and his troops said they are not optimistic a peace agreement can be reached because neither side will give ground on kidnapping. The ELN has refused to stop taking hostages for ransom, launching bomb attacks and extorting foreign oil and mining companies while talks are ongoing. The government has said it will not move forward on issues like a bilateral ceasefire until it does. Talks with the ELN are being held as the Revolutionary Armed Forces of Colombia (FARC), until this year the biggest rebel group, has demobilized, formed a new political party and ended its part in a civil war that killed more than 220,000 people and displaced millions over five decades. His face covered by a thin black balaclava and wearing a beret and camouflage fatigues, Yerson, 35, said he has been fighting in Colombia s jungles and mountains for many, many years. Flanked by two fighters carrying semi-automatic rifles as other rebels watched on, he questioned the government s willingness to make sufficient concessions but said he would adhere to the wishes of his leadership if a peace deal was reached. The ELN has sought peace before, holding talks in Cuba and Venezuela between 2002 and 2007, but experts have said those discussions were dogged by lack of will on both sides. Yerson is the commander of the Ernesto Che Guevara Front, that fights under the command of the ELN leader known as Uriel who commands the Western War Block Omar Gomez. He declined to say how many rebels fight in his unit. The ELN - which has kidnapped hundreds of Colombians and foreigners for economic and political gain - previously said in a statement that Voskanyan escaped injured after a struggle that left several fighters wounded as they tried to release him to the International Committee of the Red Cross. The killing of Voskanyan may turn already dire public perception further against the ELN, analyst Ariel Avila told Reuters. The impact will be on public opinion and in the questioning of the talks, he said. Inspired by the Cuban revolution and established by radical Catholic priests in 1964, the ELN was close to disappearing in the 1970s but steadily gained power again. By 2002 it had as many as 5,000 fighters, financed by war taxes levied on landowners and oil companies. It is now believed to have about 2,000 fighters, but Yerson, who would not confirm the number, said the group is heavily recruiting. Considered a terrorist group by the United States and the European Union, the ELN has stepped up attacks on economic infrastructure this year, hitting oil pipelines and power lines repeatedly. President Juan Manuel Santos, who meted out some of the most crushing military blows against the FARC and earned a Nobel Peace Prize last year for his efforts at peace, has had less success with the ELN, which moves in mobile units of four or so fighters. The ELN has said it may declare a temporary ceasefire to honor Pope Francis during his visit next week to Colombia. ",worldnews,"September 2, 2017 ",1 +Police fire tear gas at Congo opposition leader's supporters,"KINSHASA (Reuters) - Police fired tear gas to disperse supporters of Democratic Republic of Congo s opposition chief on Sunday as they gathered in the capital amid high tensions over election delays keeping President Joseph Kabila in power, a Reuters witness said. Felix Tshisekedi, head of an opposition coalition, is due to fly back to the capital Kinshasa on Sunday after a prolonged absence abroad. Around a dozen supporters had gathered at his family residences in the morning, although there was no sign of violence. Tshisekedi intends to call for a civil disobedience campaign in order to pressure Kabila, whose mandate expired last year, to step aside. Congolese authorities banned the coalition s planned meeting on Sunday, citing a risk of violence in the Central African country of more than 70 million people. ",worldnews,"September 3, 2017 ",1 +Russia expresses deep concern about North Korea nuclear test,"MOSCOW (Reuters) - The Russian foreign ministry said on Sunday it was deeply concerned about a reported nuclear test by North Korea. The ministry said on its website that the test was a defiance of international law and deserved condemnation. It urged all sides involved to hold talks, which it said was the only way to resolve the Korean peninsula s problems. ",worldnews,"September 3, 2017 ",1 +Australia defends hardline immigration policy as keeping out 'undesirables',"(Reuters) - Australia said on Sunday it is stopping undesirables such as terrorists, pedophiles, organized criminals and drug smugglers from boarding flights to the country, defending its hardline immigration policy that has drawn criticism from rights groups. Immigration Minister Peter Dutton said that Australian Border Force Airline Liaison Officers were operating in major transit airports to push those threats beyond our borders . Where other countries allow people to arrive and then assess the threat then , the Australian model was to bar those considered a threat. (Liaison officers) try to identify the threats particularly given that we ve got foreign fighters coming back through Southeast Asia and all over the idea is to stop them getting on planes, the minister told the Nine Network. According to media, immigration officials prevented 1,043 passengers from boarding flights to Australia since 2013. Australia has seen the rise of nationalist, anti-immigration politics with far-right wing parties such as One Nation garnering strong public support, while the popularity of the ruling center-right government has been languishing. Under its policy on asylum seekers arriving by boat, Australia turns back unauthorized vessels at sea to their port of origin when it can and sends those it cannot to controversial camps in the South Pacific for long-term detention. Earlier this year, the government announced it would raise the bar for handing out citizenships by lengthening the waiting period, adding a new Australian values test and raising the standard for English language as part of a shake up of its immigration program. ",worldnews,"September 3, 2017 ",1 +Tropical Storm Lidia leaves seven dead in Mexico's Baja California peninsula,"MEXICO CITY (Reuters) - Tropical Storm Lidia s death toll rose to at least seven people, including two children, as the storm doused various states in Mexico with heavy rain on Saturday and left a severe trail of damage in the Baja California peninsula, authorities said. The victims were either electrocuted or drowned while trying to cross streams, according to a report from the prosecutor s office in the state of Baja California Sur, home to the tourist area Los Cabos, that was cited by local media. The storm, which continued to churn through various states, particularly in Western Mexico, also cut off power and damaged homes and roads in Baja California Sur, where some 3,000 people were taken to shelter. Lidia was located 110 kilometers north of Punta Eugenia, moving at a speed of 19 kilometers per hour to the northeast with maximum sustained winds of 65 kilometers per hour, the National Hurricane Center in the U.S. said. ",worldnews,"September 2, 2017 ",1 +Romania to hold same-sex marriage referendum this autumn: ruling party leader,"BUCHAREST (Reuters) - Romania s ruling Social Democrats hope to organize this autumn a referendum to restrict the constitutional definition of family, which would effectively rule out the possibility of legalizing same-sex marriage, party leader Liviu Dragnea said on Saturday. The plan for a referendum came about after the Coalition for the Family, a civil society group, collected 3 million signatures last year in favor of changing the constitutional definition of marriage as a union strictly between a man and a woman from the existing spouses. Under Romanian law, the constitution can be changed after a proposal by the president, the government, a quarter of all lawmakers or at least 500,000 citizens. Parliament must approve any revision, which must then pass a nationwide referendum. It is known that we are committed ... in this direction, state news agency Agerpres quoted Dragnea as saying at a party meeting at a resort on the Black Sea. Our intention is to end up organizing the referendum to change the constitution on the family issue this autumn. Few politicians openly support same sex marriage or even civil partnerships in the socially conservative eastern European nation of 20 million, where the Orthodox Church yields significant influence. Notable exceptions include centrist President Klaus Iohannis, an ethnic German, who has said that as a member of an ethnic and religious minority, he supports tolerance and openness towards others who are different while rejecting religious fanaticism and ultimatums. The opposition Save Romania Union (USR) also held an internal vote on the issue and decided to oppose the referendum. In June, dozens of Romanian rights groups jointly asked parliament to reject the proposed constitutional change that they said would push the European Union state onto a populist, authoritarian track leading to an erosion of democratic rights and liberties. The Coalition for the Family also supports cancelling subsidies for contraception and elective abortion, forcing parents of minors to have counseling if they want to divorce, and lowering some taxes for married couples. Restricting the definition of family based on a marriage between man and woman also would hurt single parents, non-married couples and other non-traditional parenting units, rights groups have said. ",worldnews,"September 2, 2017 ",1 +"Rohingya Muslims flee as more than 2,600 houses burned in Myanmar's Rakhine","COX S BAZAR, Bangladesh (Reuters) - More than 2,600 houses have been burned down in Rohingya-majority areas of Myanmar s northwest in the last week, the government said on Saturday, in one of the deadliest bouts of violence involving the Muslim minority in decades. About 58,600 Rohingya have fled into neighbouring Bangladesh from Myanmar, according to U.N. refugee agency UNHCR, as aid workers there struggle to cope. Myanmar officials blamed the Arakan Rohingya Salvation Army (ARSA) for the burning of the homes. The group claimed responsibility for coordinated attacks on security posts last week that prompted clashes and a large army counter-offensive. But Rohingya fleeing to Bangladesh say a campaign of arson and killings by the Myanmar army is aimed at trying to force them out. The treatment of Myanmar s roughly 1.1 million Rohingya is the biggest challenge facing leader Aung San Suu Kyi, accused by Western critics of not speaking out for the Muslim minority that has long complained of persecution. Former colonial power Britain said on Saturday it hoped Suu Kyi would use her remarkable qualities to end the violence. Aung San Suu Kyi is rightly regarded as one of the most inspiring figures of our age, but the treatment of the Rohingya is, alas, besmirching the reputation of Burma, foreign minister Boris Johnson said in a statement. The clashes and army crackdown have killed nearly 400 people and more than 11,700 ethnic residents have been evacuated from the area, the government said, referring to the non-Muslim residents. It marks a dramatic escalation of a conflict that has simmered since October, when a smaller Rohingya attack on security posts prompted a military response dogged by allegations of rights abuses. A total of 2,625 houses from Kotankauk, Myinlut and Kyikanpyin villages and two wards in Maungtaw were burned down by the ARSA extremist terrorists, the state-run Global New Light of Myanmar said. The group has been declared a terrorist organisation by the government. But Human Rights Watch, which analysed satellite imagery and accounts from Rohingya fleeing to Bangladesh, said the Myanmar security forces deliberately set the fires. New satellite imagery shows the total destruction of a Muslim village, and prompts serious concerns that the level of devastation in northern Rakhine state may be far worse than originally thought, said the group s deputy Asia director, Phil Robertson. Near the Naf river separating Myanmar and Bangladesh, new arrivals in Bangladesh carrying their belongings in sacks set up crude tents or tried to squeeze into available shelters or homes of locals. The existing camps are near full capacity and numbers are swelling fast. In the coming days there needs to be more space, said UNHCR regional spokeswoman Vivian Tan, adding more refugees were expected. The Rohingya are denied citizenship in Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. Bangladesh is also growing increasingly hostile to Rohingya, more than 400,000 of whom live in the poor South Asian country after fleeing Myanmar since the early 1990s. Jalal Ahmed, 60, who arrived in Bangladesh on Friday with a group of about 3,000 after walking from Kyikanpyin for almost a week, said he believed the Rohingya were being pushed out of Myanmar. The military came with 200 people to the village and started fires...All the houses in my village are already destroyed. If we go back there and the army sees us, they will shoot, he said. Reuters could not independently verify these accounts as access for independent journalists to northern Rakhine has been restricted since security forces locked down the area in October. Speaking to soldiers, government staff and Rakhine Buddhists affected by the conflict on Friday, army chief Min Aung Hlaing said there is no oppression or intimidation against the Muslim minority and everything is within the framework of the law . The Bengali problem was a long-standing one which has become an unfinished job, he said, using a term used by many in Myanmar to refer to the Rohingya that suggests they come from Bangladesh. Many aid programmes running in northern Rakhine prior to the outbreak of violence, including life-saving food assistance by the World Food Programme (WFP), have been suspended since the fighting broke out. Food security indicators and child malnutrition rates in Maungdaw were already above emergency thresholds before the violence broke out, and it is likely that they will now deteriorate even further, said Pierre Peron, spokesman for the U.N. Office for the Coordination of Humanitarian Affairs in Myanmar. More than 80,000 children may need treatment for malnutrition in northern Rakhine and many of them reported extreme food insecurity, WFP said in July. In Bangladesh, Tan of UNHCR said more shelters and medical care were needed. There s a lot of pregnant women and lactating mothers and really young children, some of them born during the flight. They all need medical attention, she said. Among new arrivals, 22-year-old Tahara Begum gave birth to her second child in a forest on the way to Bangladesh. It was the hardest thing I ve ever done, she said. ",worldnews,"September 2, 2017 ",1 +Yemeni al Qaeda leader calls for attacks in support of Myanmar's Rohingya,"DUBAI (Reuters) - A senior leader of al Qaeda s Yemeni branch has called for attacks on Myanmar authorities in support of minority Rohingya Muslims, the SITE monitoring center said on Saturday as thousands fled what they say is a government assault on their villages. Myanmar s roughly 1.1 million Rohingya pose one of the biggest challenges facing leader Aung San Suu Kyi, accused by Western critics of failing to support the Muslim minority that has long complained of persecution. In a video message released by al Qaeda s al-Malahem media foundation, Khaled Batarfi called on Muslims in Bangladesh, India, Indonesia and Malaysia to support their Rohingya Muslim brethren against the enemies of Allah. Batarfi, who was freed from a Yemeni prison in 2015 when Al Qaeda in the Arabian Peninsula (AQAP) seized the port city of Mukalla, also urged al Qaeda s Indian Subcontinent (AQIS) branch to carry out attacks. So spare no effort in waging jihad against them and repulsing their attacks, and beware of letting down our brothers in Burma (Myanmar), Batarfi said, according to the U.S.-based monitoring center. About 58,600 Rohingya have fled into neighboring Bangladesh from Myanmar, according to U.N. refugee agency UNHCR. Myanmar officials accuse the Arakan Rohingya Salvation Army (ARSA) of burning homes. The group claimed responsibility for coordinated attacks on security posts last week that prompted clashes and a large army counter-offensive. But Rohingya fleeing to Bangladesh say the Myanmar army is conducting a campaign of arson and killings to drive them out. The Rohingya are denied citizenship in Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. Bangladesh, where more than 400,000 Rohingya live since they began fleeing Myanmar in the 1990s, is also growing increasingly hostile to the minority. (This version of the story corrects to show Rohingya are a minority, not a majority, in second paragraph) ",worldnews,"September 2, 2017 ",1 +Russian diplomats vacate three properties on U.S. orders,"SAN FRANCISCO (Reuters) - Russian diplomats vacated three properties in the United States on Saturday including the six-story consulate in San Francisco, complying with a U.S. order issued in retaliation for Moscow cutting the American diplomatic presence in Russia. Staff at the San Francisco consulate were seen moving equipment, furniture and small items from the building into minivans and driving away, before coming back for more 20 to 30 minutes later. A group of men in plainclothes and suits were seen on the roof of the consulate looking around, some wearing rubber gloves. The closure ordered by the Trump administration of the consulate in San Francisco and two buildings housing Russian trade missions in Washington and New York was the latest in tit-for-tat measures between the two countries that have helped plunge relations to a new post-Cold War low. Accusations made by the Russian government, including that U.S. officials threatened to break down doors in the relevant properties or that the FBI is clearing the premises, are untrue, a senior U.S. State Department official said in a statement. The State Department said the Russian government had complied with the order to shutter those operations by Saturday and said no diplomats were being expelled as result of the closures. Russia will no longer be permitted to use these facilities for diplomatic or consular purposes, the department official said. In July, the Kremlin ordered the United States to cut its diplomatic and technical staff in Russia by more than half, to 455 people, to match the number of Russian diplomats in the United States, after the U.S. Congress overwhelmingly approved new sanctions against Russia. Those U.S. sanctions were imposed as punishment for what U.S. intelligence agencies concluded was Moscow s interference in the 2016 U.S. presidential election as well as Russia s annexation of the Crimea region of Ukraine. As of early Saturday afternoon, the Russian flag was still seen atop the consulate in San Francisco. Someone opened a window above the main entrance and wedged a small Russian flag there. A small contingent of news media and curious passersby gathered below the building. Images posted on social media on Friday showed black smoke billowing from a chimney of the consulate on the hottest day in San Francisco s recorded history. The smoke prompted speculation that diplomatic staff inside the consulate were burning sensitive documents. Maria Zakharova, the spokeswoman for the Russian foreign ministry, said the fire was part of a mothballing. Russia s foreign ministry said on Saturday it had summoned a U.S. diplomat in Moscow to protest what it called plans to conduct searches in Russia s trade mission complex in Washington, another of the buildings ordered closed. Images posted on social media on Friday showed smoke and flames visible outside the trade mission building in Washington. ",worldnews,"September 2, 2017 ",1 +"Kenyan president, election overturned by court, attacks judiciary","NAIROBI (Reuters) - Kenyan President Uhuru Kenyatta said on Saturday the country had a problem with its judiciary, which annulled his election win of last month, and we must fix it . The Law Society of Kenya said in a strongly worded statement that Kenyatta, as the head of state who under the constitution is a symbol of national unity , should refrain from derogatory comments about the judiciary. Kenyatta, speaking a day after the Supreme Court canceled his victory and ordered new polls within 60 days, repeated his message from Friday that he would respect its ruling. But, speaking on live television at the State House in Nairobi after meeting elected officials from his Jubilee party, he added Who even elected you?...We have a problem and we must fix it. He did not elaborate. The decision to annul the election was unexpected and unprecedented in Africa where governments often hold sway over judges. The president s latest comments mark the second time since Friday s ruling that he has criticized the judiciary in public. On Friday, during an impromptu rally in Nairobi, he accused the court of ignoring the will of the people and dismissed the chief justice s colleagues as wakora , or crooks. The lawyers association condemned Kenyatta s use of the Kiswahili word, saying that the judges serving in the highest court had acted professionally, with honor and dignity . They...do not deserve the disrespectful treatment they are being shown , the statement read. The president s appearances since the ruling suggest he intends to campaign rigorously for the re-run of the Aug.8 poll. He said via Twitter on Saturday: For now let us meet at the ballot. Attention now turns back to the election board. The court ruled that it had failed, neglected or refused to conduct the presidential election in a manner consistent with the dictates of the constitution . Raila Odinga, the veteran opposition leader whose coalition brought the petition against the election board to the Supreme Court, said on Friday that some officials from the commission should face criminal prosecution. The chairman of the election board said there would be personnel changes, but it was not clear if that would be enough for the opposition. Sweeping out the whole board would complicate efforts to hold a new poll within two months. Last month s election which included the presidential poll in addition to races at other levels of government was one of the most expensive ever held in Africa. Ahead of the vote Kenya s treasury said preparation and conduct of polling would cost the equivalent of around $480 million. Analysts saw the president s latest comments on the judiciary as a worrisome development. It s extremely unfortunate that Kenyatta seems to be issuing veiled threats at the judiciary, said Murithi Mutiga, a Nairobi-based senior Africa analyst at the International Crisis Group. This was a tremendous moment for Kenyan democracy, where the court upheld the rule of law. Politicians should be careful not to incite the public against the judiciary. On Friday, Chief Justice David Maraga said the Supreme Court s verdict was backed by four of the six judges and declared Kenyatta s victory invalid, null and void . Details of the ruling will be released within 21 days. Prior to last month s election Maraga spoke out to emphasize the judiciary s independence. In a statement he read out on behalf of the Judicial Service Commission less than a week before the election, he listed instances in which politicians from the ruling party and the opposition had tried to intervene in the judiciary s work. The emerging culture of public lynching of judges and judicial officers by the political class is a vile affront to the rule of law and must be fiercely resisted, the statement read. We wish to state that ... the judiciary will not cower to these intimidating tactics. Kenya s judiciary went through sweeping changes in a bid to restore confidence in the legal system after the bloodshed following the 2007 election. Experts say the constitution adopted in 2010 enshrines protections for the judiciary against interference by the executive. ",worldnews,"September 2, 2017 ",1 +Eight Kenyan schoolgirls die in dormitory blaze: government,"NAIROBI (Reuters) - Eight Kenyan teenage schoolgirls died and 10 more were hospitalized after a fire engulfed their boarding school dormitory in Nairobi early on Saturday morning, a government official said. The cause of the fire was not known, and the government ordered Moi Girls School closed for two weeks while it investigated, education minister Fred Matiangi told reporters when he visited the school. A fire broke out at the school at 2:00am in the morning in one of the dormitories, said Matiangi. He said the school, which has nearly 1,200 students, is one of our top schools in the country and... (one) that we are very proud of. A statement from his office on Saturday evening said the death toll had risen from seven to eight. A shaken 16-year-old schoolgirl, Daniella Maina, told Reuters: We were sleeping and a girl woke us up and said that our hostel was burning. We were helped to safety by some teachers. Fires have in the past claimed the lives of dozens of Kenyan boarding school students. In 2001, 58 schoolboys were killed in a dormitory fire at Kyanguli Secondary School outside Nairobi. In 2012, eight students were killed at a school in Homa Bay County in western Kenya. Lax safety standards and poor emergency procedures have been blamed for some past fires at schools and for other tragedies such as the collapse of a residential building in Nairobi in May that killed nearly 50 people. The Kenyan police did not immediately respond to a Reuters request for comment on Saturday morning. ",worldnews,"September 2, 2017 ",1 +"Laughing in crisis, Venezuelan acts out dissident Ortega's tale","CARACAS (Reuters) - Laughing at their own tribulations, Venezuelan theatergoers have been enjoying a new satire about a senior official who broke with President Nicolas Maduro and fled the socialist-ruled country in a boat. Former chief state prosecutor Luisa Ortega has been one of the protagonists in this year s political crisis in Venezuela, denouncing rights abuses and corruption before finally going into hiding and moving to Colombia in mid-August. Dressed in a blonde wig and Ortega s trademark office suit, actress Mercedes Benmoha recreates some well-known scenes - and imagines others - in a 15-minute show called The Prosecutor, which is proving popular at a small venue in a mall. Benmoha, who happens to be a lawyer like her subject, acts out a news conference and an imaginary phone call with Ortega s nemesis, state election board head and diehard Maduro ally Tibisay Lucena. She also recreates the once-powerful Ortega s attempt to re-enter her office after authorities fired her and security forces surrounded the building. Jokes fly about corruption, Maduro, and Ortega s own precipitous fall from power. We use humor as a defense mechanism, Benmoha, 35, told Reuters on Friday night, minutes before going on stage for her sellout show. It s our way to survive, to breathe, to entertain ourselves but also to reflect. Venezuelans have had little to laugh about this year. A fourth year of recession and runaway inflation have pummeled households, with shortages and hunger widespread. Months of opposition-led protests led to about 130 deaths and thousands of injuries. Having first fled to Aruba in a speedboat, Ortega has been traveling round Latin America denouncing the Maduro government, which in turn has accused her of corruption. While Venezuela s opposition has applauded her stance against Maduro, activists also remember she was until recently a pillar of the socialist government and that her office had spearheaded its jailing of political foes. Benmoha, who co-wrote the script for her show, said she watched more than 800 videos of Ortega to study her gestures and mannerisms. But with her subject still making news almost daily, the play is regularly updated. When the show started in early August, a producer actually invited Ortega, but she was never able to attend. After Ortega left the country, however, one of her assistants sent a Lady Justice statue that had been in her office. Now, it adorns a Caracas stage every night. ",worldnews,"September 2, 2017 ",1 +Iran sees little chance of enemy attack: military chief,"DUBAI (Reuters) - - Enemies are unlikely to attack Iran, especially on the ground, the country s military chief predicted on Saturday, saying even unwise leaders in the West know that any such conflict would have huge costs for them. U.S. President Donald Trump, adopting an aggressive posture towards Iran after its test launch of a ballistic missile, said in February that nothing is off the table in dealing with Tehran, and the White House said it was putting Iran on notice . In the remote case of an aggression (by enemies), this won t be on the ground because they would face brave warriors, Iran s semi-official news agency Tasnim quoted military chief of staff General Mohammad Baqeri as saying. Thank God, even the unwise who lead world arrogance (the West)... can conclude that attacking the Islamic Republic would entail heavy costs, Baqeri said at an air defense exhibition. Even if they would control the start of an aggression, they would not have a say about its end and they won t even be able to limit the war to Iran s borders, Baqeri added. The United States imposed unilateral sanctions against Iran last month after saying the ballistic missile tests violated a U.N. resolution, which endorsed a 2015 nuclear deal between Tehran and world powers to lift sanctions. The resolution called upon Tehran not to undertake activities related to ballistic missiles capable of delivering nuclear weapons, including launches using such technology. It stopped short of explicitly barring such activity. Iran denies its missile development breaches the resolution, saying its missiles are not designed to carry nuclear weapons. ",worldnews,"September 2, 2017 ",1 +Hezbollah says bulk of IS convoy has left Syrian government area,"BEIRUT (Reuters) - Most of an Islamic State evacuation convoy stuck in east Syria has crossed out of government territory and is no longer the responsibility of the Syrian government or its ally Hezbollah, the Lebanese Shi ite group said on Saturday. A U.S.-led coalition fighting Islamic State has been using warplanes to prevent the convoy from entering territory held by the jihadists in east Syria. Hezbollah and the Syrian army had escorted it from west Syria as part of a truce deal. The Syrian state and Hezbollah have fulfilled their obligations to transfer buses out of the area of Syrian government control without exposing them, the statement said. Hezbollah said in a statement that the U.S.-led jets were still blocking the convoy of fighters and their families, which was stuck in the desert, and were also stopping any aid from reaching it. Six buses remain in government-held territory under the protection and care of the Syrian state and Hezbollah, the statement said. There were originally 17 buses in the convoy. Hezbollah said there were old people, casualties and pregnant women in the buses stranded outside Syrian government control in the desert and called on the international community to step in to prevent them coming to harm. About 300 lightly armed fighters were traveling on the buses, having surrendered their enclave straddling Syria s border with Lebanon on Monday under a deal which allowed them to join their jihadist comrades on the other side of the country. It angered both the U.S.-led coalition, which does not want more battle-hardened militants in an area where it is operating, and Iraq, which sees them as a threat because the convoy s proposed destination of Al-Bukamal is close to its own border. The Syrian government of President Bashar al-Assad, helped by Russia and Iran-backed militias including Hezbollah, is fighting Islamic State as it pushes eastwards across the desert. A commander in the pro-Assad military alliance said earlier on Saturday that Hezbollah and the Syrian army were seeking an alternative way for the convoy to cross into Islamic State territory, having already tried two other routes. Work is under way to change the course of the convoy for a second time, the commander said. The coalition has vowed to continue monitoring the convoy and disrupting any effort it makes to cross into jihadist territory but said it would not bomb it directly because it contains about 300 civilian family members of the fighters. It has asked Russia to tell the Syrian government that it will not allow the convoy to move further east towards the Iraqi border, according to a statement issued late on Friday. On Wednesday, the coalition said its jets had cratered a road and destroyed a bridge to stop the convoy progressing, and had bombed some of the jihadists comrades coming the other way to meet it. Hezbollah and the Syrian army on Thursday changed the route of the convoy from Humeima, a hamlet deep in the southeast desert, to a location further north, but coalition jets again struck near that route, the commander said. It was considered a threat, meaning there was no passage that way, the commander said. On Friday coalition jets made mock air raids over the convoy, the commander added. It caused panic among the Daeshis. The militants are scared the convoy will be bombarded as soon as it enters Deir al-Zor, the commander said, using a plural form of the Arabic acronym for Islamic state to refer to its fighters. ",worldnews,"September 2, 2017 ",1 +Saudi king says kingdom has made progress in tackling terrorism,"MECCA, Saudi Arabia (Reuters) - Saudi King Salman, receiving dignitaries attending the annual Muslim haj pilgrimage, said on Saturday the kingdom had made progress in eradicating terrorism aimed at attacking its holy sites, state news agency SPA reported. Saudi Arabia, which stakes its reputation on its guardianship of Islam s holiest sites and organizing the haj, has been hit by bombings in recent years and uncovered plots to carry out attacks in Mecca. The limbs of terrorism have sought to harm the holy cities, paying no attention to their sanctity, SPA quoted King Salman as telling foreign dignitaries at a reception he held in Mecca, where more than 2 million pilgrims are performing haj. But the kingdom, by the grace of God and in cooperation with its sisters and friends, has made big successes in eradicating terrorism and has worked decisively and with determination to dry its sources, he added, without elaborating. Salman also said Saudi Arabia had devoted all its material and human resources to ensure the safety of pilgrims who come from all over the world to perform the five-day ritual, a religious duty to be undertaken once in a lifetime by every able-bodied Muslim who can afford the journey. We are determined, with God s permission, to continue to provide the highest level of services for the two holy mosques ... to ensure the safety of those who seek the sacred house of God, he said. The pilgrimage has frequently been hit by stampedes and fires. In the most recent incident, hundreds of pilgrims were killed in a crush two years ago. ",worldnews,"September 2, 2017 ",1 +"Suicide bombers attack power station north of Baghdad, killing seven: police","TIKRIT, Iraq (Reuters) - Suicide bombers struck a state-run power station north of Baghdad early on Saturday, killing seven people and forcing the facility to shut down in an attack claimed by Islamic State, police and army sources said. At least three gunmen wearing explosive vests attacked the power station around 3 a.m. local time, near the northern city of Samarra, about 100 km (60 miles) north of Baghdad. They used grenades to enter the facility. I was on my night shift and suddenly heard shooting and blasts. A few minutes later I saw one attacker wearing a military uniform and throwing grenades through the windows, said Raied Khalid, a worker who was injured by shrapnel. Security sources said the three gunmen briefly took control of the station, but police managed to regain control after three hours. Islamic State later claimed responsibility for the attack in a statement. Four policemen and three workers were killed in the assault, in which 13 were wounded, police and medical sources from a nearby hospital said. One of the attackers, who was cornered by security forces, detonated his suicide vest near one the power generators, causing a fire. The two other gunmen were killed, security sources said, either by blowing themselves up or in clashes with the security forces. Operations at the facility were expected to be suspended briefly, while repairs were under way, electricity officials said. ",worldnews,"September 2, 2017 ",1 +Frankfurt starts evacuation before attempt to defuse WWII bomb,"FRANKFURT (Reuters) - Frankfurt emergency service staff started to evacuate patients from two hospitals in Germany s financial capital on Saturday ahead of the planned defusing of a massive World War Two bomb. Some 60,000 people have to leave their homes early on Sunday in Germany s biggest evacuation since the war while officials disarm the 1.4 tonne British bomb. It was discovered on a building site in Frankfurt s leafy Westend, where many wealthy bankers live. More than 100 hospital patients, including premature infants and those in intensive care, were evacuated on Saturday, Frankfurt city councillor Markus Frank told Reuters television. More than 2,000 tonnes of live bombs and munitions are found each year in Germany, even under buildings. In July, a kindergarten was evacuated after teachers discovered an unexploded World War Two bomb on a shelf among some toys. Frankfurt fire and police chiefs said they would use force and incarceration if necessary to clear the area of residents, warning that an uncontrolled explosion of the bomb would be big enough to flatten a city block. The HC 4000 bomb is assumed to have been dropped by Britain s Royal Air Force during the 1939-45 war. The country was pummeled by 1.5 million tonnes of bombs from British and American warplanes that killed 600,000 people. German officials estimate 15 percent of the bombs failed to explode, some burrowing six meters (yards) deep. Three police explosives experts in Goettingen were killed in 2010 while preparing to defuse a 1,000 lb (450 kg) bomb. The compulsory evacuation radius of 1.5 km (roughly a mile) around the bomb includes police headquarters, two hospitals, transport systems and Germany s central bank storing $70 billion in gold reserves. Frankfurt s residents have to clear the area by 8 a.m. (0600 GMT) on Sunday and police will ring every doorbell and use helicopters with heat-sensing cameras to make sure nobody is left behind before they start diffusing the bomb. Roads and transport systems, including the parts of the underground, will be closed during the work and for at least two hours after the bomb is defused, to allow patients to be transported back to hospitals. Air traffic from Frankfurt airport could also be affected if there is an easterly wind on Sunday. Also, small private planes, helicopters and drones will be banned from the evacuation zone. Frankfurters can spend the day at shelters set up at the trade fair and the Jahrhunderthalle convention center. Most museums are offering residents free entry on Sunday, and a few of them will open their doors earlier in the morning than usual. ",worldnews,"September 2, 2017 ",1 +Russia hands note of protest to U.S. over plans to search trade mission,"MOSCOW (Reuters) - Russia s foreign ministry has summoned a U.S. diplomat in Moscow to hand him a note of protest over plans to conduct searches in Russia s trade mission complex in Washington, which should soon be closed, the ministry said in a statement on Saturday. It said it has summoned Anthony F. Godfrey, a deputy chief of mission at the U.S. Embassy in Moscow. The ministry called the planned illegal inspection of Russian diplomatic housing an unprecedented aggressive action , which could be used by the U.S. special services for anti-Russian provocations by the way of planting compromised items . The closure by Sept. 2 of the consulate and buildings in Washington and New York that house Russian trade missions is the latest in tit-for-tat actions by the two countries that have helped push relations to a new post-Cold War low. The Kremlin has said the moves to close the Russian facilities pushed bilateral ties further into a dead end. On Friday, the Russian foreign ministry also said the U.S. special services were prepared for searches in its consulate in San Francisco. Some media reported that a smoke was billowing from a chimney of the building. Maria Zakharova, the spokeswoman for the ministry, said it was part of a mothballing . In relation to this, the windows could be closed, the light could be turned off, the water could be drained out, the heating appliances could be turned off, the garbage could be thrown away, essential services could be turned off and many other things, she wrote on social media. Moscow last month ordered the United States to cut its diplomatic and technical staff in Russia by more than half, to 455 people to match the number of Russian diplomats in the United States, after Congress overwhelmingly approved new sanctions against Russia. ",worldnews,"September 2, 2017 ",1 +"With prayer, sacrifices, Pakistani Muslims celebrate Eid al-Adha","KARACHI, Pakistan (Reuters) - Muslims in Pakistan crowded mosques and prayer grounds across the country to offer prayers and sacrifice goats and cows for Eid al-Adha holiday on Saturday, marking the second major religious festival of Islam. Security was tight, with authorities on guard from any possible attack by religious extremists who have carried out bombings across the country in recent years. Today, we are here to offer Eid prayers, said worshipper Saleem Ahmed at a ceremony in Karachi, Pakistan s largest city. The security arrangements were very good. May Allah approve our prayers. Eid al-Adha commemorates the Koranic tale of the Prophet Abraham s willingness to sacrifice his son as an act of obedience to Allah, before Allah replaced the son with a ram to be sacrificed instead. A similar story involving Abraham is recounted in the holy books of Judaism and Christianity. It is tradition for those who can afford it to sacrifice domestic animals as a symbol of Abraham s willingness to sacrifice his only son. The result is a booming pre-holiday trade in goats, cows and sheep. In Pakistan alone, nearly 10 million animals, worth more than $3 billion, are slaughtered during the two days of Eid al-Adha, according to the Pakistan Tanners Association. We are presenting sacrifices to follow the path of the prophet Abraham. We should not forget our poor and needy Muslim brethren on this occasion, Karachi resident Mohamad Muzammil said at the prayer ground where cows and goats were being slaughtered. Eid al-Adha marks the end of an annual Hajj, or pilgrimage to Mecca, which is one of the five pillars of Islam, and should be undertaken by every Muslim who can afford to do so. With a population of about 208 million people, Pakistan is the sixth most-populous country in the world, and has the second largest Muslim population after Indonesia. About 97 percent of Pakistanis are Muslims. ",worldnews,"September 2, 2017 ",1 +"Australia, East Timor reach agreement on maritime border","MELBOURNE/THE HAGUE (Reuters) - Australia and East Timor have reached a breakthrough agreement on a maritime border, ending a decade-old row between the two nations that has stalled a $40 billion offshore gas project. The Permanent Court of Arbitration in The Hague announced on Saturday that the neighboring countries had reached an agreement on the central elements of a maritime boundary delimitation between them in the Timor Sea but that details would remain confidential until the deal was finalised. Arbitration began last year and the talks, hosted by Denmark, resulted in a deal on Aug. 30. The countries agreed to establish a special regime for the Greater Sunrise field, paving the way for its development and the sharing of the resulting revenue, the court said in a statement. Until all issues are resolved, the details of the Parties agreement will remain confidential, the statement said. Nevertheless, the Parties agree that the agreement reached on 30 August 2017 marks a significant milestone in relations between them and in the historic friendship between the peoples of Timor-Leste and Australia. The leader of East Timor s delegation, chief negotiator and former President Xanana Gusm o, hailed the agreement as a historic moment which would mark the beginning of a new era in Timor-Leste s friendship with Australia . I thank the Commission for its resolve and skill in bringing the Parties together, through a long and at times difficult process, to help us achieve our dream of full sovereignty and to finally settle our maritime boundaries with Australia, Gusm o said. Timor, a former Portuguese colony, has struggled to develop as an independent nation since a violent break from occupying forces from Indonesia in 1999. Gas reserves, once claimed by Australia, is a key to its economic future. The long-running political dispute has led the owners of the Greater Sunrise fields - Woodside Petroleum, ConocoPhillips, Royal Dutch Shell and Japan s Osaka Gas - to shelve the project. The fields are estimated to hold 5.1 trillion cubic feet (144 billion cubic meters) of gas and 226 million barrels of condensate, which analysts have estimated could be worth $40 billion. The existing maritime boundary is aligned with Australia s continental shelf, but East Timor has long argued the border should lie half way between it and Australia - placing much of the Greater Sunrise fields under its control. Australia had previously resisted renegotiating a permanent border but under pressure from the United Nations has agreed to enter talks with East Timor. Australia Foreign Minister Julie Bishop said the agreement was a landmark day in the relationship between Timor-Leste and Australia. This agreement, which supports the national interest of both our nations, further strengthens the long-standing and deep ties between our governments and our people, Bishop said. Australia earlier this year agreed to allow East Timor to terminate an oil revenue sharing treaty between the two countries, while earlier treaties that govern production remain in place. East Timor withdrew legal proceedings it launched over the past few years against Australia challenging the validity of the Treaty on Certain Maritime Arrangements in the Timor Sea, to advance the conciliation process, a joint statement said in January. Having reached an agreement, the two countries will continue to meet with the commission in order to finalize talks in October. The commission said the countries will now begin to engage with other stakeholders in the Timor Sea regarding the implications of their agreement, in particular with respect to the Greater Sunrise resource . ",worldnews,"September 2, 2017 ",1 +"NAFTA envoys lay out proposals, try to block Trump noise","MEXICO CITY (Reuters) - Trade negotiators from Canada, the United States and Mexico presented more proposals for a renewed North American Free Trade Agreement on Friday and tried to put behind them threats from U.S. President Donald Trump to pull out of the treaty. Teams from the three countries kicked off a second round of talks in Mexico City on 25 areas of closed-door discussion, with subjects such as digital commerce and small businesses seen as areas where consensus was possible, officials said. The teams did not debate details, according to officials, but one union leader present said that U.S. Commerce Secretary Wilbur Ross had indicated he favored North American content of more than 70 percent in autos built in the NAFTA region. Taking up where they left off in Washington talks two weeks ago, the delegations were showing each other proposed language for reworking the accord, without yet seeking to thrash out mutually acceptable compromises, officials present told Reuters. Trump s multiple attacks on NAFTA in the build-up to the Mexico City round were seen by Mexican and Canadian officials as a ploy to wring concessions, but they have heightened uncertainty over the accord. Away from the diplomatic noise, the Mexico talks are expected to help define the priorities of each nation rather than yield major advances. Nevertheless, Trump s warnings have Mexico preparing for something hard to imagine even a few months ago - life without the agreement that boosted trilateral trade to around $1 trillion annually from $290 billion in 1993. The Sept. 1-5 talks will touch on some thorny topics such as rules governing local content in products made in North America, Mexico s economy ministry said in a statement. Substantial discussion of such areas is unlikely in either this round or the next one, a source familiar with the process said. We do not expect any major breakthroughs or major developments in this round. We really don t, one official familiar with the negotiating process said. Mexican officials believe Trump wants to include rules that a certain amount of content must be made in the United States. The head of Unifor, Canada s largest private sector union, Jerry Dias, told reporters he had suggested in a recent meeting with U.S. Commerce Secretary Ross that the NAFTA content level for autos be raised to 70 percent from the current 62.5 percent. But Ross, he said, had proposed a more aggressive level. Hundreds of small farmers and union members including speakers from Canada gathered outside the Mexican Congress on Friday to demand that NAFTA be reworked to truly help workers. Trump and Canadian Prime Minister Justin Trudeau spoke by phone on Thursday and stressed they wanted to reach a NAFTA deal by the end of 2017, the White House said. An accord by year end that significantly changes NAFTA is seen as unlikely. The goal is for an agreement before Mexico s 2018 presidential campaign starts in earnest. Officials fear the campaign will politicize talks, with nationalist frontrunner Andres Manuel Lopez Obrador already recommending a tougher line from Mexico. Nevertheless, one Mexican official noted that Trump s repeated threats put pressure on his negotiators, forcing them to adopt tougher positions than they would like, while another official said they were ready to leave the table if needed. Trump said this week he might trigger a 180-day countdown to withdraw from NAFTA while the talks were ongoing to help meet his goals, which include sharply reducing a $64 billion annual U.S. trade deficit with Mexico. NAFTA, first implemented in 1994, eliminates most tariffs on trade between the United States, Canada and Mexico. Critics say it has drawn jobs from the United States and Canada to Mexico, where workers are paid far lower wages. Supporters say it has created U.S. jobs, and that the loss of manufacturing from the United States has more to do with China than Mexico. If NAFTA collapses, costs could rise for hundreds of billions of dollars of trade as tariffs are brought back. Free-trade lobby groups say consumers would be saddled with higher prices and less availability of products ranging from avocados and berries to heavy trucks. Mexican Economy Minister Ildefonso Guajardo and Foreign Minister Luis Videgaray told officials in Washington on Wednesday that Mexico would walk away from the negotiations if Trump pulls the trigger on withdrawing from the deal. Juan Pablo Castanon, president of Mexico s Business Coordination Council representing the private sector in the talks, said the country was refining a Plan B that could be up and running within three months of an eventual NAFTA collapse. Talking on Mexican television, he said the plan included striking new trade arrangements in Asia and Latin America, sourcing alternate suppliers such as Brazil for grains now imported from the United States, and finding ways to recreate investor guarantees that are included in NAFTA. Graphic on trade battles: tmsnrt.rs/2oYClp2 Graphic: NAFTA's benefit to the breadbasket - tmsnrt.rs/2tNMtlc ",worldnews,"September 1, 2017 ",1 +Factbox: Key issues in the NAFTA renegotiations,"(Reuters) - Negotiators from Canada, Mexico and the United States are meeting for a second round of talks to renegotiate the North American Free Trade Agreement, amid threats by U.S. President Donald Trump to pull out of the deal. NAFTA, first implemented in 1994, eliminates most tariffs on trade between the United States, Canada and Mexico. Critics say it has drawn jobs from the U.S. and Canada to Mexico, where workers are badly paid. Supporters say it has created U.S. jobs, and the loss of manufacturing from the United States has more to do with China than Mexico. Key issues facing negotiators include: NAFTA says in order for a good to be traded duty-free within the three countries, it must contain a certain percentage of North American content, which differs for various products. The rule of origin is most contentious in the auto industry; cars must contain at least 62.5 percent American, Canadian or Mexican content. The United States wants to increase the content threshold for NAFTA goods in a bid to return manufacturing jobs to the United States, and the auto industry has conceded that the rules should be updated to account for auto components that did not exist when the original deal was signed. Canada has said it is prepared to discuss some strengthening of rule of origin in the auto sector, but any change must apply equally to all three countries. Mexico is willing to look at strengthening rules, but warns that going too far will make the region less competitive. The United States has sought to ditch the so-called Chapter 19 tool, under which binational panels hear complaints about illegal subsidies and dumping and then issue binding decisions. The United States has frequently lost such cases since NAFTA came into effect in 1994, and the mechanism has hindered it from pursing anti-dumping and anti-subsidy cases against Canadian and Mexican companies. Washington also argues that Chapter 19 infringes on the sovereignty of its domestic laws. Canada has said Chapter 19 can be updated, but said a dispute settlement mechanism is its red line and must be part of any updated NAFTA. Mexico also says dispute settlement mechanisms are a vital part of the deal to give investors security. U.S. negotiators are seeking to allow U.S. seasonal produce growers to file anti-dumping cases against Mexico. Seasonal fruit and vegetable growers in the southeastern United States have come under increasing pressure from year-round Mexican imports under NAFTA and are seeking the ability to pursue anti-subsidy and anti-dumping cases or seek temporary import quotas. But U.S. retailers and food industry groups argue that American producers could be left open to retaliatory measures if more complaints were to be filed, for instance, against avocados, tomatoes and other produce imported from Mexico. Quotas are a feature of NAFTA in several agricultural commodities including dairy and sugar, but Washington is seeking to eliminate non-tariff barriers to U.S. agricultural exports. Most notably, U.S. President Donald Trump has called Canada s restrictions on dairy imports a disgrace. Although dairy was excluded from the original 1994 deal, the United States is seeking to eliminate non-tariff barriers to its agricultural exports. The United States is seeking a provision to deter currency manipulation. While Washington wants a mechanism to ensure the NAFTA countries avoid tinkering with exchange rates to gain a competitive advantage, neither Canada nor Mexico is on the U.S. Treasury s currency manipulation watch list. Critics say the U.S. demand is an attempt to get currency manipulation into a global trade agreement to establish a precedent with other trading partners, including China. The United States is pushing for governments in Canada and Mexico to open up their tender processes to U.S.-made products but at the same time is defending existing Buy American procurement laws. The Buy American provisions have blocked the use of Canadian steel to build U.S. bridges, and Canada is pushing for a freer market for government procurement. Mexico says it expects government procurement, already included in NAFTA, to be part of the renegotiation. INVESTOR-STATE DISPUTE SETTLEMENT The United States has proposed minor tweaking of the NAFTA Chapter 11 provisions, designed to ensure that firms that invest abroad receive fair and equitable treatment by foreign governments. As with Chapter 19, opponents of the provisions argue they infringe on sovereignty which benefits multinational corporations. Canada wants to update the mechanism to allow governments to regulate in the interest of the environment or labor, as in the Comprehensive Economic and Trade Agreement that Canada recently negotiated with the European Union. ",worldnews,"September 1, 2017 ",1 +Vietnam says violations found at central bank in war on graft,"HANOI (Reuters) - Vietnam has found faults with the central State Bank of Vietnam, including poor supervision of credit organizations and inefficiency in preventing corruption, the government said on Saturday. The announcement, which was published on the government s website, came amid an intensifying crackdown on corruption that has pushed many state executives and government officials into the spotlight. The Government Inspectorate found the bank slow and not complying with regulations when publicizing its properties and revenues, the report said, without elaborating. Government officials have to reveal their incomes and properties to the public. Inspectors also pointed out violations by SBV s banking supervision agency, a department in charge of overseeing and examining credit organizations, from 2010 to 2015. Credit organizations had several faults but during inspection, the supervising department did not promptly detect them to deal with and prevent them, the government said. The inspectorate has called for the state bank governor to investigate groups and individuals behind the violations. Vietnam s crackdown on corruption and mismanagement, with a focus on inefficient state-owned companies, earlier led to the rare dismissal of a member of the politburo and the sacking of a vice-minister. Four more officials from a scandal hit state-oil firm are being prosecuted over links to investment losses in a local bank. ",worldnews,"September 2, 2017 ",1 +Australian military probes 'rumors' of possible war crimes in Afghanistan,"MELBOURNE (Reuters) - Australia s military watchdog has issued a public plea for information regarding rumors of possible war crimes committed by Australian troops in Afghanistan. The Australian Broadcasting Corporation reported in July on an alleged cover-up of the killing of an Afghan boy as well as hundreds of pages of leaked defense force documents relating to the secretive operations of the country s special forces. On Friday, the Inspector-General of the Australian Defence Force released a statement saying it was conducting an inquiry into rumors of possible breaches of the Laws of Armed Conflict by Australian troops in Afghanistan between 2005 and 2016. The inquiry would like anyone who has information regarding possible breaches of the Laws of Armed Conflict by Australian forces in Afghanistan, or rumors of them, to contact the inquiry, the statement read. Australia is not a member of NATO but is a staunch U.S. ally and has had troops in Afghanistan since 2002. As recently as May, Australia recommitted to the 16-year-long, seemingly intractable war against the Taliban and other Islamist militants by sending an additional 30 troops to Afghanistan to join the NATO-led training and assistance mission. That brought Australia s total Afghan deployment to 300 troops. ",worldnews,"September 2, 2017 ",1 +Colombia's FARC political party looks to coalition for 2018 elections,"BOGOTA (Reuters) - Colombia s disarmed FARC rebels have their eye on forming a political coalition for the 2018 elections, ex-rebel leaders said on Friday, as the group marked its transition to a political party with a concert in Bogota s central square. The former Revolutionary Armed Forces of Colombia (FARC), whose political party will be called the Revolutionary Alternative Common Force, ended its part in a decades-long war that has killed more than 220,000 people under a 2016 deal which granted amnesty to most of its fighters. The decision by the group to preserve its famous FARC Spanish acronym raised eyebrows, given many Colombians associate the word with decades of bloodshed. Whether the ex-rebels can convince Colombians, many of whom revile them, to back the new party remains to be seen. The FARC will hold 10 automatic seats in Congress through 2026 under the terms of the accord and may campaign for others. Both legislative and presidential elections are set for 2018 and the party plans to reach out to ideological allies to try to form a coalition, without abandoning its Marxist commitments to land reform and social justice, the group said. We are continuing, via an exclusively political path, our historic goal and aspiration for a new order of social justice and true democracy in our country, said secretariat member Ivan Marquez at a closing event for the group s six-day conference to inaugurate the new party. We want our ideas to be available for a transitional government of reconciliation and peace for the elections in 2018, whose foundation will be a great democratic coalition, Marquez said. The formal party launch, featuring musical performances and a planned speech by FARC leader Rodrigo Londono, known by his nom de guerre Timochenko, took place in Bogota s colonial Bolivar Square on Friday in front of a crowd of thousands. Long live peace! shouted the crowd, as FARC members on stage displayed banners reading Welcome to political life. We don t want one more drop of blood for political reasons, we don t want any mother to spill tears because her children suffer violence, Londono said. That s why we don t hesitate to extend our hands in a gesture of forgiveness and reconciliation. We want a Colombia without hate. Londono said the party would focus on fighting corruption and poverty, especially in rural areas, and that politics would not be easy. Our first step now is to present to Colombia our political party, its strategic program, our proposal for political action, Londono added. The FARC s often old-fashioned Marxist rhetoric strikes many as a throwback to their 1964 founding, but concrete proposals for reforms to complicated property laws could get traction with rural voters who struggle as subsistence farmers. FARC leaders have repeatedly expressed fears that members could be targeted for assassinations in a repeat of the 1980s killings of some 5,000 members of the rebel-allied Patriotic Union party, which grew out of a failed peace process with the government. ",worldnews,"September 1, 2017 ",1 +"U.S., South Korea agree to revise missile treaty in face of North Korean threats","SEOUL (Reuters) - U.S. President Donald Trump agreed with South Korean President Moon Jae-in to revise a joint treaty capping the development of the South s ballistic missiles, Moon s office said on Saturday, amid a standoff over North Korea s missile and nuclear tests. Trump also gave conceptual approval to the purchase by the South of billions of dollars of U.S. military hardware, the White House said. The South wants to raise the missile cap to boost its defenses against the reclusive North, which is pursuing missile and nuclear weapons programs in defiance of international warnings and UN sanctions. The two leaders agreed to the principle of revising the missile guideline to a level desired by South Korea, sharing the view that it was necessary to strengthen South Korea s defense capabilities in response to North Korea s provocations and threats, South Korea s presidential Blue House said. Impoverished North Korea and the rich, democratic South are technically still at war because their 1950-53 conflict ended in a truce, not a peace treaty. The North regularly threatens to destroy the South and its main ally, the United States. North Korea sharply raised regional tension this week with the launch of its Hwasong-12 intermediate-range ballistic missile that flew over Japan and landed in the Pacific. That followed the test launch of two long-range ballistic missiles in July in a sharply lofted trajectory that demonstrated a potential range of 10,000 km (6,000 miles) or more that would put many parts of the U.S. mainland within striking distance. North Korea has been working to develop a nuclear-tipped missile capable of hitting the United States and has recently threatened to land missiles near the U.S. Pacific territory of Guam. South Korea s development of its ballistic missiles is limited to range of 800 km (500 miles) and payload weight of 500 kg (1,100 pounds) under a bilateral treaty revised in 2012. South Korea has said it wants to revise the agreement to increase the cap on the payload. The two countries agreed to the cap as part of a commitment to a voluntary international arms-control pact known as the Missile Technology Control Regime, aimed at limiting the proliferation missiles and nuclear weapons. The two leaders pledged to continue to apply strong diplomatic and economic pressure on North Korea and to make all necessary preparations to defend against the growing threat by the North, the White House said. The White House did not mention the voluntary bilateral agreement but said the two leaders agreed to strengthen their defense cooperation and South Korea s defense capabilities. Trump provided his conceptual approval of planned purchases by South Korea of billions of dollars in American military equipment , the White House said. Trump, who has warned that the U.S. military is locked and loaded in case of further North Korean provocation, reacted angrily to the latest missile test, declaring on Twitter that talking is not the answer to resolving the crisis. North Korea defends its weapons programs as necessary to counter perceived U.S. aggression, such as recent air maneuvers with South Korean and Japanese jets. ",worldnews,"September 2, 2017 ",1 +At least three dead as Lidia slams Mexico's Los Cabos tourist hub,"MEXICO CITY (Reuters) - At least three people died after torrential rain from Tropical Storm Lidia provoked major flooding around Mexico s popular Los Cabos beach resort on Friday, authorities said. Featuring maximum sustained winds of 60 miles per hour (97 kph), the storm was projected to move north over a large swath of Mexico s Baja California peninsula before turning west toward the Pacific on Sunday. Local television footage showed abandoned cars and trucks in washed-out roads, as well as destroyed beach-front structures. Lidia, about 55 miles (89 km) north-northeast of Cabo San Lazaro, was moving at a speed of 12 miles per hour (19 kmh) as it skirted the western coast of the peninsula, according to an advisory from the Miami-based National Hurricane Center (NHC). Luis Felipe Puente, the head of national emergency services, told Reuters that the storm claimed a child and two adults who were trying to cross a raging river. Lidia also provoked power outages, damaged houses and roads, as well as forcing some 2,800 people into local shelters. While the storm is forecast to further weaken over the next couple of days, it is expected to dump between 6 to 12 inches (15-30 cm) of rain across the peninsula as well as parts of Sinaloa and Sonora states. These rains may cause life-threatening flash floods and mudslides, the NHC said in its advisory. ",worldnews,"September 1, 2017 ",1 +U.S. Commerce Secretary wants NAFTA autos content above 70 percent: union chief,"MEXICO CITY (Reuters) - U.S. Commerce Secretary Wilbur Ross wants more than 70 percent of North American content in vehicles built in the United States, Canada and Mexico under a renegotiated NAFTA trade deal, the head of Canada s largest private sector union said on Friday. Jerry Dias, national president of Unifor, told reporters he suggested in a recent meeting with Ross that the level be raised to 70 percent from the current 62.5 percent, and that the U.S. commerce secretary suggested a more aggressive level. Ross has long advocated strengthening the rules of origin for the auto industry as a way to bring back automotive production from Asia and other non-NAFTA countries. Negotiations to revamp the North American Free Trade Agreement are in their second round this weekend in Mexico City, where rules of origin are expected to be discussed. U.S. negotiators, however, may not reveal specific rules of origin targets until later rounds, according to auto industry lobbyists. In fairness to Wilbur, he was more aggressive than I was, Dias said of Ross desired North American content level. Dias said he thought that a 70 percent rule would be a step in the right direction for an industry whose jobs have migrated from the United States and Canada to Mexico, and would help shift production of some automotive electronics and other parts from Asia and Europe back to North America. A spokesman for Ross in Washington could not immediately be reached for comment. Dias said tougher NAFTA rules of origin would only be a small part of restoring manufacturing jobs, and that far stronger labor standards were needed to boost wages in Mexico that are far below those in the United States and Canada. He said he agreed with U.S. President Donald Trump s threat to terminate NAFTA if it cannot be improved enough. NAFTA has been a disaster for workers in Canada, Mexico and the United States. So when he threatens to walk away from it, that s OK. So now we need to reconfigure how we fix things, he said. At the same time, Dias said that Trump was not an ally of unions, describing him as batshit crazy. ",worldnews,"September 2, 2017 ",1 +Trump to nominate Juster to be ambassador to India: White House,"WASHINGTON (Reuters) - U.S. President Donald Trump will nominate Kenneth Juster to be ambassador to India, the White House said on Friday. Juster was a deputy assistant to Trump for international economic affairs and the deputy director of the National Economic Council until June. From 2001 to 2005 he was under secretary of Commerce under former president George W. Bush. ",worldnews,"September 2, 2017 ",1 +Suspected Boko Haram members kill 18 people in northeast Nigeria,"MAIDUGURI, Nigeria (Reuters) - Suspected Boko Haram militants killed 18 people in northeast Nigeria on Friday, according to local witnesses and officials, the latest in an escalating number of lethal attacks in the region. The knife-wielding attackers, moving under cover of night, targeted people in the town of Banki, 80 miles (130 km) southeast of the city of Maiduguri in Borno state, the epicenter of the eight-year conflict with Boko Haram, said a community leader and a local member of a vigilante group. The attack on the town, which sits on the border with Cameroon, is the latest in a string of deadly Boko Haram raids and bombings that have undermined the Nigerian military s statements that the insurgency is all but defeated. The frequency of attacks in northeastern Nigeria has increased in the last few months, killing at least 172 people since June 1 before Friday s attack, according to a Reuters tally. The attack on Banki left 18 dead, according to Modu Perobe, a member of the Civilian Joint Task Force, a regional vigilante group. Abor Ali, a local ruler, confirmed the death toll. Boko Haram s eight-year insurgency has left at least 20,000 dead and sparked one of the largest humanitarian crises in the world, with tens of thousands already in famine-like conditions, according to the United Nations. Some 8.5 million people in the worst affected parts of northeast Nigeria are now in need of some form of humanitarian assistance, with 5.2 million people lacking secure access to food, the U.N. has said. ",worldnews,"September 2, 2017 ",1 +Brazilian prosecutors want Lula absolved in corruption case,"SAO PAULO (Reuters) - Former Brazilian President Luiz Inacio Lula da Silva should be cleared of any wrongdoing in one of several corruption cases pending against him in federal court due to a lack of evidence, prosecutors said on Friday. The federal prosecutors said in a statement that former Senator Delcidio Amaral had lied about Lula, as one of the country s most popular politicians is known, as part of a plea-bargain agreement. His testimony was key to Lula s legal entanglements, the statement added, saying Amaral himself should be put on trial for perjury. Amaral has accused Lula of working with billionaire financier Andre Esteves to buy the silence of a top executive at Petroleo Brasileiro, the state-controlled oil company, about alleged corrupt acts committed by Lula. The obstruction of justice case is one of five for which Lula is still expected to go on trial in federal court. The prosecutors also recommended that charges against Esteves, the founder, former chief executive officer and largest shareholder in investment bank Grupo BTG Pactual SA, be dropped. Lula s legal team, in a written statement, welcomed the prosecutors statement as just and said it proved he never acted to obstruct justice. Amaral s lawyer Eduardo Marzagao denied that his client had lied, however. The former president was convicted in July in a separate case and sentenced to 9-1/2 years in prison for accepting 3.7 million reais ($1.18 million) worth of bribes from engineering firm OAS SA [OAS.UL]. That ruling marked a stunning fall for Lula, a founder of the Workers Party, and a serious blow to his chances of a political comeback. The former union leader, who remains free pending an appeal, won global praise for policies to reduce inequality in Brazil. The verdict represented the highest-profile conviction yet in a sweeping corruption investigation that has rattled Brazil for more than three years, revealing a sprawling system of graft at top levels of business and government. More than 100 powerful business and political figures have been found guilty since the anti-graft push began in early 2014. Brazil s lower house of Congress voted last month to reject a corruption charge against current President Michel Temer for allegedly taking bribes, sparing him from facing a possible Supreme Court trial that could have ousted him from office. More corruption charges are expected to filed in the coming weeks against Temer, Rodrigo Janot, Brazil s prosecutor general, has said. ",worldnews,"September 1, 2017 ",1 +Exclusive: Displaced Rohingya in camps face aid crisis after Myanmar violence,"SITTWE, Myanmar (Reuters) - Around 120,000 displaced people - mostly Rohingya Muslims - in camps in Myanmar s Rakhine state are not receiving food supplies or healthcare after the U.N. and aid groups suspended operations following government accusations of supporting insurgents. Nearly 400 people have died in fighting in the far north of the state after Rohingya militants attacked police posts and an army base a week ago, provoking a major army counteroffensive. The impact from the conflict has now spread, including to the state capital Sittwe further south, where some 90,000 Rohingya have lived in camps since an outbreak of communal violence rocked the city in 2012, killing nearly 200 people. A further 30,000 Rohingya are housed in camps elsewhere in the state, while a small number of ethnic Rakhine Buddhists displaced in the 2012 violence also live in separate camps. As a result of the disruption of activities in central Rakhine state, many people are currently not receiving their normal food assistance and primary healthcare services have been severely disrupted, said Pierre Peron, a spokesman for the United Nations Office for the Coordination of Humanitarian Affairs (OCHA). The U.N. and international aid groups had already evacuated all non-critical staff from the north of the state amid intensifying fighting and after the office of national leader Aung San Suu Kyi repeatedly published pictures of World Food Programme (WFP) energy biscuits allegedly found at an insurgent camp. Suu Kyi s office also said it was investigating aid groups support for the insurgents in one incident. Now contractors working for the WFP, a U.N. agency, have refused to carry food to the camps in Sittwe and elsewhere. Staff with international aid groups who run clinics inside the large, densely populated camps have also been afraid to show up for work, leading to the closure of facilities, U.N. sources and aid workers told Reuters. Local staff were afraid of being intimidated by Rakhine Buddhist hardliners, and some worried about being attacked by Muslims, the sources said. Sanitation is also a major problem - contractors cleaning latrines in the camps have also refused to work and the latrines are overflowing in the monsoon rains, increasing the risk of cholera and other waterborne diseases, they said. The treatment of Myanmar s roughly 1.1 million Rohingya, who have long complained of persecution in Buddhist majority Myanmar, is the biggest challenge facing Suu Kyi. The top U.N. human rights official, Zeid Ra ad al-Hussein, has criticized Suu Kyi s office for irresponsible suggestions that aid agencies may have assisted Rohingya militants calling themselves the Arakan Rohingya Salvation Army (ARSA). #WFP Aid & #ARSA terrorists : #Myanmar Govt asking #WFP, Aid for civilian or terrorists? #Rakhine #Myanmar, said Suu Kyi s spokesman, Zaw Htay, in a tweet on Thursday. Tin Maung Swe, secretary of the Rakhine state government, confirmed that workers have refused to work for the WFP. Laborers who carry the WFP food bags don t want to contract with them any more. People who have made contract with WFP refused to work for them, he said. He added that residents were disgusted with the organization following the government s accusations. Tin Maung Swe also said that the government was trying to find a different way to support the organization . Rakhine Buddhist leaders have long bemoaned the presence of international agencies, who they accuse of favoring the Rohingya. Aid offices in Sittwe were sacked during 2014 riots. The discovery at a suspected militant camp on July 30 of WFP-branded biscuits intended for malnourished children had further stoked tensions even before last week s attacks. Accusations against the U.N. have been spread on social media by nationalist hardliners, stoking fears of another outbreak of communal violence in a state that has long been divided along religious and ethnic lines. International aid agencies operating in Myanmar issued a statement on Thursday condemning the insurgent attacks and subsequent violence, and urging all stakeholders to cease the spread of misinformation . The OCHA s Peron said the disruption was already being felt. Humanitarian aid normally goes to these vulnerable people for a very good reason, because they depend on it, he said. In addition to the closure of camp clinics, Rohingya who have been referred to the main hospital in Sittwe for more serious complaints were finding it hard to travel there, said the hospital s chief doctor Kyaw Naing Win. There have been some constraints for them to come to the hospital because of the tighter security control after recent clashes, he said, but added the hospital did not discriminate against them. Kyaw Naing Win said he arranged for the state government to provide security for 17 Muslim patients who were discharged from the hospital on Thursday. Even before the recent violence Rohingya camp residents faced severe restrictions on their movements around Sittwe. Talks between government and relief agencies are scheduled for next week, aid group sources told Reuters. Possible solutions might include the government providing security escorts for food convoys, they added. (This story has been refiled to remove extraneous words in paragraph 6) ",worldnews,"September 1, 2017 ",1 +U.S.-led coalition says still monitoring IS convoy in Syria,"BEIRUT (Reuters) - A convoy of Islamic State fighters and their families being evacuated into jihadist territory in east Syria remained in government-held areas of Syria on Friday, U.S.-led forces said. It has not managed to link up with any other ISIS elements in eastern Syria, said Colonel Ryan Dillon, spokesman for the U.S.-led coalition fighting Islamic State. There are about 300 fighters and about 300 civilians in the convoy, which the Syrian army and Lebanon s Hezbollah group granted safe passage after the jihadists surrendered their enclave on Syria s border with Lebanon. But the coalition against Islamic State has used air strikes to block the convoy from crossing into the group s main territory straddling Syria s eastern border with Iraq. The Islamic State fighters in the border pocket accepted a truce and evacuation deal after simultaneous but separate offensives by the Lebanese army on one front and the Syrian army and Hezbollah on the other. It angered both the coalition, which does not want the fighters bussed to a battlefront in which it is active, and Iraq, which is fighting Islamic State across the border. We are continuing to monitor that convoy and will continue to disrupt its movement east to link up with any other ISIS element and we will continue to strike any other ISIS elements that try to move toward it, Dillon said. The coalition has asked Russia to tell the Syrian government that it will not allow the convoy to move further east to the Iraqi border, the coalition said in a statement. Syrian President Bashar al-Assad gave prayers on Friday for Islam s Eid al-Adha festival in the town of Qara, near the enclave surrendered on Monday by the Islamic State fighters. Confined to Damascus for long periods in the early part of Syria s six-year civil war, Assad has grown more confident in traveling around government-held areas as the army and its allies have won a series of victories. Assad was shown on state television standing and kneeling on a green carpet in a packed mosque alongside Syrian religious leaders as he followed the imam giving prayers. The departure of Islamic State and other groups from the Western Qalamoun district means the border with Lebanon is Syria s first to be controlled entirely by its army since early in the conflict. Qara is only a few miles from the mountains delineating the frontier with Lebanon, in which Islamic State and other militant groups held territory until August. Part of an agreed exchange under the truce went ahead on Thursday as wounded Islamic State fighters were swapped for the bodies of pro-government forces. But the fate of the main part of the convoy is uncertain. It was moving this morning and then they had stopped. ... I don t know if they stopped for a break or were trying to figure out what to do, Dillon said. The frontline between Syrian government forces and Islamic State in eastern Syria is active, as the army, aided by Russian jets and Iran-backed Shi ite militias, presses an offensive to relieve its besieged enclave at Deir al-Zor. On Friday, a Syrian military source said the army and its allies had made an advance against Islamic State in that area and had also taken several villages in a jihadist enclave in central Syria. ",worldnews,"September 1, 2017 ",1 +U.S.-led coalition says Islamic State convoy remains in Syrian desert,"WASHINGTON (Reuters) - A convoy of Islamic State fighters and their families remains in the Syrian desert after turning back from the Iraqi border, the U.S.-led coalition said on Friday. The coalition said in a statement that it has asked Russia to tell the Syrian government that the coalition will not allow the convoy of 17 buses to move further east to the Iraqi border. The Syrian army and Lebanon s Hezbollah group gave safe passage to the jihadists after they surrendered their enclave on Syria s border with Lebanon. The U.S.-led coalition says it was not a party to the deal. ",worldnews,"September 1, 2017 ",1 +Trump to host Sept. 18 meeting of world leaders on U.N. reform,"UNITED NATIONS (Reuters) - U.S. President Donald Trump, a frequent critic of the United Nations, will seek to gather global support for reforming the world body when he hosts an event at U.N. headquarters in New York on Sept. 18, a day before he formally addresses the 193-member organization. Countries will be invited to attend Trump s function if they sign on to a U.S.-drafted 10-point political declaration backing efforts by U.N. Secretary-General Antonio Guterres to initiate effective, meaningful reform, according to a draft of the political declaration seen by Reuters on Friday. Trump has complained that the U.S. share of the world body s budget is unfair, pushed to slash funding and described it as a club for people to get together, talk and have a good time. Trump, who took office in January, has since described U.S. funding as peanuts compared to the important work of the organization. The United States is the biggest U.N. contributor, providing 22 percent of its $5.4 billion biennial core budget and 28.5 percent of its $7.3 billion peacekeeping budget. The contributions are agreed on by the 193-member General Assembly. Trump, Guterres, who also took office in January, and U.S. Ambassador to the United Nations Nikki Haley are scheduled to speak at the Sept. 18 event, diplomats said. The draft political declaration states: We support the secretary-general in making concrete changes in the United Nations system to better align its work on humanitarian response, development and sustaining peace initiatives. We commit to reducing mandate duplication, redundancy and overlap, including among the main organs of the United Nations, the draft declaration reads. The United States also is reviewing each of the U.N. peacekeeping missions as annual mandates come up for Security Council renewal in a bid to cut costs. The United States is a veto-wielding council member, along with Britain, France, Russia and China. Haley has said there is a lot of fat around the edges and some abuses that happen at the U.N. but I do think it is very important that we make the most of it. Ethiopia, which is president of the 15-member Security Council for September, said on Friday it would hold a high-level council meeting on peacekeeping reform on Sept. 20 that will be chaired by Ethiopian Prime Minister Hailemariam Desalegn. Ethiopian U.N. Ambassador Tekeda Alemu told reporters it was unclear if Trump would attend the meeting, which would be his first appearance in the Security Council, but that he expected about 10 heads of state or government to be present. ",worldnews,"September 1, 2017 ",1 +Germany may 'rethink' Turkey ties after two more Germans detained: Merkel,"BERLIN (Reuters) - Chancellor Angela Merkel on Friday said Germany should react decisively to Ankara s detention of two further German citizens, amid growing calls for Berlin to issue a formal travel warning for Germans heading to Turkey. Twelve German citizens are now in Turkish detention on political charges, four of them holding dual citizenship. Among these is German-Turkish journalist Deniz Yucel, who will have been in detention 200 days on Friday. Under the circumstances, Merkel said she did not think it was appropriate to carry out further discussions with Ankara about its participation in a European Union customs union. We must react decisively, Merkel told a business event in the southern city of Nuremberg, noting that Germany had already fundamentally revamped its relations with Ankara. Given the latest events, perhaps it is necessary to rethink them ever further. Germany was not officially informed of the two new detentions, which took place at Antalya airport on Thursday, leaving Berlin s consulate in the coastal city of Izmir to learn of their arrest from non-state sources , Foreign Ministry spokeswoman Maria Adebahr told a news conference. Many European citizens have been detained in Turkey over the past year, accused of involvement in last year s failed coup against President Recep Tayyip Erdogan, whom many accuse of purging opposition under the cover of a crackdown. We re trying to establish what they are charged with, said Adebahr said. We must assume that it s a political charge, suspicion of terrorism, as with the others. Diplomats had not been able to contact them, she added, with Friday s public holiday celebrating the Muslim festival of Eid a possible reason for delays in contacting officials. Social Democrat Martin Schulz, Merkel s main challenger in Sept. 24 elections, and other German politicians urged Berlin to issue a formal travel warning for Germans heading to Turkey. The government in July urged German citizens to exercise caution if traveling to Turkey, but stopped short of issuing a formal travel warning. Juergen Hardt, a senior member of Merkel s conservatives, told Die Welt newspaper that a further tightening of the travel guidance should be seriously considered . Cem Ozdemir, leader of the Greens party, told Bild newspaper he could no longer assure anyone they would be safe in Turkey. Erdogan is no president, but a hostage-taker, Ozdemir told the daily newspaper Bild. No comment was immediately available from the foreign ministry about whether it was considering a travel warning. About 3 million people with Turkish heritage or citizenship live in Germany. Such a move could mark a significant setback for Turkey, which already saw the number of foreign visitors drop to its lowest level in nine years last year. Bookings from Germany accounted for some 10 percent of Turkey s tourists this year. ",worldnews,"September 1, 2017 ",1 +Frankfurt to evacuate thousands as huge WWII bomb defused,"FRANKFURT (Reuters) - Frankfurt city officials have warned that Germany s financial capital could grind to a halt on Monday if residents don t heed orders to vacate their homes to allow the defusing of a massive World War Two bomb. On Sunday, the city will evacuate some 60,000 people in the nation s biggest such maneuver since the war while officials disarm the British bomb discovered on a building site this week in Frankfurt s leafy Westend, where many wealthy bankers live. Fire and police chiefs, at a hastily called press conference on Friday, said they would use force and incarceration if necessary to clear the area of residents. An uncontrolled explosion of the bomb would be big enough to flatten a city block, Frankfurt fire chief Reinhard Ries told reporters. This bomb has more than 1.4 tonnes of explosives, he said. It s not just fragments that are the problem, but also the pressure that it creates that would dismantle all the buildings in a 100-metre (yard) radius. . The HC 4000 bomb is assumed to have been dropped by Britain s Royal Air Force during the 1939-45 war. Such finds are not unusual, but rarely are the unexploded bombs so large and in such a sensitive position. The compulsory evacuation radius of 1.5 km (roughly a mile) around the bomb includes police headquarters, two hospitals, transport systems and Germany s central bank storing $70 billion in gold reserves. Officials on Friday called on Frankfurt s residents to clear the area by 8 a.m. on Sunday and warned the effort could take at least 12 hours. Police said they couldn t begin defusing the bomb until they were sure everyone had left the area. They would ring every doorbell and use heat-sensing technology from overhead helicopters to help them identify stragglers, they said. Roads and transport systems, including the parts of the underground, will be closed during the work and for at least two hours after the bomb is defused, to allow patients to be transported back to hospitals without traffic. Air traffic from Frankfurt airport could also be affected if there is an easterly wind on Sunday, air traffic control told Reuters on Friday. Also, small private planes, helicopters and drones will be banned from the evacuation zone, they said. Frankfurters can spend the day at shelters set up at the trade fair and the Jahrhunderthalle convention center, police have said. In addition, most museums are offering Frankfurt residents free entry on Sunday, and a few of them will open their doors earlier in the morning than usual, the city said on its website. ",worldnews,"September 1, 2017 ",1 +Merkel's Social Democrat rival bullish ahead of German TV clash,"BERLIN (Reuters) - German Social Democrat (SPD) leader Martin Schulz, whose party trails Chancellor Angela Merkel s conservatives by 17 points, said he was going into Sunday s television debate convinced he would win this month s elections. I am not in the least bit nervous, he told Bild newspaper in an interview conducted after media reports suggesting his predecessor as leader had given up hope of an SPD victory. A successful duel can create momentum, Schulz said in a separate interview with the RND network of newspapers. Merkel, 63, has been chancellor since 2005 and is widely seen as Europe s most influential politician. She has weathered storms over mass immigration and financial and political turmoil the European Union, while the SPD, Germany s oldest party, has struggled to promote a strong rival. Merkel told the Rheinische Post newspaper she expected the debate to spark great public interest. I ll be happy if as many people as possible take the time to watch, she told the newspaper in an interview to be published Saturday. But she defended her decision to allow only one such two-way debate since voters in Germany s parliamentary system pick parties and direct candidates in their districts, rather than voting directly for a chancellor. Schulz s campaign got off to a promising start early this year, with thousands flocking to the party after he was chosen as candidate; but three crushing defeats at the hands of the conservatives in regional elections, including in its heartland of North Rhine-Westphalia, knocked him off course. These were very difficult defeats for the SPD ... but nonetheless, 46 percent of voters have yet to make up their minds, a weary-looking Schulz, 61, said in a live online interview with Bild. He said he would turn things around in the first and only televised debate between the pair ahead of the Sept. 24 election. I believe we will certainly still win the election. The SPD, which has stewarded Europe s biggest economy as junior partner to Merkel s conservatives for the last four years, was on 22 percent in an opinion poll published on Friday, while the conservatives were on 39 percent. Almost half the 61.5 million people eligible to vote are expected to tune into the debate, pollster Forsa found. Nearly two-thirds of Germans expect Merkel to win the contest while 17 percent expected Schulz to fare better, another poll showed. It also found that if there were to be a direct vote for chancellor, 49 percent of Germans would pick Merkel, who is seen as a steady pair of hands at a time of global uncertainty, with Donald Trump in the White House and Britain preparing to leave the European Union. Just 26 percent would opt for former European Parliament President Schulz, whose campaign focusing on social justice has struggled at a time when Germans are enjoying rising wages and record employment. In a bid to appeal to the younger generation, Schulz told Bild the biggest domestic policy difference between him and Merkel was on pensions. If someone is in his early 40s, he will belong to the generation that pays ever more contributions and at the end will get the lowest pension in history from his pension insurance, he said. ",worldnews,"September 1, 2017 ",1 +Nearly 400 die as Myanmar army steps up crackdown on Rohingya militants,"COX S BAZAR, Bangladesh (Reuters) - Nearly 400 people have died in fighting that has rocked Myanmar s northwest for a week, new official data show, making it probably the deadliest bout of violence to engulf the country s Rohingya Muslim minority in decades. About 38,000 Rohingya have crossed into Bangladesh from Myanmar, U.N. sources said on Friday, a week after Rohingya insurgents attacked police posts and an army base in Rakhine state, prompting clashes and a military counteroffensive. The army says it is conducting clearance operations against extremist terrorists and security forces have been told to protect civilians. But Rohingya fleeing to Bangladesh say a campaign of arson and killings aims to force them out. U.N. Secretary-General Antonio Guterres is deeply concerned by reports of the use of excessive force during the army s operations in Rakhine state, spokeswoman Eri Kaneko said in a statement on Friday. (He) urges restraint and calm to avoid a humanitarian catastrophe, Kaneko said. The secretary-general underlines the responsibility of the government of Myanmar to provide security and assistance to all those in need and to enable the United Nations and its partners to extend the humanitarian support they are ready to provide, she said. The treatment of Myanmar s roughly 1.1 million Rohingya is the biggest challenge facing national leader Aung San Suu Kyi, accused by some Western critics of not speaking out for a minority that has long complained of persecution. The clashes and ensuing army crackdown have killed about 370 Rohingya insurgents, 13 security forces, two government officials and 14 civilians, the Myanmar military said on Thursday. By comparison, communal violence in 2012 in Sittwe, the capital of Rakhine, led to the killing of nearly 200 people and the displacement of about 140,000, most of them Rohingya. The fighting is a dramatic escalation of a conflict that has simmered since October, when similar but much smaller Rohingya attacks on security posts prompted a brutal military response dogged by allegations of rights abuses. Myanmar evacuated more than 11,700 ethnic residents from the area affected by fighting, the army said, referring to the non-Muslim population of northern Rakhine. More than 150 Rohingya insurgents staged fresh attacks on security forces on Thursday near villages occupied by Hindus, the state-run Global New Light of Myanmar said, adding that about 700 members of such families had been evacuated. Four of the terrorists were arrested, including one 13-year-old boy, it said, adding that security forces had arrested two more men near a Maungdaw police outpost on suspicion of involvement in the attacks. About 20,000 more Rohingya trying to flee are stuck in no man s land at the border, the U.N. sources said, as aid workers in Bangladesh struggle to alleviate the sufferings of a sudden influx of thousands of hungry and traumatized people. While some Rohingya try to cross by land, others attempt a perilous boat journey across the Naf River separating the two countries. Bangladesh border guards found the bodies of 15 Rohingya Muslims, 11 children among them, floating in the river on Friday, area commander Lieutenant Colonel Ariful Islam told Reuters. That takes to about 40 the total of Rohingya known to have died by drowning. Late on Friday, Bangladesh foreign ministry said it had lodged a strong protest against violation of air space by Myanmar helicopters on three days this week, including Friday, near the area where the Rohingya are fleeing violence. These instances of incursion into Bangladesh air space by Myanmar helicopters run contrary to the good neighborly relations and could lead to unwarranted situation, said the foreign ministry statement. Suu Kyi spokesman Zaw Htay said h he was not aware of the complaint but that there were channels in place for dialogue between the two sides. If Myanmar receives the complaint from Bangladesh, it will respond, he said. (For a graphic on Myanmar's ethnic groups click tmsnrt.rs/2wY3MSQ) ",worldnews,"September 1, 2017 ",1 +Muslim pilgrims converge on Jamarat for symbolic stoning of the devil,"JAMARAT, Saudi Arabia (Reuters) - Two million Muslim pilgrims performed a symbolic stoning of the devil on Friday, the riskiest part of the annual haj pilgrimage where hundreds of people were killed in a crush two years ago. Saudi Arabia, which stakes its reputation on organizing the world s largest annual Muslim gathering, has deployed more than 100,000 security forces and medics as well as modern technology including drones and fiber optics to ensure a safe pilgrimage. Under close supervision from Saudi authorities, pilgrims clad in white robes converged on Jamarat carrying pebbles to perform the ritual from a three-storey bridge erected to ease congestion. Group leaders carrying flags from their countries directed pilgrims into the building. Some of the faithful held umbrellas to protect themselves from the sun, with temperatures surpassing 40 degrees Celsius (100 Fahrenheit) around midday. This is the embodiment of the Prophets Ismail and Ibrahim (Abraham) fighting the devil, said Egyptian pilgrim Mohammed al-Jawhiri, 56. The ritual reveals the extent of the devil s evil and his actions to destroy this world. The 2015 incident killed nearly 800 people, according to Riyadh, when two large groups of pilgrims arrived together at a crossroads in Mina, a few kilometers east of Mecca, on their way to performing the stoning ritual. Counts by countries of repatriated bodies, however, showed over 2,000 people may have died, more than 400 of them Iranians. It was the worst disaster to strike haj for at least 25 years. The Saudi authorities redesigned the Jamarat area after two stampedes, in 2004 and 2006, killed hundreds of pilgrims, and the frequency of such disasters has greatly reduced as the government spent billions of dollars upgrading and expanding haj infrastructure and crowd control technology. Officials said they had prepared a strict timetable for pilgrims from various countries to follow in order to reduce congestion. Saudi Arabia said more than 2.3 million pilgrims, most of them from abroad, had arrived for the five-day ritual, a religious duty once in a lifetime for every able-bodied Muslim who can afford the journey. They will continue the stoning ritual over the weekend and return to Mecca to pray at the Grand Mosque before completing the pilgrimage. Some 90,000 Iranians have returned to haj after boycotting last year amid a diplomatic rift between Tehran and Riyadh, which are both vying for power and influence in the region. In previous years, jostling to perform the stoning before returning to Mecca accounted for many of the stampedes and crushes that have afflicted haj. Thanks to the latest construction, this time even small children, old men, women and the disabled are being accommodated, said Abdelaziz al-Azmi from Kuwait. As you see, there is no problem. King Salman was in Mina on Friday, the first day of Eid al-Adha (feast of the sacrifice). He and his son, Crown Prince Mohammed bin Salman, welcomed well-wishers at a palace gathering attended by princes, clerics, military leaders and distinguished guests. Saudi authorities have urged pilgrims to set aside politics during the haj but violence in the Middle East, including wars in Syria, Iraq, Yemen and Libya and other global hotspots are sure to be on the minds of many. For a graphic on the Haj journey, click: here For a graphic on Haj stampedes, click: here ",worldnews,"September 1, 2017 ",1 +Rome's 5-Star mayor launches bid to save ailing city transport firm,"ROME (Reuters) - Rome s mayor on Friday launched an attempt to save the city s ailing public transport company from bankruptcy, asking creditors to support a restructuring of its 1.3 billion euros ($1.54 billion) of debt. Virginia Raggi, a prominent face of Italy s anti-establishment 5-Star Movement, said she would ask magistrates to approve the plan for a total renewal of the company to keep it operating as a public body. Atac s workforce, of around 12,000 people, has been criticized as bloated and its fleet of buses, trams and metros as old and badly maintained. Calls have grown for it to be privatized. Raggi, who was elected in June last year, rejects this solution and on Friday the company s board approved the restructuring plan, which will require the backing of her city government and its suppliers. Atac must remain public, Raggi wrote in a Facebook post. We are beginning a revolution that will transform the biggest public transport company in Europe into an efficient one. Several city transport unions, fearing lay-offs, immediately announced they would hold a one-day strike this month. Turning Atac around is a daunting task. Its former chief quit in July after just three months in the job, saying he was unable to salvage the firm and feared possible legal action tied to any eventual collapse. Raggi has had a torrid time since becoming Rome s first ever woman mayor. She has lost several close aides due to political infighting or legal scandals and has so far made little tangible progress in fixing the heavily-indebted city s chronic problems, from road maintenance to refuse collection. Despite her difficulties, 5-Star remains Italy s most popular party, according to many opinion polls, and Raggi s fortunes in attempting to clean up Atac could have significant repercussions nationally. With a general election due by May next year, 5-Star can ill afford the bad publicity of extended strikes and legal disputes over the capital s transport company. ",worldnews,"September 1, 2017 ",1 +"Kenyan court scraps presidential vote, Kenyatta calls for calm","NAIROBI (Reuters) - Kenya s Supreme Court on Friday nullified President Uhuru Kenyatta s election win, citing irregularities, and ordered a new poll within 60 days, an unprecedented move in Africa where governments often hold sway over judges. The ruling, broadcast to a stunned nation on television, sets up a new race between Kenyatta, 55, and veteran opponent Raila Odinga, 72. Kenyatta called for calm and respect for the ruling and said he would run again in a televised speech. But he later struck a more combative note, criticizing the court for ignoring the will of the people and dismissing the chief justice s colleagues as wakora (crooks). In Odinga s western heartland, cheering supporters paraded through the streets chanting and waving tree branches. Kenya, a U.S. ally in the fight against Islamists and a trade gateway to East Africa, has a history of disputed votes. A row over a 2007 poll, which Odinga challenged after being declared loser, was followed by weeks of ethnic bloodshed that killed more than 1,200 people. Kenya s economy, the biggest in the region, slid into recession and neighboring economies wobbled. Chief Justice David Maraga announced the Supreme Court s verdict that was backed by four of the six judges, saying the declaration of Kenyatta s victory was invalid, null and void . Details of the ruling will be released within 21 days. In the court room, a grinning Odinga pumped his fist in the air. Outside, shares plummeted on the Nairobi bourse amid the uncertainty, while Kenyatta s supporters grumbled. But the mood on the streets of the capital was jubilant rather than angry. Judges said they found no misconduct by Kenyatta but said the election board failed, neglected or refused to conduct the presidential election in a manner consistent with the dictates of the constitution. Kenya s judiciary went through sweeping changes after the 2007 election violence in a bid to restore confidence the legal system. Friday s ruling is likely to galvanize pro-democracy campaigners across Africa, where many complain their judiciaries simply rubber stamp presidential rule. This is a monumental and unprecedented decision, very remarkable and courageous that will be watched carefully with keen interest across the continent, said Comfort Ero, the head of the Africa program for the Crisis Group think-tank. Kenyatta struck a conciliatory note in his televised address. The court has made its decision. We respect it. We don t agree with it. And again, I say peace ... peace, peace, peace, he told the nation. That is the nature of democracy. But later he criticized the court, telling a rally at a Nairobi market: Earlier, I was the president-elect. (Chief Justice) Maraga and his people those wakora (crooks) have said let that election get lost ... Let Maraga know he is dealing with the incumbent president. He spoke in kiswahili. Official results had given Kenyatta 54.3 percent of the vote, compared to Odinga s 44.7 percent, a lead of 1.4 million votes. Kenyatta s ruling party also swept the legislature. Those results triggered angry protests and at least 28 people died in the police clamp-down that followed. For the first time in history of African democratization a ruling has been made by a court nullifying irregular elections for the president, Odinga said outside the court. Later, he called for the commission to resign and face criminal prosecution. International observers, including former U.S. Secretary of State John Kerry, had said they saw no manipulation of voting and tallying at polling stations. But the election board was slow posting forms showing polling station results online. Thousands were missing when official results were declared, so opponents could not check totals. Court experts said some documents lacked official stamps or had figures that did not match official tallies. The chairman of the election board said there would be personnel changes, but it was not clear if that would be enough for the opposition. Sweeping out the whole board would complicate efforts to hold a new poll within two months. In a nation of more than 40 ethnic groups, tribal loyalties often trump policy at election time. Kenyatta s Kikuyu is the biggest of Kenya s tribes but still a minority. Odinga is a Luo. Odinga s strongholds include his ethnic heartland in the west; the coast, where many of the nation s Muslims live; and the urban slums. Residents of all three areas feel neglected by central government. Kenyatta, whose Kikuyu tribe has produced three out of Kenya s four presidents, has his main support base in the central region. Kenyatta and Odinga are both scions of political families. Kenyatta s father, Jomo Kenyatta, was the nation s founding president and had a long-running rivalry with Odinga s father. Oginga Odinga was originally Kenyatta s deputy but eventually left the government to unsuccessfully contest the presidency. Raila Odinga has contested the last three elections and lost each time. After each one, he claimed the votes were marred by rigging. In 2013, the Supreme Court dismissed his petition. This time, his team focused on proving the process for tallying and transmitting results was flawed, rather than proving how much of the vote was rigged. Residents in the western city of Kisumu, where Odinga has strong backing, cheered and motorcycle drivers hooted their horns. Today is a special today and I will celebrate until I am worn out, said 32-year-old Kevin Ouma. In the eastern Rift Valley town of Kinangop, a stronghold for the ruling party, small groups gathered and complained. Over 8 million people supported the election of Uhuru Kenyatta but the Supreme Court has ignored this in the ruling which is very shameful, said Matheri Wa Hungu. Kenyan shares, which rallied after Kenyatta was declared winner, tumbled by 3.5 percent on Friday and prompted the authorities to suspend trading for half an hour. The shilling KES= fell by 0.4 percent and Kenya's dollar bonds fell. But although analysts said there was likely to be short-term volatility, the ruling could be a long-term win for Kenya. The population s lack of faith in the system is one of the reasons why politics often descends into violence, said Emma Gordon, a senior analyst at risk analysis firm Verisk Maplecroft . While this decision cements the view that the (election board) was biased, it demonstrates that independent checks and balances do exist. For a graphic on Kenya's presidential election, click: here ",worldnews,"September 1, 2017 ",1 +The rocky history of NAFTA,"MEXICO CITY (Reuters) - Negotiators from Canada, Mexico and the United States kicked off a second round of talks about the North American Free Trade Agreement (NAFTA) on Friday as the countries try to fast-track a deal to modernize the treaty by early next year. Following are key moments in the history of the deal: * June 10, 1990: U.S. President George H.W. Bush and Mexican President Carlos Salinas de Gortari endorse a new, comprehensive free trade pact between the two neighbors, ordering talks to begin. Canada join the talks in 1991, paving the way for three-way negotiations. The United States and Canada signed a bilateral free trade deal in 1988. * Nov. 3, 1992: Running as an independent for president in the United States, Ross Perot claims the proposed NAFTA would lead to a giant sucking sound of jobs rushing to Mexico. Bill Clinton wins the election, defeating incumbent Bush. Perot wins 19 percent of the vote to place a strong third. * Dec. 17, 1992: NAFTA is signed by outgoing Bush, Mexico s Salinas de Gortari and Canadian Prime Minister Brian Mulroney, creating the world s largest free trade area. The timing was, in part, aimed at making it harder for President-elect Clinton to pursue major changes; Clinton had endorsed the deal but insisted on environmental and labor side agreements. * Jan. 1, 1994: NAFTA comes into effect, and the Maya Indian Zapatista guerrilla army in southern Mexico launches an armed rebellion against neo-liberalism and explicitly against the free trade deal. The declaration of war against the Mexican government leads to days of fighting and dozens of deaths before the rebels retreat into the jungle. * Nov. 30, 1999: Tens of thousands of anti-globalization protesters converge on the U.S. city of Seattle, leading to widespread rioting coinciding with a ministerial conference of the World Trade Organization, which was seeking to launch new international trade talks. The protests underscore growing, if scattered, opposition to free trade deals like NAFTA. * Dec. 11, 2001: China formally joins the World Trade Organization, integrating the Asian giant more deeply into the global economy. Easing trade with China intensifies a trend that had been seen since NAFTA came into effect as the U.S. trade deficit soared to more than $800 billion by 2006. * July 16, 2004: Senior trade officials from Canada, the United States and Mexico issue a joint statement touting a decade s worth of expanded trade in North America. Three-way-trade more than doubled to reach $623 billion while cumulative foreign direct investment increases by over $1.7 trillion compared to pre-NAFTA levels. * Jan. 1, 2008: NAFTA is fully implemented as the last of its polices come into effect. In sensitive sectors such as sugar, NAFTA stipulates that trade barriers would only gradually be phased out, which was designed to smooth economic shocks in vulnerable industries. By this time, trade within the three North American nations has more than tripled. * July 19, 2016: Billionaire businessman and political outsider Donald Trump formally clinches the Republican presidential nomination, winning the traditionally pro-free-trade party s nod in part by denouncing NAFTA, calling it the worst trade deal ever. * Aug. 16, 2017: High-stakes talks aimed at modernizing NAFTA kick off in Washington, with both U.S. and Mexican officials aiming to conclude a new pact in early 2018 before elections later in the year in both nations might derail negotiations. A second round of talks takes place in Mexico in September. * Sept. 1, 2017: In the week ahead of the second round of talks in Mexico which begin on Sept. 1, Trump had said repeatedly he would likely end the agreement if negotiations did not go his way. Mexico said it would walk away from the table if Trump began the process of withdrawing from NAFTA. ",worldnews,"September 1, 2017 ",1 +Grace Mugabe returns to Zimbabwe campaign trail after assault charge,"HARARE (Reuters) - Zimbabwe s first lady Grace Mugabe hit the campaign trail with her husband Robert on Friday, urging discipline in his party two weeks after she faced assault charges in South Africa. Grace, who is seen as a possible successor to her 93-year-old husband, was accused of assaulting a model at an upmarket Johannesburg hotel, but flew home after a minister granted her immunity. The first lady did not refer to the incident in her first speech since returning, instead telling a ZANU-PF party rally that supporters should stand behind Africa s oldest leader in the build-up to next year s elections. We have a very unique position in Zimbabwe where we have our president who will soon be 94 years because that is what God decreed. No man of flesh can stop that, Grace said in the speech broadcast on state television. South Africa s main opposition Democratic Alliance (DA) party is challenging the international relations minister s decision to give her immunity - a move that could in theory affect any future plans to travel to the country. Twenty-year-old model Gabriella Engels accused Grace Mugabe of whipping her with an electric extension cable as she waited with two friends in a luxury hotel suite to meet one of the Mugabes adult sons. ",worldnews,"September 1, 2017 ",1 +L'Oreal sacks transgender model after comments on white people,"PARIS (Reuters) - French cosmetics giant L Oreal sacked its first transgender model to appear on a British advertising campaign after she described all white people as racist on Facebook. London-based model Munroe Bergdorf had announced on her Facebook page on August 27 that she was to be part of the French cosmetics brand s new advertising campaign celebrating diversity. In an online message that later appeared on Friday to have been deleted, Bergdorf said, according to the Daily Mail newspaper: Honestly I don t have energy to talk about the racial violence of white people any more. Yes ALL white people. L Oreal s UK unit said on its Twitter page it had decided to terminate her contract: L Oreal champions diversity. Comments by Munroe Bergdorf are at odds with our values and so we have decided to end our partnership with her. In a post on her page on Friday, Bergdorf criticized the Daily Mail article and sought to defend her comments, which she said were a reaction to the violence of white supremacists in Charlottesville in the United States. When I stated that all white people are racist , I was addressing that fact that western society as a whole, is a SYSTEM rooted in white supremacy - designed to benefit, prioritize and protect white people before anyone of any other race, she said. ",worldnews,"September 1, 2017 ",0 +UK's Davis sees good Brexit deal despite recent tense talks,"WASHINGTON/LONDON (Reuters) - Britain s Brexit minister told a business audience in Washington on Friday that he hoped talks to leave the European Union would produce a good deal for both sides, although he conceded that discussions were getting a bit tense . David Davis had just returned on Thursday from Brussels, where EU officials warned that so far progress in their negotiations had fallen short of what was needed to move on to discussion of their future relationship. I am a determined optimist, Davis told the U.S. Chamber of Commerce. Because I fundamentally believe that a good deal is in the interests of both the UK and the EU and the whole of the developed world. Davis came under pressure from the U.S. Chamber s head of international affairs, Myron Brilliant, to lay out a clear path for Brexit for the 7,500 U.S. companies with operations in Britain - one that had predictable transition periods that minimized business disruption. Negotiations so far have centered on Britain s EU budget obligations, with the EU insisting the bill be agreed before talks can proceed to discuss areas like international trade. Davis declined to say whether Britain would be open to paying for access to the single market during any post-Brexit transition period and said London was closely examining the bill for exiting the EU. It is getting a bit tense. I rule nothing in, nothing out, Davis said. Britain would expect to conclude a free-trade agreement with the United States once a transition period with the EU ends, Davis said. But he cautioned that any deal between two large economies such as Britain and the United States would be quite complex . Davis appeared to seek to draw a line between Britain s ambitions for global free-trade agreements and the protectionist line being followed by U.S. President Donald Trump, who has sought to impose trade tariffs and threatened to quit the North American Free Trade Area in order to boost domestic industry. Davis said Britain would press for further liberalization of services and engage with international bodies like the World Trade Organization. Trump has said the United States would consider ignoring WTO rulings. Britain has been courting the United States as it leaves the EU, with Prime Minister Theresa May becoming the first foreign leader to meet U.S. President Donald Trump after his inauguration in January. She called on Trump then to renew the special relationship between the two countries, and she has pinned hopes on securing a trade deal with the country soon after Brexit to show that Britain can prosper outside the EU . But she has been criticized by opposition politicians for trying to cozy up to Trump, whose unpredictable policy stances on issues such as trade and other international obligations have raised concern over whether Washington will stick to its global agreements. ",worldnews,"September 1, 2017 ",1 +Putin warns North Korea situation on verge of 'large-scale conflict',"MOSCOW (Reuters) - President Vladimir Putin warned on Friday that the standoff between North Korea and the United States was close to spilling into a large-scale conflict and said it was a mistake to try to pressure Pyongyang into halting its nuclear missile program. Putin, due to attend a summit of the BRICS nations in China next week, said the only way to de-escalate tensions was via talks, and Sergei Lavrov, his foreign minister, said Washington not Pyongyang should take the initiative on that. It is essential to resolve the region s problems through direct dialogue involving all sides without advancing any preconditions (for such talks), Putin, whose country shares a border with North Korea, wrote on the Kremlin s web site. Provocations, pressure, and bellicose and offensive rhetoric is the road to nowhere. The Russian leader, whose nuclear-capable bombers recently overflew the Korean Peninsula in a show of force, said the situation had deteriorated so badly that it was now balanced on the verge of a large-scale conflict. Pyongyang has been working to develop a nuclear-tipped missile capable of hitting the United States and recently threatened to land missiles near the U.S. Pacific territory of Guam. On Monday, North Korea, which sees joint war games between the United States and South Korea as preparations for invasion, raised the stakes by firing an intermediate-range missile over Japan. In Russia s opinion the calculation that it is possible to halt North Korea s nuclear missile programs exclusively by putting pressure on Pyongyang is erroneous and futile, Putin wrote. A road map formulated by Moscow and Beijing, which would involve North Korea halting its missile program in exchange for the United States and South Korea stopping large-scale war games, was a way to reduce tensions, wrote Putin. Lavrov, addressing students in Moscow, said he felt events were building towards a war which he said would cause large numbers of casualties in Japan and South Korea if it happened. If we want to avoid a war the first step must be taken by the side that is the more intelligent and stronger, said Lavrov, making clear he was referring to the United States. He said Russia was working behind the scenes and that Moscow knew that Washington had a back channel to Pyongyang which he said he hoped would allow the two sides to de-escalate. ",worldnews,"September 1, 2017 ",1 +U.S.-backed forces in Syria's Raqqa say they take old city,"BEIRUT (Reuters) - The Syrian Democratic Forces (SDF), an alliance of Kurdish and Arab militias, said on Friday it had taken the last districts in the old city of Raqqa from Islamic State, but the U.S.-led coalition which backs it could not confirm the report. We declare to our people the liberation of the old city of Raqqa, the SDF said in a statement. The SDF has been battling to capture the former de facto capital of Islamic State s self-declared caliphate since June with backing from U.S.-led jets and special forces. The walled old city lies in the heart of Raqqa but the jihadist group still holds important districts in the west of the city. The SDF said it now held 65 percent of Raqqa in total. A war monitor, the Britain-based Syrian Observatory for Human Rights, said it was not true that the SDF had fully captured the old city, but added that it did hold more than 90 percent of that area. The coalition said it was not yet able to confirm the news. We have not received confirmation of that through our channels, coalition spokesman Colonel Ryan Dillon said. ",worldnews,"September 1, 2017 ",1 +Turkey's Erdogan calls killing of Rohingya in Myanmar genocide,"ANKARA (Reuters) - Turkish President Tayyip Erdogan said on Friday that the death of hundreds of Rohingya in Myanmar over the past week constituted a genocide aimed at Muslim communities in the region. Nearly 400 people have died in fighting that has rocked Myanmar s northwest for a week, new official data showed, making it probably the deadliest bout of violence to engulf the country s Rohingya Muslim minority in decades. There is a genocide there. They remain silent towards this... All those looking away from this genocide carried out under the veil of democracy are also part of this massacre, Erdogan said at his ruling AK Party s Eid al-adha celebrations in Istanbul. The army says it is conducting clearance operations against extremist terrorists to protect civilians. Erdogan, with his roots in political Islam, has long strived to take a position of leadership among the world s Muslim community. He said it was Turkey s moral responsibility to take a stand against the events in Myanmar. Around 38,000 Rohingya have crossed into Bangladesh from Myanmar, United Nations sources said, a week after Rohingya insurgents attacked police posts and an army base in Rakhine state, prompting clashes and a military counteroffensive. Erdogan said the issue would be discussed in detail when world leaders convene for the United Nations General Assembly on Sept. 12 in New York. ",worldnews,"September 1, 2017 ",1 +Al Shabaab bomb kills 12 in Somalia's Puntland,"BOSSASO, Somalia (Reuters) - An al Shabaab bomb attack killed 12 people, including five soldiers, in Somalia s Puntland region on Friday, the Puntland military said. The explosions hit Af-Urur, 100 km (60 miles) south of the city of Bossaso. Af-Urur is near the Galgala hills, an area controlled by al Shabaab Islamists who have attacked and captured the town several times and in June killed 38 people there. A bomb planted near the khat market of Af-Urur exploded, Major Mohamed Ismail, a Puntland military officer, told Reuters. So far 12 people including civilians and soldiers have died. The attack coincided with Eid al-Adha, a Muslim holiday. Al Shabaab, which is linked to al Qaeda and wants to impose strict Islamic law, claimed responsibility. We are behind the attack in Af-Urur village. We killed five soldiers and injured 10 others, al Shabaab s military operations spokesman Sheikh Abdiasis Abu Musab told Reuters. ",worldnews,"September 1, 2017 ",1 +Rescue efforts end in Indian building collapse; 34 dead,"MUMBAI (Reuters) - Rescuers in the Indian city of Mumbai wound down on Friday their search for victims in the ruins of a condemned building that collapsed, after pulling 12 survivors and 34 bodies from the rubble, emergency services said. The 117-year-old, six storey-building in a congested old neighborhood came crashing down early on Thursday after heavy rain had drenched the financial hub for days. Rescue operations are in a demobilization phase. Two fire appliances and one ambulance will be on standby at site as a precautionary measure, said P. S. Rahangdale, chief fire officer of the Mumbai Fire Brigade. Among the dead was a 20-day old baby, police said. The collapse was the second in Mumbai in little over a month. In July, 17 people were killed when a four-storey building came down after suspected unauthorized renovations. The cause of the latest collapse was not known but it came after several days of torrential rainy-season downpours that flooded parts of the city. Devendra Fadnavis, the chief minister of Maharashtra state, of which Mumbai is the capital, ordered an inquiry. The building had been declared unsafe by the housing regulator in 2011 but many people had stayed on living here. Neighbors said developers tasked with renovating properties in the area had not provided enough information about options for temporary housing. Officials from the housing regulator told media they had granted a neighborhood trust with the right to redevelop the building and provide temporary housing to residents. The trust issued a statement on Thursday saying it had started relocating residents, and had moved seven families in 2014, but other residents had refused to leave. ",worldnews,"September 1, 2017 ",1 +Pope Francis consulted psychoanalyst in 1970s: book,"PARIS (Reuters) - Pope Francis saw a Jewish psychoanalyst once a week for six months during the 1970s and found the experience beneficial, the pontiff was quoted as saying in a new book. For six months, I went to her once a week to shed light on certain things, the Argentine pontiff said in a series of interviews with French sociologist Dominique Wolton, extracts from which were published by Le Figaro on Friday. She was very good, very professional ... but she always remained in her proper place, the 80-year-old said, adding he was aged 42 at the time. She helped me a lot. The excerpts released did not name the psychoanalyst or explain why the sessions had been originally set up. Francis said she had called him when she was on the verge of death, not for sacraments, because she was Jewish, but for a spiritual dialogue . Francis, who has campaigned for a more open and inclusive Catholic Church, criticized rigid priests, who are afraid of communicating . It is a kind of fundamentalism. When I come across someone rigid, especially if they are young, I say to myself that they are sick. In reality, they are looking for security. The book, Pope Francis: Meetings with Dominique Wolton, Politics and Society is due for publication by Les Editions de L Observatoire on Sept. 6. ",worldnews,"September 1, 2017 ",0 +Thai university removes student leader for defying royalist tradition,"BANGKOK (Reuters) - Thailand s prestigious Chulalongkorn University has removed the head of its student council, a vocal critic of military rule, after he was accused of disrupting a royalist initiation ceremony. But Netiwit Chotiphatphaisal, 20, and the student council said they refused to accept the university order against him and four other members, and would appeal against the decision. First-year students are required to prostrate themselves before a statue of late Thai King Rama V, but older students are meant to do nothing except observe from the audience. Netiwit and his colleagues, however, strode out in front of the students and bowed to the statue during the ceremony, and university authorities took that gesture as a show of defiant disrespect for the tradition. This reflects disrespect towards rights and liberties of other people whose views differ from their own, Pomthong Malakul Na Ayudhaya, a deputy dean at Chulalongkorn University, said in a statement on Thursday. Pomthong said Netiwit was removed for student disciplinary misconduct . Respect for the monarchy is a fundamental tenet of Thai society. In recent years, Thailand has been riven by rivalry between the old, royalist-military establishment and populist forces that have arisen in conjunction with economic growth. Netiwit was elected in May to lead the student council at the university. He rose to prominence as an anti-establishment figure after refusing to prostrate himself before the statue as a first-year student last year. I only wanted to show there are different ways to pay respect to the King Rama V, Netiwit told Reuters. Everyone should be able to think for themselves. You shouldn t force or coerce anyone into doing anything. The tradition of prostration before kings was abolished in 1873 by King Rama V, the university s namesake. But the practice was revived in recent decades and the university began its own tradition in 1997. The university did not comment when contacted by Reuters. Netiwit has emerged as a rare critic of the military junta, which has silenced most dissent since seizing power in 2014. He has drawn comparisons with Hong Kong student activist Joshua Wong. The dismissals from the student council were less about misconduct than undermining what Netiwit represents, said Carina Chotirawe, a lecturer at Chulalongkorn University s Faculty of Arts who disagreed with the decision. To some their status as heroes is reinforced even more, Carina said. ",worldnews,"September 1, 2017 ",1 +Xi's power on parade as China party congress looms,"BEIJING (Reuters) - The recent scene at a dusty Inner Mongolia military base provided evidence of Chinese President Xi Jinping s consolidation of political power, even as he faces pushback from some quarters in his ruling Communist Party ahead of a critical gathering next month. Dressed in army fatigues, Xi reviewed a military parade on July 30 marking the 90th founding anniversary of the People s Liberation Army (PLA). Breaking with precedent at such events, Xi who is head of the party and the military as well as president - did not share the stage with peers or party elders. PLA General Fan Changlong, in a further departure from the norm, hailed Xi as lingxiu , or leader, a reverent honorific bestowed only on two others since the 1949 founding of the People s Republic of China: Chairman Mao Zedong and his short-lived successor, Hua Guofeng. According to six sources with ties to the leadership, as well as Chinese analysts and foreign diplomats, that display and others sent a clear signal of his increasingly dominant position in the runup to the Party s congress starting on Oct. 18, a meeting that is only held once every five years. Rana Mitter, director of the University of Oxford China Centre, said the lingxiu title would suggest Xi had succeeded in one of his key aims to centralize as much authority and charisma under his own person as possible. But as Xi s supporters promote his agenda, some party insiders, wary that he will accumulate too much power and effectively end three decades of collective leadership, have delayed agreement on who will end up on the party s Standing Committee, the apex of power, currently made up of seven men. There is opposition to Xi getting too much power, said a source with ties to the leadership. The State Council Information Office, which doubles as the party s spokesman s office, did not respond to a request for comment for this story. As is typical in the run-up to the Congress, competing name lists have been circulating in leadership circles for the Standing Committee, but sources caution they are possibilities rather than the final line-up. There is an anti-Xi faction forming up, said a Beijing-based diplomatic source, citing meetings he has had with Chinese officials. It remains to be seen if he ll get it all his own way for the Standing Committee. Key questions include whether Xi ally and top corruption buster Wang Qishan will stay on past traditional retirement age and, whether Xi will get his supporters in all the key positions. There will also be a lot of attention on any moves that would enable Xi to stay on in some top leadership capacity after his second term ends in 2022. Xi is required by the country s constitution to step down as president after two five-year terms. There is no limit on his tenure as the party and military chief, though a maximum 10-year term is the norm. Distinct from the standard usage of lingdao for leader, lingxiu evokes grander, almost spiritual, connotations. The party is gearing up to put Xi on the same level as Mao, another Beijing-based diplomatic source said, referring to the significance of the lingxiu term. The Central Party School, which is the top training ground for up-and-coming cadres and is influential in interpreting and disseminating party directives, has since the military parade used lingxiu in official party language to refer to Xi. The Study Times, the school s official newspaper, referred to Xi as lingxiu for the first time on Aug. 21. This is the choice made by history, made by the people, it said. The military s official PLA Daily also referred to Xi as lingxiu on Aug. 25. However, the People s Daily, the party s official newspaper, has yet to call Xi lingxiu . If Xi becomes lingxiu at the congress, it would be tantamount to being party chairman, another source with leadership ties said. Xi is currently the party s general secretary, but not chairman. China s first three leaders after the founding of the People s Republic in 1949 all carried the title party chairman -Mao, Hua and then Hu Yaobang. It has not been used since. It would be a life-long tenure, the source said, adding that adopting such a title would be easier than amending the party charter to resurrect the chairmanship, which was abolished in the early 1980s to prevent another Mao-like personality cult. Xi added core to his slew of titles last October. If he were to be formally anointed lingxiu during the congress, his political clout would eclipse that of the past few presidents, the sources said. It would effectively grant him veto power on any major decision put to the Standing Committee, they said. For decades, the Communist Party general secretary has been technically first among equals in the Standing Committee under a collective leadership model designed to avoid one-man rule. While western analysts largely view Xi s centralization of authority as having a possibly narrowing effect on China s potential for further radical economic reform, three sources with leadership ties said Xi wants a strong hand precisely to force through changes that are resisted by vested interests. This kind of title is essential, a source with ties to the leadership told Reuters. China at this juncture needs this kind of powerful man in control. ",worldnews,"September 1, 2017 ",1 +Britain lifts electronic device ban on flights from Cairo: ministry,"CAIRO (Reuters) - British authorities have lifted a ban on carry-on electronic devices on planes arriving from Cairo airport, Egypt s Ministry of Civil Aviation said on Friday. The United States and Britain in March imposed restrictions banning electronic devices from being carried on planes coming from certain airports in Muslim-majority countries in the Middle East and North Africa. Authorities lifted the ban after confirming that security procedures on Egypt s flights meet the requirements of the British Transportation Security Administration, the ministry said in a statement. ",worldnews,"September 1, 2017 ",1 +"U.S.-led forces acknowledge killing 61 more civilians in Iraq, Syria","WASHINGTON (Reuters) - The U.S.-led coalition fighting Islamic State militants said on Friday it had confirmed another 61 likely civilian deaths caused by its strikes in Iraq and Syria, raising to 685 the number of civilians it has acknowledged killing since the conflict began. The coalition said in a statement that during July, it had investigated 37 reports of civilian casualties. It found that only 13 of the reports were credible and there were an estimated 61 unintentional civilian deaths. The coalition is investigating another 455 reports of civilian casualties caused by its artillery or air strikes, the statement said. It has now acknowledged at least 685 civilian deaths due to its air and artillery strikes since the conflict began in August 2014. The deadliest incident investigated in July was a March 14 strike near Mosul, in which the coalition attacked an Islamic State position where fighters were firing at coalition allies. That strike is believed to have killed 27 civilians in an adjacent structure, the statement said. ",worldnews,"September 1, 2017 ",1 +Next round of Syria talks in Astana set for September 14-15,"ASTANA (Reuters) - The next round of talks between Russia, Turkey and Iran on settling the Syrian civil conflict will take place in Kazakhstan on Sept. 14-15 and focus on forces that the three nations plan to deploy there, the Kazakh Foreign Ministry said on Friday. Kazakhstan hosts the talks which have in the past few months focused on establishing de-escalation zones in Syria. According to the information from the guarantor states, during the upcoming meeting they plan to review several documents covering the work of de-escalation control forces, and continue work on agreeing the make-up of control forces in Idlib, the ministry said in a statement. Moscow, Ankara and Tehran plan to map out de-escalation zones in Idlib, Homs and Eastern Ghouta, and discuss other matters such as prisoner exchange, it said. At the most recent Astana meeting, in July, the three nations failed to finalize an agreement on creating four de-escalation zones in Syria after Ankara raised objections. The talks, which began in January, have so far produced no breakthrough. Some Western diplomats have described them as Russia s attempt to hijack U.N.-led peace talks in Geneva involving the government and opposition. ",worldnews,"September 1, 2017 ",1 +Austrian Chancellor's party sues Foreign Minister ahead of election,"VIENNA (Reuters) - Austria s ruling Social Democratic Party (SPO) is suing Foreign Minister Sebastian Kurz, the chairman of its junior coalition partner, after he accused Chancellor Christian Kern s party of secretly accepting a 100,000 euro ($119,120) donation. The lawsuit marks a new low in the already strained relationship between the coalition partners, who have engaged in public squabbles for years. Polls for parliamentary elections scheduled for Oct. 15 show Kurz s conservative People s Party (OVP) ahead of the SPO. The lawsuit relates to an interview shown on public broadcaster ORF on Monday in which Kurz said industrialist Hans-Peter Haselsteiner, a vocal supporter of the pro-business Neos party, donated 100,000 euros to the SPO via opaque channels. The lawsuit filed at Vienna s commercial court on Friday said the SPO s good reputation, economic progress and honor was damaged by Kurz s comments as it implied dishonesty. The SPO wants party donations to be capped at 20,000 euros. With a view to the upcoming parliamentary elections, there is a very concrete danger that the (SPO) will achieve a worse result because of this accusation, the lawsuit, seen by Reuters, said. The SPO said it has not been offered or received any donations from Haselsteiner, who is a key shareholder of construction group Strabag. Haselsteiner denied Kurz s accusations in newspaper Der Standard. The SPO wants Kurz to publicly retract his comments. In an emailed statement, the General Secretary of Kurz s OVP said Haselsteiner had donated money to an association that is critical of the OVP and hence indirectly supports the SPO. She said the SPO should make all its donations public. Kurz s spokesman was not immediately available for comment. ",worldnews,"September 1, 2017 ",1 +Myanmar army drops charges against six journalists amid free speech concerns,"YANGON (Reuters) - Myanmar s military on Friday dropped charges against six journalists facing trial on offences ranging from defamation to unlawful association, saying it wanted to work with the media in the interests of the country and its people. The legal action had sparked fears over curbs on free speech during Myanmar s transition from decades of military rule, under a government led by Nobel Peace Prize winner Suu Kyi, following a landmark 2015 election win. The military decided to forgive and drop charges against the media in an effort to work together for the interest of the citizens and the country , it said in a statement. The army had to take legal action because the coverage had disgraced the image, the dignity and the activity of the Tatmadaw, it added, referring to the armed forces by their Myanmar name. Charges were dropped against three reporters arrested in late June for covering an event organized by the Ta ang National Liberation Army, an ethnic militia engaged in a stand-off with government troops. They were charged under a colonial-era law against unlawful association , which rights watchers said has long been used by Myanmar authorities to arbitrarily arrest and detain people. It s injustice from the very beginning, Pyae Phone Aung, one of the reporters arrested on June 26 in northeastern Shan state, told Reuters by telephone from the court where his trial was being held. We journalists were just doing our work, but we were charged and spent more than 60 days in jail. It was not immediately clear when the three journalists would be released. Charges were also dropped against three more reporters, whose articles critical of the military had attracted defamation charges on the basis of several laws, including a telecoms law that rights monitors say restricts free speech. Twenty journalists have been charged or arrested under the controversial law since Suu Kyi s government took power, the advocacy group Research Team for Telecommunications Law said.Despite pressure from human rights groups and Western diplomats, her government has retained the broadly worded law, and has not spoken out against the increasingly frequent arrests of reporters and activists. The military retains control of the police, key ministries and a quarter of lawmakers seats. The courts also still lack independence, some analysts say. ",worldnews,"September 1, 2017 ",1 +Vietnam protests over Chinese military drill in South China Sea,"BEIJING/HANOI (Reuters) - China urged Vietnam on Friday to take a calm and rational view of its military drills in the South China Sea, after Vietnam expressed opposition, as tension between the neighbors worsens over the disputed strategic waterway. China has appeared uneasy at Vietnam s efforts to rally Southeast Asian countries over the busy waterway as well as at its neighbor s growing defense ties with the United States, Japan and India. In July, under pressure from Beijing, Vietnam suspended oil drilling in offshore waters that are also claimed by China. Vietnam was deeply concerned about the exercises in the Gulf of Tonkin area, at the north end of the South China Sea, Foreign Ministry spokeswoman Le Thi Thu Hang said in a statement, but did not make clear what drills were being referred to. Vietnam proposes China to cease and refrain from repeating acts that complicate the situation in the East Sea, Hang said, employing Vietnam s name for the South China Sea. All foreign activities in Vietnamese waters must comply with Vietnamese and international laws, she added. Vietnam s Foreign Ministry conveyed its position to a Chinese embassy representative on Thursday, the statement added, without saying when China s announcement was made or when any drill might take place. In Beijing, Chinese foreign ministry spokeswoman Hua Chunying said the drills were routine annual exercises and were being carried out in the northwestern part of the South China Sea. The relevant sea is under China s jurisdiction, she told a daily news briefing on Friday, adding that China had the right to carry out such drills in the waters there. We hope the relevant side can calmly and rationally view it, she added. Last month, the Maritime Safety Administration of China s southern province of Hainan, which oversees the South China Sea, said military drills would take place south of the province and east of Vietnam from Aug. 29 until Sept. 4. There would be live fire drills around the Paracel Islands, which Vietnam claims, until Sunday, it added. China claims nearly all the South China Sea, through which an estimated $3 trillion in international trade passes each year. Brunei, Malaysia, the Philippines and Taiwan also have claims. ",worldnews,"August 31, 2017 ",1 +"Despite strains, Vietnam and China forge closer economic ties","HANOI (Reuters) - Tensions are high on the South China Sea as Vietnam faces off against China over their overlapping maritime claims. But for the boatmen on the junks cruising the calm expanse of Vietnam s Ha Long Bay, another growing Chinese presence in the region is very welcome indeed. More than half our tourists are Chinese now, said Nguyen Van Phu, 33, who has spent six years working on the boats that chug between the bay s spectacular stone towers. If they stopped coming it would be a big problem, if not a disaster. The number of Chinese tourists in Vietnam has surged this year, just one sign of the growing economic ties between two long-time enemies. Chinese investment in Vietnam is also increasing rapidly, as is trade between the two countries. But while tourists, trade and investment are being welcomed, they also present a challenge for a fiercely independent country like Vietnam, which has been wary of China s growing influence in the region. The rising economic dependence on China makes it more difficult for Vietnam to decide how far to confront China on the South China Sea, said Nguyen Khac Giang, a researcher at the Vietnam Economics and Policy Research Institution. Vietnam would suffer far more than China economically in the event of political instability given its smaller size, he said. China exports more goods to Vietnam than any other country in Southeast Asia, sending textiles to be made into shirts and sneakers, and electronic components for mobile phones and large flat-panel displays. Those completed products are exported around the world, as well as back to China. Vietnam also makes electronics components for factories in China, and exports computers for Chinese consumers. Manufacturers see Vietnam as an attractive base, with wages as little as a third of those in coastal regions of China, according to employment consultants. And while proximity has historically been a source of friction between the two countries - they fought a border war as recently as 1979 and armed clashes flared for years afterwards - for manufacturers it s a boon. We strategically invested in Vietnam because of its geographical advantage closer to China and hence lower cost on materials, transportation and relatively shorter production lead time, said Bosco Law, chief executive of the Hong Kong-based Lawsgroup. The company makes clothes for brands such as Gap, whose global operations include scores of outlets in China. Businesses contacted by Reuters declined to talk openly about the risks for them of tension between Vietnam and China. Chinese trade and investment has surged across Southeast Asia in recent years as companies search out new bases for manufacturing and consumers for their goods. China has also invested in infrastructure and plans to pour development funds into Southeast Asia as part of its sprawling Belt and Road initiative. That has already had a political effect. Big recipients of Chinese investment such as Cambodia and Laos are promoting China s line on the South China Sea at regional meetings. President Rodrigo Duterte of the Philippines, meanwhile, has cited Chinese investment pledges as he softens his country s stance on its maritime disputes with China. Tensions between Beijing and Hanoi have been high since mid-June, when Chinese pressure forced Vietnam to suspend oil drilling on a block that overlaps the line China says marks its claim to almost all the South China Sea. As Vietnam has emerged as the most vocal regional opponent of China s maritime claims in Southeast Asia, it has drawn Beijing s ire. Its growing defense links to the United States, Japan and India also make China suspicious. The Vietnamese government has also had to contend with public pressure at home. A row over Chinese oil drilling in disputed waters in the South China Sea in 2014 sparked anti-China riots in Vietnam in which foreign factories thought to be Chinese were set on fire, before the rig was removed. Tourism dipped in the aftermath, but quickly bounced back. Trade has also risen steadily since then. Exports to China jumped nearly 43 percent to $13 billion in the first half of 2017 from a year earlier, according to customs data. Imports rose more slowly, climbing 16 percent. Chinese tourist arrivals, meanwhile, soared 60 percent to nearly 1.9 million in the first half of 2017 to account for around one third of all foreign visitors. For the most part, the government has welcomed the boost from Chinese tourism, as it strives to meet a 6.7 percent target for annual economic growth. Vietnam is also welcoming Chinese investments, if cautiously. We should be careful but at the same time we should take advantage, said Nguyen Mai, the president of Vietnam s Association of Foreign Invested Enterprises. The biggest foreign direct investors in Vietnam have long been from South Korea and Japan, particularly in the electronics sector. More than 100,000 Vietnamese work for Samsung alone in Vietnam. However, Chinese investment is growing quickly, nearly doubling last year to almost 8 percent of total foreign direct investment. Investment went into solar panel and plastics factories, among other areas. Direct U.S. investment accounts for about 2 percent of the total so far this year; the United States is also Vietnam s second-largest trade partner. For a graphic on Vietnam-China trade, click: tmsnrt.rs/2fIhfYc ",worldnews,"September 1, 2017 ",1 +Thailand approves $2.2 billion in help for rice farmers,"BANGKOK (Reuters) - Thailand s government on Friday announced $2.2 billion in loans and handouts to help stabilize prices for rice farmers, a politically influential group whose heartland is in regions where opposition to the military junta is strongest. Thailand s staple food has long been a factor in its politics. The announcement by the commerce ministry came a week after former prime minister Yingluck Shinawatra fled into exile ahead of a court verdict in a criminal negligence case over a rice subsidy scheme that cost billions of dollars. The ministry said it would provide $1.57 billion in handouts to farmers and $633 million in loans that will cover 3.7 million households. The program will span the seasonal harvest from the start of November this year to the end of February 2018. This is to help take 2 million tonnes of rice from the market, Nuntawan Sakuntanaga, head of the commerce ministry s department of internal trade, told reporters. The government introduced similar short-term loans and cash handouts for rice farmers last year that cost the state $2.3 billion to cover 4 million households during the same period. This subsidy program is essentially similar to past rice subsidies introduced by previous governments, said Somporn Isvilanonda, a senior fellow at the Knowledge Network Institute of Thailand who is critical of subsidies. The bottom line is these cash handouts create more debt for farmers, Somporn said. After hitting a four-year high earlier this year, the price of benchmark Thai 5-percent broken white rice has tumbled by nearly 20 percent over the last two months to $372.50 per tonne, its lowest since April. Thailand s main rice-growing areas are the northeastern and central regions, which have traditionally been strongholds of support for the populist Shinawatra movement of Yingluck and her brother Thaksin, who was overthrown in a 2006 coup. ",worldnews,"September 1, 2017 ",1 +France says North Korea close to long-range missile capability,"PARIS (Reuters) - France s foreign minister said on Friday that North Korea would have capability to send long-range ballistic missiles in a few months and urged China to be more active diplomatically to resolve the crisis. The situation is extremely serious... we see North Korea setting itself as an objective to have tomorrow or the day after missiles that can transport nuclear weapons. In a few months that will be a reality, Jean-Yves Le Drian told RTL radio. At the moment, when North Korea has the means to strike the United States, even Europe, but definitely Japan and China, then the situation will be explosive, he said. Le Drian, who spoke to his Chinese counterpart on Thursday, said everything had to be done to ensure a latest round of United Nations sanctions was implemented and urged China, Pyongyang s main trade partner, to do its utmost to enforce them. North Korea must find the path to negotiations. It must be diplomatically active. ",worldnews,"September 1, 2017 ",1 +Exclusive: Pyongyang university to start fall classes without American staff after travel ban,"SEOUL (Reuters) - Pyongyang University of Science and Technology (PUST), North Korea s only western-funded university, will start the fall semester without its dozens of American staff after failing to secure exemptions to a U.S. travel ban that starts on Friday. PUST - home to the largest concentration of foreigners in the reclusive state - plans to revise courses and teaching schedules but its largely English-based curriculum will be heavily impacted, two sources familiar with PUST s operations said. PUST was founded in 2010 by a Korean American evangelical Christian with the goal of helping North Korea's future elite learn the skills to modernize the isolated country and engage with the outside world. (Graphic: Americans detained in North Korea - tmsnrt.rs/2pmE3ks) In mid-July, however, the U.S. State Department announced a ban on Americans traveling to North Korea following the death earlier this year of an American student who had been detained by the state while on a tour. It advised U.S. citizens living there to leave. Since then, tensions on the Korean peninsula have escalated significantly. Nuclear-armed North Korea has undertaken a number of provocative missile tests, including two intercontinental ballistic missile launches and one medium-range missile test this week that flew over Japan. Of the roughly 130 foreigners at PUST including faculty members, staffers and family members, about 60 were U.S. citizens, one of the sources said, asking not to be named due to the sensitivity of the situation. None had received special permission to stay and all have now left Pyongyang. The teaching activities and the unique international English-based character of the school are severely impacted by the U.S. travel ban and the decision of some other personnel not to return, the source said. The school, which is open about its Christian affiliation, has already been rocked by the detention of two of its staff members by the North Korean regime this year. The two were accused of acting against the interests of the state. U.S. officials announced the ban six weeks ago due to the risk Americans will be held for long-term detention in the country. The ban was imposed after U.S. student Otto Warmbier was sentenced to 15 years hard labor for allegedly trying to steal a propaganda poster while on a tour last year. Warmbier fell into a coma in custody and died soon after he was released to U.S. officials. The circumstances surrounding his death are not clear. The last major tour involving U.S. tourists flew out of North Korea on Thursday. The ban, similar to previous U.S. restrictions on travel to Iraq and Libya, makes North Korea the only country in the world Americans are currently banned by the State Department from visiting. Journalists and humanitarian workers can apply for special permission. But the U.S. government has yet to issue guidelines on how to obtain waivers, leaving PUST and educators uncertain how or when it might be possible to apply for exemptions, according to the people familiar with PUST s operations. The State Department said it was unable to comment on specific requests for exemptions. Over the past several weeks, PUST leaders have tried to lobby for exemptions so that their work can continue, the sources said. The school is involved in ongoing discussions with U.S. officials, they added. The university was seen as a rare experiment in academic diplomacy with a country increasingly entirely isolated from the rest of the world due to tightening sanctions over its defiant pursuit of nuclear weapons programs. U.S. President Donald Trump has vowed to stop Pyongyang achieving its goal of being able to fire a nuclear warhead to the United States and has warned the U.S. military is locked and loaded in case of North Korean provocation. Since PUST took in its first 50 students in 2010, the school has grown to about 500 undergraduate and 60 graduate students studying in mostly three departments - electronic and computer engineering, international finance and management and agriculture and life sciences. A lot of effort has been spent over the past seven years that PUST has been operating. The prospect of this progress being undermined - even totally thwarted - as a consequence of the U.S. government action, is deeply worrying to everyone involved, one of the sources said. ",worldnews,"September 1, 2017 ",1 +Top Indian court to hear Rohingya deportation case amid Myanmar violence,"NEW DELHI (Reuters) - India s top court has agreed to hear a plea challenging a government decision to deport all of an estimated 40,000 Rohingya Muslims living in the country after fleeing persecution in Myanmar, a lawyer involved in the case said on Friday. A petition was filed on behalf of two Rohingya men who live in Delhi after fleeing their village in Myanmar s Rakhine State, where the latest surge of violence has killed at least 400 people and sent about 40,000 Rohingya fleeing to Bangladesh. Indian Prime Minister Narendra Modi s Hindu nationalist government said last month it was going to expel all Rohingya, even those registered with the U.N. refugee agency, drawing criticism from aid groups and some politicians. The Supreme Court realizes the urgency of it, that s why they have agreed to hear it on Monday, lawyer Prashant Bhushan told Reuters. You can t send somebody away to face certain death in another country, that would be a violation of his Article 21 rights. Bhushan said the Indian constitution s Article 21, on the protection of life and personal liberty, applied to non-citizens. Deportation would also contradict the principle of non-refoulement - or not sending back refugees to a place where they face danger, he said. Home Ministry spokesman K.S. Dhatwalia declined to comment, saying the government would present its case to the court. Mohammad Salimullah, the first petitioner, came to India in 2012 via the eastern state of West Bengal, on the border with Bangladesh, according to the petition seen by Reuters. The second petitioner, Mohammad Shaqir, arrived in 2011. Both said in the petitions that their lives would be in danger if they were sent back to Myanmar, where clashes broke out last Friday after Rohingya insurgents wielding sticks, knives and crude bombs attacked police posts and an army base. The Rohingya are denied citizenship in Buddhist-majority Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. Bangladesh is also growing hostile to Rohingya, more than 400,000 of whom live there after fleeing Myanmar since the early 1990s. From Bangladesh, many Rohingya have crossed a porous border into Hindu-majority India, where they are starting to get vilified by some right-wing groups. We should not be targeted just because we are Muslims, Rohingya Ali Johar, who came to India in 2012 and lives with his family in a Delhi settlement, said by phone. We ve already faced persecution in Myanmar. India should not do anything that will show them as racist. Myanmar denies persecuting the Rohingya. It says its security forces are tackling terrorists who have launched attacks in Rakhine State. ",worldnews,"September 1, 2017 ",1 +"China names new commanders for army, air force in reshuffle","BEIJING (Reuters) - China has appointed new commanders of its army and air force in a reshuffle ahead of next month s Communist Party congress, as President Xi Jinping brings new blood into the military s top ranks amid an ambitious modernization program. China s armed forces, the world s largest, are ramping up their capabilities with new equipment like aircraft carriers and stealth fighters as the country pursues a more assertive stance in the disputed East and South China Seas and seeks to project power far from home shores. The new army chief, Han Weiguo, is not a high-profile figure but has risen rapidly, with three promotions since 2015. He was also commanding officer in charge of a military parade in Inner Mongolia in July overseen by Xi to mark 90 years since the founding of the People s Liberation Army. Han had previously served as head of the central theater command, a military district that includes Beijing and a large swathe of central China. His new position was announced by state media on Friday. The army has been less of a focus of the military modernization, with more resources poured into the air force and navy that have increasingly been carrying out drills in distant regions. The new air force chief, Ding Laihang, announced by the Defence Ministry on the same day, is also a relatively low-profile figure, who ran air force operations for China s northern theater command before his promotion. New navy chief Shen Jinlong took up his position in January. Sources with ties to the leadership say he is close to Xi. All three men could be promoted to the Central Military Commission headed by Xi, which is in overall charge of the People s Liberation Army, when the party holds its once-in-five-years congress in Bejing next month. Another promotion was announced in August, with previous army commander Li Zuocheng being made the new chief of the Joint Staff Department of the People s Liberation Army. Li has had a much higher profile, as one of the few senior military officers with combat experience, having fought Vietnam in a brief border war in 1979. Last year he was glowingly profiled in the official Beijing Daily, which described his time fighting the Vietnamese, accompanied by black-and-white pictures of the then 26-year-old in a trench and pointing to a map. It was not clear what had happened to Fang Fenghui, the chief of the Joint Staff Department before Li. At a news briefing on Thursday, Defence Ministry spokesman Ren Guoqiang declined to comment on Fang, who turns 67 next year, usually around the age at which Chinese officials retire. ",worldnews,"September 1, 2017 ",1 +"G4S suspends nine staff at UK migrant center, says to investigate conduct","EDINBURGH (Reuters) - British outsourcer G4S has suspended nine members of staff at an immigration removal center while it investigates a BBC report alleging abuse in the treatment of migrants, the company said on Friday. We have received written allegations of abhorrent conduct at Brook House and on that basis we have deemed it serious enough to suspend the staff involved, a spokeswoman for G4S said. She said the company had not yet seen footage of the alleged incidents, however. BBC Panorama, a flagship documentary program, said on its website that an investigation revealed chaos, incompetence and abuse in the treatment of migrants in a program which will be aired next week. The incident has been reported to the police, the spokeswoman said. Officers were not immediately able to comment. The kind of behavior alleged is completely unacceptable, and does a great disservice to the vast majority of staff who do a great job in very difficult circumstances, the spokeswoman said. The issue highlights the difficulty of running sensitive services for the government and the potential reputational damage for outsourcing companies. Earlier this year an investigation at the G4S-run Medway Secure Training Centre resulted in allegations of abuse and mistreatment of youngsters. The center is now run by the government s National Offender Management Service. Brook House, near Gatwick Airport, is staffed by more than 200 employees and has around 500 occupants. More than 14,000 people passed through it in the last year. The unit houses a mix of those who have not fulfilled their visa requirements and criminals who are being deported. ",worldnews,"September 1, 2017 ",1 +"Pope, Orthodox leader make climate change appeal to 'heal wounded creation'","VATICAN CITY (Reuters) - Pope Francis and Orthodox Christian leader Patriarch Bartholomew called on Friday for a collective response from world leaders to climate change, saying the planet was deteriorating and vulnerable people were the first to be affected. The appeal comes three months after U.S. President Donald Trump withdrew from a global agreement, struck in Paris, to limit greenhouse gas emissions. We urgently appeal to those in positions of social and economic, as well as political and cultural, responsibility to hear the cry of the earth and to attend to the needs of the marginalized, Francis and Bartholomew said in a joint statement. Above all , the leaders of the world s 1.2 billion Catholics and up to 300 million Orthodox Christians asked for a response to the plea of millions and support (for) the consensus of the world for the healing of our wounded creation. The joint message was not addressed to any specific world leaders. Many were dismayed when the U.S. backed out of the Paris accord, a decision a senior Vatican official later called a disaster . ",worldnews,"September 1, 2017 ",1 +Japan's struggling opposition Democrats pick ex-foreign minister Maehara as leader,"TOKYO (Reuters) - Japan s struggling opposition Democratic Party elected former foreign minister Seiji Maehara to lead the party on Friday as it tries to raise its single-digit ratings and fend off a challenge by a new group with ties to popular Tokyo Governor Yuriko Koike. Maehara, 55, a conservative on security who shares Prime Minister Shinzo Abe s desire to revise the post-war, pacifist constitution, takes over amid speculation that Abe may call a snap general election later this year to refresh his mandate. Maehara previously held the Democrats top post from 2005-2006. If I were to refer now to a change in government, the people would say, Whatever are you talking about? But we must change this dangerous political situation where there are no choices except the (ruling) Liberal Democratic Party or hopes for something whose form is not yet known, Maehara told his fellow party members. The party, an often fractious mix of conservatives and liberals, had to pick a new chief after its first female head, Renho, who goes by one name, quit having failed to capitalize on Abe s sagging ratings, eroded by suspected cronyism scandals and a perception he was complacent after 4-1/2 years in office. Abe s support has since rebounded off lows of under 30 percent in some polls, touching 46 percent in a survey by Nikkei business daily in late August. The novice Democratic Party surged to power in 2009, ousting the long-ruling LDP with promises to put individuals ahead of companies and address social inequalities. But many voters still have bad memories of its rule, which was plagued by infighting, policy flip-flops and unkept promises. Abe led the LDP to a huge victory in December 2012. The Democrats could face a new threat if efforts by backers of former LDP lawmaker Koike to create a new nationwide opposition party bear fruit. Her Tokyo Citizens First party dealt the LDP a historic defeat in a metropolitan assembly election last month, spurring talk it could evolve into a Japan First party to field candidates in a general election that must be held by late 2018. Speculation is simmering that Abe could call a snap election as early as October, to take advantage of opposition disarray, though he d risk losing the ruling bloc s super majority in the lower house. Maehara defeated liberal rival Yukio Edano, a former chief cabinet secretary during the Democrats days in power. ",worldnews,"September 1, 2017 ",1 +Tajikistan agrees to more intelligence exchanges with China,"BEIJING (Reuters) - China s foreign ministry on Friday announced an agreement with Tajikistan to establish exchanges of security intelligence as part of an upgrade to diplomatic relations during a state visit by Tajik President Emomali Rahmon to China. Chinese President Xi Jinping and Rahmon on Thursday established a comprehensive strategic partnership between the two countries, according to a statement released on the foreign ministry s website. The two sides agreed to bolster efforts to combat the threats of terrorism, separatism and religious extremism, as well as international criminal groups and drug trafficking by launching professional intelligence exchanges, the posting said. Both sides will strengthen communications between defense, security and law enforcement departments and deepen intelligence exchanges, it said. China s plan to rebuild the ancient Silk Road by reconnecting trade routes from its borders into Central and South East Asia, dubbed the Belt and Road Initiative, has raised new security concerns for the country and its companies. Beijing has worked to deepen security cooperation with countries in Central Asia and elsewhere to make up for shortfalls in its own intelligence and security measures to combat terror groups and other threats in the region. The Shanghai Cooperation Organization, a security bloc established in 2001 by China, Russia, Kazakhstan, Kyrgyzstan, Tajikistan and Uzbekistan to fight radical Islam, has expanded to now include nearly twenty states as members or partners. In September last year, China agreed to finance and build several outposts for Tajik border guards and other facilities along the porous 1,345-km border between Tajikistan and Afghanistan. ",worldnews,"September 1, 2017 ",1 +Former Venezuelan prosecutor meets Mexican attorney general,"MEXICO CITY (Reuters) - Venezuela s former chief prosecutor Luisa Ortega met Mexico s attorney general on Thursday, a Mexican official said, weeks after she fled her homeland accusing Venezuelan President Nicolas Maduro of involvement in corruption. Ortega, who was removed from her position earlier this month, said a week ago she had evidence that Maduro was involved in graft with construction company Odebrecht. The 59-year-old Ortega has said she would give details of the corruption cases to authorities in the United States, Spain, Mexico, Brazil and Colombia. Mexican attorney general Raul Cervantes met Ortega for around 10 minutes in Mexico City, an official at the attorney general s office said. He gave no further details of the meeting and spoke on condition of anonymity. Late on Thursday, Ortega posted a picture on Twitter of herself with Cervantes in Mexico, saying the two had met to coordinate actions in the fight against corruption. Pictures posted on social media earlier on Thursday showed Ortega arriving at Mexico City airport. Ortega says she has been persecuted by opponents in an effort to hide details of high-level corruption and that she has proof of it. She was a key player in Venezuela s government before breaking with it in March. Ortega left Venezuela for Colombia and traveled to Brazil to meet prosecutors last week. Odebrecht admitted in a settlement with U.S. and Brazilian prosecutors to paying bribes across 12 countries to win contracts. According to a U.S. court ruling, Odebrecht paid about $788 million in bribes in countries including Brazil, Argentina, Colombia, Mexico and Venezuela between 2001 and 2016. Mexico s government has been sharply critical of the Maduro administration, accusing it of undermining democracy. ",worldnews,"September 1, 2017 ",1 +China probes former vice-chief of securities regulator for graft,"SHANGHAI (Reuters) - A former vice-chairman of China s securities regulator, Yao Gang, is being investigated for taking bribes, the official China Daily said, citing the prosecutors office. Yao was one of the most senior figures arrested in a crackdown on suspected stock manipulation in late 2015, after the mid-year collapse of the Chinese stock market following a long bull run. Yao was subject to coercive measures, which can range from summons and surveillance to detention and arrest, among other actions, the Supreme People s Procuratorate said, without specifying which he faced, the newspaper said on Thursday. In July, China s graft watchdog said Yao would be prosecuted for offences that included taking bribes and destroying the order of capital markets . Yao, 55, was the general manager of Guotai Junan Securities in 1999 before taking a position with the China Securities Regulatory Commission in 2002, the paper said. At the CSRC, he was known as the King of IPOs , overseeing initial public offerings on the Chinese mainland for 13 years, it added. ",worldnews,"September 1, 2017 ",1 +Guatemala political crisis may affect growth: central bank,"GUATEMALA CITY (Reuters) - Guatemalan economic growth may slow if a political crisis sparked by a dispute between President Jimmy Morales and the head of a U.N. anti-corruption body persists, the head of the central bank said on Thursday. The Central American nation has been rattled by uncertainty since Morales on Sunday tried to eject Ivan Velasquez, head of Guatemala s International Commission against Impunity (CICIG), in the face of resistance from Western powers. The Friday before, Velasquez and the attorney general s office requested Morales be stripped of presidential immunity so he could be investigated for suspected campaign finance irregularities during his successful 2015 tilt at the top job. The country s top court later blocked Morales from expelling Velasquez, a decision the president accepted. Nevertheless, the dispute continues to simmer, and street protests have been staged in support of both Morales and Velasquez. The row has not had a negative effect on the economy so far, said Sergio Recinos, head of the central bank. But if it carries on for a long time, well, it s going to have an impact, he told Reuters in an interview. Morales, a former comedian, was elected on the back of popular discontent with his predecessor Otto Perez, who was toppled in 2015 over a multi-million dollar graft scandal uncovered by the CICIG and attorney general Thelma Aldana. Perez is now in prison standing trial. Recinos said he had received phone calls this week from credit rating agencies and international investors mindful of what had happened in 2015 so they could question him on the crisis. Saying the economy grew 4.1 percent in 2015, Recinos added that the Perez scandal did not immediately hit the economy. But in 2016 there was a slowdown (to 3.1 percent) and the (Perez) crisis must have had an effect, he added. The central bank now expects the Guatemalan economy to grow by between 3.0 and 3.4 percent this year. The CICIG, which is already investigating a brother and son of Morales on suspicion of fraud, has been strongly backed by the United Nations, the European Union and the United States. ",worldnews,"September 1, 2017 ",1 +Colombia's FARC rebels keep famous acronym for new political party,"BOGOTA (Reuters) - Colombia s disarmed FARC rebel group is preserving its famous acronym as it becomes a civilian political party, part of its demobilization under a peace deal with the government to end more than 50 years of war. The Revolutionary Armed Forces of Colombia rebels, whose first political conference will close on Friday with a concert and speeches in Bogota s central square, will now go by Revolutionary Alternative Common Force, preserving the Spanish initials. Under the 2016 peace deal to end its part in a war that has killed more than 220,000 people, most of the group s fighters were granted amnesty and allowed to participate in politics. Whether the rebels will get backing from Colombians, many of whom revile them, remains to be seen. The group had originally floated several other names, including others which kept the initials, but the new name won against New Colombia in voting at the conference on Thursday, FARC leader Rodrigo Londono, known by his nom de guerre Timochenko, said on Twitter. FARC leadership and social media accounts also posted a graphic of the party s policy priorities and its new logo, a red rose with a red star in the middle. Policies will included the fight against corruption and promoting arts and culture. No more traditional political parties and their corrupt policies. Transparency and truth will guide the actions of the new party, the graphic reads. Youth, women, indigenous people, rural farmers, Afro-Colombians, artists, the LGBTI population, housewives, students, workers and the unemployed - everyone s opinion matters. The FARC s often old-fashioned Marxist rhetoric strikes many as a throwback to their 1964 founding, but proposals for reforms to complicated property laws could get traction with rural voters who struggle as subsistence farmers. Under the peace accord, FARC s party will have 10 automatic seats in Congress through 2026 and may campaign for others. Both legislative and presidential elections are set for 2018. ",worldnews,"August 31, 2017 ",1 +"Jails, justice system at breaking point as Philippine drugs war intensifies","MANILA Reuters) - In a teeming prison for undertrials in the Philippines capital Manila, Rody Lacanilao, an inmate for 18 months, says he prays for clear weather at night. A downpour, he says, will prevent him and hundreds of fellow prisoners in the Quezon City jail from sleeping on plywood mats in an outdoor hallway. The cells themselves are overflowing with an influx of detainees from President Rodrigo Duterte s year-long war on drugs. Thousands of people have been killed in Duterte s campaign, mainly drug users and small-time peddlers. Tens of thousands of others have been thrown into jail, and both prisons and courts in the Southeast Asian nation are creaking under the pressure. Since the war on drugs started, it became harder to sleep, Lacanilao told a Reuters team allowed access to the Quezon City jail. We have no place to go to when it rains. The 37-year-old is facing trial on a drugs charge. The prison was initially built for 262 inmates, but now has 2,975, three-quarters of them jailed for drug-related offences. At night, its basketball court, chapel, classrooms and walkways become sleeping areas for detainees. Inmates who spoke to Reuters said living conditions were unbearable, made worse by the prospect that it could be years before their trials are decided. Many of them are not eligible for bail or cannot afford to pay the bond. Prisoners came in one after the other. If you have money, you can buy a spot in the sleeping quarters, said Junjun Vallecer, who says he has been in the jail for four years for possession of drugs but is still being tried. He says he has to wait four to six months between court appearances. The Bureau of Jail Management and Penology (BJMP) put the prison population in the country, including undertrials and convicts, at 137,417 as of the end of June, up 22 percent since Duterte took office at the end of June last year. Police and the Philippine Drug Enforcement Agency arrested 96,703 suspected pushers, users and chemists from July last year until earlier this month, according to police data. A staggering 94 percent of people jailed for drug offences are still undertrials, according to BJMP. Police in Manila arrest nearly 100 drug suspects each day, says Oscar Albayalde, the capital s police chief. Whether they are minor charges or not, we have to arrest these people, Albayalde told Reuters. We make these arrests that contribute to the over-congestion of the detention cells ... but what can we do? Including a backlog, the BJMP says 303,534 narcotics cases were at trial or being processed as of June. Most of the cases are defended by the Public Attorney s Office (PAO), a legal aid agency attached to the Department of Justice. At the end of 2016, the agency had a backlog of 303,000 drugs cases, compared to about 82,000 at the end of June 2016, just before Duterte unleashed his fierce anti-drugs campaign. The agency says it has 1,665 lawyers to handle a total of 709,128 criminal cases currently pending, meaning an average of 426 cases for each of them. We have tons of work, said public defender Karen Jay Sabugo, eating a meal of instant noodles at her desk. There are times when I return to the office so exhausted that I can t speak with colleagues anymore. The 30-year-old, in her first year as a trial lawyer, told Reuters she attends more than a dozen court hearings a day. In the morning, we attend court hearings and in the afternoon, we prepare pleadings and meet clients. I go to jails to prepare our defense. Boxloads of documents are piled up inside the PAO s office in Quezon City. Most are related to cases, but some are applications for about 750 new positions the government has agreed to create in the agency in the next two years to handle the overflow of cases. Typically, trials in the Philippines begin some years after arrest, said Maria Socorro Diokno, executive director of the Free Legal Assistance Group (FLAG), an organization of human rights lawyers. Trial last two to three years on average in regional courts, and another two or three years are taken up by appeals. Even before Duterte s anti-drugs crackdown, the Philippines had the third-most-congested prison system in the world after Haiti and El Salvador, according to the London-based Institute for Criminal Policy Research. An average of six inmates occupy a space of 4.7 square meters, the space intended for one prisoner, data from the BJMP showed. One Philippine prison officer watches over 63 prisoners on average, far from the stipulated one-to-seven ratio, and there are insufficient numbers of guards to escort suspects to court hearings, the data showed. The ratios are really wild, said Martin Perfecto, deputy director of the Philippines Bureau of Corrections. FLAG lawyer Alex Padilla says judicial reform is not a priority in the Philippines because there is scant sympathy for those accused of crimes. Duterte is extremely popular because people are fed up with crime and many support the killings in his campaign, he said. Judicial reform is the last reform because it s dirty, Padilla said. These are criminals ... they are the garbage of the society. (GRAPHIC: Lawyers, jails inundated by Duterte's war on drugs - tmsnrt.rs/2vNCFW4) ",worldnews,"August 31, 2017 ",1 +Panama ex-president facing political spying charges should be extradited: U.S. judge,"(Reuters) - A federal judge in Miami on Thursday said former Panamanian President Ricardo Martinelli should be extradited to his homeland to face charges he illegally orchestrated a campaign funded by public money to spy on political rivals there. U.S. Magistrate Judge Edwin Torres said Panama had established probable cause for all charges it brought against Martinelli, and that a show of good faith to its government required his surrender. There are reasonable grounds to suppose him guilty of all or some of the offenses charged, Torres wrote in a 93-page decision. The U.S. Department of State will decide whether to extradite Martinelli, but in an Aug. 1 court filing said it supported extradition. It is not clear when a decision might be made. Martinelli, 65, has denied the charges, and plans to appeal the extradition order, according to an email from his lawyer Marcos Jimenez. He is also seeking political asylum. Officials with the Panamanian government did not immediately respond to requests for comment. Martinelli was Panama s president from 2009 to 2014. Prosecutors accused him of diverting more than $13.4 million of public funds, intended to help the underprivileged, to fund a surveillance system to listen in on more than 150 rivals. Martinelli, a wealthy businessman through his ownership of supermarkets, was arrested in June by U.S. authorities in Coral Gables, Florida, and later held without bail. He had previously left Panama as that country was preparing to charge him. Panama s current president, Juan Carlos Varela, had once been Martinelli s vice president, but they later became rivals. Martinelli s lawyers have called their client s prosecution politically motivated. They had sparred with U.S. prosecutors over whether an extradition treaty updated in July 2014 between the United States and Panama covered Martinelli s alleged cyber crimes, which predated the update. Torres said it did, and that Martinelli s having at best suggested the issue was ambiguous was not enough to conclude that his interpretation ultimately prevails and bars his extradition. ",worldnews,"August 31, 2017 ",1 +Iraqi prime minister declares victory over IS in Tal Afar,"ERBIL, Iraq/BAGHDAD (Reuters) - Iraqi Prime Minister Hayder al-Abadi declared victory over Islamic State militants in Tal Afar and the entire province of Nineveh on Thursday, despite continued fighting in the small town of al- Ayadiya. Tal Afar had become the next target of the U.S.-backed war on the jihadist group following the capture of Mosul, where it had declared its caliphate over parts of Iraq and Syria in 2014. Tal Afar has been liberated, Abadi said in a statement. We say to the Islamic State fighters: wherever you are, we are coming for you, and you have no choice but to surrender or die. The defeat in Mosul, Nineveh s provincial capital, marked the latest in a string of territorial losses for the group. However, the militants still control areas on both sides of the Syrian-Iraqi border. This includes Hawija, a city between Mosul and Baghdad that Iraqi officials have said will be the coalition s next target. The Iraqi army dropped millions of leaflets over Hawija on Thursday, warning residents it was preparing an offensive to recapture the city from Islamic State, the military said in a statement. The leaflets urged residents to stay away from militants headquarters, to drop weapons and turn themselves in to avoid being killed. Iraqi forces had been waiting to clear al- Ayadiya, 11 km (7 miles) northwest of Tal Afar, before declaring complete victory in the offensive. Islamic State militants had retreated to the town. Divisions from the Iraqi army and federal police, backed by units from Shi ite paramilitaries, retook al- Ayadiya on Thursday, military officers told Reuters, after several days of unexpectedly fierce fighting. However, pockets of resistance remained and Iraqi forces were still working to clear the remaining militants from the town. We have to make sure that no more terrorists remain hiding inside the town s houses, Army Lieutenant Colonel Salah Kareem told Reuters. Two military officers whose units are leading the fight in al- Ayadiya on Thursday said scattered groups of militants were still hiding in houses and using tunnel networks to move through the town. Four soldiers were killed and 10 more wounded as clashes continued in parts of al- Ayadiya on Thursday night, despite the announcement hours earlier by the prime minister. Three soldiers were killed on Thursday evening and seven more wounded when a woman detonated a suicide vest, Kareem said. Soldiers thought the woman was a civilian trying to escape the fighting, but as soon as she came close to the soldiers, she blew herself up and killed three, an army officer said. In a separate incident, an Islamic State sniper killed a soldier and wounded three others during a search. We are still being shot at by snipers and coming under heavy gunfire from Daesh fighters, Kareem said. Iraqi forces will intensify their operations on Friday, to dislodge the militants still entrenched inside scattered houses, army officers said. Hundreds of additional troops had been sent into al- Ayadiya on Wednesday, as Iraqi forces came under increasing pressure to clear Islamic State fighters before the start of the Muslim holiday of Eid on Thursday evening. The battle was unexpectedly tough, with house-to-house fighting in the center of town. If reclaiming the town was harder than expected, the larger battle for Tal Afar was easier. The city s rapid collapse on Sunday after just eight days of fighting lent support to Iraqi military reports that the militants lack sturdy command and control structures west of Mosul. Up to 2,000 battle-hardened militants were believed to be defending Tal Afar against around 50,000 government troops last week. It was unclear how many had retreated to al- Ayadiya. U.S. Army Lieutenant General Stephen Townsend congratulated the Iraqi forces on achieving a stunningly swift and decisive victory in Tal Afar. This is Iraq liberating Iraqis, he told a Pentagon teleconference from Baghdad. Townsend added however, that a quick victory in Tal Afar did not necessarily mean the fight to retake Islamic State s remaining territory would be easy. While I would like to say that we would see this elsewhere in Iraq and Syria, we are not really planning for that, Townsend said. We pledge to you, our people, that we will continue to liberate every inch of Iraq, Abadi said in his statement. Tens of thousands of people had fled Tal Afar, a city with a pre-war population of about 200,000, in recent months. The United Nations estimated that 20,000 people had fled the city and its surrounding areas between Aug. 14 and 22 alone. Civilians who fled Tal Afar in recent weeks told Reuters they had faced months of starvation and brutal treatment by the militants, who threatened them with death if they tried to escape. ",worldnews,"August 31, 2017 ",1 +Brazil anti-graft head defends graft fines after backlash,"BRASILIA (Reuters) - A top Brazilian federal prosecutor defended the size of fines levied against companies involved in the nation s graft probes, saying that despite a public outcry some were too low, it was more important to dismantle the schemes than punish firms. Fines of different sizes and different terms have raised concerns that Brazil s sweeping anti-corruption investigation may not be dishing out equal justice for all. Marcelo Muscogliati, the coordinator of the anti-corruption committee within Brazil s federal prosecutors office, told Reuters on Wednesday that the main aim of the leniency deals which include the fines was to root out corruption. The deals are a tool to seek evidence, not to hand out fines, Muscogliati said. The fine and reparations are secondary. What is important is dismantling criminal organizations, mafias. Brazilian prosecutors came under withering criticism after they signed a 10.3 billion-real ($3.3 billion) leniency deal with the holding company running JBS SA, the world s largest meatpacker, in relation to kickbacks it paid politicians to win government investment deals and contracts. Prosecutors gave the billionaire Batista family, which controls the company, 25 years to pay the fine and pegged it to Brazil s consumer price index, sharply reducing the penalty s net present value. According to Reuters calculations, the fine s net present value is 5.45 billion reais - about 47 percent less than in nominal terms. By contrast, a 3.9 billion-real fine that engineering group Odebrecht SA agreed to pay over 22 years will be adjusted by the benchmark overnight Selic interest rate, currently running well above annual inflation. A state attorney is investigating whether the Batistas leniency deal harmed taxpayers interests. Federal prosecutors are working on creating clearer rules for future leniency deals to ensure more equal treatment in investigations into graft at top levels of private business, government and state-run enterprises. Earlier this week, the federal prosecutors office released 18 new guidelines for reaching the accords, but nothing fresh on the size of fines companies should pay, telling prosecutors to refer to an existing law allowing fines of up to 20 percent of a company s net revenue. Muscogliati said that if there were concrete guidelines on the fines for leniency deals, it would signal to firms a price tag they would pay if caught in corruption, money they would simply set aside. Instead, prosecutors must focus on making leniency deals with companies making internal changes so that they halt carrying out (corrupt) action and do not try to do it again. ",worldnews,"August 31, 2017 ",1 +U.S. bombers drill over Korean peninsula after latest North Korea launch,"SEOUL/TOKYO (Reuters) - South Korean and Japanese jets joined exercises with two supersonic U.S. B-1B bombers above and near the Korean peninsula on Thursday, two days after North Korea sharply raised tension by firing a missile over Japan. The drills, involving four U.S. stealth F-35B jets as well as South Korean and Japanese fighter jets, came at the end of annual U.S.-South Korea military exercises focused mainly on computer simulations. North Korea s actions are a threat to our allies, partners and homeland, and their destabilizing actions will be met accordingly, said General Terrence J. O Shaughnessy, Pacific Air Forces Commander, who made an unscheduled visit to Japan. This complex mission clearly demonstrates our solidarity with our allies and underscores the broadening cooperation to defend against this common regional threat. North Korea has been working to develop a nuclear-tipped missile capable of hitting the United States and has recently threatened to land missiles near the U.S. Pacific territory of Guam. On Monday, North Korea, which sees the exercises as preparations for invasion, raised the stakes in its stand-off with the United States and its allies by firing an intermediate-range missile over Japan. On Thursday, its official news agency, KCNA, denounced the military drills in traditionally robust fashion, calling them the rash act of those taken aback by the missile test, which it described as the first military operation in the Pacific. President Donald Trump, who has warned that the U.S. military is locked and loaded in case of North Korean provocation, reacted angrily to the latest missile test, declaring on Twitter that talking is not the answer to resolving the crisis over North Korea s weapons programs. U.S. Defense Secretary Jim Mattis was quick on Wednesday to stress that a diplomatic solution remained possible, but on Thursday he told reporters he agreed with Trump that Washington should not be talking right now to a nation that is firing missiles over the top of Japan, an ally. White House spokeswoman Sarah Sanders reiterated at a regular briefing on Thursday that all options - diplomatic, economic and military - remained on the table. Japanese Defence Minister Itsunori Onodera spoke to Mattis by telephone and agreed to keep putting pressure on North Korea in a visible form, Japan s defense ministry said. Japanese Prime Shinzo Abe said he and visiting British Prime Minister Theresa May agreed to urge China, North Korea s lone major ally, to do more to rein in North Korea. May and Abe also discussed the possibility of adopting a new U.N. Security Council resolution on North Korea, a British government source said. The 15-member U.N. Security Council on Tuesday condemned the firing of the missile over Japan as outrageous and demanded that North Korea halt its weapons programs. But the U.S.-drafted statement did not threaten new sanctions. Japan has been urging Washington to propose new Security Council sanctions, which diplomats said could target North Korean laborers working abroad, oil supplies and textile exports. However, diplomats expect resistance from Russia and fellow veto-wielding power China, particularly given that new measures were only announced on Aug. 5 after North Korea tested its first two intercontinental ballistic missiles in July. A U.S. ban on travel by Americans to North Korea comes into effect on Friday, a step announced after the death of a U.S. student shortly after his release from a 15-year prison sentence in the country, where three other Americans are still detained. China repeated a call on Thursday for restraint by all parties. Defence ministry spokesman Ren Guoqiang told a monthly briefing China would never allow war or chaos on the Korean peninsula, its doorstep, and military means were not an option. China strongly demands all sides to exercise restraint and remain calm and not do anything to worsen tensions, Ren said, adding that Chinese forces were maintaining a normal state of alert along the North Korean border. Chinese foreign ministry spokeswoman Hua Chunying said the situation on the peninsula was serious. The current tense situation on the peninsula isn t a screenplay or a video game, she told reporters. It s real, and is an immense and serious issue that directly involves the safety of people from both the north and south of the peninsula, as well as peace and stability of the entire region. For an interactive on North Korea's missile capabilities, click: here For a graphic on North Korean missile trajectories, ranges, click: here For a graphic on Kim's new act of defiance, click: here ",worldnews,"August 29, 2017 ",1 +Chilean economic officials resign in blow to center-left coalition,"SANTIAGO (Reuters) - Chilean President Michelle Bachelet s top economic officials resigned on Thursday after the cancellation of a major mining project, weakening her center-left coalition before November elections. Finance Minister Rodrigo Valdes said in a news conference some members of Bachelet s government had not shared his sense of urgency to spur growth and attract investment to the world s top copper producer. I wasn t able to make everybody share this conviction, Valdes said, pointing to the need for discipline and clear rules for the private sector. Valdes, who held his position for two years, had criticized the government s decision to reject a $2.5 billion copper and iron project owned by Andes Iron last week on environmental grounds. So had Economy Minister Luis Felipe Cespedes and Finance Undersecretary Alejandro Micco, who also stepped down. [nL2N1L70ZT] Cespedes, talking with reporters, did not respond when asked why he had quit. Micco s office declined to comment on his reasons for resigning. Dominga, as the project is known, had become a symbol in recent months of the increasing difficulties of doing business in what remains one of Latin America s most open economies and laid bare philosophical differences within the government. Bachelet said Valdes will be replaced by Nicolas Eyzaguirre, an economist in charge of legislative affairs for the president, while Cespedes will be replaced by Jorge Rodriguez, president of Banco del Estado de Chile. I don t think development is something to be done with your back to the people, where only the numbers matter and not what s happening to families, said Bachelet. The shakeup was seen by some as a blow to the center-left and its presidential candidate Alejandro Guillier, who is generally supportive of Bachelet, and a boost for conservative frontrunner Sebastian Pinera. The correct solution is not a change of cabinet, it is a change of government, Pinera told journalists. The Chilean peso strengthened over 1 percent after Valdes resignation as traders bet the shake-up will make a Pinera win more likely and will make it tougher for the current government to push through a social security reform. The only thing this can do is divide the center-left even more, said Kenneth Bunker, head of an elections unit at Universidad Central de Chile. Eyzaguirre and Rodriguez, both centrists, served under Ricardo Lagos, a moderate who was president from 2000 to 2006. Growth has slowed recently in Chile, long an investor darling and Latin America s richest nation. In July S&P downgraded its debt for the first time since the 1990s. Bachelet has faced criticism that her government is poorly organized and lacks unity. Her approval rating has risen slowly in recent months after a series of legislative wins but remains in the low 30s. ",worldnews,"August 31, 2017 ",1 +"U.S. retaliates against Russia, orders closure of consulate, annexes","WASHINGTON (Reuters) - The United States has told Russia to close its consulate in San Francisco and buildings in Washington and New York that house trade missions, the State Department said on Thursday, in retaliation for Moscow cutting the U.S. diplomatic presence in Russia. The announcement was the latest in tit-for-tat measures between the two countries that have helped to drive relations to a new post-Cold War low, thwarting hopes on both sides that they might improve after U.S. President Donald Trump took office in January. Last month, Moscow ordered the United States to cut its diplomatic and technical staff in Russia by more than half, to 455 people to match the number of Russian diplomats in the United States, after Congress overwhelmingly approved new sanctions against Russia. The sanctions were imposed in response to Russian meddling in the 2016 presidential election and to punish Russia further for its 2014 annexation of Crimea from Ukraine. We believe this action was unwarranted and detrimental to the overall relationship between our countries, State Department spokeswoman Heather Nauert said in a statement on Thursday, adding that the United States had completed the reduction. In the spirit of parity invoked by the Russians, Nauert said, the United States has required the Russian government to close its San Francisco consulate and two annexes in Washington, D.C. and New York by Sept. 2. The White House did not immediately respond to a request for comment on the decision. Secretary of State Rex Tillerson informed Russian Foreign Minister Sergei Lavrov of the closures in a phone call on Thursday, a senior Trump administration official said. The two men plan to meet on the sidelines of the U.N. General Assembly in September, the official said. Lavrov expressed regret about Washington s decision during the phone call with Tillerson, his ministry said. Moscow will closely study the new measures announced by the Americans, after which our reaction will be conveyed, the Russian foreign ministry said in a statement. The latest U.S. move caps eight months of back-and-forth retaliatory measures between the two countries spanning two U.S. administrations. In December, the administration of Barack Obama closed two Russian countryside vacation retreats in Maryland and New York, saying the compounds had been used for intelligence-related purposes. The closures were part of a broader response, including the expulsion of 35 suspected Russian spies, to what U.S. officials have called cyber interference by Moscow in the 2016 elections. The Kremlin has denied the allegations. Trump came into office wanting to improve relations with Russia, a desire that was hamstrung by the election interference allegations. The new sanctions passed by Congress conflicted with Trump s goals, but he grudgingly signed them into law this month. The United States said last week that it would have to sharply scale back visa services in Russia, a move that will hit Russian business travelers, tourists and students. The Russian consulate in San Francisco handles work from seven states in the Western United States. There are three other Russian consulates separate from the embassy in Washington. They are in New York, Seattle and Houston. The consulate in San Francisco is the oldest and most established of Russia s consulates in the United States, the senior Trump administration official told reporters. An official residence at the consulate will also be closed. No Russian diplomats are being expelled, and the diplomats assigned to San Francisco can be re-assigned to other posts in the United States, the official said. The Russians can continue to retain ownership of any of the closed facilities, or sell them, but will not be allowed to carry out diplomatic activities there, the official said. Even after these closures, Russia will still maintain more diplomatic and consular annexes in the United States than we have in Russia, the official said. We ve chosen to allow the Russian government to maintain some of its annexes in an effort to arrest the downward spiral in our relationship. ",worldnews,"August 31, 2017 ",1 +Muslim pilgrims in Muzdalifa prepare for haj's final stages,"MUZDALIFA, Saudi Arabia (Reuters) - Two million Muslims gathered at Mount Arafat on Thursday for a vigil to atone for their sins, then descended to Muzdalifa to prepare for the final stages of the annual haj pilgrimage. Pilgrims clad in white robes spent the previous night in an encampment at the hill where Islam holds that God tested Abraham s faith by commanding him to sacrifice his son Ismail and where the Prophet Mohammad gave his last sermon. Other worshippers who had been praying in the nearby Mina area ascended in buses or on foot from before dawn as security forces directed traffic and helicopters hovered overhead. Some of the faithful carved out seats on the craggy hillside, carrying umbrellas to protect themselves from the sun. Others filled nearby roads, with temperatures approaching 40 degrees Celsius (104 Fahrenheit). Men and women from nearly every country in the world gathered side by side, some crying on their neighbor s shoulder. An elderly Syrian pilgrim sitting on the hilltop shouted out, Oh God, take revenge on the oppressors . Others assembled around him responded, Amen . Awfa Nejm, from a village near Homs, said: We ask God to protect Syria and its people and return it to the way it was before. Twenty-seven-year-old Amin Mohammed from Nigeria said he was praying for peace in his country. Saudi Arabia said more than 2.3 million pilgrims, most of them from outside Saudi Arabia, had arrived for the five-day ritual, a religious duty once in a lifetime for every able-bodied Muslim who can afford the journey. Sheikh Saad al-Shathri, a senior Saudi cleric, delivered a midday sermon denouncing terrorism and violence against civilians. Sharia came to preserve the security of nations and cultivate benevolence in (people s) hearts, he said, referring to the Islamic legal and moral code derived from the teachings of the Koran and the traditions of the Prophet. He urged pilgrims to set aside politics during the haj and come together with fellow Muslims. This is no place for partisan slogans or sectarian movements which have resulted in great massacres and the displacement of millions, he said. Still, violence in the Middle East, including wars in Syria, Iraq, Yemen and Libya, and other global hotspots are sure to be on the minds of many pilgrims. As the sun set, they began moving to the rocky plain of Muzdalifa to gather pebbles to throw at stone columns symbolizing the devil at another location called Jamarat on Friday, which marks the first day of Eid al-Adha (feast of sacrifice). A crush in 2015 which killed hundreds occurred when two large groups of pilgrims arrived together at a crossroads in Mina, a few kilometers east of Mecca, on their way to Jamarat. It was the worst disaster to strike haj for at least 25 years. Saudi Arabia stakes its reputation on its guardianship of Islam s holiest sites - Mecca and Medina - and organizing the pilgrimage. King Salman visited Mina to review the services offered to pilgrims, state media showed. Officials say they have taken all necessary precautions this year, with more than 100,000 members of the security forces and 30,000 health workers on hand to maintain safety and provide first aid. Saudi state television on Thursday morning showed a new kiswa, the cloth embroidered with verses from the Koran, being placed over the Kaaba in Mecca s Grand Mosque. Pilgrims will return to pray there at the end of haj. Abdelhadi Abu Gharib, a young Egyptian pilgrim, prayed in Muzdalifa before collecting stones for Friday s ritual. The scene today in Arafat confirms that Muslims are not terrorists and that Islam is the greatest religion, he said. God has blessed us with Islam. For a graphic on the haj journey, click: here For a graphic on the haj stampedes, click: here ",worldnews,"August 31, 2017 ",1 +French foreign minister to travel to Libya to push peace deal,"PARIS (Reuters) - France s foreign minister said on Thursday he would head to Libya very soon to push warring parties to support a peace roadmap tentatively agreed in Paris in July. Libyan Prime Minister Fayez al-Serraj and the divided country s eastern commander Khalifa Haftar verbally committed last month to a conditional ceasefire and to work toward holding elections next spring. I will be traveling to Libya very soon to ensure the follow-up of this meeting and to get the support of all sides to the declaration that was adopted then, Jean-Yves Le Drian said in a speech to French ambassadors. France, which took a leading role in the NATO air campaign that helped rebels topple Muammar Gaddafi, has sought to play a greater role in Libya, believing diplomatic efforts were stalling and that under President Emmanuel Macron it could fill that void. Officials fear jihadist groups could try to exploit the power vacuum in Libya to regroup after losing substantial ground in Syria and Iraq, and see a resolution to the conflict as vital to ending Europe s migrant crisis. In Libya, France along with others has a specific responsibility to help this country find unity and stability, Le Drian said. Past attempts at peace deals in oil-producing Libya have often been scuttled by internal divisions among the myriad of competing armed groups that have emerged since rebels toppled Gaddafi in 2011. Diplomats declined to say specifically when Le Drian was traveling due to security reasons. The French initiative has angered officials in Italy, which has previously taken the lead in efforts to bring peace to its former North African colony and borne the brunt of successive waves of African migrants who have crossed the Mediterranean from Libya. ",worldnews,"August 31, 2017 ",1 +"India PM plans cabinet revamp, some ministers offer to quit: sources","NEW DELHI (Reuters) - Indian Prime Minister Narendra Modi plans to reshuffle his cabinet over the next two days and some mid-level ministers have offered to quit to pave the way for changes, sources in the party and aides to the ministers said. A revamp of the cabinet has been on the cards for months because some ministers are holding multiple portfolios which is seen as a drag on efficiency. Modi is also seeking to improve governance before he seeks re-election in 2019. With economic growth slowing to its slowest pace in three years, Modi is coming under pressure to deliver the promises he made in 2014. There was no official announcement of the cabinet revamp but sources Reuters spoke to said if it took place it would have to be done before Modi leaves on a foreign tour on Sunday. The death of Environment Minister Anil Madhav Dave and the election of Minister for Urban Development M. Venkaiah Naidu as vice-president opened vacancies, giving Modi an opportunity to bring in members from regional political parties. According to four party sources, Sanjeev Balyan, minister of state for water resources, Rajiv Pratap Rudy, minister of state for skill development and entrepreneurship, Kalraj Mishra, minister of micro, small and medium enterprises, and Mahendra Nath Pandey minister of state for human resource development have all offered to resign. ",worldnews,"August 31, 2017 ",1 +German legal experts say Poland has no right to WW2 reparations: report,"BERLIN (Reuters) - German parliamentary legal experts, reacting to calls by some Polish politicians, have ruled that Warsaw has no right to demand Berlin pay reparations for World War Two, according to a document obtained by a German newspaper. The experts found any claims related to German crimes had become unfeasible at latest in 1990 when a treaty was signed by East and West Germany, France, the Soviet Union, the United Kingdom, and the United States ahead of German reunification, according to Frankfurter Allgemeine Zeitung (FAZ). The experts, who provide independent advice to the German parliament, said EU partner Poland had, during the treaty negotiations, at least implicitly waived their right to assert them , FAZ cited the report as saying. They said it was agreed back then that this treaty blocks any reparation demands against Germany to the present day , FAZ reported. In recent weeks, Polish politicians and officials have stepped up calls for compensation, but the government has yet to officially demand any reparations. Johannes Singhammer, the vice-president of the Bundestag lower house and a member of the Christian Social Union (CSU) - the Bavarian sister party to Chancellor Angela Merkel s Christian Democrats (CDU), had commissioned the report. He told FAZ: The Polish demand for reparations, which does not stand a chance from a legal point of view, is contrary to the joint future project between Germany and Poland and could instead have dangerous effects. On Thursday, Polish Prime Minister Beata Szydlo said that by seeking reparations, Poland would be asking for justice. We are the victims of World War Two, the damages have not been repaid in any way, quite to the contrary, Szydlo said. Several Polish government sources told Reuters that it is unlikely Poland will officially ask for repayments, but it also could not be completely ruled out. ",worldnews,"August 31, 2017 ",1 +Car bomb kills four Libyan troops at checkpoint: security sources,"BENGHAZI, Libya (Reuters) - A car bomb at a checkpoint killed four troops from Libyan commander Khalifa Haftar s forces on Thursday, in an attack claimed by Islamic State, officials and security sources said. Haftar s Libyan National Army is one of the most powerful armed brigades in Libya, where rival factions and their military backers have competed for control since the fall of former leader Muammar Gaddafi in a 2011 uprising. The car bomb explosion that targeted a checkpoint in Nawfiliya town has resulted in two killed of Sirte Security Directorate and some other wounded, LNA spokesman Ahmad Mesmari told Reuters. Two security sources later said two more soldiers had died. Islamic State claimed the attack, according to the militant group s AMAQ news agency. Haftar s forces have been fighting against Islamist militants and other foes in eastern Benghazi and are besieging the city of Derna to try to oust militants there. Thursday attack in Nawfiliya was 80 km (50 miles) from Ras Lanuf, part of Libya s Oil Crescent and one the OPEC country s major oil exporting terminals. Libyan officials are concerned Islamic State may try to regroup there after defeat in nearby Sirte city last year. ",worldnews,"August 31, 2017 ",1 +Nigeria asks Britain for gear to fight Islamists: Johnson,"LAGOS (Reuters) - Britain is considering a request to sell military equipment to Nigeria to help it fight Boko Haram Islamist militants, Foreign Secretary Boris Johnson said on Thursday. British soldiers were already training Nigerian 28,000 troops confronting the militants in the northeast, Johnson told Reuters in the commercial capital Lagos. They have put out a request for more help with materiel - equipment of one kind and another. We are going to look at that, he said. We will look at that very seriously on counter-IED provision, on a request for more help with attack helicopters, for instance. Let s have a look at what we can do, he added, without going into further detail. Boko Haram militants have killed more than 20,000 people, forced around 2 million to flee and attacked Nigeria s neighbors in a campaign to carve out an Islamist caliphate. Britain s Foreign Office was unable immediately to provide details of military sales to Nigeria in the last few years. The Pentagon notified the U.S. Congress this month of the sale to Nigeria of 12 Super Tucano A-29 planes and weapons worth $593 million, to help it fight Boko Haram, . [nL2N1LE1A7] Johnson traveled to Maiduguri, the northeast Nigerian city at the heart of the insurgency, on Wednesday and met Nigeria s Vice President, Yemi Osinbajo, in the capital, Abuja, earlier on Thursday. ",worldnews,"August 31, 2017 ",1 +German Social Democrats say election race still open despite weak polls,"BERLIN (Reuters) - Germany s Social Democrats (SPD) on Thursday insisted they were still in with a chance of ousting Chancellor Angela Merkel in a Sept. 24 election after media reports said a senior party member seemed to have given up hope. The SPD, which surged in the polls early this year after nominating former European Parliament President Martin Schulz as its election candidate, was on 23 percent in the latest opinion poll - far behind Merkel s conservatives on 37 percent. Some German media reported that foreign minister and former SPD leader Sigmar Gabriel no longer believed his party could win the election after he told German magazine Der Spiegel on Wednesday: A grand coalition doesn t make sense because that would mean the SPD could not come up with the chancellor. The SPD is currently the junior partner in a grand coalition - generally a last resort alliance - with Merkel s conservatives. Gabriel contradicted those media that suggested he thought there was no prospect of an SPD victory, saying in a statement released on Thursday: Whoever says anything like that is talking nonsense. He said the race between Merkel and her SPD challenger remained completely open and pointed to a survey by pollster Allensbach last week that showed almost 50 percent of voters had yet to decide who they would choose. Schulz told Germany s RND network of newspapers: Sigmar Gabriel said he doesn t want to continue the grand coalition. I don t want that either. Where s the drama? Schulz said his aim was still to become chancellor of Germany with the SPD as the strongest party, adding that he would use a television debate between him and Merkel on Sunday to highlight the differences between their parties. ",worldnews,"August 31, 2017 ",1 +Huge WW2 bomb to be defused close to German gold reserves,"FRANKFURT (Reuters) - Frankfurt s city center, an area including police headquarters, two hospitals, transport systems and Germany s central bank storing $70 billion in gold reserves will be evacuated on Sunday to allow the defusing of a 1.8 ton World War Two bomb. A spokesman for the German Bundesbank said, however, the usual security arrangements would remain in place while experts worked to disarm the bomb, dropped by the British air force and uncovered during excavation of a building site. The Bundesbank headquarters, less than 600 meters from the location of the bomb, stores 1,710 tonnes of gold underground, around half the country s reserves. We have never defused a bomb of this size, bomb disposal expert Rene Bennert told Reuters, adding that it had been damaged on impact when it was dropped between 1943 and 1945. Airspace for 1.5 kilometers around the bomb site will also be closed. Frankfurt city officials said more than 60,000 residents would be evacuated for at least 12 hours. The evacuation area would also include 20 retirement homes, the Opera house and the diplomatic quarter. Bomb disposal experts will make use of a Rocket Wrench to try and unscrew the fuses attached to the HC 4,000 bomb. If that fails, a water jet will be used to cut the fuses away from the bomb, Bennert told Reuters. The most dangerous part of the exercise will be applying the wrench, Bennert said. Roads and transport systems, including the underground, will be closed during the work and for at least two hours after the bomb is defused, to allow patients to be transported back to hospitals without traffic. It is not unusual for unexploded bombs from World War Two air raids to be found in German cities, but rarely are they so large and in such a sensitive position. ",worldnews,"August 31, 2017 ",1 +"South Sudan's sacked army chief 'confined' to Juba home, minister says","JUBA (Reuters) - South Sudan s former army chief is being confined to his home for security reasons, the country s defense minister said on Thursday. Paul Malong was sacked in May by President Salva Kiir amid resignations by senior generals alleging military abuses and tribal bias as the country s ethnically charged civil war ground on. He was not arrested, but he [is] confined. There are no charges against him, Defence Minister Kuol Manyang Juuk told Reuters in an interview. The oil-rich nation gained independence from neighboring Sudan in 2011. The world s youngest nation plunged into civil war in 2013 when Kiir, an ethnic Dinka, fired his deputy, Riek Machar, a member of the rival Nuer community. A peace deal between the two sides signed in 2015 collapsed last year amid fighting in the capital. Machar is now in exile in South Africa. Malong, a former elected civilian governor, is a member of the Dinka ethnic group. He was not immediately available for comment. The former army chief had left Juba, the capital, in a convoy of vehicles hours after he was removed from his post, sparking fears he might join a revolt. The defense minister said Malong was persuaded to come back to Juba and is now back in his house. He said government doctors will be provided in the event Malong needs medical care, and that he must see those doctors before he decides to go anywhere outside the country. The minister also said the president had granted amnesty to Thomas Cirillo Swaka, the most senior officer to defect from the military in the last year. Cirillo, who now lives in Ethiopia, says his aim is to overthrow Kiir and accuses him of running a tribalist army and government. W hope he will respond to the amnesty by the president, Juuk said. If he wants, he can come and form his own political party and then we can develop our democratic system. East African leaders said in June they would push South Sudan s warring sides to revive collapsed peace efforts and delay scheduled elections but did not set a date for that new process. In July, donors from the European Union, the United States, Britain and Norway said they would offer no further support to implementation of the peace deal until regional leaders find a credible way of re-launching the peace process. ",worldnews,"August 31, 2017 ",1 +U.N. calls on Iran to resolve prisoner hunger strike,"GENEVA (Reuters) - A U.N. human rights investigator called on Iran on Thursday to resolve a prolonged hunger strike by prisoners protesting against their conditions of detention and abrupt transfer to a high-security section. U.N. special rapporteur Asma Jahangir voiced concern about 53 prisoners, including 15 followers of the Baha i faith, who have been transferred to a high-security section of Rajai-Shahr prison in Karaj, west of Tehran, over the past few weeks. The Bahai faith was founded in Iran in the 19th century and activists say more than 300,000 adherents live in Iran today. Iran s Shi ite government considers the faith a heretical offshoot of Islam. I am deeply alarmed by reports about the deteriorating medical conditions of the prisoners on hunger strike, and that their torture and ill-treatment have continued since their transfer, Jahangir said in a statement. At least 18 of the 53 were known to be on the hunger strike, her office said. Iranian Foreign ministry declined to comment. Exiled Bahai leaders say hundreds of followers have been jailed and executed since the 1979 Islamic revolution. The Iranian government denies it has detained or executed people for their religion. Jahangir said the prisoners were not allowed to take their belongings, including medicines, amid reports that they have also been deprived of adequate clothing, medical care and food. Depriving prisoners of having family contact, lawyers and adequate medical care is contrary to international law, she added. I urge the government of Iran to look for a prompt solution to the extreme situation created by the hunger strike through good faith dialogue about the grievances and underlying human rights violations, ensuring full respect for their dignity and autonomy, Jahangir said. The Baha i International Community, in a statement on Aug. 16, denounced the transfer as a harsh move . Not only are these Baha is unjustly imprisoned because of their beliefs, they are now also subjected to added pressures and ill treatment without any justification but also in contradiction with Iran s own laws, said Diane Ala i, the group s representative to the United Nations in Geneva. About 95 Baha is are imprisoned in Iran, all of whom it said had been arrested solely because of their religious beliefs . ",worldnews,"August 31, 2017 ",1 +North Korea sentences South Korean reporters to death over review of book about country,"SEOUL (Reuters) - A North Korean court sentenced two South Korean journalists and their publishers to death for seriously insulting the dignity of the country by reviewing and interviewing the British authors of a book about life in the North, its state media said on Thursday. North Korea has previously issued harshly worded accusations against South Korean entities and individuals for allegedly violating its dignity, by slandering its leadership and its political system. The book in English titled North Korea Confidential was authored by James Pearson, a Seoul-based correspondent for Reuters, and Daniel Tudor, former correspondent in South Korea for the Economist magazine. The book, based on interviews with North Korean defectors, diplomats and traders, depicts a growing market economy where ordinary North Koreans enjoy access to South Korea music and TV dramas, fashion and smuggled Chinese and American films. Pearson wrote the book, published in 2015, before joining Reuters. The Korean-language edition, published earlier this month with the title translated as Capitalist Republic of Korea , was reviewed by South Korea s Dong-A Ilbo and Chosun Ilbo newspapers. A spokesman for the North s Central Court said in a statement carried by the country s official KCNA news agency that the book viciously slandered the reality of the DPRK , the initials for North Korea s official name of the Democratic People s Republic of Korea. The book painted life in the country as increasingly capitalistic where money can buy power and influence, the spokesman said. The South Korean journalists who reviewed the book committed a hideous crime of seriously insulting the dignity of the DPRK with the use of dishonest contents carried by North Korea Confidential , the court spokesman said. The Central Court has ordered the execution of the journalists, Son Hyo-rim of the Dong-A Ilbo and Yang Ji-ho of the Chosun Ilbo, and the publishers of the newspapers. It also demanded the South Korean government investigate their crimes and punish them, the state media said. The court statement did not make any mention of punishment for the book s authors. A Dong-A Ilbo representative said the newspaper declined to comment and its reporter Son did not immediately respond to a request for comment. Chosun Ilbo reporter Yang declined to comment while a newspaper representative could not be immediately reached for comment. Tudor, the co-author of the book, declined to comment. A Reuters spokeswoman declined to comment. Dong-A Ilbo, Chosun Ilbo and other conservative media in South Korea have so far committed smear campaign against the DPRK nonstop, KCNA quoted the court as saying. The criminals hold no right to appeal and the execution will be carried out any moment and at any place without going through any additional procedures. ",worldnews,"August 31, 2017 ",1 +"Holocaust survivor celebrates bar mitzvah in Israel, 80 years later","HAIFA, Israel (Reuters) - Eighty years after he missed the Jewish coming-of-age ceremony, 93-year-old Holocaust survivor Shalom Shtamberg celebrated his bar mitzvah on Thursday with his family and friends in the northern Israeli city of Haifa. Shtamberg was born in Warsaw, Poland, and should have celebrated his bar mitzvah when he turned 13, but instead he was taken to a Warsaw Ghetto with his family. He survived - unlike most of his family - by training as an electrician and acquiring skills that made him valued as a good worker. On Thursday, Shtamberg was picked up from his home by trainee police officers, who drove him to a synagogue in Haifa where he was welcomed by cheering crowds and flower bouquets. He was given a prayer shawl and read from the Torah scroll before breaking into dance with guests, including his wife. I haven t fulfilled my mission yet because I still have things to do, Shtamberg told Reuters. One of those things is to detail in lectures the horrors of the Nazi camps he survived, unlike his parents and five brothers who were killed. Recalling his time in the Ghetto, he said: In the beginning I did not speak, I said and told nothing because I stayed a child, aged 13, 14, and (living in) Warsaw Ghetto was extremely difficult, every day. ",worldnews,"August 31, 2017 ",0 +"Rohingya women, children die in desperate boat escape from Myanmar","SHAH PORIR DWIP ISLAND, Bangladesh (Reuters) - On a remote beach looking out onto the Bay of Bengal, a baby boy lies swaddled in cloth, his face smeared with wet sand. The bodies of nine more children and eight women lie alongside. Another woman and a child have already been buried. The group, all Rohingya Muslims from Myanmar, were found washed up on the shore on Thursday by villagers from Shah Porir Dwip island in Bangladesh, a short distance from the mouth of the Naf river that separates the two countries. They died after two rickety boats capsized as they fled a Myanmar army counteroffensive that followed Rohingya insurgent attacks on security forces last week. Nearly 30,000 more Rohingyas have made the perilous crossing by boat or on foot into Bangladesh, while 20,000 more are stuck in no man s land at the border. We left after the army came early yesterday. They burned houses and shot many people. We ran away so they couldn t find us, said Samira, 19, a survivor from one of the boats, as the monsoon wind and rain blew off the sea to soak her bright orange hijab. I have no words. I don t know what we ll do. Samira and others fled violence unleashed after Rohingya insurgents wielding sticks, knives and crude bombs attacked police posts and an army base on Friday, leading to clashes that have killed at least 117 people. Journalists and other outside observers have been unable to independently travel to the northwest of Myanmar s Rakhine state since an earlier outbreak of violence last year, although some aid programs had quietly been resumed. Myanmar says its army is conducting clearance operations against extremist terrorists and that security forces have been told to protect civilians, but Rohingya arriving in Bangladesh say a campaign is under way to force them out. The bodies washed up on Thursday were hardly the first Rohingya to perish trying to escape by boat from Myanmar. Many died trying to cross the Naf after smaller-scale insurgent attacks last October provoked a harsh military response. Over the years, tens of thousands have attempted to flee across the Bay of Bengal and Andaman Sea to Thailand and Malaysia. A crackdown on people smuggling networks in Thailand in 2015 saw many Rohingya abandoned at sea by traffickers. The disruption to the smuggling networks also cut off a major escape route for the Muslim minority, which is denied citizenship and endures apartheid-like conditions in Buddhist-majority Myanmar. Samira s group hailed from a village to the south of the major regional town of Maungdaw in Rakhine. A Reuters reporter who traveled with government minders to the area on Wednesday saw many villages on fire. The two boats set off for the Bangladesh coast around 7 p.m. on Wednesday. The Naf here is about 3 km (1.9 miles) wide. After the group arrived on the Bangladeshi side, someone shouted that the police were near, Samira said. They went back out to sea - and a large wave tipped the boats over. Out of the 22 members of Samira s extended family six died. My brother can swim so he managed to save some of us, she said. In total, 14 people survived, but young children and those women couldn t swim and they couldn t be saved, she said, looking over the bodies lined up on the beach. The island - which used to be reachable by a bitumen road on a causeway - is about an hour by boat from Bangladesh s Teknaf peninsula. The road has been washed away by the Bay of Bengal s tides and strong winds. As the number of Rohingya refugees is expected to swell, humanitarian workers worry such boat accidents may become more frequent. Hundreds fleeing on boats were being pushed back by Bangladeshi border guards, according to authorities. The United Nations is pressuring Dhaka to let those fleeing Myanmar seek shelter on its territory, but Bangladesh - one of the poorest countries in Asia - has said it cannot cope with any more refugees and will not allow people to cross the border. Another boat in the area sank on Wednesday, killing two women and two children, after Myanmar border guards fired on it, Bangladesh Border Guard Lt. Col. Ariful Islam told Reuters. One person survived by floating on a jerry can. Jahid Hussein Saddique, a local administrator, confirmed the Thursday accident took place and said that a broker has been sentenced to six months in jail by a mobile court for human trafficking. They didn t know how to swim, so they died, Saddique said. We don t know the actual cause of death. ",worldnews,"August 31, 2017 ",1 +Russia says regrets over U.S. moves on consulate closure,"MOSCOW (Reuters) - Russian Foreign Minister Sergei Lavrov expressed regret during a phone call with his U.S. counterpart Rex Tillerson about Washington s move to close down Moscow s San Francisco consulate and two other annexes, his ministry said. Moscow will closely study the new measures announced by the Americans, after which our reaction will be conveyed, Russian foreign ministry said in a statement. ",worldnews,"August 31, 2017 ",1 +'Strong' Franco-British defense relationship won't be hit by Brexit: Fallon says,"PARIS (Reuters) - Britain s exit from the European Union will not have an impact its defense ties with France despite concerns they could be harmed by tough divorce talks, Defence Minister Michael Fallon said. In an interview with Reuters, Fallon sought to stress the close relationship between Europe s two largest military powers, who agreed in Paris on Thursday to hold joint exercises in September and November in eastern Europe and Kenya. I know French and British companies are concerned that we should not lose any cooperation after Brexit because we are working together on combat aircraft programs and new missiles systems that we need to progress on together, Fallon said. Shrinking budgets, a less indulgent United States and Europe s diminishing military clout in the world have in recent years bolstered the two countries determination to work together. But in July, Paris and Berlin unexpectedly announced plans for a joint fighter jet, catching many in Britain off guard. Asked whether this and other Europe-wide efforts for closer defense integration could hamper the ties, Fallon said he was confident that the two traditional allies would continue as usual. This is a strong relationship and it is not going to be diverted by Brexit, he said. Britain s exit negotiations with the European Union this week failed to make the kind of progress needed to open talks on their future relationship in October, the bloc s chief negotiator Michel Barnier said earlier on Thursday. Fallon said there was bound to be the odd stumble as both sides jostled for position, but that it was in the interests of Britain and EU to end the uncertainty as quickly as possible. Everyone knows that in the end there has to be a settlement, he said. Both permanent veto-wielding members of the United Nations Security Council, Britain and France are engaged in air strikes on Islamic State in Syria and Iraq, and Fallon said he believed the militant group would soon be defeated in its Syrian bastion of Raqqa. The battle to liberate Mosul took nine months and we re seeing some of the heaviest urban fighting we ve seen since the Second World War, he said. We won t set a timetable ... but I hope it won t be too long before Daesh is driven out of Raqqa, he said referring to an Arabic acronym for the hardline Islamist group. Fallon also said a military victory should not be achieved to the detriment of stabilizing the city and restoring civilian rule once Raqqa was taken. One thing we learnt from Iraq is that we mustn t let the military campaign get too far ahead of the political process, he said. Islamic State is on back foot in Syria and Iraq and losing territory. We have every prospect of Raqqa being liberated, but after that we have to work for proper governance to make sure Sunni populations have a stake in the future, he said. ",worldnews,"August 31, 2017 ",1 +Arsonists attack building used by controversial Russian director,"MOSCOW (Reuters) - Attackers set fire to a building used by a Russian director whose film about the last czar s romance with a ballerina has been condemned by religious conservatives, Russian news agencies reported on Thursday. A Molotov cocktail was thrown in through a window, igniting a fire in a building in the city of St Petersburg that houses, among other organizations, the studio of director Alexei Uchitel, the news agencies reported. The fire caused minor damage to a part of the building occupied by a different film studio, Lendok. Uchitel s forthcoming film, called Matilda, is about a reputed love affair between Tsar Nicholas II, before his coronation, and ballerina Mathilde Kschessinska. Some conservatives have called for the film to be banned, saying it besmirches the reputation of the late czar. The Russian Orthodox Church has designated him a saint. He and his family were executed soon after the 1917 Bolshevik Revolution. I cannot think of any motivation (for the attack) other than it being a reaction to Alexei Uchitel making the film Mathilda , TASS news agency quoted Lendok director Alexei Telnov as saying. The attack resulted in broken windows and a burned window sill in a part of Lendok s premises used for movie viewings, concerts and conferences. It was a miracle there was not a big fire, the agency quoted Telnov as saying. A spokesman for the St Petersburg police told Reuters officers were making checks after fire and smoke were spotted at the studio s address. An assistant to Telnov said he was busy making a film so could not comment. Uchitel s representatives could not be reached for comment. Uchitel s movie is to be released in October. Natalia Poklonskaya, a member of the Russian parliament, has said she asked prosecutors to have the film s release stopped, saying it would insult the religious feeling of believers. ",worldnews,"August 31, 2017 ",0 +"After North Korea missile, Britain and Japan agree closer security ties","TOKYO (Reuters) - Britain and Japan said on Thursday they would cooperate in countering the threat posed by North Korea, two days after it fired a missile over northern Japan, and will call on China to exert its leverage. Prime Minister Theresa May, looking to strengthen relations with one of her closest allies ahead of Brexit, is visiting Japan as it responds to an increasing military threat. Terming North Korea s missile program a global threat , Prime Minister Shinzo Abe told a news conference that Japan and Britain would cooperate. It is very meaningful that Prime Minister May and I agreed to further strengthen pressure on North Korea and to call on China to play a larger role, he added. May agreed, noting that China, North Korea s lone major ally, had been involved in U.N. Security Council debate earlier this week. China does have a particular position in this, they have leverage on North Korea and I believe we should be encouraging China to exercise that leverage to do what we all want - which is to ensure that North Korea is not conducting these illegal acts. May toured Japan s flagship Izumo helicopter carrier for a military briefing with Minister of Defence Itsunori Onodera before attending a national security meeting. May and Abe agreed on a joint declaration on security cooperation, including plans for British soldiers to take part in military exercises on Japanese soil and for collaboration to address the threat of cyber and militant attacks when Japan hosts the Olympics in 2020. North Korea featured heavily in the talks after it launched a ballistic missile on Tuesday that passed over Japanese territory, prompting international condemnation. May s office had said the two leaders were expected to discuss the possibility of further sanctions on North Korea, but neither Abe nor May touched on the issue at the news conference. The Global Times, a publication of the official People s Daily of China s ruling Communist Party, criticized an earlier comment of May s comment calling for more pressure from China. Beijing does not need London to teach it how to deal with North Korea, the newspaper said. Asked about the United States, Japan and Britain looking to impose new sanctions on North Korea, Chinese Foreign Ministry spokeswoman Hua Chunying said the situation could only be resolved peacefully through dialogue. We think it is regrettable that some countries selectively overlook the relevant Security Council resolutions demand to advance dialogue, and stubbornly emphasize pressure and sanctions, she told a daily news briefing. OUTWARD-LOOKING Apart from security, May s trip has focused on trade and investment. She is keen to convince nervy investors that Britain s exit from the European Union will not make it a less attractive business partner. Both May and Abe addressed a delegation of British business leaders and senior representatives from major Japanese investors in Britain, such as carmakers Nissan, Toyota and conglomerate Hitachi. Abe told the gathering that May had assured him Britain s negotiations on leaving the European Union would be transparent. May said Japanese investment after Britain s vote to leave the EU was a vote of confidence and she pledged to build close trade ties with Japan. I very much welcome the commitment from Japanese companies such as Nissan, Toyota, Softbank and Hitachi, May said. I am determined that we will seize the opportunity to become an ever more outward-looking global Britain, deepening our trade relations with old friends and new allies. During a two-hour train ride between Kyoto and Tokyo late on Wednesday, the two leaders discussed Brexit, with May talking Abe through the details of a series of papers published in recent weeks setting out her negotiating position. May said on Wednesday Japan s upcoming trade deal with the EU could offer a template for a future Japan-Britain trade agreement, the latest attempt to show investors that Brexit will not lead to an overnight change in business conditions. Japan has been unusually open about its concerns over Brexit, worrying that 40 billion pounds ($51.68 billion) of Japanese investment in the British economy could suffer if trading conditions change abruptly when Britain leaves the bloc. ",worldnews,"August 30, 2017 ",1 +France unveils labor reforms in first step to re-shaping economy,"PARIS (Reuters) - French President Emmanuel Macron s government announced reforms to loosen labor regulations and drive down unemployment, drawing criticism from unions but limited support for the street protests that have hindered previous reform bids. After weeks of negotiations with unions over the summer, the centrist government revealed measures including a cap on payouts for dismissals adjudged unfair and greater freedom to hire and fire. The plan would also give companies more flexibility to adapt pay and working hours to market conditions. The labor code reform is the first big test of Macron s drive to re-shape the euro zone s second biggest economy with its near double-digit jobless rate, double that in Britain and markedly higher than Germany. He also seeks a grand bargain with Germany over broader reforms of the euro zone. For decades, governments of the left and right have tried to reform France s strict labor rules, but have always diluted them in the face of street protests. The reform makes no direct reference to France s 35-hour week but gives employers more flexibility to negotiate deals with employees to work around it. Labour Minister Muriel Penicaud described the five decrees laying out the reforms as a transformation of labor rules on an unprecedented scale . Prime Minister Edouard Philippe said they were necessary to fight France s stubbornly high unemployment. The truth is that for bosses, especially of small companies, and foreign investors, the existing labor law is seen as a brake on hiring and investment, Philippe said. Trade unions were less upbeat at what they perceived as the loss of long-cherished workers rights. All of our fears have been confirmed, said Philippe Martinez, head of the hard-left CGT union, after the government presented the decrees to unions and employers. He said the union would press ahead with its plan for a protest on Sept. 12. But Macron s assiduous courting of the unions over the summer appeared to have born fruit. France s biggest union, the reformist CFDT, said it was disappointed with what amounted to a missed opportunity to improve labor relations. But both the CFDT and the smaller Force Ouvriere, one of the spearheads of last year s anti-reform protests, said they would not be joining the CGT s protest. This reform does not rise to the occasion , CFDT leader Laurent Berger told reporters, but he added: Taking to the streets is not the only mode of action for unions. It sets a cap on compensation for a dismissal judged in a labor court to be unfair. This will be set at three months of wages for two years in the company with the amount rising progressively depending on how long a worker was with the firm. In a concession to unions, normal severance pay would be increased from 20 percent of one month s wage for each year in a company to 25 percent. Economists drew parallels with Germany and Spain. This very much resembles the labor reform carried out in Germany in 2004-2005, said Florian Hense, European economist at Berenberg Bank. This could very well propel France to a golden decade like Germany had. Dutch bank ING said: The ceiling on dismissal compensation is a milestone in labor flexibility and a real positive for permanent contract creation. In Spain, a similar reform kick-started an unprecedented labor market recovery. Pierre Gattaz, the head of the MEDEF employers federation, described the reforms as an important first step which would boost confidence within companies. The CPME, a small business lobby, was even more positive. At last!, it said in a statement. After months of negotiations, we got results. The reform we had been waiting for so long is there. The labor reforms comes as the 39-year-old president suffers a steep drop in popularity ratings. Early policy announcements including an overhaul of the wealth tax and cuts to housing assistance have left a swathe of voters feeling his policies favor the rich, pollsters say. The government plans to start talks on overhauling unemployment benefits in October before tackling pension reform next year. Parliament, where Macron s Republic on the Move party has a commanding majority, has already voted to allow the government to issue the decrees without a vote in the assembly. The government plans to adopt the decrees on Sept. 22. ",worldnews,"August 31, 2017 ",1 +Somalia hands over ONLF rebel leader to Ethiopia: group,"ADDIS ABABA (Reuters) - Somali authorities have handed over to Ethiopia a senior official of the ONLF rebel group, which is fighting for the secession of Ogaden from Ethiopia, the group said. Abdikarin Sheikh Muse, an executive committee member who lived in the Somali capital Mogadishu, was detained by security in Galkayo in Somalia s semi-autonomous Galmudug state on August 23, the ONLF said in a statement. Quoting sources close to the Somali cabinet, it said the Somali government had forcefully handed over Abdikarin Sheikh Muse to Ethiopia without his consent in violation of U.N. convention relating to the status of refugees. Ethiopian officials were not available for comment. The Ogaden National Liberation Front (ONLF) launched its bid for secession of the Somali Region, also known as Ogaden, in eastern Ethiopia in 1984. In 2007, Ethiopian forces waged a large-scale offensive against them after the group attacked a Chinese-run oil facility, killing 74 people. Analysts say the rebels have since been severely weakened but are still able to launch hit-and-run attacks. The region they operate may contain 4 trillion cubic feet of gas and major oil deposits, mining experts say. China s GCL-Poly Petroleum Investments signed a production sharing deal with the government in late 2013 to develop two gas fields. ",worldnews,"August 31, 2017 ",1 +"U.S. pressure or not, U.N. nuclear watchdog sees no need to check Iran military sites","VIENNA (Reuters) - The United States is pushing U.N. nuclear inspectors to check military sites in Iran to verify it is not breaching its nuclear deal with world powers. But for this to happen, inspectors must believe such checks are necessary and so far they do not, officials say. Last week, U.S. Ambassador to the United Nations Nikki Haley visited the International Atomic Energy Agency (IAEA), which is scrutinizing compliance with the 2015 agreement, as part of a review of the pact by the administration of President Donald Trump. He has called it the worst deal ever negotiated . After her talks with officials of the U.N. nuclear watchdog, Haley said: There are... numerous undeclared sites that have not been inspected. That is a problem. Iran dismissed her demands as merely a dream . The IAEA has the authority to request access to facilities in Iran, including military ones, if there are new and credible indications of banned nuclear activities there, according to officials from the agency and signatories to the deal. But they said Washington has not provided such indications to back up its pressure on the IAEA to make such a request. We re not going to visit a military site like Parchin just to send a political signal, an IAEA official said, mentioning a military site often cited by opponents of the deal including Iran s arch-adversary Israel and many U.S. Republicans. The deal was struck under Trump s Democratic predecessor Barack Obama. IAEA Director-General Yukiya Amano frequently describes his Vienna-based agency as a technical rather than a political one, underscoring the need for its work to be based on facts alone. The accord restricts Iran s atomic activities with a view to keeping the Islamic Republic a year s work away from having enough enriched uranium or plutonium for a nuclear bomb, should it pull out of the accord and sprint towards making a weapon. The deal also allows the IAEA to request access to facilities other than the nuclear installations Iran has already declared if it has concerns about banned materials or activities there. But it must present a basis for those concerns. Those terms are widely understood by officials from the IAEA and member states to mean there must be credible information that arouses suspicion, and IAEA officials have made clear they will not take it at face value. We have to be able to vet this information, a second IAEA official said, asking not to be identified because inspections are sensitive and the agency rarely discusses them publicly. Despite Haley s public comments, she neither asked the IAEA to visit specific sites nor offered new intelligence on any site, officials who attended her meetings said. A U.S. State Department spokesman confirmed this. She conveyed that the IAEA will need to continue to robustly exercise its authorities to verify Iran s declaration and monitor the Joint Comprehensive Plan of Action, the spokesman added, using the deal s official name. Under U.S. law, the State Department must notify Congress every 90 days of Iran s compliance with the deal. The next deadline is October. Trump has said he thinks by then Washington will declare Iran to be non-compliant - a stance at odds with that of other five world powers including U.S. allies in Europe. An IAEA report published in 2015 as part of the deal formally drew a line under whether Iran pursued nuclear weapons in the past, which is why new information is needed to trigger a request for access. The IAEA has not visited an Iranian military facility since the agreement was implemented because it has had no reason to ask for access, the second agency official said. The deal s Access section lays out a process that begins with an IAEA request and, if the U.N. watchdog s concerns are not resolved, can lead to a vote by the eight members of the deal s decision-making body - the United States, Iran, Russia, China, France, Britain, Germany and the European Union. Five votes are needed for a majority, which could comprise the United States and its Western allies. Such a majority decision would advise on the necessary means to resolve the IAEA s concerns and Iran would implement the necessary means , the deal s Access section says. That process and wording have yet to be put to the test. Iran has reiterated commitment to the terms of the deal despite Trump s stance, but has also said its military sites are off limits, raising the risk of a stand-off if a request for access were put to a vote. That adds to the pressure to be clear on the grounds for an initial request. If they want to bring down the deal, they will, the first IAEA official said, referring to the Trump administration. We just don t want to give them an excuse to. During its decade-long impasse with world powers over its nuclear program, Iran repeatedly refused IAEA visits to military sites, saying they had nothing to do with nuclear activity and so were beyond the IAEA s purview. Shortly after the 2015 deal, Iran allowed inspectors to check its Parchin military complex, where Western security services believe Tehran carried out tests relevant to nuclear bomb detonations more than a decade ago. Iran has denied this. ",worldnews,"August 31, 2017 ",1 +"Despite derision, Britain's PM May might well be able to carry on... for now","LONDON (Reuters) - It was meant to silence her critics, but by pledging to lead the Conservative Party into the next election, British Prime Minister Theresa May instead unleashed a wave of derision from her foes. Still, with no challenger in sight and a party wary of a leadership fight, the 60-year-old prime minister is probably safe for now. The London Evening Standard, now edited by George Osborne, the Conservative sacked by May as finance minister when she became prime minister last year, described her pledge to run again as Like the Living Dead in a second-rate horror film . The premiership of Theresa May staggers on oblivious. This was not supposed to be in the script. Others chimed in. Party grandee Michael Heseltine, who was also sacked as a government adviser by May for rebelling over Britain s planned exit from the European Union, deadpanned: I don t think she s got a long term. And another critic, Nicky Morgan, who lost her position as education minister when May entered power after the Brexit referendum last year, said it would be difficult for May to lead the Conservatives into the next election due in 2022. We have got to think about how we renew our franchise, she told the BBC. But many Conservatives kept silent. After being bruised this year when May called an early election only to see her party lose its parliamentary majority, several said keeping the party in power was the main priority. And with no one willing to challenge May, it made more sense to keep her as leader to guide Britain through what could become a messy Brexit. There are people who are fed up and hurt after the election, and there s muttering, but not a lot of them are muttering publicly. The loudest ones are those who have no chance of getting big jobs, a veteran party member said. But no one is putting their hand up to take over. There s no appetite from any of the big players ... Her future is all about Brexit. Asked during a visit to Japan whether she wanted to lead the Conservative Party into the next election, May said: Yes ... I m here for the long term and it s crucial, what me and my government are about is not just delivering on Brexit, we are delivering a brighter future for the United Kingdom. I m not a quitter, she said. She hoped to silence weeks of media reports that she could leave office as early as the annual party conference in October, an event where political careers have been made or broken in the past. But instead of increasing her authority, damaged by the June election, she attracted derision from critics in her own party as well as the opposition. The Labour Party was quick to accuse May of deluding herself . Theresa May leads a zombie government, said Jon Trickett, a senior member of Labour leader Jeremy Corbyn s team. The sooner the public has the chance to vote out her and her government the better for our country s future. But it is the threat from Labour, which has seen its standing in the polls increase since the election, that in part might keep May in her position for longer than some think. Few Conservatives dare risk doing anything that might trigger an early parliamentary election and hand a chance of victory to Corbyn. Also, despite several leading Conservatives thought to be eyeing her job, none appears willing to step in now when Britain is engaged in difficult talks to leave the European Union, which officials say are making little or no progress. The veteran party member, who discussed May s prospects on condition of anonymity, said he thought May was sincere in pledging to stay on until the next election, despite the chorus of calls from foes within the party for her to step aside. She told the truth. She s up for staying on. But it all depends on Brexit, the party member said. If she comes out of it with jobs up, and is seen to have told the EU to get off and prospects are good ... well you can go hero to zero and vice versa. ",worldnews,"August 31, 2017 ",1 +"Russia gears up for major war games, neighbors watch with unease","MOSCOW (Reuters) - Russia is preparing to hold large-scale military exercises it says will be of a purely defensive nature, amid concerns in neighboring nations that the drills may be used as a precursor for an invasion. A total of around 12,700 servicemen will take part in the war games, code named Zapad 2017, which will be held on Sept. 14-20 in western Russia, Belarus and Russia s exclave of Kaliningrad. These will include around 5,500 Russian troops. Lieutenant General Ben Hodges, the U.S. Army s top general in Europe, told Reuters last month that U.S. allies in eastern Europe and Ukraine were worried the exercises could be a Trojan horse aimed at leaving behind military equipment brought into Belarus. This week Russia s Defence Ministry rejected what it said were false allegations it might use the drills as a springboard to launch invasions of Poland, Lithuania or Ukraine. The following graphic shows the breakdown of the troops and military hardware, including warships and aircraft, to be used in the exercises, according to data provided by Russia s Defence Ministry. It also shows the locations of the drills. For a graphic on Russia's Zapad war games, click: here ",worldnews,"August 31, 2017 ",1 +Heavy civilian casualties in Raqqa from air strikes: U.N.,"GENEVA (Reuters) - Civilians caught up in the battle for the Syrian city of Raqqa are paying an unacceptable price and attacking forces may be contravening international law with their intense air strikes, the top United Nations human rights official said on Thursday. A U.S.-led coalition is seeking to oust Islamic State from Raqqa, while Syrian government forces, backed by the Russian air force and Iran-backed militias are also advancing on the city. Some 20,000 civilians are trapped in Raqqa where the jihadist fighters are holding some of them as human shields, the world body says. U.N. High Commissioner for Human Rights Zeid Ra ad al-Hussein said that his office had documented 151 civilian deaths in six incidents alone in August, due to air strikes and ground-based attacks. Given the extremely high number of reports of civilian casualties this month and the intensity of the air strikes on Raqqa, coupled with ISIL s use of civilians as human shields, I am deeply concerned that civilians who should be protected at all times - are paying an unacceptable price and that forces involved in battling ISIL are losing sight of the ultimate goal of this battle, Zeid said in a statement. ...the attacking forces may be failing to abide by the international humanitarian law principles of precautions, distinction, and proportionality, he said. The U.S.-led coalition has said it conducted nearly 1,100 air strikes on and near Raqqa this month, up from 645 in July, the U.N. statement said. Russia s air force has reported carrying out 2,518 air strikes across Syria in the first three weeks of August, it added. Meanwhile ISIL fighters continue to prevent civilians from fleeing the area, although some manage to leave after paying large amounts of money to smugglers, Zeid said. We have reports of smugglers also being publicly executed by ISIL. U.S.-led warplanes on Wednesday blocked a convoy of Islamic State fighters and their families from reaching territory the group holds in eastern Syria and struck some of their comrades traveling to meet them, a coalition spokesman said. ",worldnews,"August 31, 2017 ",1 +France unveils labor reforms in first step to re-shaping economy,"PARIS (Reuters) - French President Emmanuel Macron s government announced reforms to loosen labor regulations and drive down unemployment, drawing criticism from unions but limited support for the street protests that have hindered previous reform bids. After weeks of negotiations with unions over the summer, the centrist government revealed measures including a cap on payouts for dismissals adjudged unfair and greater freedom to hire and fire. The plan would also give companies more flexibility to adapt pay and working hours to market conditions. The labor code reform is the first big test of Macron s drive to re-shape the euro zone s second biggest economy with its near double-digit jobless rate, double that in Britain and markedly higher than Germany. He also seeks a grand bargain with Germany over broader reforms of the euro zone. For decades, governments of the left and right have tried to reform France s strict labor rules, but have always diluted them in the face of street protests. The reform makes no direct reference to France s 35-hour week but gives employers more flexibility to negotiate deals with employees to work around it. Labour Minister Muriel Penicaud described the five decrees laying out the reforms as a transformation of labor rules on an unprecedented scale . Prime Minister Edouard Philippe said they were necessary to fight France s stubbornly high unemployment. The truth is that for bosses, especially of small companies, and foreign investors, the existing labor law is seen as a brake on hiring and investment, Philippe said. Trade unions were less upbeat at what they perceived as the loss of long-cherished workers rights. All of our fears have been confirmed, said Philippe Martinez, head of the hard-left CGT union, after the government presented the decrees to unions and employers. He said the union would press ahead with its plan for a protest on Sept. 12. But Macron s assiduous courting of the unions over the summer appeared to have born fruit. France s biggest union, the reformist CFDT, said it was disappointed with what amounted to a missed opportunity to improve labor relations. But both the CFDT and the smaller Force Ouvriere, one of the spearheads of last year s anti-reform protests, said they would not be joining the CGT s protest. This reform does not rise to the occasion , CFDT leader Laurent Berger told reporters, but he added: Taking to the streets is not the only mode of action for unions. It sets a cap on compensation for a dismissal judged in a labor court to be unfair. This will be set at three months of wages for two years in the company with the amount rising progressively depending on how long a worker was with the firm. In a concession to unions, normal severance pay would be increased from 20 percent of one month s wage for each year in a company to 25 percent. Economists drew parallels with Germany and Spain. This very much resembles the labor reform carried out in Germany in 2004-2005, said Florian Hense, European economist at Berenberg Bank. This could very well propel France to a golden decade like Germany had. Dutch bank ING said: The ceiling on dismissal compensation is a milestone in labor flexibility and a real positive for permanent contract creation. In Spain, a similar reform kick-started an unprecedented labor market recovery. Pierre Gattaz, the head of the MEDEF employers federation, described the reforms as an important first step which would boost confidence within companies. The CPME, a small business lobby, was even more positive. At last!, it said in a statement. After months of negotiations, we got results. The reform we had been waiting for so long is there. The labor reforms comes as the 39-year-old president suffers a steep drop in popularity ratings. Early policy announcements including an overhaul of the wealth tax and cuts to housing assistance have left a swathe of voters feeling his policies favor the rich, pollsters say. The government plans to start talks on overhauling unemployment benefits in October before tackling pension reform next year. Parliament, where Macron s Republic on the Move party has a commanding majority, has already voted to allow the government to issue the decrees without a vote in the assembly. The government plans to adopt the decrees on Sept. 22. ",worldnews,"August 31, 2017 ",1 +German minister favors longer ban on Syrian refugees bringing families,"BERLIN (Reuters) - German Interior Minister Thomas de Maiziere said he favors extending a temporary ban on Syrian migrants bringing their families to Germany, a move that reflects growing popular opposition to family reunifications. De Maiziere, a member of Chancellor Angela Merkel s conservatives, told the Heilbronner Stimme newspaper that a huge number of Syrians were expected to enter Germany unless the ban was extended when it expires in March 2018. Officials expect every refugee to bring at least one family member to Germany, he said in an article published on Thursday. Bild newspaper said this week that internal government estimates showed that about 390,000 Syrians who had been recognized as asylum seekers could request visas for family members when the two-year ban on reunifications expires next March. Merkel, who is expected to win a fourth term in Sept. 24 elections, has said the government will decide the issue after the election. The government has sought to tighten asylum rules after suffering regional election losses over Merkel s 2015 decision to leave borders open to over a million migrants. Concern about migration has fueled support in particular for the far-right Alternative for Germany (AfD) party, which is expected to win seats in the national parliament for the first time at the election. A poll conducted by the INSA institute for daily newspaper Bild this week showed that 58.3 percent of Germans opposed family reunifications for recognized asylum seekers, although they are allowed under German law. The poll showed that 95.8 percent of AfD supporters and 66.8 percent of supporters of the pro-business Free Democrats opposed family reunifications. About 54.3 percent of conservatives were also opposed, compared to 42.7 percent of backers of the Social Democrats, junior partners in the current coalition government. Richard Hilmer, head of the Berlin-based Policy Matters think tank, said migration remained a key issue for German voters in the 2017 election. He said German law allowed family reunifications to help ensure good integration of asylum seekers whose applications were accepted. Otherwise you wind up with single men who are not integrated into the social fabric, and in the worst cases, even a sort of ghettoisation, he said. ",worldnews,"August 31, 2017 ",1 +Japan seeks funds to boost missile ranges days after North Korea threat,"TOKYO (Reuters) - Japan s defense ministry on Thursday sought $160 million in a record budget request to develop swift, longer-range missiles to extend its military punch in East Asia, countering growing Chinese strength and an increasing North Korean threat. If approved, the proposal for a rise of 2.5 percent in defense spending to 5.26 trillion yen ($48 billion) for the year starting April 1 would be the sixth straight annual increase as Prime Minister Shinzo Abe bolsters the military. The funds will pay for ballistic missile defense upgrades, six F-35 stealth fighters, four V-22 Osprey tilt rotor troop carriers, besides orders for new naval vessels, including a submarine and two compact warships. Around $90 million of the requested missile development funds of $160 million will go on studying hypersonic missiles to quickly penetrate enemy defenses. The rest will pay for research on extending missile range, technology that could potentially be used to help develop strike weapons. South Korea s air force conducted an exercise with two U.S. nuclear-capable bombers above the Korean peninsula on Thursday, two days after a North Korean missile fired over Japan sharply raised tension. The research and development is for island defense, a Ministry of Defence official told a briefing, referring to the southwestern Okinawa island chain skirting the East China Sea, where Japan is embroiled in a territorial dispute with China. The funding for missile development, though relatively small, could nonetheless spark controversy, since Japan s war-renouncing constitution imposes restrictions on strike weapons for the military. Chinese Foreign Ministry spokeswoman Hua Chunying said Japan had consistently hyped the so-called China threat to increase its defense spending, and urged it to learn the lessons of history and pay heed to its neighbors security concerns. Regardless of what its reasons are, Japan s defense spending is increasing every year and has reached a new historical high. We express concern about this, Hua told a regular press briefing. Some lawmakers of the ruling Liberal Democratic Party (LDP) argue that Japan needs weapons able to strike North Korean missile sites, so as to deter attacks by Pyongyang. The longest range missiles in Japan s arsenal, which includes anti-aircraft and anti-ship munitions, have ranges of less than 300 kilometers. A group of LDP lawmakers that recommended Japan acquire strike weapons was led by Minister of Defence Itsunori Onodera before he took up his post in August. But such a proposed shift in military strategy would face stiff political opposition from critics in Japan who say Abe s hawkish policies have gone too far, hurting his already soggy popularity. Striking enemy bases after an attack to stop subsequent launches would seem like a natural thing to do, but that would be difficult for people in Japan to accept under the current constitution, an LDP lawmaker said, asking not to be identified because he was not authorized to talk to the media. The proposed defense budget will face scrutiny by Ministry of Finance officials who may seek to rein in military outlays as they juggle demands for higher spending on health and welfare for Japan s aging population. ",worldnews,"August 31, 2017 ",1 +"After Taiwan alarm, China says air force drills were routine","BEIJING (Reuters) - China s Defence Ministry said on Thursday that a recent series of air force exercises around self-ruled Taiwan were routine, after Taiwan s military said this month it was on a high state of alert following three straight days of drills. The Chinese aircraft, which have included bombers and advanced fighter jets, staged exercises flying through the Bashi Channel that separates Taiwan from the Philippines and up to the north of Taiwan, by Japan s Miyako island, according to Taiwan s government. The drills were the latest in a series of exercises conducted by China near Taiwan and Japan in the past several weeks. China said nothing out of the ordinary had happened. These activities are routine exercises by the Chinese air force, Defence Ministry spokesman Ren Guoqiang told a monthly news briefing when asked about the most recent drills around Taiwan. He did not elaborate. China frequently refers to such exercises as routine. China has been increasingly asserting itself in territorial disputes in the South and East China Seas. It is also worried about Taiwan, run by a government China fears is intent on independence. Beijing has never ruled out the use of force to bring proudly democratic Taiwan under its control, and has warned that any moves towards formal independence could prompt an armed response. China is in the midst of an ambitious military modernization program that includes building aircraft carriers and developing stealth fighters to give it the ability to project power far from its shores. Taiwan is well armed with mostly U.S. weaponry, but has been pressing Washington to sell it more high-tech equipment to better deter China. ",worldnews,"August 31, 2017 ",1 +Several wounded after blast hits bus in Turkey's Izmir,"ANKARA (Reuters) - Seven people were wounded when an explosion hit a shuttle bus carrying prison guards in the Turkish coastal province of Izmir on Thursday, and authorities were investigating a possible terrorist attack, the local mayor said. The bus was hit as it passed a garbage container at around 7:40 a.m. (0440 GMT), Levent Piristina, the mayor of Izmir s Buca district, said on Twitter. Photographs he posted on social media showed its windows blown out and its windscreen shattered. The force of the blast appeared to have blown out some of the bus s panels, and the nearby street was littered with debris. We are getting information from police sources and they are focusing on the possibility of a terrorist attack, he said, adding that all seven wounded were in good condition. Both state-run TRT Haber and private broadcaster Dogan news agency said the explosion was caused by a bomb placed in the garbage container that exploded when the shuttle bus passed. No one immediately claimed responsibility. Both Kurdish militants and jihadist Islamic State militants have carried out suicide and bomb attacks in major Turkish cities in recent years. Kurdish militants have previously targeted buses carrying security personnel. In December, a bomb killed at least 13 soldiers and wounded more than 50 when it ripped through a bus carrying off-duty military personnel in the central city of Kayseri, an attack the government blamed on Kurdish militants. The Kurdistan Workers Party (PKK), considered a terrorist organization by the United States, Turkey and the European Union, has waged a three-decade insurgency against the Turkish state. The outlawed PKK wants autonomy for Turkey s largely Kurdish southeast. ",worldnews,"August 31, 2017 ",1 +Campaign hits TV screens as Australian same-sex marriage vote looms,"SYDNEY (Reuters) - The first public campaigns ahead of Australia s vote on legalizing same-sex marriage have hit television screens, sparking a truth-in-advertising debate on an issue that threatens to destabilize the ruling center-right coalition. Australians can take part in a non-binding postal ballot in September on whether to change the Marriage Act to allow same-sex couples to marry. The process will inform the government on whether to pursue legislative change and join 24 other countries around the world where it is legal. The no and yes campaigns launched their first television adverts on Tuesday and Thursday, drawing immediate rebukes from their rivals. The no campaign linked same-sex marriage to paving the way for radical gender study program to be introduced in schools. Lyle Shelton, the head of the Australian Christian Lobby and spokesman for Coalition for Marriage, cited a case in Canada, and another in Britain. Look at the UK where a Jewish school in London faced the prospect of closure because it won t teach radical LGBTIQ education, he told Reuters in a phone interview, referring to the acronym for lesbian, gay, bisexual, transgender, intersex and queer/questioning people. Australia s Education Minister Simon Birmingham said the two issues were not linked while non-government organization Human Rights Watch (HRW) said the ad was factually inaccurate. Because the postal vote is not a formal election it is not subject to the same rules on political advertisements. You can have posters and ads peddling outright lies, said Elaine Pearson, Australian HRW director. Australian Marriage Equality responded on Thursday with an advert saying same-sex marriage would give young gay people the same dignity as everyone else. Spokeswoman Kerryn Phelps said gay and lesbian counseling services were inundated by people distressed that their lives and relationships had been put up for judgment. It s humiliating and it s anxiety provoking, Phelps said. The marriage debate has dogged Prime Minister Malcolm Turnbull for the past two years as he wrestles to sell the idea of a public vote to appease conservatives in his ruling government, many of whom only agreed to support Turnbull s leadership if he went ahead with the ballot. Conservatives expect any proposal to allow same-sex marriage would be rejected in a vote. The postal vote is subject to a High Court legal challenge to be resolved next week, with opponents of the process hoping it will be struck down before the issue is put to the people. ",worldnews,"August 31, 2017 ",1 +"Japan's Abe, UK May pledge cooperation on North Korea threat","TOKYO (Reuters) - The leaders of Japan and Britain pledged on Thursday to cooperate in countering the threat posed by North Korea, two days after it fired a missile over northern Japan. North Korea s reckless action is a threat to Japan, Prime Minister Shinzo Abe told his National Security Council. Japan and Britain will cooperate to counter this. British Prime Minister Theresa May, attending the meeting during a visit to Japan, said: Through our deepened security partnership, we must work together to enhance our collective response to the threats to international order and global peace and stability. And that must include confronting the threat that North Korea poses and ensuring that this regime in North Korea stops its aggressive acts. ",worldnews,"August 31, 2017 ",1 +U.S.-led jets strike in Syria to block Islamic State evacuation deal,"BEIRUT (Reuters) - U.S.-led warplanes on Wednesday blocked a convoy of Islamic State fighters and their families from reaching territory the group holds in eastern Syria and struck some of their comrades traveling to meet them, a coalition spokesman said. The strikes were aimed at stopping an evacuation deal for Islamic State fighters to leave their enclave on the Lebanon-Syria border for areas they hold in eastern Syria, arranged by the Lebanese Hezbollah group and the Syrian army. It was part of a ceasefire agreed after offensives last week by the Lebanese army on one front, and the Syrian army and Hezbollah on another, that pushed Islamic State back into a small part of its enclave straddling the frontier. The deal has been criticized by the coalition and by Iraq, whose army is also fighting Islamic State in areas contiguous with the eastern Syria region to which the convoy was headed. The convoy, carrying 308 militants and 331 civilians according to Hezbollah, is now effectively stranded, unable to move forward into Islamic State territory. It shows how easily such evacuations to other areas, which the government of Syrian President Bashar al-Assad has increasingly used to push rebel pockets to surrender, can be derailed in a conflict with many sides. A commander in the military alliance supporting Assad said the coalition had contacted the Syrian Arab Red Crescent, which is accompanying the convoy and warned that if it entered Islamic State territory, it might attack. Islamic State is on the back foot in both Syria and Iraq, losing swathes of its territory and its most important towns and cities after taking advantage of chaos including the six-year civil war in Syria to win ground. In Syria, the U.S.-led coalition is backing an alliance of Kurdish and Arab militias in the north which are assaulting the jihadist group s former de facto capital of Raqqa. The Russian-backed Syrian army and allied Shi ite militia from Iraq and Lebanon including Hezbollah have this year seized most of the central desert from the group, and are advancing eastwards to relieve the army s besieged enclave in Deir al-Zor. The coalition strikes to block the convoy moving into Islamic State territory took place east of Humeima, near the edge of land held by the Syrian government, coalition spokesman Ryan Dillon told Reuters. We did crater the road and destroyed a small bridge to prevent this convoy from moving further east, Dillon told Reuters by phone. He later said the coalition had struck vehicles containing Islamic State fighters that were heading to that area from deeper inside the territory they control to the east. He did not know if the evacuation convoy, which contains buses of fighters and their family members, as well as ambulances carrying wounded fighters, was now in Islamic State or Syrian government territory. On Tuesday morning a Hezbollah-run military media unit reported the convoy had reached an exchange point into Islamic State territory. The evacuation deal also involved Islamic State revealing the fate of nine Lebanese soldiers it took captive in its border enclave in 2014, and surrendering Hezbollah and Syrian army prisoners and bodies in east Syria. The commander in the pro-Assad military alliance said it was considering an alternative location for the convoy to cross into Islamic State territory. Now things are moving to change the place from Humeima and head north towards Sukhna, the commander said. We re not bound by these agreements, Dillon said, apparently referring to the ceasefire deal. They re clearly fighters and they re moving to another location to fight yet again. In accordance with the law of armed conflict ... we will strike them if we are able to do so, he said, adding that direct strikes on the convoy would only take place if the militants could be separated from civilians. Brett McGurk, the U.S. envoy to the coalition, criticized the evacuation deal in a statement early on Wednesday before the strikes were reported, saying: Relocating terrorists from one place to another for someone else to deal with is not a lasting solution . Separately, the leader of Hezbollah, Sayyed Hassan Nasrallah, defended the Lebanese group s involvement in the evacuation deal in a statement responding to criticism of the move from Iraqi Prime Minister Haider al-Abadi. Abadi said on Tuesday: Transporting this number of terrorists from long distance to eastern Syria adjacent to Iraqi borders is unacceptable . Nasrallah said it was a Hezbollah deal agreed upon by the Syrian leadership, that the fighters were few in number, and were being moved from one front Hezbollah was fighting in to another. Lebanon is a major recipient of U.S. and British military aid. It says its offensive against Islamic State last week was separate to the simultaneous one made against the same pocket from inside Syria by the Syrian army and Hezbollah, regarded by the U.S. and Britain as a terrorist group. On Wednesday the Lebanese army said its head General Joseph Aoun had been phoned by the commander of U.S. Central Command Joseph Votel congratulating him on the offensive and pledging to continue arming Lebanon s army. ",worldnews,"August 30, 2017 ",1 +U.S. conducts missile defense test off Hawaii coast,"(Reuters) - The U.S. Missile Defense Agency and the Navy successfully conducted a missile defense test off the coast of Hawaii, MDA said in a statement on Wednesday. The test, scheduled well in advance, was done from the USS John Paul Jones and comes a day after North Korea fired a ballistic missile over Japan. The test, using Standard Missile-6 guided missiles, intercepted a medium-range ballistic missile target. North Korea said its missile launch was to counter U.S. and South Korean military drills, and was a first step in military action in the Pacific to contain the U.S. territory of Guam. The launch was condemned by the United Nations as an outrageous act. The MDA said the test gives the naval component of the missile defense system higher ability to intercept ballistic missiles in their terminal phase. Japan has been worried that the United States has so far declined to arm it with a powerful new radar, Reuters reported on Wednesday. Japan is seeking a land-based version of the Aegis ballistic missile defense system, operational by 2023, as a new layer of defense to help counter North Korea s missile advances. ",worldnews,"August 30, 2017 ",1 +"Trial against Guatemalan president's brother, son begins","GUATEMALA CITY (Reuters) - A fraud trial against the brother and son of Guatemalan president Jimmy Morales began on Wednesday amid a scandal touched off by the president s attempt to expel the leader of a U.N.-backed anti-corruption unit investigating the case. Guatemala s top tribunal, the Constitutional Court, ruled definitively on Tuesday against Morales internationally criticized push to expel from the country Ivan Velasquez, the Colombian who leads the International Commission Against Impunity in Guatemala (CICIG).[nL8N1LF4RY] The CICIG and the prosecutor s office accuse Samuel Sammy Morales, the president s brother and one of his closest advisers, and Jose Manuel Morales, one of the leader s four sons, of facilitating false receipts that defrauded the national property registry in 2013, two years before Morales was elected. They deny any wrongdoing. Neither of the two gave a declaration before a judge on Wednesday, where they appeared together with another 20 other defendants. The scandal has hurt the popularity of Jimmy Morales, a former comedian, who won election in late 2015 after riding a wave of public discontent over the corruption scandals that brought down his predecessor Otto Perez Molina. The president has said the investigation into his family was not related to his controversial decision to declare Velasquez persona non grata. Last week, Velasquez and Guatemalan Attorney General Thelma Aldana asked to remove Morales immunity, in order to investigate him for accusations of illegal campaign financing. The case involves payments linked to the mother of Jose Manuel Morales then-girlfriend in 2013. She allegedly sent the national property registry a $12,000 bill made out in the name of a local restaurant for 564 breakfasts, according to the attorney general. The breakfasts were never delivered. Samuel Morales recognized the acts as a favor to his nephew, but he denied that he had benefited or been implicated in the network of fraud that deprived the institution of thousands of dollars. Both were detained in January, then put under house arrest and barred from leaving the country. ",worldnews,"August 30, 2017 ",1 +Thousands more Rohingya flee to border as Myanmar violence flares,"COX S BAZAR, Bangladesh (Reuters) - More than 18,000 Rohingya Muslims, many sick and some with bullet wounds, have fled the worst violence to grip northwest Myanmar in at least five years, while thousands more are stuck at the Bangladesh border or scrambling to reach it. Friday s series of coordinated attacks by Rohingya insurgents on security forces in the north of Myanmar s Rakhine state and ensuing clashes triggered the Rohingya exodus, while the government evacuated thousands of Rakhine Buddhists. Since the attacks, about 18,445 Rohingya - mostly women and children - have registered in Bangladesh, the International Organization for Migration (IOM) said on Wednesday. They are in a very, very desperate condition, said Sanjukta Sahany, who runs the IOM office in the southern town of Cox s Bazar near the border. The biggest needs are food, health services and they need shelter. They need at least some cover, some roofs over their heads. Sahany said many crossed with bullet injuries and burn injuries, and that aid workers reported that some refugees gave a blank look when questioned. People are traumatized, which is quite visible. The United Nations, while condemning the militant attacks, has pressured Myanmar to protect civilian lives without discrimination and appealed to Bangladesh to admit those fleeing the military counteroffensive. At least 109 people have been killed in the clashes with insurgents, Myanmar says, most of them militants but also members of the security forces and civilians. The United Nations Security Council was briefed behind closed doors on Wednesday on the escalating violence at the request of Britain. There s a lot of concern about the situation in the country. We all condemned the violence, we all called on all the parties to de-escalate, British U.N. Ambassador Matthew Rycroft told reporters after the briefing. The treatment of about 1.1 million Muslim Rohingya in Myanmar is the biggest challenge facing national leader Aung San Suu Kyi, who has been accused by Western critics of not speaking out for a minority that has long complained of persecution. Rycroft said the Security Council looks to Suu Kyi to to set the right tone and to find the compromises and the de-escalation necessary in order to resolve the conflict. The Rohingya are denied citizenship in Myanmar and regarded as illegal immigrants, despite claiming roots that date back centuries. The violence marks a dramatic escalation of a conflict that has simmered since October, when a similar, but much smaller, series of Rohingya attacks on security posts prompted a fierce military response, in which the U.N. has said security forces probably committed crimes against humanity. The situation is very terrifying, houses are burning, all the people ran away from their homes, parents and children were divided, some were lost, some are dead, Abdullah, 25, a Rohingya from the region of Buthidaung, told Reuters, struggling to hold back tears. Abdullah said four of the six hamlets in his village of Mee Chaung Zay had been burned down by security forces, prompting all its residents to flee toward Bangladesh. He was among the thousands of terrified people who left their village to gather at the foot of the Mayu mountain range. Together with his wife and 5-year-old daughter, Abdullah brought sticky rice, fetched plastic sheets and empty water bottles, preparing to trek in monsoon rain for days on a 20-km (12-mile) route through the mountains to the border. I am waiting for all of my relatives to leave together with my family as soon as possible, he added. Myanmar officials have said the country had the right to defend itself from attack, adding that security personnel were told to keep innocent civilians from harm. Mine explosions and fighting continued, the government said, blaming Rohingya militants for burning down houses and fleeing to the mountains after attacks. Bangladesh is already host to more than 400,000 Rohingya refugees who have fled Buddhist-majority Myanmar since the early 1990s. Dhaka has asked the U.N. to pressure Myanmar over its treatment of the Muslim minority, saying it cannot take any more. At least 4,000 people were stranded in no man s land between the two countries, with temporary shelters stretching for several hundred meters on a narrow strip between the Naf River and Myanmar s border fence. On Tuesday, Reuters reporters saw women, some carrying children and sick people, wade through the river, which narrows to less than 10 meters (11 yards) there. Bangladeshi border guards allowed groups of about six to cross to reach a stack of donated medicines. Many Rohingya trying to cross were sick and at least six died after crossing over, one aid worker said, adding that some refused to seek help for fear of being caught and sent back. Shaheen Abdur Rahman, a doctor at a hospital in Cox s Bazar, said 15 people admitted since last week had gunshot wounds, varying from grazes to bleeding in the lung. Four serious cases were sent for treatment to nearby Chittagong. Injuries also included fractures that could have been suffered in beatings or accidental falls while fleeing, he said. We don t discriminate, said Rahman. Everyone coming to this hospital, whether they re Bangladeshi or not from Bangladesh, we provide due service to them. In Kuala Lumpur, capital of neighboring Muslim-majority Malaysia, police said they arrested about 155 of roughly 1,200 mostly Rohingya demonstrators who protested against the renewed violence. Tens of thousands of Rohingya have fled to Malaysia over the years, few with valid travel or identity papers. (For a graphic on Rohingya conflict click tmsnrt.rs/2gjxOdv) ",worldnews,"August 30, 2017 ",1 +"In call with Saudi king, Trump urges end to Qatar dispute: White House","WASHINGTON (Reuters) - U.S. President Donald Trump spoke with Saudi King Salman on Wednesday and urged all the parties in the Qatar dispute to find a diplomatic resolution to end a crisis that has embroiled several Gulf countries, the White House said in a statement. Saudi Arabia, along with Bahrain, the United Arab Emirates and Egypt, have cut political and trade ties with Qatar since June because they say Doha supports regional foe Iran and Islamists. ",worldnews,"August 30, 2017 ",1 +"France's Macron says his job not 'cool', cites talks with Turkey's Erdogan","PARIS (Reuters) - France s young new president, Emmanuel Macron, said life as a world leader is less cool than it might seem, citing talks with Turkish counterpart Tayyip Erdogan as an example. Asked by Le Point magazine in an interview if he was trying to be the new cool kid on the global stage, Macron replied: The global stage is not really a cool scene, you know. Asked to give an example, he said: I am the one who has to talk with Erdogan every 10 days. He did not elaborate. Erdogan is often criticized by leaders in Western Europe and he has clashed with the European Union over human rights and other issues. The last known conversation between Macron and Erdogan was on Aug. 27, when they discussed the fate of a French journalist jailed in Turkey. An aide to Macron later said the French president had not meant to mock or criticize his Turkish counterpart. The conversations with Mr. Erdogan are always very serious, the aide explained. ",worldnews,"August 30, 2017 ",1 +"Frankfurt to evacuate 60,000 people to defuse British WWII bomb","FRANKFURT (Reuters) - Around 60,000 inhabitants of Germany s financial capital Frankfurt will be ordered to leave their homes on Sunday while a large World War Two bomb discovered at a building site is made safe, the police said. Germany s central bank, the Bundesbank, Frankfurt s Goethe University, and at least two hospitals will also be evacuated, in one of the largest evacuations in German post-war history. The 1.4-tonne HC 4000 bomb dropped by the British air force during World War Two was uncovered on a building site on Wismarer Strasse in Frankfurt s leafy Westend where many wealthy bankers live. Bomb disposal experts who examined it said the massive evacuation could wait until the weekend. We are still working on the modalities of the evacuation plan, a spokeswoman for Frankfurt police said on Wednesday. ",worldnews,"August 30, 2017 ",1 +Rebels say South Sudan's use of Uganda territory could spread instability,"KAMPALA (Reuters) - South Sudanese soldiers are passing through the territory of neighboring Uganda to launch assaults against rebels, raising the risk of the civil war spilling over into neighboring East African countries, South Sudanese rebels and witnesses said. The four-year-old conflict in oil-rich South Sudan, the world s newest country, has created Africa s biggest refugee crisis since the 1994 Rwandan genocide, displacing nearly a third of its 12 million citizens. More than one million have sought refuge in Uganda. In the latest development, rebel spokesman Lam Paul Gabriel said government soldiers from the Sudan People s Liberation Army (SPLA) crossed into Uganda at the border post of Nimule on Friday. They drove through the Ugandan towns of Moyo and Koboko before crossing back into South Sudan s Yei River state, he said. The Ugandan military and the SPLA both denied any incursions by SPLA troops in Uganda Kaya, a town on Yei River 10 km (6 miles) from the Ugandan border, was the site of fighting between the military and rebels on Saturday that left 19 people dead, including an American journalist. A Reuters journalist in Uganda saw three SPLA pickup trucks loaded with uniformed soldiers wearing red berets driving in the direction of Kaya on Friday. Another eyewitness in the Ugandan border town of Moyo told Reuters he saw trucks with men in South Sudanese military uniforms moving through the town on Friday morning. Ugandan military spokesman Brigadier Richard Karemire denied these accounts: There s absolutely no foreign military on Ugandan soil. We don t allow that. Colonel Santo Domic Chol, a SPLA spokesman, also denied troops had passed through Ugandan territory. South Sudanese soldiers have been passing through northwest Uganda to reach rebel-held territory, residents there say. The route allows them to avoid poor roads and rebel blockades. In June, men wearing South Sudanese military uniforms launched town raids in a hamlet over the border in Uganda and stole cattle, in the first reported attacks on Ugandan soil since the start of South Sudan s civil war. Gabriel said they did not believe the Ugandan government had officially allowed the South Sudan military to use its territory but blamed individual officials for colluding with South Sudan. It will spoil relations between us, he said. What the (Uganda) government needs to do is to crack down on those individuals. Uganda deployed its military in South Sudan to back President Salva Kiir shortly after the war begun, in late 2013. Ugandan troops only withdrew after a regionally-brokered 2015 peace deal collapsed within months. On Wednesday, Ugandan state-owned paper New Vision reported the country had beefed up security on its South Sudan border. Ugandan military spokesman Karemire denied the story. ",worldnews,"August 30, 2017 ",1 +Guatemala top court sides with U.N. graft unit in fight with president,"GUATEMALA CITY (Reuters) - Guatemala s top court on Tuesday ruled definitively against President Jimmy Morales internationally criticized push to expel the head of a U.N.-backed anti-corruption unit probing his campaign financing. The decision by the Constitutional Court ratifies a provisional ruling that the government could not expel Ivan Velasquez, a veteran Colombian prosecutor who leads Guatemala s International Commission against Impunity, known as CICIG. Morales on Sunday ordered the expulsion of the prosecutor, who has been a thorn in the president s side by investigating his son and brother, and then seeking to remove his own immunity from investigation over more than $800,000 in potentially unexplained campaign funds. He has denied any wrongdoing. Within the United Nations, Velasquez has the rank of assistant secretary general. He is widely respected and the president s moved unleashed a series of resignations from his cabinet and a storm of criticism from Western nations. Earlier in the day, Morales, 48, said he would respect the court s decision, stepping back from brinkmanship he displayed at the weekend when he said the court had overstepped its mandate by ruling on the case. He has sought support from Guatemala s mayors, possibly to try to counter the diplomatic pressure and street protests by activists calling him corrupt. I am not defending corrupt people, I am not against the anti-corruption fight, I am not even against the CICIG. Is a machete good or bad? It depends on who is wielding it, said the former comedian at a meeting with mayors. Morales won office in 2015 running on a platform of honest governance after his predecessor Otto Perez Molina was forced to resign and imprisoned in a multi-million dollar graft case stemming from a CICIG investigation. The United Nations on Tuesday said it was disturbed by Morales moves against Velasquez, while the Geneva-based International Commission of Jurists said failure to comply with the Constitutional Court ruling could constitute obstruction of justice , a criminal offense. The president s decision to declare Ivan Velasquez as non grata and ordering his immediate removal from the country is in clear breach of international law, the ICJ said in a statement. Hundreds of Guatemalans took to the streets on Monday in support of Velasquez, some shouting Take Jimmy Morales to court! Some groups came out in support of the president and against foreign interference. The U.S. ambassador to Guatemala, Todd Robinson, told Reuters the president s moves could put at risk a U.S. development plan in Central America to reduce poverty and crime. There will probably be consequences from the president s decision, Robinson said, while emphasizing that any U.S. measures would have to be carefully thought through so as not to affect the economy or migration to the United States. Many politicians in Guatemala consider the foreign-led body, which is unusual among U.N. bodies for its powers to bring cases to prosecutors, to be a violation of national sovereignty. Anti-corruption activists credit it with cleaning up government. ",worldnews,"August 29, 2017 ",1 +"France sees talks on post-Iran nuclear deal, ballistic missile use","PARIS (Reuters) - France suggested on Wednesday that the nuclear deal Iran struck with world powers in 2015 could be supplemented through future consultations to include the post-2025 period and tackle Iran s development of ballistic missiles. Under the deal, most international sanctions were lifted in return for Iran undertaking long-term curbs on its nuclear program, which the West suspected was aimed at developing the means to build an atomic bomb. Iran agreed to mothball for at least a decade the majority of its centrifuges used to enrich uranium and sharply reduce its low-enriched uranium stockpile. It also agreed restrictions on its ballistic missile programs for eight years. The President (Emmanuel Macron) on Aug. 29 indicated that the Vienna accord could be supplemented by work for the post-2025 period (and) by an indispensable work on the use of ballistic missiles, Foreign Ministry spokeswoman Agnes Romatet-Espagne told reporters at a daily briefing. This work could be the object of future consultations with out partners, she said, referring to Macron s comments. The United States, Britain, France and Germany have complained several times to the United Nations about Iran s tests of ballistic missiles, which they contend are in defiance of a 2015 U.N. resolution enshrining the nuclear deal. Diplomats said Macron s comments, in which he also stressed that the deal was good , came amid concerns in Paris that U.S. President Donald Trump could walk away from the nuclear accord, which he has called the worst deal ever . Trump has ordered a review of the accord, negotiated under his predecessor Barack Obama, and allies including France fear Washington could renege on the deal in some way and risk Iranian retaliation, escalating instability in the Middle East. The Vienna accord on Iran s nuclear program is essential for regional and international security and non-proliferation, Romatet-Espagne said. There is no credible alternative. She added that France, which has struck several multi-billion dollar deals in Iran since the 2015 agreement, neither wanted to reopen or renegotiate the accord, but to ensure it was being implemented rigorously. ",worldnews,"August 30, 2017 ",1 +"Sore at Macron's 'dictatorship' criticism, Venezuela blasts France","CARACAS (Reuters) - Venezuela accused France on Wednesday of joining an imperialist campaign after President Emmanuel Macron portrayed the widely criticized socialist government as dictatorial. Adding to criticism from Washington, the United Nations and major Latin American nations, Macron on Tuesday called President Nicolas Maduro s administration a dictatorship trying to survive at the cost of unprecedented humanitarian distress. Many countries are outraged at the Venezuelan government s overriding of the opposition-led congress, crackdown on protests, jailing of hundreds of foes and failure to allow the entry of foreign humanitarian aid to ease a severe economic crisis. Authorities say local opposition leaders want to topple Maduro in a coup with U.S. support, but its new Constituent Assembly will guarantee peace. Comments like this are an attack on Venezuelan institutions and seem to form part of the permanent imperialist obsession with attacking our people, the government said in a communique responding to Macron. The French head-of-state s affirmations show a deep lack of knowledge of the reality of Venezuela, whose people live in complete peace, the statement said. It added that the assembly and upcoming state elections demonstrated the health of local democracy. Leaders of the fractious opposition coalition boycotted the July 30 election of the assembly, branding it an affront to democracy. They called for an early presidential election, which Maduro would likely lose as his popularity has sunk along with an economy blighted by triple-digit inflation and food shortages. France s foreign ministry on Wednesday reiterated Macron s comments and said it was studying the best way to accompany all initiatives that would enable credible dialogue that included regional countries. It is up to the Venezuelan authorities to give quick pledges in terms of respecting rule of law and fundamental freedoms, spokeswoman Agnes Romatet-Espagne told reporters in a daily briefing. The European Union and France will evaluate their relationship with Venezuela on this basis. ",worldnews,"August 30, 2017 ",1 +'Gates of Hell': Iraqi army says fighting near Tal Afar worse than Mosul," (Story corrects third paragraph to show Mosul fell in July, not June, after nine, not eight, months of urban warfare in August 29th instance.) By Ahmed Rasheed BAGHDAD (Reuters) - Iraqi forces battling to retake the small town of al- Ayadiya where militants fleeing Tal Afar have entrenched themselves, saying on Tuesday the fighting is multiple times worse than the battle for Mosul s old city. Hundreds of battle-hardened fighters were positioned inside most houses and high buildings inside the town, making it difficult for government forces to make any progress, army officers told Reuters. Iraqi government troops captured the town of Mosul from Islamic State in July, but only after nine months of grinding urban warfare. But one Iraqi officer, Colonel Kareem al-Lami, described breaching the militants first line of defense in al- Ayadiya as like opening the gates of hell . Iraqi forces have in recent days recaptured almost all of the northwestern city of Tal Afar, long a stronghold of Islamic State. They have been waiting to take al- Ayadiya, just 11 km (7 miles) northwest of the city, before declaring complete victory. Tough resistance from the militants in al- Ayadiya has forced the Iraqi forces to increase the number of air strikes, as well as bring in reinforcements from the federal police to boost units from the army, air force, Federal Police, the elite U.S.-trained Counter-Terrorism Service (CTS) and some units from the Shi ite Popular Mobilization Forces (PMF). Up to 2,000 battle-hardened militants were believed to be defending Tal Afar against around 50,000 government troops last week. Military intelligence indicated that many militants fled Tal Afar to mount a staunch defense in al- Ayadiya. Many motorcycles carrying the Islamic State insignia were seen abandoned at the side of the road outside al- Ayadiya. Though the exact numbers of militants on the ground in al- Ayadiya was still unclear, al-Lami, the Iraqi Army colonel, estimated they were in their hundreds. Daesh (Islamic State) fighters in their hundreds are taking positions inside almost every single house in the town, he said. Sniper shots, mortars, heavy machine guns and anti-armored projectiles were fired from every single house, he added. We thought the battle for Mosul s Old City was tough, but this one proved to be multiple times worst, al-Lami said. We are facing tough fighters who have nothing to lose and are ready to die. Two army officers told Reuters that no significant advances had yet been made in al- Ayadiya. They said they were waiting for artillery and air strikes to undermine the militants power. The extra Federal Police troops that were called in said late on Tuesday that they had controlled 50 percent of the town, deploying snipers on the high buildings and intensified shelling the militants headquarters with rockets, a federal police spokesman said in a statement. Tal Afar became the next target of the U.S.-backed war on the jihadist group following the recapture of Mosul, where it had declared its caliphate over parts of Iraq and Syria in 2014. ",worldnews,"August 29, 2017 ",1 +British princes mark anniversary of Diana's death with garden visit,"LONDON (Reuters) - Princes William and Harry paid a quiet tribute to their mother Princess Diana on Wednesday, a day before the 20th anniversary of her death that has reignited interest in one of the world s most famous women. Diana s two sons met representatives of the charities she supported in a public garden at Kensington Palace, their home and where their mother lived until she was killed in a car crash in Paris on Aug. 31, 1997. Outside the palace gates supporters of the royal family gathered in the rain to mark the occasion, with many praising Diana s sons for keeping her in the public memory. Everyone remembers where they were the day she died, and when they heard about it, said 74-year-old Nancy Purinton, on holiday with her husband from the United States. It was pretty dramatic. Sheltering under umbrellas, William, Harry and Kate took a tour of the renamed White Garden, which has been transformed temporarily with white English roses and forget-me-nots planted earlier this year. The palace s head gardener and a gardener who knew Diana from her frequent visits to the spot, usually known as the Sunken Garden, explained the design and pointed out some of the princess s favorite plants. The gathering follows weeks of renewed interest in Diana, the first wife of heir-to-the-throne Prince Charles. She has once again become front page news with new revelations about her life and a raft of TV documentaries to mark the anniversary. Previous anniversaries of her death have passed with little fuss, suggesting that the People s Princess , as she was dubbed by then-British Prime Minister Tony Blair, had perhaps lost some of her allure and relevance. But with the popular William and Harry coming to the fore, the 20th anniversary has sparked a re-examination of the role Diana played in Britain and the royal family, from her lavish wedding in 1981 to her bitter divorce. The princes have also been increasingly willing to speak about the trauma of her death and its lasting impact. I m glad that they ve finally loosened up a little bit to talk about her and how really hard it was for them, Purinton said of the princes. I think they were stiff upper lip for so long and now they re able to talk about it, which I think helps other people if they re grieving. Diana s death in a Paris underpass sparked an outpouring of grief that stunned many Britons, with thousands of mourners descending on the palace to leave flowers and letters to pay tribute to a woman who had become a global fashion icon and charity campaigner. I was here the first time around, Alexia McDonald, 54 and a full-time carer, told Reuters. We were similar age ... (I remember) seeing the fairytale wedding. She was my generation and I just felt a connection. I felt I needed to pay my respects to Diana. Outside the palace on Wednesday, Britons again left flowers, photographs and messages attached to the front gates, although in far fewer numbers than immediately after her death. After touring the garden, the princes met representatives from causes Diana had supported, including Great Ormond Street Hospital, the National Aids Trust and The Leprosy Mission. On Thursday, they will reflect on their mother s life in private. ",worldnews,"August 29, 2017 ",0 +"Stung by reputation, Taiwan looks to turn corner on money laundering","TAIPEI (Reuters) - After Taiwan s state-run Mega Financial Holding Co was fined $180 million by U.S. authorities for lax enforcement of anti-money-laundering rules at its New York branch, the bank started a rigorous training program for its staff. Now, like Mega Financial, companies across Taiwan are working to get staff and systems up to speed after the island passed laws to meet international standards on combating money laundering and was taken off a watchlist by the Asia Pacific Group on Money Laundering (APG). Unfortunately, Taiwan has earned a name for itself as a paradise for money laundering, Deputy Justice Minister Tsai Pi-chung told Reuters. Money laundering and cybercrime connections to Taiwan, which is also in the process of pushing through a cyber security bill, have grabbed global headlines. U.S. authorities fined Mega Financial $180 million last year for lax enforcement of anti-money-laundering rules at its New York branch. Some money from the $170 million cyber heist of India s Union Bank of India was transferred through Taiwan s Bank SinoPac. An international crime ring used malware to steal $2.6 million from the ATMs of Taiwan s First Bank. Taiwan was one of the six most targeted countries of the Wannacry ransomware attack earlier this year, according to security company Avast. Since 2011, 800 people from China and Taiwan have been deported from Cambodia on suspicion of telecoms fraud. Following its U.S. fine, Mega Financial said cleaning up its act is a top priority. U.S. authorities had said the Mega branch had been indifferent to the risks associated with transactions involving Panama, a high-risk area for money laundering. What happened at our New York branch was just terrible, said Robert Tsai, a senior executive vice president, referring to the fine and ensuing scandal. Half of our 6,000 clerks have been certified with anti-money laundering training. How each of our branches implements the rules and ensures proper training is the top priority for our business. To gain international confidence in its anti-money laundering measures, Taiwan will have to demonstrate it is putting the laws into practice. The APG will review Taiwan in 2018. The visit will focus on how effectively Taiwan will have actually implemented the anti-money laundering rules, said Liang Hung-lieh, partner of PricewaterhouseCoopers Taiwan. The APG s on-site review will be new to most of the assessed, including banks, non-bank financial institutions and in particular non-financial institutions such as lawyers, public certified accountants and other professional service providers. Under the anti-money laundering laws, these financial professionals will be required to report suspicious transactions, including bank transfers exceeding T$500,000 (US$16,500). They will have to determine where the money came from, provide details about the client and report that to Taiwan s newly established Anti-Money Laundering Office. These are similar to regulations that countries that have signed up to global anti-money laundering rules overseen by the Financial Action Task Force (FATF) have adopted. The cost to companies of implementing the new rules may be significant as they put processes, workers and data systems in place. There s a lot of extra work for them to do now, such as determining the identities of their clients beneficiaries, said an official with the Financial Supervisory Commission, the island s financial regulator. He declined to be identified in the absence of permission to speak to the media. They don t yet know exactly what they have to do, and to what extent, to be considered compliant with the new regulations. They re going to need some time to digest all of these new rules, he said. The potential costs and increased difficulty of getting transactions done under the new rules worry those in the property market, said Wong Jui-chi, the spokesman for Taiwan s Chinese Association of Real Estate brokers, while emphasizing that his industry intends to fully comply with the regulations. The property market is already in a bad shape and these new rules will make things worse by making the process of real estate transactions more complicated. More or less everyone in our industry is complaining about it, he said. ",worldnews,"August 30, 2017 ",1 +"At least 11 Afghan civilians killed in air strike, local official says","KABUL (Reuters) - At least 11 Afghan civilians were killed and 16 wounded on Wednesday when a NATO helicopter attacked a house where Taliban insurgents had taken shelter in Logar province, east of the capital, Kabul, the local governor said. There was no immediate confirmation that NATO or U.S. aircraft were involved, but a spokesman for Resolute Support, the NATO-led mission in Kabul, said in an emailed statement it was aware of the reports and was looking into them. Logar Governor Halim Fedaee said the incident occurred in Dashte Bari district near the provincial capital Pul-e Alam. The Taliban took position in a civilian house and fired a rocket at a NATO helicopter, the governor said. The house owner begged the Taliban to leave, but they didn t. The helicopter took a turn, came and hit this house that caused these deaths. The incident, a day after reports that an Afghan air strike killed at least 13 civilians in the western province of Herat, underlines the risk that a recent increase in air raids by U.S. and Afghan forces will increase civilian casualties. United Nations figures showed a 43 percent spike in civilian casualties from both Afghan and U.S. air strikes in the first half of the year, with 95 killed and 137 wounded, as the pace of air operations has increased. Civilian casualties caused by U.S. air strikes have long been a source of friction in Afghanistan, and the risk of further casualties may increase if the U.S. steps up operations as part of President Donald Trump s new strategy for Afghanistan. Earlier, Resolute Support denied a Taliban statement that a U.S. helicopter had been shot down in Logar province. It said a helicopter had made a precautionary landing for a maintenance issue. ",worldnews,"August 30, 2017 ",1 +U.S. send extra fighters to police Baltic skies during Russian exercise,"SIAULIAI AIR BASE (Reuters) - The United States has sent a reinforced detachment of fighter planes to police the skies over NATO members Lithuania, Latvia and Estonia during a major Russian military exercise in the Baltic region next month. The Zapad war games from Sept. 14 to 20 in Belarus, western Russia and Russia s exclave of Kaliningrad, have caused unease in the region, though Russia has said the large-scale exercise will rehearse a purely defensive scenario and will not be a springboard for invasion. Seven U.S. F-15C fighters landed at Siauliai airfield this week to patrol skies over the Baltic countries, three more than normally used since the NATO policing mission was upgraded after the Crimean crisis in 2014. The three Baltic states do not operate their own fighter aircraft and rely on their NATO allies for patrols. We are reinforcing the air police mission for the period (of Zapad). And we are glad to also have additional land troops here, Lithuanian Deputy Defense Minister Vytautas Umbrasas told reporters at Siauliai, referring to 600 extra U.S. airborne troops being deployed during Zapad in the Baltic states. This is very helpful in a situation like this, he said. Tod Wolters, the top U.S. Air Force commander in Europe, said fighter numbers had been increased due to training opportunities in Lithuania, without mentioning Russia during the news conference in Siauliai. The air policing mission will remain as it has been. And the purpose of the air policing mission is to protect the sovereign skies of the three Baltic nations, said Wolters. Moscow says almost 13,000 Russian and Belarussian servicemen will take part in Zapad, as well as around 70 planes and helicopters and 700 pieces of military hardware including tanks, artillery and rocket systems. Lieutenant General Ben Hodges, the U.S. Army s top general in Europe, told Reuters last month that U.S. allies in eastern Europe and Ukraine were worried the exercises could be a Trojan horse aimed at leaving behind military equipment brought into Belarus. A Russian deputy defense minister said on Tuesday there was no truth in allegations Russia would use the exercise as a cover to invade and occupy Lithuania, Poland or Ukraine. Suggestions that Russia posed a threat were myths , the deputy minister, Alexander Fomin, said. Three U.S. exercises will be underway at the same time as Zapad, in Sweden, Poland and Ukraine, and a U.S. armored brigade has already deployed in Europe. ",worldnews,"August 30, 2017 ",1 +PM May seeks to ease Japan's Brexit fears during trade visit,"LONDON/TOKYO (Reuters) - British Prime Minister Theresa May will look to ease corporate Japan s worries about Brexit during a three-day visit to the country from Wednesday focused on progress on a bilateral trade deal for when Britain leaves the European Union. May s first trip to Japan as prime minister comes at a difficult moment, with Japanese attention focused on North Korea s Tuesday missile test and Britain s Brexit negotiators recently on the receiving end of sharp criticism from EU officials. May will lead a 15-strong business delegation, including Standard Life Investment (SLA.L) chief executive Keith Skeoch, and carmaker Aston Martin s CEO Andy Palmer, pitching Britain and Japan as the perfect partners for the future . She will meet Japanese Prime Minister Shinzo Abe in Kyoto before traveling to Tokyo for an investment conference and banquet. May and Abe are due to speak publicly on Thursday following one-to-one talks. My discussions with Prime Minister Abe will focus on how we can prepare the ground for an ambitious free trade agreement after Brexit, based on the EU-Japan agreement which I very much hope is nearing conclusion, May said in a statement ahead of her departure. May will also discuss defense cooperation, describing Japan as our closest security partner in Asia . She will become the first European leader to attend a meeting of Japan s National Security Council and will also visit its flagship helicopter carrier Izumo for a briefing with military officials. North Korea fired a ballistic missile over Japan s northern Hokkaido island into the sea early on Tuesday, prompting warnings to residents to take cover and drawing a sharp reaction from Abe. May also strongly condemned the launch. Japan s foreign ministry said the two leaders are expected to agree on the importance of China s role in ramping up pressure on North Korea. Japan has been unusually outspoken about its concerns that Britain s departure from the EU, which was decided by a public vote in 2016, could affect current and future Japanese investments in Britain. Britain is the second most important destination for Japanese investment after the United States, with firms like Nissan (7201.T), Toyota (7203.T) and Hitachi (6501.T) investing billions in carmaking, energy and transport. During a visit to London by Abe in April, Britain said that Japanese companies had already invested over 40 billion pounds ($52 billion) in the British economy. But Japan is also an important destination for British investment. Aston Martin said on Tuesday it will open an advanced product planning office next year in Japan to better understand the needs of Asian buyers and tap into new technologies. The firm is hoping to boost demand from Japan and the United States partly as a way to mitigate against any risks from Brexit which could add costs and delays to the 15 percent of cars it currently sells into the European Union. Speaking ahead of May s visit, Japanese Deputy Chief Cabinet Secretary Yasutoshi Nishimura said Tokyo had to react to a sense of crisis among businesses over Brexit, and gather information about the British negotiating strategy. Britain has published a series of papers setting out how it wants to settle its divorce with the EU, and is pushing for talks to move on to discuss the future relationship between the two - something of critical importance to investors. But European Commission President Jean-Claude Juncker insisted on Tuesday that the new relationship could not be discussed until initial differences had been resolved, and the EU s chief negotiator Michel Barnier said on Monday he was concerned at the slow progress made so far. Japan s foreign ministry said Abe is expected to ask May to maintain transparency and predictability regarding Brexit so that any impact on corporate activity will be minimized - echoing concerns Abe expressed in April about a Brexit cliff-edge. May s spokeswoman said the prime minister would reiterate Britain s position that it is seeking to agree a time-limited Brexit transition period after March 2019 to avoid a sudden change in trading and regulatory conditions for businesses. What they will discuss in private I can t pre-empt, but that is our position and she ll be setting that out if he (Abe) asks, the spokeswoman said. ($1 = 0.7724 pounds) ",worldnews,"August 29, 2017 ",1 +Qatar says no sign Arab states willing to negotiate over boycott,"DOHA (Reuters) - Qatar s foreign minister said on Wednesday that his country was willing to negotiate an end to a Gulf diplomatic rift but had seen no sign that Saudi Arabia and other countries imposing sanctions on Doha were open to mediation. Kuwait and the United States are trying to heal a bitter dispute between Qatar and four Arab countries that has damaged business ties and disrupted travel for thousands of citizens in the six-nation Gulf Cooperation Council. Egypt, Saudi Arabia, Bahrain and the United Emirates severed political and trade ties with the small gas-rich country on June 4, accusing it of supporting terrorism. Doha denies the charges. A visit this week to the UAE and Qatar by Russian Foreign Minister Sergei Lavrov showed no signs of having eased tensions among the Gulf Arab powers. Qatar maintains its position that this crisis can only be achieved through a constructive dialogue ... but the blockading counties are not responding to any efforts being conducted by Kuwait or other friendly countries, Qatari Foreign Minister Sheikh Mohammed bin Abdulrahman al-Thani told reporters in Doha on Wednesday at a news conference with his Russian counterpart. The UAE s ambassador to the United States, Yousef al-Otaiba, in an interview with U.S.-based magazine the Atlantic on Monday, said his country would negotiate with Qatar so long as Doha did not set any preconditions for talks. Sheikh Mohammed said on Wednesday Qatar planned to bolster trade with Russia, one of the world s biggest gas exporters, and that Qatar could no longer rely on neighboring states to support its economy or guarantee food security. Lavrov said if face-to-face negotiations started, Russia would be ready to contribute to the mediation and that it was in Russia s interest for the GCC to be united and strong . ",worldnews,"August 30, 2017 ",1 +Trump attacking freedom of the press: U.N. rights boss,"GENEVA (Reuters) - U.S. President Donald Trump s criticism of journalists amounts to an attack on the freedom of the press and could provoke violence against reporters, the United Nations human rights chief said on Wednesday. Zeid Ra ad al-Hussein said Trump had also made worrying remarks about women, Mexicans and Muslims and went on to question the president s approach to immigration and decision to pardon former Arizona lawman Joe Arpaio. There was no immediate response from the White House on the wide-ranging rebuke of Trump s repeated references to the fake media and some of his other statements and decisions. It s really quite amazing when you think that freedom of the press, not only sort of a cornerstone of the U.S. Constitution but very much something that the United States defended over the years is now itself under attack from the President, the U.N. High Commissioner for Human Rights said. It s sort of a stunning turnaround. And ultimately the sequence is a dangerous one, he told a news conference in Geneva. Referring to the New York Times, Washington Post and CNN, he added: To call these news organizations fake does tremendous damage and to refer to individual journalists in this way, I have to ask the question is this not an incitement for others to attack journalists? Zeid voiced concern that a journalist from the Guardian had been assaulted in the United States most recently but gave no details. Trump rounded on journalists last week, calling them truly dishonest people and criticizing their coverage of a white supremacist-organized rally in Virginia and the political fallout from his comments that violence there was caused by many sides . Nazi salutes, swastikas, anti-Semitic slurs and racist references to African-Americans had no place in the United States or beyond , Zeid said, in his first comments on the events in Charlottesville. Trump has also made worrying remarks about women, Mexicans and Muslims, mocked a person with disabilities publicly and issued a directive on a transgender ban in the military, he said. The President prides himself as a taboo breaker, indeed his supporters see him as such. But at the time I expressed my feeling that this was grossly irresponsible, because it has consequences, it emboldens those who may think similarly to sharpen their assaults on these communities, he said. Zeid voiced deep concern at Trump s pardon of Arpaio, who was convicted of criminal contempt in a racial profiling case that highlighted tensions over immigration policy. Does the President support racial profiling, of Latinos in particular, does he support abuse of prisoners? Arpaio referred at one stage to the open-air prison that he set up as a concentration camp, he later recanted said it was a joke, Zeid said. Does the president support this? These actions have consequences. Zeid, comparing the leadership role of a U.S. president to a bus driver, said: I almost feel that the President is driving the bus of humanity and we re careening down a mountain path. And in taking these measures, at least from a human rights perspective, it seems to be reckless driving. ",worldnews,"August 30, 2017 ",0 +Jordan border crossing with Iraq to reopen in major boost to ties,"AMMAN (Reuters) - Jordan will open its main border crossing with Iraq on Wednesday for the first time since 2015, now that Iraqi forces have gained control of the main highway to Baghdad from Islamic State militants, both governments said. Iraqi troops pulled out of the Tureibil post, on the 180 km (110 mile) border, in summer 2014 after the militants secured nearly all the official crossings of the western frontier as they swept through a third of the country. Commercial traffic continued for a year after until Iraq launched an offensive in July 2015 to reclaim the predominately Sunni Anbar province and deprive the militants of funds raised from truck drivers forced to pay a tax on cargo coming in from Jordan. Tureibil would open on Wednesday after the road was secured from attacks and criminal gangs, the Iraqi and Jordanian governments said in a joint statement. Officials have said that customs and border arrangements have been finalised, with security measures in place to ensure the 550 km highway from the border to Baghdad was safe. The opening of the crossing is of great importance to Jordan and Iraq ... It s a crucial artery. Jordan and Iraq have been discussing reopening it for a while, Interior Minister Ghaleb al Zubi said last week. Several trade and business officials had said they had been invited to an event on Wednesday to mark the re-opening that would include senior Jordanian and Iraqi officials. Since last year, the Iraqi army has regained most of Anbar province s main towns that fell to the ultra-hardline jihadist group. The vast desert province is an historic hotbed of the hardline Sunni insurgency sparked by 2003 s U.S.-led invasion of Iraq, which empowered the oil-rich nation s Shi ite majority. Iraq has also been working on securing the highway that connects Iraq s Basra port in the south to Jordan, where the Red Sea port of Aqaba has long served as a gateway for Iraqi imports coming from Europe. Although the highway has been secured after driving out the jihadists, the threat of hit-and run attacks on convoys and the army are ever present, according to security experts. There have been several attacks by militants near al-Rutba town, the last town before the border with Jordan. A senior Western diplomatic said Iraqi authorities have awarded a contract to a U.S. security company that will employ a local force to secure the highway. The source gave no further details. Jordan hopes the reopening of the route will revive exports to Iraq, once the kingdom s main export market, accounting that accounted for almost a fifth of domestic exports or about $1.2 billion a year, according to the International Monetary Fund. They have fallen by more than 50 percent from pre-crisis levels. This will increase industrial exports and also revive the two countries trucking industry. It s a major boost to the economy, Nael Husami, general manager of the Amman Chamber of Industry, adding transport costs would fall by nearly half. Jordanian exporters have had to use more expensive sea routes to Iraq s Um Qasr port or another land route across Saudi Arabia and Kuwait, businessmen have said. The restoration of trade links will also give a push to an oil pipeline project running from Basra to Aqaba. Prime Minister Hani al Mulki had visited Baghdad earlier this year to revive the frozen project. Jordanian officials are hopeful the crossing with Syria on its northern border can also open by the end of the year once a U.S.-Russian de-escalation zone in southwest Syria that includes the area is cemented. The International Monetary Fund recently said that prolonged conflicts in neighbouring Syria and Iraq were weighing on the kingdom s debt-ridden economy and the opening of these export routes would boost economic growth. ",worldnews,"August 29, 2017 ",1 +Lebanon finds soldiers' bodies after retaking Islamic State-held area,"BEIRUT (Reuters) - Lebanon has identified the bodies of six of its soldiers found along the Syrian border in an area held by Islamic State until three days ago, sources in the president s office said. The Lebanese army launched an offensive this month which ended with Islamic State militants leaving their last foothold along the border on Sunday. Since then the army has found 10 bodies in the area. DNA tests confirmed that six of those belonged to Lebanese soldiers, the sources and local media reported on Wednesday. Islamic State militants had for years held territory along the border, and captured 10 Lebanese soldiers in 2014 when they briefly overran the town of Arsal, one of the worst spillovers of the Syrian conflict into Lebanon. The militants and their families left the border area on Sunday under a ceasefire deal. The agreement included IS militants identifying where they had buried the soldiers bodies, Lebanese army chief General Joseph Aoun said on Wednesday. I had two choices: either I continue the battle and not know the soldiers fate, or I submit to the situation and find out. Their souls are my responsibility, he told reporters. It was not immediately clear if all six belonged to those captured in 2014, however - one of the bodies discovered is believed to belong to a soldier killed in the recent fighting. Of the 10 captured in 2014, one was killed shortly after and footage of his execution was published by the militants. Another is believed to have joined Islamic State. His whereabouts is unknown. ",worldnews,"August 30, 2017 ",1 +Spanish archaeologists dig up more civil war dead from mass graves,"MADRID (Reuters) - Archaeologists in Spain have unearthed more bodies from mass graves dating back to the 1936-1939 civil war and the ensuing dictatorship of General Francisco Franco, including some still wearing rotting leather boots. The digs in a local cemetery in Valladolid, central Spain, come amid renewed efforts by volunteer associations and victim campaign groups to shed a light on the bloody past and bring closure for relatives still searching for family members. Four mass graves have now been excavated in Valladolid and 228 bodies recovered there since April 2016. These graves are believed to be among more than 2,000 mass burial sites thought to exist across Spain from the civil war - an ideological struggle between right and left - more than 80 years ago. Historians estimate as many as 500,000 combatants and civilians were killed on the Republican and Nationalist sides in the war. After it ended, tens of thousands of Franco s enemies were killed or imprisoned in a campaign to wipe out dissent. I hope that with forensic analysis we can find out who they once were, said Julio del Olmo, one of those working on the exhumations. The local council in Valladolid partly financed the excavation, in one of the few examples to date of authorities backing such digs. After Franco died in 1975, Spain passed an amnesty law in a bid to smooth the transition from dictatorship to democracy, pardoning the crimes of the fascist regime. But there is increasing interest from new generations to face up to the past. For some, this lack of accountability meant that some of their relatives were never laid to rest. Another similar, smaller-scale dig also took place in the village of Huesca near Zaragoza in northern Spain, at the request of a man searching for his great uncle. Two bodies were found there. August 30 is the international day commemorating the victims of enforced disappearances. ",worldnews,"August 30, 2017 ",1 +Flamboyant Hong Kong businessman David Tang dies aged 63,"HONG KONG (Reuters) - Hong Kong businessman and socialite David Tang, known for founding the eponymous Shanghai Tang fashion brand, has died at the age of 63. Tang, who split his time between the Asian financial hub of Hong Kong and London, was well known for his satirical sense of humor as a weekly columnist in the Financial Times weekend edition. Lionel Barber, editor of the Financial Times, tweeted: RIP Sir David Tang, businessman, philanthropist, networker supreme. He will be sorely missed as a friend and FT columnist. Media reported he had battled liver cancer for some time. Tang, the father of two children and husband of British-born Lucy Tang, moved to England at the age of 13 where he said he began boarding school without speaking a word of English. He set up his high-end tailor in 1994 and turned it into a global brand before Richemont took a controlling stake in 1998. Hong Kong-born Tang aimed to fuse east and west through his business ventures such as the members-only China Club in the former British colony and the China Tang restaurant at the Dorchester hotel in London. Tang, who was awarded a Knight Commander of the Most Excellent Order of the British Empire (KBE), was the grandson of Tang Shiu Kin, a famous philanthropist who founded the Kowloon Motor Bus company. Friends with celebrities including Kate Moss, Naomi Campbell and the late Princess Diana, Tang was a constant feature in society magazines, known for his lively parties and exotic holidays in places such as Bhutan and the Sahara desert. An honorary consul of Cuba and the sole distributor of Cuban cigars in the Asia-Pacific, Tang had been planning a big party with close friends at the Dorchester after doctors gave him a month to live, British media reported in August. It is not clear if the party took place. The Dorchester declined to comment. Tang said in an interview with the Financial Times in 2010, that he would like to be remembered by a Hilaire Belloc quote: When I am dead, I hope it may be said: His sins were scarlet, but his books were read. ",worldnews,"August 30, 2017 ",1 +Japan's Aso retracts Hitler comment after criticism,"TOKYO (Reuters) - Japanese Deputy Prime Minister Taro Aso on Wednesday retracted a remark to lawmakers of his faction in the ruling Liberal Democratic Party that could be interpreted as a defense of Adolf Hitler s motive for genocide during World War Two. Tuesday s comment by Aso, who also serves as finance minister, drew criticism from a U.S.-based Jewish group. The incident followed a rare June apology by Japan s central bank over a board member s praise for Hitler s economic policies. It is clear from my overall remarks that I regard Hitler in extremely negative terms, and it s clear that his motives were also wrong, Aso said in a statement. Aso said he wanted to stress the importance of delivering results, but not defend Hitler. It was inappropriate that I cited Hitler as an example and I would like to retract that. Aso is no stranger to gaffes, having retracted a comment in 2013 about Hitler s rise to power that was interpreted as praising the Nazi regime. Referring at the time to Japan s efforts to revise its constitution, he said the constitution of Weimar Germany had been changed before anyone realized, and asked, Why don t we learn from that technique? On Tuesday, Kyodo news agency quoted Aso as saying, I don t question your motives (to be a politician). But the results are important. Hitler, who killed millions of people, was no good, even if his motives were right. The Nazi-hunting Simon Wiesenthal Center expressed distress and disappointment at Aso s comment. This is just the latest of a troubling list of misstatements and are downright dangerous, the center s head, Rabbi Abraham Cooper, said in a statement on Tuesday. These words damage Japan s reputation at the very time when all Americans want to show their solidarity with Japan, our sister democracy and ally, following the missile launch from Kim Jong Un s North Korea, he added. Aso s gaffe came after U.S. President Donald Trump drew sharp criticism for comments that blamed many sides for this month s violence in Charlottesville, Virginia. In June, Bank of Japan board member Yutaka Harada told a seminar Hitler s economic policies had been appropriate and wonderful but had enabled the Nazi dictator to do horrible things. ",worldnews,"August 30, 2017 ",1 +"South Korea's Moon, Japan's Abe agree to raise pressure to max on North Korea","SEOUL (Reuters) - South Korean President Moon Jae-in said North Korea s launch of an intermediate ballistic missile that flew over the northern Japanese island of Hokkaido amounted to violent conduct to a neighbouring country, his office said on Wednesday. Moon agreed with Japanese Prime Minister Abe in a telephone call on Wednesday that pressure must be raised to the maximum on the North to leave Pyongyang with no choice but to come to dialogue, the presidential Blue House said in a statement. ",worldnews,"August 30, 2017 ",1 +Vietnam's Facebook dissidents test the limits of Communist state,"HANOI (Reuters) - This isn t like China, says Vietnamese activist Anh Chi at a noisy bar off one of the narrow streets of Hanoi s Old Quarter. They can t shut Facebook down here. His 40,000 Facebook followers make him one of Vietnam s better-known critics, but by no means the biggest in a Communist state whose attempts to crack down on dissidents have collided with the rapidly expanding reach of foreign-owned social media. Vietnam s President Tran Dai Quang this month called for unspecified tougher internet controls in the face of hostile forces that he said threatened not only cybersecurity but also undermined the prestige of the leaders of the party and the state . But taming the internet in a young, fast-growing country is not easy, especially when the companies providing the platform are global. China, in contrast, allows only local internet companies operating under strict rules. Vietnam is among Facebook s top 10 countries, by number of members. It now reports more than 52 million active accounts to advertisers, according to research provided to Reuters by social media agencies We Are Social and Hootsuite. Google s YouTube and Twitter are popular too. As elsewhere in Southeast Asia, social media underpins business and communications as well as government critics. Some dissidents posting on social media have been caught in a major crackdown that has followed changes in the ruling party hierarchy. At least 15 people have been arrested this year. High profile bloggers Nguyen Ngoc Nhu Quynh, known as Mother Mushroom , and Tran Thi Nga have been jailed for 10 and nine years respectively. Government critics also complain of beatings by unidentified assailants and intimidation. But dozens of activists still post critical comment every day. Several have more than 100,000 followers and at least one has over 400,000 - more than double that for the government s own Facebook page and nearly a 10th the size of the Communist Party s national membership. We use any chance we have to raise our voice: environmental issues, territorial issues, land issues, said Anh Chi , 43, a Vietnamese teacher, translator and publisher whose real name is Nguyen Chi Tuyen. Vietnam tried to pressure Facebook (FB.O) and Google (GOOGL.O) to take down thousands items of anti-government content in March by leaning on advertisers, but the continued prevalence suggests limited success. One reason it is hard to take tougher action is business: From brewers to insurers to the makers of the motorbikes buzzing Vietnam s streets, social media is a key marketing route to young and increasingly affluent consumers in an economy growing at more than 6 percent a year, one of the fastest rates in Asia. For small businesses it is crucial: One new silk flower shop in Hanoi told Reuters 95 percent of customers found it through Facebook or Instagram. You ve got kids that are building businesses on these platforms and generating significant success, said Simon Kemp, founder of the Kepios marketing consultancy. While it accounts for only a tiny part of Facebook or Google parent Alphabet s revenue, Vietnam is a hot target for global consumer brands. Asia-Pacific was Facebook s fastest growing region by revenue last year, up nearly 60 percent. Tighter Internet controls could dampen innovation and impact the growth of Vietnam s digital economy and its competitiveness, said Jeff Paine, managing director of the Asia Internet Coalition, whose members include Facebook, Google and Twitter. Facebook did not respond to a request for comment. Google declined to comment. Vietnam s foreign ministry spokeswoman Le Thi Thu Hang told Reuters the government was an advocate of the internet but tried to minimize behaviors that harm users and illegal acts such as inciting violence and a depraved lifestyle . China blocked Facebook in 2009 and only local sites such as WeChat and Weibo are permitted, operating under laws that ban content that is obscene, violent or offends the Communist Party. China has had remarkable success controlling discussion, said David Bandurski, co-director of the China Media Project and a fellow of the Robert Bosch Academy in Berlin. Tools include keyword filtering by the local internet companies and the close monitoring of big networks, he said. Even so, China has said it is investigating its top social media sites for failing to comply with its laws. Facebook has been blocked in Vietnam occasionally - sometimes at sensitive moments - but never for long. Vietnamese authorities have tried for years and so far failed to stop independent journalists and bloggers from using the internet, said Shawn Crispin, Southeast Asia representative of the Committee to Protect Journalists. It s a losing battle. That does not stop activists being targeted for arrest. Activist Pham Doan Trang noted on Facebook that some campaigners appeared to have withdrawn from the scene in the face of the crackdown, but said she would not be discouraged. Freedom has a very funny rule, she told Reuters Once people know the limit of freedom they will never go back. ",worldnews,"August 29, 2017 ",1 +Message from North Korean missile over Japan 'loud and clear': Trump,"WASHINGTON/SEOUL (Reuters) - President Donald Trump warned on Tuesday that all options are on the table for the United States to respond to North Korea s firing of a ballistic missile over northern Japan s Hokkaido island into the sea in a new show of force. The missile test further increased tension in east Asia as U.S. and South Korean forces conducted annual military exercises on the Korean peninsula, angering Pyongyang which sees the war games as a preparation for invasion. North Korea has conducted dozens of ballistic missile tests under its leader, Kim Jong Un, in defiance of U.N. sanctions, but firing projectiles over mainland Japan is rare. Trump, who has vowed not to let North Korea develop nuclear missiles that can hit the mainland United States, said the world had received North Korea s latest message loud and clear . Threatening and destabilizing actions only increase the North Korean regime s isolation in the region and among all nations of the world. All options are on the table, Trump said in a statement. Trump and Japanese Prime Minister Shinzo Abe spoke and agreed that North Korea poses a grave and growing direct threat to the United States, Japan and South Korea, the White House said. Investors flocked to safe-haven assets after the missile firing. The dollar fell to its lowest in more than 2-1/2 years against a basket of major currencies .DXY but then rebounded, while benchmark 10-year U.S. Treasury note US10YT=RR yields fell and the price of gold XAU= hit more than a nine-month peak. U.S. stocks .SPX recovered from a sharply lower open. Initial assessment indicates the North Korean missile was an intermediate-range ballistic missile (IRBM), the Pentagon said in a statement. Two U.S. officials said it appeared to be a KN-17, or Hwasong-12. North Korea s Kim guided a launch of its Hwasong-12 intermediate-range ballistic missile on Tuesday in a drill to counter the joint exercises by South Korean and U.S. militaries, the North s official KCNA news agency said on Wednesday. The current ballistic rocket launching drill like a real war is the first step of the military operation of the KPA in the Pacific and a meaningful prelude to containing Guam, KCNA quoted Kim as saying. Pentagon spokesman Colonel Robert Manning said diplomacy was still Washington s preferred option with Pyongyang. North Korea was defiant. The U.S. should know that it can neither browbeat the DPRK with any economic sanctions and military threats and blackmail nor make the DPRK flinch from the road chosen by itself, North Korea s official Rodong Sinmun said, using the initials of the North s official name, the Democratic People s Republic of Korea. The North vows to never give up its weapons programs, saying they are necessary to counter hostility from the United States and its allies. The United States has said before that all options, including military, are on the table, although its preference is for a diplomatic solution. The United States is technically still at war with the North because their 1950-53 conflict ended in a truce, not a peace treaty. Relations worsened last year when North Korea staged two nuclear bomb tests. U.S. Ambassador to the United Nations Nikki Haley said the launch was absolutely unacceptable and irresponsible and that the Security Council now needed to take serious action. Saying enough is enough, Haley said she hoped China and Russia would continue to work with the rest of the Security Council when it meets on Tuesday afternoon to discuss what more can be done about North Korea s nuclear and missile programs. The Security Council earlier this month unanimously imposed new sanctions on North Korea after it staged two long-range missile launches in July. In response to Trump s statement that all options are on the table, Russian U.N. Ambassador Vassily Nebenzia told reporters: It s troubling, because tensions are high and whose nerves are stronger, we don t know. A U.S. official denied a report by Japan s Nikkei newspaper that the United States and Japan will call at Tuesday s meeting for an international embargo on oil exports to North Korea. Securing diplomatic agreement to such a ban would likely be extraordinarily difficult. Diplomats say China and Russia typically only view a test of a long-range missile or a nuclear weapon as a trigger for further possible U.N. sanctions. Negotiations on the past three substantial U.N. sanctions resolutions have taken between one and three months. The United States has proposed that the Security Council adopt a statement on Tuesday condemning North Korea s ballistic missile launch and imploring all states to strictly, fully, and expeditiously implement U.N. sanctions on Pyongyang, according to a copy of the draft statement seen by Reuters. The draft statement does not threaten new Security Council action against North Korea. In China, North Korea s lone major ally, foreign ministry spokeswoman Hua Chunying said the crisis was approaching a critical juncture , but it might also be a turning point to open the door to peace talks. The launch was North Korea s second since U.S. Secretary of State Rex Tillerson appeared to make a peace overture last week, by welcoming what he called the restraint Pyongyang had shown by not conducting tests for several weeks. Trump also expressed optimism last week about a possible improvement in relations, saying of North Korea s Kim: I respect the fact that he is starting to respect us. Some experts in Asia said Kim was trying to pressure Washington to get to the negotiating table with the latest missile tests. (North Korea) thinks that by exhibiting their capability, the path to dialogue will open, said Masao Okonogi, professor emeritus at Japan s Keio University. HIGH-FLYING MISSILESouth Korea s military said the missile was launched from near the North Korean capital, Pyongyang, just before 6 a.m. (2100 GMT on Monday) and flew 2,700 km (1,680 miles), reaching an altitude of about 550 km (340 miles). Four South Korean fighter jets bombed a military firing range on Tuesday after President Moon Jae-in asked the military to demonstrate capabilities to counter North Korea. South Korea and the United States had discussed deploying additional strategic assets on the Korean peninsula, South Korea s presidential Blue House said in a statement, without giving more details. Earlier this month, North Korea threatened to fire four missiles into the sea near the U.S. Pacific territory of Guam after Trump said it would face fire and fury if it threatened the United States. North Korea fired what it said was a rocket carrying a communications satellite into orbit over Japan in 2009 after warning of its plan. The United States, Japan and South Korea considered it a ballistic missile test. The latest missile fell into the sea 1,180 km (735 miles) east of Hokkaido, the Japanese government said. In many northern Japanese towns, sirens wailed and loudspeakers urged residents to take precautions, sending some scrambling to leave their houses while others confessed they had no idea what they should do. ",worldnews,"August 28, 2017 ",1 +North Korea says launched Hwasong-12 rocket to counter South Korea-U.S. drills: KCNA,"SEOUL (Reuters) - North Korean leader Kim Jong Un guided a launch of its Hwasong-12 intermediate-range ballistic missile on Tuesday in a drill to counter the joint military exercises by South Korean and U.S. militaries, the North s official KCNA news agency said on Wednesday. The current ballistic rocket launching drill like a real war is the first step of the military operation of the KPA in the Pacific and a meaningful prelude to containing Guam, KCNA quoted Kim as saying. KPA stands for the Korean People s Army, the North s military. North Korea threatened to fire four Hwasong-12 missiles into the sea near the U.S. Pacific territory of Guam earlier this month after U.S. President Donald Trump said the North would face fire and fury if it threatened the United States. ",worldnews,"August 29, 2017 ",1 +Guatemala top court sides with U.N. graft unit in fight with president,"GUATEMALA CITY (Reuters) - Guatemala s top court on Tuesday ruled definitively against President Jimmy Morales internationally criticized push to expel the head of a U.N.-backed anti-corruption unit probing his campaign financing. The decision by the Constitutional Court ratifies a provisional ruling that the government could not expel Ivan Velasquez, a veteran Colombian prosecutor who leads Guatemala s International Commission against Impunity, known as CICIG. Morales on Sunday ordered the expulsion of the prosecutor, who has been a thorn in the president s side by investigating his son and brother, and then seeking to remove his own immunity from investigation over more than $800,000 in potentially unexplained campaign funds. He has denied any wrongdoing. Within the United Nations, Velasquez has the rank of assistant secretary general. He is widely respected and the president s moved unleashed a series of resignations from his cabinet and a storm of criticism from Western nations. Earlier in the day, Morales, 48, said he would respect the court s decision, stepping back from brinkmanship he displayed at the weekend when he said the court had overstepped its mandate by ruling on the case. He has sought support from Guatemala s mayors, possibly to try to counter the diplomatic pressure and street protests by activists calling him corrupt. I am not defending corrupt people, I am not against the anti-corruption fight, I am not even against the CICIG. Is a machete good or bad? It depends on who is wielding it, said the former comedian at a meeting with mayors. Morales won office in 2015 running on a platform of honest governance after his predecessor Otto Perez Molina was forced to resign and imprisoned in a multi-million dollar graft case stemming from a CICIG investigation. The United Nations on Tuesday said it was disturbed by Morales moves against Velasquez, while the Geneva-based International Commission of Jurists said failure to comply with the Constitutional Court ruling could constitute obstruction of justice , a criminal offense. The president s decision to declare Ivan Velasquez as non grata and ordering his immediate removal from the country is in clear breach of international law, the ICJ said in a statement. Hundreds of Guatemalans took to the streets on Monday in support of Velasquez, some shouting Take Jimmy Morales to court! Some groups came out in support of the president and against foreign interference. The U.S. ambassador to Guatemala, Todd Robinson, told Reuters the president s moves could put at risk a U.S. development plan in Central America to reduce poverty and crime. There will probably be consequences from the president s decision, Robinson said, while emphasizing that any U.S. measures would have to be carefully thought through so as not to affect the economy or migration to the United States. Many politicians in Guatemala consider the foreign-led body, which is unusual among U.N. bodies for its powers to bring cases to prosecutors, to be a violation of national sovereignty. Anti-corruption activists credit it with cleaning up government. ",worldnews,"August 29, 2017 ",1 +Iran rejects U.S. demand for U.N. visit to military sites,"ANKARA (Reuters) - Iran has dismissed a U.S. demand for United Nations nuclear inspectors to visit its military bases as merely a dream . It also said the International Atomic Energy Agency (IAEA) was unlikely to agree anyway. The U.S. ambassador to the United Nations, Nikki Haley, last week pressed the IAEA to seek access to Iranian military bases to ensure that they were not concealing activities banned by the 2015 nuclear deal reached between Iran and six major powers. U.S. President Donald Trump has called the nuclear pact negotiated under his predecessor Barack Obama the worst deal ever . In April, he ordered a review of whether a suspension of nuclear sanctions on Iran was in the U.S. interest. Iranian government spokesman Mohammad Baqer Nobakht responded at a weekly news conference broadcast on state television on Tuesday. Iran s military sites are off limits, he said. All information about these sites are classified. Iran will never allow such visits. Don t pay attention to such remarks that are only a dream. Iranian President Hassan Rouhani followed up later by saying the U.S. call was unlikely to be accepted by the U.N. nuclear watchdog. The International Atomic Energy Agency is very unlikely to accept America s demand to inspect our military sites, Rouhani said in a televised interview. Rouhani gave no indication why he believed the IAEA would decline the request. Under the deal, the IAEA can request access to Iranian sites including military ones if it has concerns about activities there that violate the agreement, but it must show Iran the basis for those concerns. That means new and credible information pointing to such a violation is required first, officials from the agency and major powers say. There is no indication that Washington has presented such information to back up its call for inspections of Iranian military sites. Under U.S. law, the State Department must notify Congress every 90 days of Iran s compliance with the nuclear deal. The next deadline is October, and Trump has said he thinks by then the United States will declare Iran to be non-compliant. So far, IAEA inspectors have certified that Iran is fully complying with the deal, under which it significantly reduced its enriched uranium stockpile and took steps to ensure no possible use of it for a nuclear weapon. This was in return for an end to international sanctions that had helped cripple its oil-based economy. During its decade-long stand-off with world powers over its nuclear program, Iran repeatedly rejected visits by U.N. inspectors to its military sites, saying they had nothing to do with nuclear activity and so were beyond the IAEA s purview. Shortly after the deal was reached, Iran allowed inspectors to check its Parchin military complex, where Western security services believe Tehran carried out tests relevant to nuclear bomb detonations more than a decade ago. Iran has denied this. Under the 2015 accord, Iran could not get sanctions relief until the IAEA was satisfied Tehran had answered outstanding questions about the so-called possible military dimensions of its past nuclear research. Iran has placed its military bases off limits also because of what it calls the risk that IAEA findings could find their way to the intelligence services of its U.S. or Israeli foes. The Americans will take their dream of visiting our military and sensitive sites to their graves ... It will never happen, Ali Akbar Velayati, a top adviser to Supreme Leader Ayatollah Ali Khamenei, Iran s highest authority, told reporters. ",worldnews,"August 29, 2017 ",1 +Rouhani says IAEA unlikely to accept U.S. demand for Iran military site inspection,"ANKARA (Reuters) - Iranian President Hassan Rouhani said on Tuesday the U.S. demand for U.N. nuclear inspectors to visit Iran s military facilities were unlikely to be accepted by the nuclear watchdog. The International Atomic Energy Agency (IAEA) is very unlikely to accept America s demand to inspect our military sites, Rouhani said in a televised interview. The U.S. ambassador to the United Nations, Nikki Haley, last week pressed the IAEA to seek access to Iranian military bases to ensure that they were not concealing activities banned by a 2015 nuclear deal reached between Iran and six major powers. He gave no indication why he believed the IAEA would decline the request. ",worldnews,"August 29, 2017 ",1 +Iraq's Kirkuk province to vote in Kurdish independence referendum,"KIRKUK, Iraq (Reuters) - Iraq s oil-producing region of Kirkuk will vote in a referendum on Kurdish independence on Sept. 25, its provisional council decided on Tuesday, a move that could increase tension with Arab and Turkmen residents. The ethnically mixed region is claimed by both the central government in Baghdad and the autonomous Kurdistan Regional Government (KRG) in northern Iraq. The vote is definitely happening on Sept. 25, Kirkuk Governor Najmuddin Kareem told Reuters after a majority of the provincial council voted in favor of taking part. Only 24 of the 41 council members attended Tuesday s vote, with 23 voting in favor of participating in the referendum. One abstained. The remaining council members - all Arabs and Turkmen - boycotted the vote. Instead, they issued statements denouncing the vote as unconstitutional. The KRG had said it was up to the local councils of Kirkuk and three other disputed regions of Iraq to decide whether to join the vote on the independence of the Kurdish region. The vote in the disputed regions would amount to deciding whether to join the KRG or remain under the jurisdiction of the Shi ite Arab-led government in Baghdad. Baghdad says the referendum is unconstitutional. Speaking to reporters following a meeting of his council of ministers, Iraqi Prime Minister Hayder al-Abadi denounced Tuesday s decision as wrong . Issues are not handled like this, he added. Sunni MP Mohammed al-Karbouli told Reuters that Tuesday s decision would help trigger ethnic fighting in the region and would also extend the life of Islamic State in the country. It s a stark violation of the constitution and a determined move to confiscate the rights of the Arab and Turkmen in Kirkuk. The government should intervene to stop this violation, al-Karbouli said. The United States and Western nations fear the vote could lead to conflicts with Baghdad and neighboring Turkey and Iran, which host sizeable Kurdish populations, diverting attention from the fight against Islamic State militants in Iraq and Syria. A senior Kurdish official has said Iraq s Kurds might consider postponing the referendum in return for financial and political concessions from the central government. Those who ask for a postponement - including Baghdad and the U.S. and Europe and whoever - should give us a time, Kareem said. Why don t they propose a date? Kurdish peshmerga fighters seized control of Kirkuk in 2014 when the Iraqi army fled from Islamic State s offensive across northern and western Iraq, preventing the region s oil fields from falling into the hands of the militants. The Kurds have been seeking an independent state since at least the end of World War One, when colonial powers divided up the Middle East and left Kurdish-populated territory split between modern-day Turkey, Iran, Iraq and Syria. ",worldnews,"August 29, 2017 ",1 +Britain asks for U.N. Security Council to discuss Myanmar violence,"UNITED NATIONS (Reuters) - Britain has asked for the U.N. Security Council to meet on Wednesday to discuss escalating deadly violence between Rohingya insurgents and Myanmar security forces in Rakhine state, Britain s U.N. Ambassador Matthew Rycroft said on Tuesday. Need to address long-term issues in Rakhine, urge restraint by all parties, Rycroft posted on Twitter. A series of coordinated attacks by Rohingya insurgents on security forces in the north of Myanmar s Rakhine state on Friday has triggered a fresh exodus to Bangladesh of Rohingya Muslim villagers trying to escape the violence. ",worldnews,"August 29, 2017 ",1 +"UAE criticizes 'colonial' role of Iran, Turkey in Syria","ABU DHABI (Reuters) - The United Arab Emirates urged Iran and Turkey on Tuesday to end what it called their colonial actions in Syria, signaling unease about diminishing Gulf Arab influence in the war. Allied to regional powerhouse Saudi Arabia, the UAE opposes Syrian President Bashar al-Assad and his backer Iran, and is wary of Turkey, a friend of Islamist forces the UAE opposes throughout the Arab world. UAE Foreign Minister Sheikh Abdullah bin Zayed Al Nahyan urged the exit of those parties trying to reduce the sovereignty of the Syrian state, and I speak here frankly and clearly about Iran and Turkey. He was speaking at a news conference with Russian counterpart Sergei Lavrov, whose country helps Assad militarily. If Iran and Turkey continue the same historical, colonial and competitive behavior and perspectives between them in Arab affairs, we will continue in this situation not just in Syria today but tomorrow in some other country, Sheikh Abdullah said. The six-year-old war in Syria has dragged in regional and international players who have sought to advance their interests there: Iran has sent troops and military support to shore up Assad s rule as he has battled mostly Sunni Muslim rebels backed by Saudi Arabia and other Gulf Arab states. The Syrian army and its allies have regained lost territory with the help of Russian air strikes since 2015. At the same time, Islamic State is being pushed back from strongholds in Eastern Syria by the Syrian army and a rival offensive by Kurdish and Arab rebels backed by the United States. Fearing expanded Kurdish influence along its border with Syria, U.S. ally Turkey has grown increasingly uneasy about the rebels armed thrust. Turkey and Iran have discussed possible joint military action against Kurdish militant groups, President Tayyip Erdogan said on Monday. Lavrov and Sheikh Abdullah said they agreed on a need for a negotiated end to the war. Russia is helping shepherd talks in the Kazakh capital Astana which has already produced de-escalation zones to reduce combat in three parts of Syria. Lavrov said Russia hoped that efforts to unify the positions of Syria s disparate opposition would aid the peace process. There were some deep disagreements in the past which led to the failure of some meetings, but we will continue encouraging the participation of all the platforms, he said through a translator. (This story corrects day in first paragraph) ",worldnews,"August 29, 2017 ",1 +"Germany keen to avoid new 'ice age' in ties between Russia, West","WASHINGTON (Reuters) - Germany and Europe want to ensure that new U.S. sanctions against Russia do not lead to a new ice age in ties between Russia and the West, German Foreign Minister Sigmar Gabriel said on Tuesday. Gabriel said he spoke with U.S. Secretary of State Rex Tillerson about the sanctions in a meeting in Washington, adding that he was grateful that U.S. President Donald Trump had agreed to coordinate on further measures with U.S. allies. We as Europeans have great concerns that this will have unintended consequences for Europe. We don t want to completely destroy our business relations with Russia, especially in the energy sector, Gabriel said. Trump this month approved new sanctions on Moscow for its 2014 annexation of Ukraine s Crimea peninsula and for what U.S. intelligence agencies say was its meddling in the U.S. presidential election, a charge Russia denies. Gabriel has criticized the United States for the move, saying the new punitive measures expose European companies involved in energy projects in Russia to fines for breaching U.S. law. Economy Minister Brigitte Zypries even urged the EU to retaliate against the United States if the new sanctions on Russia should end up penalizing German firms. Gabriel said European leaders were concerned that the latest sanctions would not only have economic consequences, but could also lead to a new ice age between Russia and the United States and the West. Despite European concerns about the sanctions, Gabriel insisted that Moscow must do its part to implement a fragile ceasefire agreement in place for eastern Ukraine, including the withdrawal of heavy weapons. That would be a starting point for improved relations, Gabriel said. Kurt Volker, the newly appointed U.S. special representative for Ukraine, told broadcaster Deutsche Welle, that Washington would not forge any agreement with Moscow over the heads of the Ukrainians or behind the backs of the Europeans. The U.S. has made clear we fully support the Normandy process, and it s not our intention to become a part of it or to try to go over the top of it, Volker told Deutsche Welle. He acknowledged Russian concerns about Washington s decision to consider arming Ukraine in the conflict, but said it was quite reasonable for Ukrainians to want to be better able to defend themselves. German Chancellor Angela Merkel and French President on Monday called for Russia and Ukraine to increase their efforts to implement the ceasefire agreement. The conflict between Ukrainian forces and Russian-backed separatists has claimed more than 10,000 lives since it erupted in 2014. Germany and France have tried to convince both sides to implement a peace deal agreed in Minsk in 2015 under the so-called Normandy process but with little success so far. Merkel told reporters on Tuesday that sanctions against Russia would be lifted when the situation in eastern Ukraine improved. ",worldnews,"August 29, 2017 ",1 +Juncker blasts Britain for 'huge' unanswered Brexit questions,"BRUSSELS (Reuters) - EU chief executive Jean-Claude Juncker blasted Britain s failure to answer huge numbers of questions on its Brexit plans as negotiators held a new round of talks on Tuesday on a divorce due in less than two years. Hours after his chief negotiator Michel Barnier urged his British counterpart to start negotiating seriously when they met in Brussels on Monday, European Commission President Juncker echoed the bloc s refusal to discuss the future free trade deal London wants before penciling in terms for leaving the EU. Juncker scoffed at a raft of British negotiating papers published over the summer which Prime Minister Theresa May s government said had shown London was responding seriously to the detailed proposals agreed by the other 27 EU states. I would like to be clear that I did read with the requisite attention all the papers produced by Her Majesty s government; I find none of them truly satisfactory, he told European Union envoys gathered in Brussels for an annual conference. So there are huge numbers of questions that need to be settled. These included issues of rights for EU citizens in Britain and Britons in Europe after Brexit and the EU-UK border that will stretch across the island of Ireland, he said. We need to be crystal clear that we will begin no negotiations on the new economic and trade relationship between the UK and the EU before all these questions are resolved ... that is the divorce between the EU and the UK, Juncker said. We cannot mix these issues up, he continued. Barnier, he said, had firm instructions from the other 27 governments on the phasing of talks, even if he accepted that some issues could not be fully settled without knowing how trade will work. First of all we settle the past before we look forward to the future, he insisted. The head of the European Parliament, Antonio Tajani, joined Juncker in piling pressure on London: The British government must come forward with clear positions in order for talks to advance, he said in a statement on Tuesday evening. Negotiators who began two full days of talks on Tuesday morning are also trying to settle how much Britain may owe the Union on departure - a particularly explosive issue as both sides hope to reach some kind of outline divorce terms this year so as to give time to work out a transition to free trade. British negotiators, of whom over 100 were taking part in up to five separate forums at the EU headquarters, presented their legal assessment of an EU demand that Juncker has said might leave London paying Brussels some 60 billion euros ($72 billion) - a sum May s ministers have dismissed as unacceptable. Despite the EU rhetoric, which some in Britain see as ill-judged, government officials played down any tensions and described Monday s hour-long meeting between Barnier and Brexit Secretary David Davis as cordial and constructive. May s spokeswoman said Britain feels it is in a good position in the negotiations and wants to agree with the European Union to move on to discussions about its future relationship by October, when EU leaders next hold a summit. We believe we re in a good position and we would like to move on to discuss our future relationship, May s spokeswoman told reporters. We believe that we need the EU to show some more imagination and flexibility when it comes to these discussions, she said. We are seeking to agree by October Council that we can move to talk about our future relationship. Davis is due back in Brussels late on Wednesday and to hold a final news conference with Barnier on Thursday to sum up the results of what is the third formal round of talks. ",worldnews,"August 29, 2017 ",1 +Thailand's Buddhism chief removed after pressure from religious groups,"BANGKOK (Reuters) - Thailand s junta has removed the head of the national Buddhism office, the prime minister said on Tuesday, after religious groups called on the government to sack him over his plans to clean up scandal-hit monasteries. But Prime Minister Prayuth Chan-ocha said it wasn t a punishment. Pongporn Pramsaneh, who joined the National Office of Buddhism in February, had vowed to reform Thailand s more than 40,000 temples by forcing them to open their finances to the public. They take billions of dollars in donations every year. The former policeman was appointed amid a standoff between security forces and the influential Dhammakaya temple in February. Authorities wanted to question the temple s chief abbot on money-laundering charges. Pongporn will now move to a lower profile post of inspector-general in Prayuth s office. He has got some of the jobs done. He came in to solve temple issues, Prayuth told reporters. I ll now bring him close to me, to help me work on religious reform... This is not a punishment. Pongporn told Reuters: I have done my duties to the best of my ability. Buddhism is one of the three traditional pillars of Thai society alongside the nation and monarchy. It has largely eluded the junta s control as it has stamped its authority on other aspects of Thai life since a 2014 coup. The National Office of Buddhism is responsible for state administration of the religion followed by 90 percent of Thailand s 67 million people, but religious affairs are handled by a Sangha Supreme Council of elderly monks. Despite high-profile temple scandals over murder, drugs and sex as well as improper financial dealings, Pongporn s call for change had jarred on some monks. A group called the Thailand Buddhists Federation submitted a petition to the prime minister s office this month, calling for Pongporn to be removed to prevent further damage to monks . He painted monks as villains in Thai people s eyes, the group s secretary-general, Korn Meedee, said in a statement on Facebook. In July, another Buddhist group had called for Pongporn s removal, saying he had damaged the Buddhist institution. Phra Buddha Issara, a firebrand monk who called for reform of Buddhism, said the junta gave in to pressure too easily given government promises to fight corruption. Are they still serious about tackling corruption or are they only moving against certain people and groups? he said, adding that when it came to monks: No one can touch them. Reuters reported exclusively in March that the junta was drafting a law which would significantly weaken the Sangha Council. The draft is expected to be brought to parliament this year. Thai security forces besieged the Dhammakaya Temple in February to try to catch its former abbot, wanted for questioning on money laundering. But police failed to catch him and he is still on the run. ",worldnews,"August 29, 2017 ",1 +U.N. must take 'serious' action against North Korea over missile: Nikki Haley,"WASHINGTON (Reuters) - U.S. Ambassador to the United Nations Nikki Haley said on Tuesday that North Korea s launch of a missile over Japan was absolutely unacceptable and irresponsible and that the Security Council now needed to take serious action. No country should have missiles flying over them like those 130 million people in Japan. It s unacceptable, Haley told reporters. North Korea has violated every single U.N. Security Council resolution that we ve had and so I think something serious has to happen, she added. Saying enough is enough, Haley said she hoped China and Russia would continue to work with the rest of the U.N. Security Council when it meets on Tuesday afternoon to discuss what more can be done about North Korea s nuclear and missile programs. ",worldnews,"August 29, 2017 ",1 +"Losing immunity, German anti-immigrant party's co-head may face perjury charge","BERLIN (Reuters) - A regional parliament has lifted the immunity of the best known politician in the anti-immigration Alternative for Germany (AfD) party, opening the way for prosecutors to pursue possible perjury charges against her. Frauke Petry, who is the AfD s co-chairwoman, has been dogged by allegations that she lied under oath to a committee of the Saxony parliament about how the party s campaign for the 2014 election in the state was financed. The ending of her immunity from prosecution adds to the right-wing party s problems less than four weeks before a national election. Weakened by infighting, it has bled support over the last year as voters concerns about immigration have eased. Prosecutors have pursued the case against Petry, who denies the allegations, for more than a year. Her immunity as a member of the Saxony s parliament ended at midnight, a spokesman for the assembly said. A spokesman for prosecutors in the state capital Dresden said they would await written confirmation of that from the parliament s president before any further proceedings could be agreed upon. The AfD is polling between 7 and 10 percent in opinion surveys - well down from a high of 15.5 percent at the end of 2016 but still clearing the 5-percent threshold needed to enter the federal parliament in the Sept. 24 national election. Petry cuts an increasingly isolated figure in the AfD, which she transformed from an anti-euro party at its founding in 2013 into a group that taps into voters concerns about migration. The party soared in the polls after Chancellor Angela Merkel s decision in 2015 to open Germany s borders to migrants fleeing war and poverty in the Middle East and beyond, of whom more than a million have since arrived. At a party conference in April, Petry suffered a humiliating defeat when delegates refused to discuss her plan to shift the party towards the mainstream. ",worldnews,"August 29, 2017 ",1 +Digging dung: South Africa's amaBhungane heaps pressure on Zuma,"JOHANNESBURG (Reuters) - A group of investigative journalists whose slogan is digging dung, fertilizing democracy is holding South African President Jacob Zuma to account over his widely criticized links to a family of wealthy businessmen. AmaBhungane, which means dung beetles in the Zulu language, was founded by three veteran reporters to expose wrongdoing in South Africa. Together with online news site the Daily Maverick, amaBhungane in June released leaked emails and documents that they said showed allegedly improper dealings in government contracts and influence peddling by the Guptas, a family with close ties to Zuma. Zuma and the Gupta family, which has said the emails were fake, have denied wrongdoing. Co-founder Stefaans Brummer said amaBhungane, which was founded in 2010, had spent several years probing Zuma s family business dealings, and had verified the authenticity of the leaked documents. Our very first stories as amaBhungane was a series called Zuma Inc and we looked at the Zuma family and how its business fortunes had grown since Zuma took the office of president, Brummer said. He said the Gupta name popped up in several of amaBhungane s inquiries into Zuma s family business links and the organization was well placed to process the trove of information in more than 100,000 emails and documents. You fight hard for every piece of information and when something like this happens it s like Christmas, you suddenly have a lot of information, said Brummer. Brummer said amaBhungane, which mostly uses external hard drives to store documents for safety reasons, had sent a copy of the leaked Gupta emails to the Organized Crime and Corruption Reporting Project - a global consortium of investigative journalism centers. Reuters has not independently been able to verify the allegations in the so-called GuptaLeaks emails, sent between the Gupta brothers and their associates. The allegations, which came after an anti-corruption watchdog report into claims of influence peddling, opened Zuma up to renewed scrutiny and deepened divisions within the ruling African National Congress. Zuma survived an attempt in parliament to force him from office on Aug. 8, but he was left politically wounded after some ANC members voted with the opposition. It s quite amazing that people in South Africa have woken up to state capture now in 2017 when amaBhungane have been exposing this for a decade, said Glenda Daniels, a senior media studies lecturer at the University of the Witwatersrand. Perhaps the nature of their exposes were rather intense and detailed for people to follow. Maybe they have now let some air into their writing and everyone is getting it. As a non-profit company, amaBhungane s 8 million rand ($600,000) annual budget is funded by grants from charitable foundations and public donations. It does not sell adverts or accept funds from the government or from companies. Sam Sole, another amaBhungane co-founder, said his desire to expose society s injustices drove him into journalism. Both Sole and Brummer started their journalism careers before the end of apartheid in 1994. During my subsequent conscription into the defense force I came face to face with the sharp, brutish reality of apartheid - and that was the impetus for my first piece of journalism, said Sole. Journalism, for me, was a way to fight against injustice. The third amaBhungane co-founder, Adriaan Basson, is now editor of News24, an online news site. Sole and Brummer have won numerous journalism awards, including for their reporting on a 30 billion rand ($2.3 billion) deal to buy military equipment in the late 1990s that was plagued by allegations of fraud and corruption. Zuma was linked to the deal through his former financial adviser, who was jailed for corruption. The president said last year that an investigation into the deal found no evidence of wrongdoing, but critics denounced the findings as a cover-up. All charges against Zuma were dropped in 2009, but a court last year ordered a review of the decision. Zuma is appealing the ruling. The arms deal scandal lasted much longer and was much slower burning, which gave us time to develop some of the skills we use now, Sole said. For amaBhungane, the aim was to probe the link between politics and money. We set ourselves a target of trying to find that sweet spot of where organized crime, politics and business intersect, Brummer said. Politics has its good side but it has its bad side, business has its good side and its bad side, organized crime is all bad, but there is always that intersection where the three come together and that s where you get the worst wrongdoing. But amaBhungane has been accused by a group called Black First Land First and some on social media of being run by racist white men and not doing enough stories on white monopoly capital , a phrase used to describe the fact that the white minority still control much of the economy. Brummer said the criticism has not deterred amaBhungane. We are not going to roll over and die. Investigative journalism is what we do and what we like to do, he said. ",worldnews,"August 28, 2017 ",1 +EU urges swifter Brexit talks as London seeks 'flexibility',"BRUSSELS (Reuters) - The European Union s chief negotiator Michel Barnier said on Monday he was concerned at the slow progress of Brexit talks, while his British counterpart David Davis called for imagination and flexibility to move on. British officials arrived in Brussels on Monday hoping to push the EU toward talks about their post-Brexit ties, which the bloc refuses to launch until there is agreement on London s exit bill and other pressing divorce matters, including the rights of EU citizens in Britain after March 2019. To be honest, I am concerned. Time passes quickly, Barnier told reporters as he welcomed Davis back for a new round of talks. The third formal session since the process began in June, it is due to wind up on Thursday. We must start negotiating seriously, Barnier said. The sooner we remove the ambiguity, the sooner we will be in a position to discuss the future relationship. He welcomed a series of proposals London made over the summer break, but made clear they fell short of what EU leaders want to see before they will agree to open negotiations on the future free trade agreement the British government wants. Impatient with the structure of talks agreed among the 27 other states and now binding Barnier s negotiators, the British position papers made frequent reference to a future relationship with the EU rather than just the immediate task of bringing legal clarity for people and business when Britain leaves. The UK government has published a large number of papers covering important issues related to our withdrawal and our vision for a deep and special partnership, Davis said. We want to lock in the points where we agree, unpick the areas where we disagree and make further progress on the whole range of issues, he added. To do that would require flexibility and imagination from both sides , he said. But the EU wants to settle the major separation issues of ensuring expatriate rights, agreeing a divorce bill and squaring the circle of the future Irish border before jumping into talks about post-Brexit ties with London. The EU 27 and the European Parliament are united. They will not accept that separation issues are not addressed properly, Barnier said. I am ready to intensify negotiations over the coming weeks in order to advance. British officials took a relaxed view of Barnier s implied criticisms, noting it was a familiar line from the former French minister, and dismissed a suggestion talks were going badly. The EU has already signaled that the slow progress so far has made talks about a new accord with Britain less likely to start after an EU summit in October, as had been hoped. The EU and Britain seem far apart on agreeing how much London should pay the bloc on departure to account for previous commitments. The Irish issue is extremely delicate because of the history of political violence there, as well as the complex economic consequences of Brexit. Dublin said on Monday much of the future border arrangements between Northern Ireland and Ireland could be solved before Brexit talks enter the next phase. Neither side expects major breakthroughs this week in talks aimed at unraveling more than 40 years of union. Neither seems ready for major political concessions at this stage. An EU official said it was clearly worrying that we have major differences of core issues ... with very little time to land all this, even if Britain moves . Britain s opposition Labour Party on Sunday offered an alternative to the policy pursued by Conservative Prime Minister Theresa May by saying it would stay in the European single market for a transitional period after Brexit. The British and German chambers of commerce together urged negotiators on Monday to start talks about future trading relations, and particularly customs arrangements, swiftly. Writing in Le Monde in his native France, Barnier said the EU and Britain must remain allies for their common defense: The Union of 27 and the United Kingdom will have to join forces to stand up to common threats, he said. The security of our citizens cannot be haggled over. ",worldnews,"August 27, 2017 ",1 +U.N. nuclear watchdog opens uranium bank in Kazakhstan,"ASTANA (Reuters) - The International Atomic Energy Agency, the U.N. global nuclear watchdog, opened a uranium bank in Kazakhstan on Tuesday, a $150-million facility designed to discourage new nations from enriching the nuclear fuel. The Low Enriched Uranium (LEU) Bank in the city of Oskemen, in eastern Kazakhstan, will store up to 90 tonnes of the fuel, enough to power a large city for three years, and sell it to IAEA members if they are unable to procure it elsewhere. The LEU Bank will serve as a last-resort mechanism to provide confidence to countries that they will be able to obtain LEU for the manufacture of fuel for nuclear power plants in the event of an unforeseen, non-commercial disruption to their supplies, IAEA Director General Yukiya Amano said in a statement on Monday. Countries such as Iran have said they need enrichment facilities to ensure a steady supply of fuel for nuclear power plants, and the idea behind the bank is to make such supply available without domestic enrichment. Russia has operated a similar bank since 2010 but the one in Kazakhstan will be the first one fully owned and operated by the global nuclear watchdog. By hosting the IAEA LEU bank, Kazakhstan has made another contribution to strengthening the global non-proliferation regime, Kazakh President Nursultan Nazarbayev said as he handed Amano a symbolical key to the facility at a ceremony in the Kazakh capital, Astana. I am confident that the IAEA LEU Bank will make a valuable contribution to international efforts to ensure the availability of fuel for nuclear power plants, Amano said. The IAEA said in a statement it would begin buying uranium soon, with the aim to ship it to the bank next year. The project was funded by donors, including the United States, the European Union, Kuwait, the United Arab Emirates, Norway and the Nuclear Threat Initiative. ",worldnews,"August 29, 2017 ",1 +"Europeans, Africans agree renewed push to tackle migrant crisis","PARIS (Reuters) - Europe s big four continental powers and three African states agreed a plan on Monday to tackle illegal human trafficking and support nations struggling to contain the flow of people across the desert and Mediterranean sea. The 28-nation European Union has long struggled to reach a coherent answer to the influx of migrants fleeing war, poverty and political upheaval in the Middle East and Africa, and the crisis is testing cooperation between member states. After hosting the leaders of Germany, Italy, Spain, Chad, Niger and Libya, French President Emmanuel Macron said it was time for greater coordination. We must all act together - from the source countries to Europe and passing by the transit countries, especially Libya - to be efficient, he told reporters. It s a challenge as much for the EU as for the African Union. While the meeting was sparse on concrete details, the leaders agreed on the principle of setting up a mechanism to identify legitimate migrants who are fleeing war and persecution, and to use the United Nations to register them in Niger and Chad so as to prevent them being exploited by traffickers. At the core of it, it s all about fighting illegal migration, German Chancellor Angela Merkel told a news conference. She said that Berlin was willing to increase its efforts. If we want to stop human traffickers, then this can only be achieved through development aid, she said. The migrant crisis has put Paris and Rome at odds. Italy has accused France and other EU states of not sharing the migrant burden and has also asked the EU Commission for more budget flexibility to help it tackle the crisis. Nearly 120,000 migrants, including refugees, have entered Europe by sea so far this year, according to the International Organization for Migration. More than 2,400 have drowned while making the dangerous journey, often without enough food or water in overcrowded dinghies run by people smugglers. We are all committed to reducing the damage, the death of Africans in the desert, the death of Africans crossing the Mediterranean, Chad President Idriss Deby said. The fundamental problem will always remain development. We need resources, he said. The informal meeting did not outline any new specific financing and the leaders repeated that stabilizing chaotic Libya, where thousands of migrants end up before embarking on a perilous Mediterranean sea journey to Europe, would be key to any long-term solution. ",worldnews,"August 28, 2017 ",1 +"Exclusive: Bloomberg charity scrutinized by India for anti-tobacco funding, lobbying - documents","NEW DELHI (Reuters) - India has been investigating how Bloomberg Philanthropies, founded by billionaire Michael Bloomberg, funds local non-profit groups for anti-tobacco lobbying, government documents show, making it the latest foreign non-government organization to come under scrutiny. Prime Minister Narendra Modi s government has since 2014 tightened surveillance of non-profit groups, saying they were acting against India s national interests. Thousands of foreign-funded charities licenses have been canceled for misreporting donations. Critics, however, say the government has used the foreign funding law as a tool to silence non-profit groups which have raised concerns about the social costs of India s rapid economic development. The intelligence wing of India s home ministry last year drafted a note on Bloomberg Philanthropies, raising concerns that the foundation was running a campaign to target Indian tobacco businesses and aggressively lobby against the sector. Though the three-page note, reviewed by Reuters, said the Bloomberg initiative s claimed intention to free India of tobacco cannot be faulted given the known risks from tobacco, it highlighted the sector s importance, noting it brings in nearly $5 billion in annual revenue for governments, and provides a livelihood for millions of people. Foreign interests making foreign contributions ... for purposes of lobbying against an established economic activity raises multiple concerns, the note said, including, it said, an adverse economic impact on 35 million people. The June 3, 2016 note, marked SECRET and circulated to top government officials, including in Modi s office, has not previously been reported. The probe continued until at least April this year, another government document showed. Rebecca Carriero, a spokeswoman for Michael Bloomberg and New York-based Bloomberg Philanthropies, declined to comment as they were unaware of any investigation. A home ministry spokesman said queries which relate to security agencies cannot be answered. Modi s office did not respond to an email seeking comment. The ministry s note was one of the factors behind the rejection of a foreign funding license renewal of at least one Bloomberg-funded India charity last October, said a senior government official aware of the investigation. Michael Bloomberg, one of the world s richest people and a former New York City Mayor, has committed nearly $1 billion to support global tobacco control efforts. One of his focus countries is India, where tobacco kills 900,000 people a year. Other than funding Indian NGOs, Bloomberg s charity has in the past worked on improving road safety and supported federal tobacco-control efforts. In 2015, Modi called Michael Bloomberg a friend , and the two agreed on working together on India s ambitious plan to build so-called smart cities. The home ministry note said the Bloomberg charity successfully lobbied for the introduction of bigger health warnings on cigarette packs, contrary to the recommendations of a parliamentary panel. While the panel called for the size of warnings to be more than doubled to 50 percent of a pack s surface area, the health ministry sought a higher figure of 85 percent. Despite protests from India s $10 billion cigarette industry, the Supreme Court last year ordered manufacturers to follow the more stringent health ministry rules. That, the note said, was the first of the three-phase Bloomberg campaign targeting India s tobacco industry. It did not explain how exactly the Bloomberg charity lobbied. While the note mirrored some of India s tobacco lobby s positions - such as how anti-smoking policies could adversely impact farmers - the government official said the investigation was not done at the behest of the industry. Anti-tobacco lobby wants to kill revenue generating activities, the official said. A health ministry official, however, said: We don t see tobacco as an economic activity. He added that the health ministry was unaware of the home ministry s note on Bloomberg Philanthropies. India has stepped up scrutiny of NGOs registered under the Foreign Contribution Regulation Act (FCRA). In 2015, the home ministry put the Ford Foundation on a watch list and suspended Greenpeace India s FCRA license, drawing criticism from the United States. Earlier this year, the government banned foreign funding for the Public Health Foundation of India, a group backed by the Bill & Melinda Gates Foundation, saying it used foreign donations to lobby for tobacco-control policy issues, which is prohibited under FCRA. In the Bloomberg case, the home ministry note included a chart showing how funds flowed from Bloomberg Philanthropies to its partner, the Campaign for Tobacco-Free Kids, which was then funding five local FCRA-registered NGOs. These NGOs, the note said, were being used by the Bloomberg charity for anti-tobacco lobbying activities. The FCRA license of at least one of them - the Institute of Public Health (IPH) Bengaluru - was not renewed in October, in part due to the home ministry s note, the government official said. The IPH said it was told by the home ministry that its license was not being renewed on the basis of a field agency report , but no details were given. It was unaware of the investigation on Bloomberg Philanthropies. In April, the home ministry wrote to the federal health ministry, citing an inquiry into foreign funding for lobbying to change laws in India. The letter, seen by Reuters, mentioned the Bloomberg initiative and directed the health ministry to report on anti-tobacco lobbying by foreign donors in other countries where tobacco is widely used. The health ministry has not yet sent that report, another government official said. The health ministry did not respond to questions. For a graphic on Bloomberg's efforts to reduce tobacco use globally click tmsnrt.rs/2iD1QcX ",worldnews,"August 29, 2017 ",1 +India and China agree to end border standoff,"NEW DELHI/BEIJING (Reuters) - India and China have agreed to an expeditious disengagement of troops in a disputed border area where their soldiers have been locked in a stand-off for more than two months, India s foreign ministry said on Monday. The decision comes ahead of a summit of the BRICS nations - a grouping that also includes Brazil, Russia and South Africa - in China beginning on Sunday, which Indian Prime Minister Narendra Modi is expected to attend. Indian and Chinese troops have been confronting each other at the Doklam plateau near the borders of India, its ally Bhutan, and China, in the most serious and prolonged standoff in decades along their disputed Himalayan border. The Indian ministry said the two sides had agreed to defuse the crisis following diplomatic talks. In recent weeks, India and China have maintained diplomatic communication in respect of the incident at Doklam, the ministry said in a statement. On this basis, expeditious disengagement of border personnel at the face-off site at Doklam has been agreed to and is on-going, it said in a statement. It did not offer more details of the terms of disengagement from the area which had raised fears of a wider conflict between the Asian giants who fought a brief border war in 1962. China said Indian troops had withdrawn from the remote area in the eastern Himalayas. Chinese foreign ministry spokeswoman Hua Chunying said Chinese troops would continue to patrol the Doklam region. China will continue to exercise sovereignty rights to protect territorial sovereignty in accordance with the rules of the historical boundary, she said. The Chinese defense ministry said troops would remain on a state of alert. We remind the Indian side to learn the lesson from this incident, earnestly respect the historical boundary and the basic principles of international law, meet China half way and jointly protect the peace and tranquillity of the border region, spokesman Wu Qian said in a statement. The world is not peaceful, and peace needs to be safeguarded. The Chinese military has the confidence and the ability to protect the country s sovereignty, security and development interests, Wu added. The trouble started in June when India sent troops to stop China building a road in the Doklam area, which is remote, uninhabited territory claimed by both China and Bhutan. India said it sent its troops because Chinese military activity there was a threat to the security of its own northeast region. But China has said India had no role to play in the area and insisted it withdraw unilaterally or face the prospect of an escalation. Chinese state media had warned India of a fate worse than its crushing defeat in the war in 1962. Indian political commentator Shekhar Gupta said there was too much at stake for the two countries to fight over a small piece of territory. Hopefully, Doklam is a new chapter in India-China relations. Too much at stake for both big powers to let legacy real-estate issues linger, he said in a Twitter post. India and China have been unable to settle their 3,500-km (2,175-mile) frontier and large parts of territory are claimed by both sides. Lin Minwang, an India expert and the deputy director of the Center for South Asia Studies at China s Fudan University, said the detente would ensure a smooth BRICS meeting. Both sides should be happy. Modi is also happy. They can conduct a meeting smoothly and naturally. If there was still a stand-off, how could they meet? ",worldnews,"August 28, 2017 ",1 +Kazakh president names two new deputy PMs,"ASTANA (Reuters) - Kazakh President Nursultan Nazarbayev named Yerbolat Dosayev and Askar Zhumagaliyev deputy prime ministers on Tuesday, according to documents published on his website. Dosayev has previously run Baiterek, a state holding company in charge of banking and finance, while Zhumagaliyev has served as chief executive of state-owned nuclear company Kazatomprom, one of the world s biggest uranium miners. ",worldnews,"August 29, 2017 ",1 +TPP countries consider amendments to stalled trade deal: sources,"SYDNEY (Reuters) - The 11 countries committed to the Trans-Pacific Partnership are considering amendments to the trade deal, three sources said on Tuesday, as officials meet in Sydney for talks to re-energize the stalled agreement. Among the areas being discussed, Vietnam has raised the prospect of changes to labor rights and intellectual property (IP) provisions in the original pact, one source familiar with the talks told Reuters. Vietnam had been one of the countries expected to enjoy the biggest economic benefits from TPP through greater access to U.S. markets. However, the original 12-member TPP, which aims to cut trade barriers in some of Asia s fastest-growing economies, was thrown into limbo in January when U.S. President Trump withdrew from the agreement. Trump s move fulfilled a campaign pledge to put America first - a policy that aimed to bring manufacturing jobs back to the United States. Although the remaining members have publicly said they remain committed to the deal, implementation of the agreement linking 11 countries with a combined GDP of $12.4 trillion has stalled - raising fears that other countries will follow the U.S. lead and withdraw. Eager to keep all members onboard, representatives from the remaining countries are considering changes to the original TPP deal, three sources familiar with the talks said. We re all open to evaluating what we can do and what viable alternatives there may be, Edgar Vasquez, Peru s deputy trade minister, told Reuters. While no agreement is expected at the end of the three-day meeting, Vietnam s desire to shelve the IP provisions around pharmaceutical data is likely to win broad support, with Japanese and New Zealand officials also indicating their support for the change, two other sources said. The original TPP agreement was seen as particularly onerous on Vietnam, which be forced to make significant reforms, analysts said. There s not much sense to agree to provisions they don t really want such as stronger monopolies on medicines if they are not going to get access to the U.S. market, said Patricia Ranald, research associate, University of Sydney. The original TPP offered an eight-year window before competitors can have access to proprietary pharmaceutical data, which critics said would impede development of cheap generics. Potential amendments, however, require delicate positioning. While Trump has said he will not change his mind on TPP, the remaining members are hopeful a future U.S. president will commit to the agreement, a cornerstone of former President Barack Obama s pivot to Asia. But analysts said wholesale changes, while ensuring the support of smaller members, would repel the United States. The more you change the agreement, it is going to be harder to get the U.S. to sign on when it is ready to, said Shiro Armstrong, research fellow at the Crawford School of Economics in Canberra. ",worldnews,"August 29, 2017 ",1 +Myanmar army battles Rohingya insurgents; thousands flee,"COX S BAZAR, Bangladesh (Reuters) - Myanmar security forces intensified operations against Rohingya insurgents on Monday, police and other sources said, following three days of clashes with militants in the worst violence involving Myanmar s Muslim minority in five years. The fighting - triggered by coordinated attacks on Friday by insurgents wielding sticks, knives and crude bombs on 30 police posts and an army base - has killed 104 people and led to the flight of large numbers of Muslim Rohingya and Buddhist civilians from the northern part of Rakhine state. U.N. Secretary-General Antonio Guterres is deeply concerned by reports that civilians have been killed in Rakhine state and appealed for neighboring Bangladesh to allow fleeing Rohingya to seek safety, his spokesman said on Monday. Many of those fleeing are women and children, some of whom are wounded, U.N. spokesman Stephane Dujarric said in a statement. (The Secretary-General) calls for humanitarian agencies to be granted unfettered and free access to affected communities in need of assistance and protection. The United Nations stands ready to provide all necessary support to both Myanmar and Bangladesh in that regard, Dujarric said. The violence marks a dramatic escalation of a conflict that has simmered since October, when a similar but much smaller series of Rohingya attacks on security posts prompted a brutal military response dogged by allegations of rights abuses. The treatment of about 1.1 million Muslim Rohingya in mainly Buddhist Myanmar has emerged as the biggest challenge for national leader Aung San Suu Kyi, who has condemned the attacks and commended the security forces. The Nobel peace laureate has been accused by some Western critics of not speaking out on behalf of the long-persecuted minority, and of defending the army s sweep after the October attacks. The Rohingya are denied citizenship in Myanmar and classified as illegal immigrants, despite claiming roots there that go back centuries, with communities marginalized and occasionally subjected to communal violence. Now the situation is not good. Everything depends on them - if they re active, the situation will be tense, said police officer Tun Hlaing from Buthidaung township, referring to the Rohingya insurgents. Rohingya villagers make up the majority in the area. We split into two groups, one will provide security at police outposts and the other group is going out for clearance operation with the military, he said. A Buthidaung-based reporter, citing police sources directly involved in events, said three police posts in northern Buthidaung had been surrounded by Rohingya insurgents. Many houses had been burning since Sunday in parts of neighboring Maungdaw town, another journalist and a military source in Maungdaw told Reuters. A Rohingya villager in the area said the army attacked three hamlets in the Kyee Kan Pyin village group with shotguns and other weapons, before torching houses. Everything is on fire, he said by phone. Now I m in the fields with the people, we re running away. A military source in Rakhine state confirmed that houses were burned in the area but blamed the insurgents, who he said opened fire when soldiers came to find them and clear landmines. The insurgents fled, he said, adding there were no casualties. The Myanmar military reported clashes over the weekend involving hundreds of insurgents, taking the death toll to at least 104, the majority militants, plus 12 members of the security forces and several civilians. There were no official updates from the army or the government on Monday. The unrest has exposed the dark side of Myanmar s historic opening: an unleashing of ethnic hatred that was suppressed during 49 years of strict military rule that ended when the generals stepped back from direct rule in 2011. The following year, hundreds of people, most of them Rohingya, were killed in communal clashes in Rakhine state and about 140,000 people were displaced. In neighboring Bangladesh on Monday, border guards tried to push back refugees stranded in no man s land near the village of Gumdhum. Reuters reporters have heard gun fire from the Myanmar side in the last three days. A Bangladesh foreign ministry official told reporters Bangladesh was willing to work with Myanmar to crack down on the insurgents. The main purpose is to ensure Myanmar can t accuse us of harboring them to use against them, said the official, who was not authorized to speak publicly to media. An Islamist group called the Arakan Rohingya Salvation Army, which Myanmar has declared a terrorist organization, claimed responsibility for the Friday attacks. It was also behind the violence in October. In a video posted online on Monday, ARSA leader Ata Ullah, flanked by two gun-toting men in masks, warned Myanmar against oppressing Rohingya and vowed to keep fighting to protect the rights of the community. Rohingya have been fleeing Myanmar since the early 1990s and there are now about 400,000 in Bangladesh, which has said no new refugees will be allowed in. Bangladeshi police threatened refugees already in the country with arrest if they help new arrivals, refugee sources said. How can we go back there? Just to get killed? asked Mujibur Rahman, standing on the border. Nevertheless, an estimated 5,000 people have crossed into Bangladesh in the past few days, with more than 1,000 coming early on Monday, according to Rohingya refugees in camps in the border district of Cox s Bazar. Myanmar has urged Rohingya civilians to cooperate with security forces, assuring those with without ties to the insurgents they would not be affected. The government has evacuated thousands of non-Muslim villagers from the north of Rakhine state to towns, monasteries and police stations. About 500 people arrived in the state capital, Sittwe, on Monday, the government said. A lot of Kalar were coming and we had to run away, said Nyo Nyo Win, 52, using a racial slur for Rohingya. They followed us and we ran and ran. (For a graphic on Myanmar's ethnic groups click tmsnrt.rs/2wY3MSQ) ",worldnews,"August 28, 2017 ",1 +South Korea says strongly condemns North Korea missile launch,"SEOUL (Reuters) - South Korea said on Tuesday it strongly condemned the ballistic missile launch by North Korea earlier in the day that flew over Japan and landed in the Pacific waters off Hokkaido. We will respond strongly based on our steadfast alliance with the United States if North Korea continues nuclear and missile provocations, the South s foreign ministry said in a statement. ",worldnews,"August 29, 2017 ",1 +Colombia halts Cano-Limon pipeline after rebel attack: sources,"BOGOTA (Reuters) - A bomb attack by Colombia s leftist ELN rebel group has halted pumping operations along the country s second-largest oil pipeline, the Cano-Limon Covenas, sources from the military and state oil company Ecopetrol said on Monday. The attack took place in rural El Carmen municipality in Norte de Santander province, near the border with Venezuela, the sources said. The bombing caused a crude spillage into a nearby river. The sources spoke on condition of anonymity because an official announcement has not yet been made. Production at the Cano Limon oilfield, operated by U.S.-based Occidental Petroleum Corp, and exports have not been affected, the sources said. Ecopetrol officials said a team from the company was in the area to carry out clean-up operations. Repairs are expected to take several days, they said. Attacks against the pipeline have left 751 victims over the last 17 years, including 167 deaths. Since 1986 the pipeline has been out of service 3,800 days, or 10.4 years, 30 percent of its life. Some 66 million gallons of crude have been spilled since 2000, according to Ecopetrol figures. The 485-mile (780-km) pipeline can carry up to 210,000 barrels per day. The National Liberation Army (ELN), considered a terrorist group by the United States and European Union, has frequently attacked Colombia s oil infrastructure during the group s five-decade war with the government. Despite peace talks begun with the government in February, the ELN has continued pipeline attacks. It opposes the presence of multinational companies in the mining and oil sector, claiming that they seize natural resources without leaving benefits to the country s population or economy. ",worldnews,"August 29, 2017 ",1 +Colombia protests what it says was Venezuelan military incursion over border,"BOGOTA (Reuters) - Colombia has sent a letter of protest to Venezuela after it said security forces from the socialist country crossed the border into the Colombian province of La Guajira over the weekend, two government sources said on Monday. The sources told Reuters the Colombian Foreign Ministry had given the letter to Venezuela s embassy in Bogota, although the government of Venezuelan President Nicolas Maduro denied on Sunday that the crossing into Paraguachon, La Guajira, took place. The governor of La Guajira criticized the crossing on Twitter over the weekend, saying the security forces came over the border on Saturday night and stole money and cellphones from residents. Long-standing tensions between the neighboring countries have escalated since Colombian President Juan Manuel Santos joined with other countries in the region to criticize Maduro and said Venezuela was heading toward a dictatorship. Venezuela s former top prosecutor, who has accused Maduro of involvement with corruption, fled to Colombia this month. ",worldnews,"August 28, 2017 ",1 +"In war-torn Darfur, new U.S. aid chief stresses need for humanitarian access","ZAM ZAM CAMP, North Darfur (Reuters) - Washington s top aid official, Mark Green, visiting Sudan s North Darfur state, stressed on Monday the importance of unfettered humanitarian access as a key demand for easing U.S. sanctions against the government of President Omar al-Bashir. Just two weeks into the job as U.S. President Donald Trump s new aid administrator, Green is on a fact-finding mission to Sudan before an Oct. 12 deadline for when the administration will decide whether to permanently lift 20-year-old sanctions. The United Nations has reported progress in the opening of aid corridors by Sudan s military to get food and medicine into once tightly-controlled areas of Darfur. Last month for the first time in seven years, aid workers were allowed into Jebel Marra, a mountainous region in central, north and south Darfur where fighting persists. There they found acute malnutrition and high levels of child mortality, according to a USAID report. Before sanctions can be lifted the Sudanese government needs to comply with five U.S. demands, including improved humanitarian access, more cooperation between the U.S. and Sudan on fighting extremism and an end to internal conflicts. While Green acknowledged there had been progress on all fronts, the question was whether it was enough for Trump and Secretary of State Rex Tillerson to permanently lift the sanctions, he said. Certainly there has been progress particularly in recent weeks, Green told Reuters and the Washington Post in a joint interview. This is not a matter of whether things look perfect on the date that a decision made, it s whether or not long-lasting changes have been made. It s not meant to be one-off, it s not meant to be a single moment, a snap shot, but instead the product of real change, Green added. He said dialogue with Khartoum was an opportunity for a new and closer relationship and could mean a significant change in the lives of a population hard hit by the sanctions. Then-U.S. President Barack Obama temporarily lifted sanctions for six months in January, suspending a trade embargo, unfreezing assets and removing financial sanctions. But any sanctions relief would not remove Sudan from the U.S. list of state sponsors of terrorism, a designation it shares with Iran and Syria. The sanctions about which we re talking are but one set of sanctions, said Green. At this point in time we re engaging in conversations with Sudan to see what is possible, and that is really all that these conversations are really about. We will all know more about what is possible come October, so no one is pretending, or suggesting there is a magic wand and that everything changes on October 12, he said. Senior U.S. officials, who spoke before Green s trip on condition of anonymity, have expressed concern that once sanctions are lifted progress by the Bashir government could backslide. Others worry that if sanctions are not lifted in October the government will halt cooperation with Washington. Darfur s conflict began more than a decade ago when rebels took up arms against the government in Khartoum. The government responded with force, using militias known as the janjaweed, which were drawn from nomadic Arab tribes and blamed for much of the killing. Less than 10 miles (16 km) outside the North Darfur city of El Fashir, the Zam Zam camp was once a village that has become a sprawling home for 230,000 people who have fled Darfur s conflict. As he toured the camp Green saw for himself US-funded programs that help mothers and malnourished children. I want to go home but it isn t safe, said Hawad Abdullah Mohamad, 33, a mother of seven who has lived in Zam Zam for 13 years. Nearby, under a large tree, Green spoke with about a dozen men, who complained about access to food and camp life. Where do you see yourself in five years from now? Green asked Ahmed Nour Mohamed from Tawila village. When he did not get a straight answer, Green persisted with the line of questioning. In my village or in the grave, Mohamed replied. Green said later he was trying to understand what was keeping people at Zam Zam from returning home. These are important questions for us to ask because for an agency like USAID ... we should be thinking about what it would take to tackle conditions so people can leave the camps, he said. ",worldnews,"August 28, 2017 ",1 +Armed men destroy two dozen logging trucks in Chile indigenous dispute,"SANTIAGO (Reuters) - A group of armed men claiming to represent the nation s indigenous Mapuche people hijacked and burned 29 logging trucks in southern Chile on Monday morning as a years-long conflict with forestry companies heated up. The government convened an emergency meeting less than two weeks after a similar hijacking in which 18 trucks were burned, and several high-ranking officials denounced the attack later in the day. We re going to combat violence and we are not going to allow minoritarian groups, which don t value dialogue, to ruin the great effort all regional actors in the south are doing to promote development and overcome exclusion, Chilean President Michelle Bachelet said in televised remarks. It was not clear to what extent the attacks have broader support among Mapuche communities. Many Mapuche leaders doubt all such attacks are carried out by indigenous people, saying non-indigenous groups with a radical political agenda may be involved. The group Weichan Auka Mapu, or Fight of the Rebel Territory in the local Mapudungun tongue, claimed responsibility, national media reported. According to local authorities, at least two people were responsible for the arson attack, although local media reported that as many as seven people were responsible. Around 600,000 Mapuche live in Chile, concentrated in Araucania and Bio Bio, two lush and hilly provinces roughly 400 miles (645 km) south of Santiago, the nation s capital. Ever since the Chilean army invaded Mapuche territory in a brutal campaign in the late 1800s, relations with the state have been fractious. The conflict has accelerated in recent years, with armed groups burning houses, churches, trucks, and forest plantations. It has also spread geographically. The Monday attack occurred in the region of Los Rios, south of the traditional conflict zone. The trucks belonged to Sotraser, a subcontractor that mainly serves subsidiaries of Chilean forestry companies Empresas CMPC and Arauco [ANTCOC.UL]. The company reported $6 million in damages. While that figure is not significant in relation to Chile s larger timber industry, subcontractors have begun to register dozens of attacks annually in recent years, weighing on the sector. ",worldnews,"August 28, 2017 ",1 +"Canada's Trudeau shuffles cabinet, focuses on aboriginal woes","OTTAWA (Reuters) - Canadian Prime Minister Justin Trudeau on Monday reshuffled his cabinet to put more emphasis on helping aboriginal people, who complain he has broken repeated promises to improve their lives. Trudeau is splitting the federal indigenous and northern affairs ministry in two, with the most important role given to Jane Philpott, who has been praised across the political spectrum in her previous job as health minister. Trudeau, who took office in 2015 promising to repair ties with Canada s 1.4 million aboriginals, said the former ministry had been designed in an earlier colonial era when governments dictated to indigenous peoples rather than talking to them. There s a sense we have pushed the creaky old structures around (the ministry) about as far as they can go ... it could not deliver the reconciliation that we need, Trudeau told reporters after the reshuffle. Philpott will become the minister of indigenous services, in charge of overseeing steps to boost living standards. Carolyn Bennett, who headed the old ministry, will be responsible for ties between Ottawa and aboriginal groups. Aboriginals make up about four percent of the population. Many are mired in poverty and crime and suffer from bad health, exacerbated by widespread lack of access to safe drinking water. Suicides have plagued several isolated towns. Indigenous activists say despite Trudeau s pledges, which include billions of dollars in new spending, they have seen little improvement on the ground. A group of aboriginals mounted a high-profile protest to disrupt the July 1 Canada Day festivities, erecting a tent on Parliament Hill. The Association of First Nations umbrella organization for aboriginals said the changes announced by Trudeau were a significant step. Despite the negative publicity, public opinion polls show Trudeau s Liberals still command a healthy lead. The next election is scheduled for October 2019. In all, the shuffle involved six ministers. Political insiders told Reuters in late May that Trudeau would change his cabinet to revive a flagging agenda. In another significant move, Trudeau promoted sports minister Carla Qualtrough to be the new public works and procurement minister. She replaces Judy Foote, who quit last week for personal reasons. Qualtrough s biggest task will be to sort out a trouble-plagued bid to buy a new fleet of fighter jets. ",worldnews,"August 28, 2017 ",1 +Majority of people in France now dissatisfied with Macron: poll,"PARIS (Reuters) - Most French voters are now dissatisfied with Emmanuel Macron s performance, a poll showed on Sunday, a dramatic decline for a president who basked in a landslide election victory less than four months ago. The poll, conducted by Ifop for newspaper Le Journal du Dimanche (JDD), showed Macron s dissatisfaction rating rising to 57 percent, from 43 percent in July. Forty percent expressed satisfaction with the centrist leader - down 14 points from July. French government spokesman Christophe Castaner said the ruling party was going through a tricky time, but added that displeasing some people was a price worth paying if the government wanted to push through reforms. Yes, we are encountering difficulties, but you cannot just spend your time only looking at polls when you re in government. We are there to transform the country. Our country needs us to take risks, and we are taking risks, Castaner told BFM TV. Macron, for his part, spent Sunday holding a telephone dialogue with his Turkish counterpart Tayyip Erdogan, in which the two discussed the Syria and Middle East crisis and the fate of a French journalist detained in Turkey. Macron has pushed himself onto the international stage since winning power in May. He hosted high-profile visits from Russian leader Vladimir Putin and U.S. President Donald Trump and he is midway through a series of visits to various European capitals. However, he has suffered some setbacks at home, including tough debates in parliament over labor reforms, a standoff with the military and cuts to housing assistance. Social media commentators and political opponents criticized the president after it emerged he spent 26,000 euros ($31,000) on makeup during his first 100 days in office and his office also backed down on plans to give his wife a formal, paid role after a public backlash. Bernard Sananes, head of French polling company Elabe, said the latest survey could encourage Macron s political opponents, after his party won a commanding majority in parliament. It could mean, for the government, that the opposition mobilizes itself again, Sananes told BFM TV. The Ifop poll showed the cumulative drop in Macron s popularity ratings since May was bigger than that of previous Socialist president Francois Hollande over the same period. The poll also showed a drop in popularity for Prime Minister Edouard Philippe, with 47 percent expressing satisfaction with him - down 9 points from last month. Macron, France s youngest leader since Napoleon, faces a big test next month when the far-left CGT trade union leads a rally to protest against plans to deregulate the jobs market. Now is the key time, with the labor executive orders to be presented, said Francois Savary, chief investment officer at Geneva-based investment firm Prime Partners. ($1 = 0.8386 euros) ",worldnews,"August 26, 2017 ",1 +"Europeans, Africans agree renewed push to tackle migrant crisis","PARIS (Reuters) - Europe s big four continental powers and three African states agreed a plan on Monday to tackle illegal human trafficking and support nations struggling to contain the flow of people across the desert and Mediterranean sea. The 28-nation European Union has long struggled to reach a coherent answer to the influx of migrants fleeing war, poverty and political upheaval in the Middle East and Africa, and the crisis is testing cooperation between member states. After hosting the leaders of Germany, Italy, Spain, Chad, Niger and Libya, French President Emmanuel Macron said it was time for greater coordination. We must all act together - from the source countries to Europe and passing by the transit countries, especially Libya - to be efficient, he told reporters. It s a challenge as much for the EU as for the African Union. While the meeting was sparse on concrete details, the leaders agreed on the principle of setting up a mechanism to identify legitimate migrants who are fleeing war and persecution, and to use the United Nations to register them in Niger and Chad so as to prevent them being exploited by traffickers. At the core of it, it s all about fighting illegal migration, German Chancellor Angela Merkel told a news conference. She said that Berlin was willing to increase its efforts. If we want to stop human traffickers, then this can only be achieved through development aid, she said. The migrant crisis has put Paris and Rome at odds. Italy has accused France and other EU states of not sharing the migrant burden and has also asked the EU Commission for more budget flexibility to help it tackle the crisis. Nearly 120,000 migrants, including refugees, have entered Europe by sea so far this year, according to the International Organization for Migration. More than 2,400 have drowned while making the dangerous journey, often without enough food or water in overcrowded dinghies run by people smugglers. We are all committed to reducing the damage, the death of Africans in the desert, the death of Africans crossing the Mediterranean, Chad President Idriss Deby said. The fundamental problem will always remain development. We need resources, he said. The informal meeting did not outline any new specific financing and the leaders repeated that stabilizing chaotic Libya, where thousands of migrants end up before embarking on a perilous Mediterranean sea journey to Europe, would be key to any long-term solution. ",worldnews,"August 28, 2017 ",1 +"Exclusive: U.S.-backed Raqqa battle should end in two months, says senior SDF commander","RAQQA, Syria (Reuters) - The battle to oust Islamic State from its stronghold in the Syrian city of Raqqa should end within two months, a top-ranking Kurdish commander told Reuters, but said she expects the fighting to intensify. Nowruz Ahmed sits on the military council of the U.S.-backed Syrian Democratic Forces (SDF) and as one of a small number of members of its Raqqa general command is one of the most senior commanders in the offensive. Islamic State has lost swathes of territory since 2015 in both Syria and Iraq, including the Iraqi city of Mosul. In Syria, under separate attacks from a U.S.-led coalition and from the Russian-backed Syrian army, it is falling back on its strongholds along the Euphrates valley east of Raqqa, the de facto capital of the caliphate it declared in 2014. We cannot determine the time period in which the battle of Raqqa will end precisely because war has its conditions. But we do not expect it to last long, and according to our plans the battle will not take longer than two months from now, Ahmed said. The SDF alliance of Kurdish and Arab militias is fighting inside Raqqa s city center, with the help of air strikes and special forces from the U.S.-led coalition. They pushed into the city in June after battling for months to encircle it. Ahmed said the SDF was focused on the Raqqa battle for now and had not yet set plans to launch an assault in Deir al-Zor province, which is further down the Euphrates towards the Iraqi frontier and remains almost entirely under IS control. Ahmed, a women s rights activist before Syria s civil war began in 2011, heads the all female counterpart to the Kurdish YPG militia. The YPG is the most powerful component of the SDF, and the female unit has played a leading frontline role on the battlefield during the Raqqa campaign. She spoke to Reuters in Raqqa in what she said was her first interview with the media. She estimated Islamic State had between 700 and 1,000 fighters left in Raqqa, mainly at the center of the city. The SDF has encircled the militants and captured around 60 percent of the city. The SDF had a solid core of about 15,000 fighters in the Raqqa offensive, Ahmed said. Before the fighting began late last year, it had over 50,000 forces and has continuously enrolled new ones, she added. The presence of an estimated 5,000 to 10,000 civilians besieged in Raqqa, including families of IS fighters from outside the city, has hampered the advance, said Ahmed. During our incursions, we try to open safe passages for them so they would not be a target of our attacks, but there are also many mines that led to the deaths of civilians, she said. Islamic State will fight until the end, and many of its remaining militants in Raqqa are foreign fighters who will carry out suicide attacks, Ahmed said. The SDF and its allies have set up a civilian council to run Raqqa after Islamic State is defeated in the city. Ahmed said the SDF has no plans to stay inside Raqqa after it is freed unless we are asked . The major role of the Kurdish YPG in the battle for Raqqa, a mostly Arab city, is a point of sensitivity for many of the city s former residents, according to activists from Raqqa. It is also sensitive for Turkey, a U.S. ally which fears expanded Kurdish influence along its border with Syria. Ahmed said 60 percent of the SDF s 50,000 fighters were Arab, 30 percent Kurdish, and 10 percent from other ethnic groups. The spokesman for the U.S.-led coalition backing the SDF said earlier this month that there are 24,000 Arabs and 31,000 Kurds in the alliance. Last week, the head of the Deir al-Zor military council, a part of the SDF, said an offensive to capture the eastern province of Deir al-Zor from Islamic State would start soon. However, Ahmed said the SDF has no plans now to advance into the province because of the focus on Raqqa, and that a Deir al-Zor campaign had not been discussed with the U.S.-led coalition. There are demands for us to free Deir al-Zor and we are currently studying this, she said, adding that the SDF had enough forces to capture the province. The Syrian army and its allies are advancing eastwards through central Syria along several fronts in their own offensive towards Deir al-Zor, where a government enclave has been besieged by Islamic State for years. If the regime doesn t attack us and make a target of us, we will not attack it, Ahmed said. ",worldnews,"August 28, 2017 ",1 +German admits selling gun to Munich attack shooter,"BERLIN (Reuters) - A 32-year-old German man admitted in court on Monday that he sold the weapon used by a teenage gunman who killed nine people in Munich last year, a court spokesman said, adding that the defendant told relatives he felt sorry for his actions. David Ali Sonboly, 18, killed nine people before shooting himself dead. Another 27 people were injured. Police concluded the German-born Sonboly was a deranged lone gunman obsessed with mass killings who drew no inspiration from Islamist militancy. The Munich public prosecutor s office has charged the accused, identified only as Philipp K., as is customary in German law, with selling weapons illegally and nine counts of negligent homicide as well as five counts of negligently causing grievous bodily harm. A written statement was read, acknowledging that the accused had traded with weapons. The defendant expressed his regret that one of these firearms was used in the rampage here in Munich, court spokesman Florian Gliwitzky said. He offered his apologies to the relatives and with this, he also expressed that he was regretting his actions. A spokeswoman for the public prosecutor said the suspect so far only had admitted to the charge of selling weapons illegally. She added that evidence revealed during the hearing showed that the suspect had far-right attitudes. A defense lawyer said his client would not give any more statements in the course of the trial. Authorities arrested the man in Marburg, about 100 km (65 miles) north of Frankfurt a year ago, after contacting him on the so-called dark net and posing as buyers for an automatic weapon and a Glock 17 pistol for 8,000 euros ($9,550). During a sting operation, the suspected arms dealer said he had sold the 18-year-old Iranian-German another Glock 17 pistol during a meeting in Marburg, followed by 350 rounds of ammunition during a second meeting. Authorities around Europe are concerned that secretive marketplaces make it too easy for criminals and militants to obtain weaponry that has traditionally been highly regulated across Europe. ",worldnews,"August 28, 2017 ",1 +"German killer nurse suspected of 84 more murders, police say","FRANKFURT (Reuters) - A German nurse jailed for murdering two patients is suspected of killing at least 84 other people, police said on Monday. The man, identified only as Niels H. under reporting rules, has confessed in many of those cases , a police statement said, but could not remember all the details of his actions. If confirmed, the death toll would be among the worst ever compiled by a German serial killer. In past hearings, Niels H. admitted deliberately injecting patients at two clinics in northern Germany with deadly drugs and then trying to revive them in order to play the hero, German broadcaster NDR said. He was convicted of two charges of attempted murder and two counts of murder by an Oldenburg court in 2015. Police said on Monday that they had investigated additional deaths at hospitals in the northern German cities of Oldenburg and Delmenhorst after exhuming the remains of 134 people with links to Niels H. They said he had used five different drugs on the patients, including alkaloid ajmaline and arrhythmia drug sotalol, between 1999 and 2005. Toxicological reports for 41 people have not been completed, which means the number of victims could rise, police said. Prosecutors have also charged six people who worked with Niels H. at the Delmenhorst hospital on suspicion of failing to stop the killing even though they were aware of it. Ten years ago, a German nurse was convicted of killing 28 elderly patients. He said he gave them lethal injections because he felt sorry for them. He was sentenced to life in prison. In Britain, Dr. Harold Shipman was believed to have killed as many as 250 people, most of them elderly and middle-aged women who were his patients. Known as Dr. Death, Shipman was sentenced to 15 life terms in 2000; he died prison in 2004, apparently a suicide. ",worldnews,"August 28, 2017 ",1 +Poland tells EU its overhaul of judiciary in line with EU standards,"WARSAW (Reuters) - Poland said on Monday that the legislative process overhauling its judiciary is in line with European standards and called the European Commission s concerns about rule of law in the country groundless. On July 26, the Commission said it would launch legal action against Poland over the reforms and gave Warsaw a month to respond to concerns that the process undermines the independence of judges and breaks EU rules. Last month, Polish President Andrzej Duda signed into a law a bill giving the justice minister the power to replace heads of ordinary courts, but after mass street protests blocked two other bills. The vetoed bills would have empowered the government and parliament to replace Supreme Court judges and most members of a high-level judicial panel. In response ... the Polish side emphasized that the legislative process which has the primary goal of reforming the justice system is in line with European standards and answers social expectations that have been growing for years, therefore the Commission s doubts are groundless, the foreign ministry said in a statement. The ministry also said that in the spirit of loyal cooperation it has provided the European Commission with all necessary information on the situation in Poland. Poland s right-wing, eurosceptic government says the reforms are needed to streamline a slow, outdated legal system and make judges more accountable to the people. It has already tightened control of state media and took steps that critics said politicized the constitutional court. ",worldnews,"August 28, 2017 ",1 +Kabul mosque attack: four-year-old called to safety,"KABUL (Reuters) - A four-year-old boy photographed in a Kabul mosque last week as police desperately tried to call him to safety during an attack by Islamic State gunmen is back with his family but still suffering nightmares, his father said. Ali Ahmad was with his grandfather in the Shi ite Imam Zaman mosque on Friday when at least two attackers in police uniforms stormed in, one exploding a suicide-bomb vest and the other firing indiscriminately at the hundreds of worshippers inside. A picture by Reuters photographer Omar Sobhani showed Ali standing alone in the courtyard of the mosque as policemen taking cover behind a doorway called and waved to him. He survived the attack but his grandfather was among at least 20 killed. Click here for a photo essay - reut.rs/2wLBRG8 Sayed Bashir, Ali s father, was nearby but not in the mosque for the initial blast and ran to check on his family. Right after the explosion I thought everything was finished, he said. I called my father s mobile phone number and my son answered and said: They killed grandpa . He wanted me to bring the car and get him. We were running everywhere in search of my son but the police were stopping us and didn t let us get close, Bashir said. Bashir called the number again and was speaking to Ali when another explosion went off. I lost hope. I said to myself that everything was finished. I tried the number again but it was switched off, Bashir said. In fact, Ali had run around behind the mosque, disregarding the policeman frantically signaling to him in the courtyard. He was rescued soon afterwards but the effects of the attack may take much longer to heal. Bashir, a building worker who lives in a district with many Shi ite families, said Ali was still traumatized and having difficulty coming to terms with what happened. After the incident, my son has some problems. He s scared a lot at night, he said. The attack, the latest in a series targeting Shi ite mosques, was claimed by Islamic State Khorasan, the local branch of the group which takes the name of an old region that included what is now Afghanistan. According to the United Nations, at least 62 civilians have been killed and 119 injured in six separate attacks on Shi ite mosques this year. ",worldnews,"August 28, 2017 ",1 +Hard-right German party tells Trump to tweet less,"BERLIN (Reuters) - The hard-right Alternative for Germany (AfD) party, which initially embraced Donald Trump and the populism that swept him into office last year, had a message for the U.S. president on Monday - he should tweet less, and govern more. Alice Weidel, one of the AfD s top two candidates in the Sept. 24 election in Germany, said Trump s response to a recent white nationalist rally in Charlottesville, Virginia, had been completely unnecessary and she had only a limited understanding for it. Donald Trump should focus more on policies and less on tweeting and Twitter, Weidel told journalists in Berlin. If I had a wish list, then I would wish that Donald Trump would focus ... more on cleaning up his own house, and being a little more devoted to his governing responsibilities. Trump was widely criticized for at first failing to condemn white supremacist groups after a man thought to have neo-Nazi sympathies drove a car into a crowd of anti-racism protesters in Charlottesville, killing a woman and injuring over a dozen other people. Trump had said both sides were to blame for the violence and there were very fine people at the rally. Weidel s comments came amid controversy over remarks made by a senior member of her own party, Alexander Gauland - the AfD s other top candidate - who said Integration Minister Aydan Ozoguz, a Social Democrat (SPD) politician born in Germany to Turkish parents, should be dumped in Turkey. Members of the SPD, and Chancellor Angela Merkel s conservatives, rejected Gauland s remarks as racist. Gauland conceded on Monday that his choice of words was a little too tough but Weidel said she agreed with his general concern about what he said was Ozoguz s lack of respect for German culture. Weidel said that although her party opposed Merkel s 2015 decision which has allowed more than a million migrants into Germany over the past two years, it condemned extremism in any form, whether it came from left-wing, right-wing or Islamic groups. Founded in 2013 as an anti-euro party, the AfD shifted its focus after the euro zone debt crisis peaked to campaigning against immigration after Merkel s move to open the borders. It is expected to enter the German parliament for the first time after the September election, although its support has dropped to 7 to 10 percent from a height of around 15 percent in 2016, according to polls. Weidel, who is openly gay, chafed at a question about whether she was racist, noting that her partner of nearly 10 years, a Swiss filmmaker, also has a Sinhalese background. ",worldnews,"August 28, 2017 ",1 +"U.N. panel urges Russia to fight racism by neo-Nazis, in sports","GENEVA (Reuters) - A United Nations human rights panel called on the Russian Federation on Monday to step up prosecutions of racist attacks by ultra-nationalists and neo-Nazis and of hate speech by politicians. Russian authorities must intensify measures to vigorously combat racist behavior in sports, particularly in football, and ensure that sports regulatory bodies investigate manifestations of racism, xenophobia and intolerance, the U.N. Committee against Racial Discrimination (CERD) said. Fines or administrative sanctions should be imposed for such cases. The panel, referring to the upcoming (2018) World Cup, expresses its concern that racist displays remain deeply entrenched among football fans, especially against persons belonging to ethnic minorities and people of African descent. Russia has pledged to crack down on racism and fan violence as it faces increased scrutiny before hosting the World Cup finals next summer. Russian Premier League champions Spartak Moscow and rivals Dynamo Moscow were each fined 250,000 rubles ($4,250) over fans racist behavior, the Russian Football Union (RFU) said last month. The 18 independent experts, who reviewed Russia s record and those of seven other countries at a session that ended on Friday, issued their findings on Monday. Igor Barinov, head of the Federal Agency for Ethnic Affairs of the Russian Federation, told the panel on Aug. 4 that Moscow had taken measures against the propagation of racist ideas. Russia consistently combats the glorification of Nazism - made a crime in 2014 - the propaganda of Nazi ideas and attempts at racial hatred or discrimination, he said. In 2016, officials had identified 1,450 extremist crimes, 993 had been sent to court and 934 people were found guilty, he said. The U.N. panel said violent racist attacks had decreased in recent years, but added: Violent racist attacks undertaken by groups such as neo-Nazi groups and Cossack patrols, targeting particularly people from Central Asia and the Caucasus and persons belonging to ethnic minorities including migrants, the Roma and people of African descent, remain a pressing problem. It called for an end to de facto racial profiling by the police , decrying arbitrary identity checks and unnecessary arrests . Racist hate speech is still used by officials and politicians, especially during election campaigns, and remains unpunished, it said, recommending investigations. Russia still lacks anti-discrimination legislation and the definition of extremist activity in its federal law remains vague and broad , it said. Regarding Crimea, seized by Russia from Ukraine in 2014, the panel voiced concern at the fate of Crimean Tatar representative institutions, such as the outlawing of the Mejlis, the Crimean Tatar s semi-official legislature, the closure of several media outlets, and allegations of disappearances, criminal and administrative prosecutions, mass raids, and interrogations . ",worldnews,"August 28, 2017 ",1 +Hostility grows towards Syrian refugees in Lebanon,"BEIRUT (Reuters) - Abu Yazan has rarely stepped out of his apartment in northern Lebanon since he was beaten up on the street in June. The 32-year-old father from Syria was leaving a pharmacy around midnight, when two strangers came up to him asking for a light. Then they asked if he was Syrian. They both got off the motorcycle and beat me, said Abu Yazan, who lives near the port city of Tripoli. The second guy took off his belt and hit me with it on my back, my head. I couldn t do anything. His wife cried for help but onlookers did nothing. For six years, tensions have simmered as 1.5 million Syrians poured into Lebanon, equal to around a quarter of its population. Refugees have faced waves of hostility since the conflict in neighboring Syria took hold. But the debate over their presence has taken a harder edge in recent months, fueled by political leaders who say Lebanon has lost patience with the social and financial burden of the refugee crisis. As they press demands for refugees to return to Syria, Lebanese politicians have warned of rising public anger. Like Abu Yazan, other refugees say they have hidden in their homes or camps for fear of assault, arrest, or humiliation. In recent months, most of Lebanon s main parties have united in pushing for repatriation, a difficult demand as war has ravaged much of Syria. Rights groups have warned against forced return, and refugees often say they fear conscription into the Syrian army. Calls for refugees to return come as the Syrian government shores up its rule over the main urban centers and ceasefire deals have eased fighting with rebels in parts of western Syria. The United Nations refugee agency has not seen a growing trend of reported attacks against Syrians, but has voiced concern about mounting tensions. Reports of attacks remain isolated incidents, spokeswoman Lisa Abou Khaled said, but refugees do feel more anxious and afraid. Tensions escalated in June after Lebanon s army arrested hundreds of Syrians in a raid on refugee camps near the border, during which suicide bombers attacked soldiers. When four detainees later died in custody, the military said it was from chronic illness. Activists and refugees challenged this account, some blaming the deaths on torture. In this climate, a video circulated widely on social media of three Lebanese men beating up a refugee on the street. Authorities detained the attackers. Syrians in Lebanon say they have faced widespread harassment. Some of those Reuters interviewed said they felt it deteriorate in recent weeks, but others described it as just part of their daily existence as refugees. I don t dare walk down the street, said one refugee living amid makeshift tents in the Akkar region, who declined to be named because of security fears. I get swear words. Abu Yazan, who came to Lebanon five years ago, said many people had since extended sympathy to his family, but hostility from strangers and the recent assault scarred him. The attackers threatened to shoot him if they saw him again. We hear a lot of talk. You Syrians have robbed us. Go back to your country, he said. When we came to Lebanon, it wasn t by choice. We were fleeing a war. We considered them our people, our brothers. Many Lebanese worry refugees threaten the country s security and burden its sluggish economy, which has been hard-hit by Syria s war. Others say refugees take jobs or strain Lebanon s already dysfunctional public services. The Lebanese government has long avoided setting up official refugee camps. So, many Syrians live in tented settlements, languishing in poverty and facing restrictions on legal residence or work. During a mass last month, the head of Lebanon s Maronite Christian church, Patriarch Beshara al-Rai, urged politicians to work on returning Syrians to their own country. The patriarch accused refugees of snatching (the Lebanese people s) daily bread from their mouths, throwing them into a state of poverty and deprivation. Nasser Yassin, a researcher of refugee policy at the American University of Beirut, said Lebanese communities were growing weary of hosting large numbers of refugees. While resentment existed before, things have changed drastically in the last couple of weeks ... mostly fueled by politicians and other leaders , he said. Yassin warned against politicians fanning the flames by inflating the actual burden of the refugee crisis. Imagine that things go out of control, that s a recipe for civil war, he said. It is an ominous warning in a country whose own 15-year war involved Palestinian refugees. Politicians fret that any long-term presence of mainly Sunni Syrian refugees could destabilize Lebanon by shifting its delicate sectarian balance. Syria s conflict has inflamed political rivalries and sectarian divisions that have far from healed since Lebanon s 1975-1990 war. The United Nations, security forces, and local officials have all mobilized to ease tensions, said Ziad El Sayegh, senior national policy adviser for Lebanon s ministry of displaced. Rights groups and activists have criticized Lebanon for ignoring the crisis in its early years with no national policy to handle the influx of people. The ministry was now developing a policy to coordinate the work of state agencies, he said. The socio-economic strains have crossed the limit, Sayegh added. All of Lebanon wants returns. There is no dispute over that. Syrians should go back with the help of the United Nations under the right safety guarantees, he said - an issue that has deeply divided Lebanon s political blocs. Shi ite Hezbollah and its allies, who side with Syrian President Bashar al-Assad, have pressed the Lebanese state to work with Damascus, which their critics strongly oppose. Prime Minister Saad al-Hariri, allied to Sunni Saudi Arabia, and others insist the United Nations must oversee any repatriation. Iranian-backed Hezbollah has played a major role in driving Sunni militants from the border, and has sent thousands of its fighters into Syria to support Assad s government. Under evacuation deals that Hezbollah has brokered, thousands of refugees have left Lebanon s northeast border region for Syria since July. Rights groups fear refugees went back because they felt under pressure in Lebanon. The United Nations says it is still early for safe returns. It took no part in those local deals and raised concerns they did not meet legal standards and humanitarian principles . Still, the thousands who have gone back represent a drop in the ocean compared to the scale of Lebanon s refugee crisis. ",worldnews,"August 28, 2017 ",1 +China says sanctions won't help as Trump targets Venezuela,"BEIJING (Reuters) - Venezuela s close ally China said on Monday that history shows external interference and unilateral sanctions only make things more complex and will not help resolve problems, after the United States imposed new sanctions on Venezuela. U.S. President Donald Trump signed an executive order that prohibits dealings in new debt from the Venezuelan government or its state oil company on Friday in an effort to halt financing that the White House said fuels President Nicolas Maduro s dictatorship . Maduro, who has frequently blamed the United States for waging an economic war on Venezuela, said the United States was seeking to force Venezuela to default but he said it would not succeed. Asked about the new U.S. measure, Chinese Foreign Ministry spokeswoman Hua Chunying said China s position had consistently been to respect the sovereignty and independence of other countries and not to interfere in their internal affairs. The present problem in Venezuela should be resolved by the Venezuelan government and people themselves, she told a daily news briefing. The experience of history shows that outside interference or unilateral sanctions will make the situation even more complicated and will not help resolve the actual problem, Hua added. China and oil-rich Venezuela have a close diplomatic and business relationship, especially in energy. This month, China said it believed voting in Venezuela s Constituent Assembly election was generally held smoothly , brushing off widespread condemnation from the United States, Europe and others and evidence of voting irregularities. ",worldnews,"August 28, 2017 ",1 +Energy Secretary Perry cancels Kazakhstan visit due to hurricane,"ALMATY (Reuters) - United States Energy Secretary Rick Perry has canceled a planned visit to Kazakhstan on Monday, the U.S. embassy in Kazakhstan said, due to Hurricane Harvey. Due to Hurricane Harvey and the Department of Energy s duty to react to emergencies related to power supply and energy infrastructure, the planned visit by Energy Secretary Rick Perry to Astana is canceled, the embassy said in a Russian-language statement. Deputy Secretary Dan Brouillette would lead the U.S. delegation instead of Perry, it said. Perry was due to meet Kazakh Energy Minister Kanat Bozumbayev later on Monday. U.S. companies are among the biggest investors in the oil-rich Central Asian nation. Harvey, which wreaked havoc along the U.S. Gulf coast over the weekend, is the most powerful hurricane to hit Texas in more than 50 years, killing at least two people, causing large-scale flooding, and forcing the closure of Houston port as well as several refineries. ",worldnews,"August 28, 2017 ",1 +Exclusive: India and Pakistan hit by spy malware - cybersecurity firm,"MUMBAI (Reuters) - Symantec Corp, a digital security company, says it has identified a sustained cyber spying campaign, likely state-sponsored, against Indian and Pakistani entities involved in regional security issues. In a threat intelligence report that was sent to clients in July, Symantec said the online espionage effort dated back to October 2016. The campaign appeared to be the work of several groups, but tactics and techniques used suggest that the groups were operating with similar goals or under the same sponsor , probably a nation state, according to the threat report, which was reviewed by Reuters. It did not name a state. The detailed report on the cyber spying comes at a time of heightened tensions in the region. India s military has raised operational readiness along its border with China following a face-off in Bhutan near their disputed frontier, while Indo-Pakistan tensions are also simmering over the disputed Kashmir region. A spokesman for Symantec said the company does not comment publicly on the malware analysis, investigations and incident response services it provides clients. Symantec did not identify the likely sponsor of the attack. But it said that governments and militaries with operations in South Asia and interests in regional security issues would likely be at risk from the malware. The malware utilizes the so-called Ehdoor backdoor to access files on computers. There was a similar campaign that targeted Qatar using programs called Spynote and Revokery, said a security expert, who requested anonymity. They were backdoors just like Ehdoor, which is a targeted effort for South Asia. To install the malware, Symantec found, the attackers used decoy documents related to security issues in South Asia. The documents included reports from Reuters, Zee News, and the Hindu, and were related to military issues, Kashmir, and an Indian secessionist movement. The malware allows spies to upload and download files, carry out processes, log keystrokes, identify the target s location, steal personal data, and take screenshots, Symantec said, adding that the malware was also being used to target Android devices. In response to frequent cyber-security incidents, India in February established a center to help companies and individuals detect and remove malware. The center is operated by the Indian Computer Emergency Response Team (CERT-In). Gulshan Rai, the director general of CERT-In, declined to comment specifically on the attack cited in the Symantec report, but added: We took prompt action when we discovered a backdoor last October after a group in Singapore alerted us. He did not elaborate. Symantec s report said an investigation into the backdoor showed that it was constantly being modified to provide additional capabilities for spying operations. A senior official with Pakistan s Federal Investigation Agency said it had not received any reports of malware incidents from government information technology departments. He asked not to be named due to the sensitivity of the matter. A spokesman for FireEye, another cybersecurity company, said that based on an initial review of the malware, it had concluded that an internet protocol address in Pakistan had submitted the malware to a testing service. The spokesman requested anonymity, citing company policy. Another FireEye official said the attack reported by Symantec was not surprising. South Asia is a hotbed of geopolitical tensions, and wherever we find heightened tensions we expect to see elevated levels of cyber espionage activity, said Tim Wellsmore, FireEye s director of threat intelligence for the Asia Pacific region. The Symantec report said the Ehdoor backdoor was initially used in late 2016 to target government, military and military-affiliated targets in the Middle East and elsewhere. ",worldnews,"August 28, 2017 ",1 +Ireland calls for realism from UK on border issue in latest Brexit talks,"DUBLIN (Reuters) - Much of the future border arrangements between Northern Ireland and Ireland can be solved before Brexit talks enter the next phase, Ireland s foreign minister said, urging Britain to be realistic in negotiating terms to leave the European Union. British officials arrive in Brussels on Monday to push the EU towards talks about their post-Brexit ties, which the bloc refuses to do without an agreement first on London s exit bill and other divorce issues. Among those issues is the conundrum of the currently invisible border between EU member state Ireland and Britain s province of Northern Ireland, a matter fraught with economic consequences and politically complexities. We want some realism. There is a suggestion in the British government papers on Ireland that really the Irish border issues can only be solved in the context of a free trade agreement and I think there is a lot we can do in advance of that, Irish Foreign Minister Simon Coveney told national broadcaster RTE. As part of a series of papers published by London this month it hopes will push forward talks with the EU, Britain said there should be no border posts or immigration checks on the neighboring island of Ireland once London quits the EU in 2019. At the same time, Britain s Conservative government intends to regain complete control over immigration as part of Brexit, raising questions how this would work if there was a back door into Britain along an open land frontier with Ireland. The Irish government, which had grown critical Britain s approach to the talks, welcomed what it called significant progress in the papers but reiterated on Monday that London now must spell out in detail how their plan could be implemented. It s up to the UK this week to outline how the position papers, particularly in relation to Ireland and the border issues, can actually work, Coveney said. Many in the EU, while they accept what Britain wants, they don t see how the negotiating approach can achieve that. The European Parliament s Brexit point-man, Guy Verhofstadt, has dismissed the British government s outline approach, calling the idea of an invisible border a fantasy . The issue of how the Irish Republic and Northern Ireland will fare after Britain leaves the EU is particularly sensitive given the decades of violence in the province over whether it should be part of Britain or Ireland. Around 3,600 people were killed before the 1998 peace agreement between pro-Ireland Catholic nationalists and pro-British Protestant unionists. ",worldnews,"August 28, 2017 ",1 +Former Uzbek leader's daughter to resign as ambassador,"SAMARKAND, Uzbekistan (Reuters) - Lola Karimova-Tillyaeva, the second daughter of Uzbek president Islam Karimov who died last year, will step down soon as Uzbekistan s representative at UNESCO, she said on Monday. Karimova-Tillyaeva, 39, said she would focus on helping run a charitable foundation named after her father who died last September after running the ex-Soviet Central Asian state with an iron fist for 27 years. In the near future, I plan to step down from my role as ambassador in order to focus on my family, personal goals, (and) projects being implemented by the Islam Karimov foundation as well as other creative, charitable and cultural projects, Karimova-Tillyaeva said at a conference on Uzbekistan s Islamic cultural and scientific heritage. Her once powerful elder sister, Gulnara Karimova, fell out with their father around 2014, and since his death Karimova-Tillyaeva has been his only close relative holding a prominent government post. Gulnara Karimova was sentenced in 2015 to five years probation - a measure which may equal house arrest in Uzbek law - for acquiring through extortion or embezzlement stakes in a number of companies, and for tax evasion. She is also being investigated on charges of fraud, evading customs and foreign exchange regulations, and money laundering. Karimova-Tillyaeva, who is married to Uzbek businessman Timur Tillyaev, has said she was estranged from her sister for years. It was unclear from her speech on Monday whether she planned to move back to Uzbekistan after leaving the post of ambassador at the Paris-based U.N. agency. ",worldnews,"August 28, 2017 ",1 +U.S. navy recovers remains of all sailors missing after USS McCain collision,"SINGAPORE (Reuters) - The U.S. Navy on Monday confirmed recovery of the remains of all 10 sailors killed after the warship John S. McCain collided with a merchant vessel in waters near Singapore and Malaysia. The guided-missile destroyer collided with the Alnic MC east of Singapore last week while approaching the city state on a routine port visit. The U.S. navy and marine corps divers have now recovered the remains of all 10 USS John S.McCain sailors, the Seventh Fleet said in a statement on its website. The news follows the navy s Thursday announcement that it had suspended wider search and rescue operations after finding and identifying the remains of one sailor. The navy found the remains of missing sailors inside sealed sections of the damaged hull of the warship, which is moored at Singapore s Changi Naval Base. The incident is under investigation to determine the facts and circumstances of the collision, the statement added. Aircraft, divers and vessels from Australia, Indonesia, Malaysia, Singapore, and the United States joined a search-and-rescue operation for the missing sailors over an area of about 5,500 sq. km. (2,124 square miles) around the crash site. The pre-dawn collision, the fourth major accident for the U.S. Pacific Fleet this year, has prompted a review of its operations. The Navy has removed Seventh Fleet Commander Vice Admiral Joseph Aucoin from his post, citing a loss of confidence in his ability to command after the run of accidents. Rear Admiral Phil Sawyer takes command of the fleet from Aucoin, who had been due to step down next month. The U.S. navy has also flagged plans for temporary and staggered halts in operations across its global fleet to allow staff to focus on safety. In a one-day operational pause last Wednesday, officers and crew of Seventh Fleet ships deployed at a facility in Yokosuka, Japan, received fresh training in risk management and communications. The Seventh Fleet, headquartered in Japan, operates as many as 70 ships, including the U.S. navy s only forward-deployed aircraft carrier, and has about 140 aircraft and 20,000 sailors. ",worldnews,"August 28, 2017 ",1 +"After decades of war, Colombia's FARC rebels debut political party","BOGOTA (Reuters) - Colombia s leftist FARC rebel group is introducing its political party at a conference that began on Sunday, a major step in its transition into a civilian organization after more than 50 years of war and its first chance to announce policy to skeptical voters. The six-day meeting in Bogota of FARC members, who have handed in more than 8,000 weapons to the United Nations during their demobilization, is expected to conclude on Friday with a platform that the party will campaign on in elections next year. Under its 2016 peace deal with the government to end its part in a war that has killed more than 220,000 people, the majority of fighters in the group formally known as Revolutionary Armed Forces of Colombia were granted amnesty and allowed to participate in politics. Whether the rebels will get backing from Colombians, many of whom revile them, remains to be seen. The FARC s often old-fashioned Marxist rhetoric strikes many as a throwback to their 1964 founding, but proposals for reforms to complicated property laws may get traction with rural voters who struggle as subsistence farmers. The peace accord, rejected by a less than 1 percent margin in a referendum before being modified and enacted, awards the FARC s party 10 automatic seats in Congress through 2026, but the group may campaign for others. In a sight that would have been unthinkable just a few years ago, FARC delegates arrived by bus to the center of the capital, escorted by police on motorcycles. From this event on, we will transform into a new, exclusively political group that will carry out its activity by legal means, FARC leader Rodrigo Londono, who is known by his nom de guerre Timochenko, told hundreds of attendees at the event center in Bogota. We have in front of us many challenges and many difficulties, Londono said. Nothing is easy in politics. Rural improvements will remain a focus for the party, he added. Many delegates wore conference t-shirts with the slogan A new party for a new country and carried branded tote bags. A painting featuring images of Cuban revolutionary leaders Fidel Castro and Ernesto Che Guevara, deceased Venezuelan president Hugo Chavez and Jesus Christ was on display. The party will initially be called the Revolutionary Alternative Force of Colombia, preserving the FARC initials in Spanish. Both legislative and presidential elections will take place in 2018. It is not yet clear in which races the FARC will run candidates. I think the FARC will try for a regional consolidation, using the presence and influence they have in certain provinces, said Catalina Jimenez, politics professor at Externado University. At a national level, they need a large amount of votes they still don t have. The FARC is open to coalitions, the group said this week. Fractured by infighting, leftist parties have long struggled in conservative-leaning Colombia, despite some success in winning urban positions. Widespread corruption scandals will probably be a top issue for the crowded field of 2018 presidential candidates. Campaigns are also likely to focus on proposals to improve the daily lives of Colombians, many of whom say they desperately need better security, public education and healthcare. The FARC says the government of President Juan Manuel Santos, which gives a certain amount of regulated funding to each party, should help carry the costs of the conference, given the rebels have handed over their assets as reparations for victims of the war. But while the peace deal is the cornerstone of Santos legacy, the government has raised doubts about the veracity of the rebels $324 million asset list. The government said this week that it was forming a commission to verify that the FARC had included all profits it may have earned from extortion, ransoms and drug trafficking, and the group must play by the same rules as any other party. ",worldnews,"August 27, 2017 ",1 +Father of Philippine Islamist militant leaders dies in government custody,"MANILA (Reuters) - The father of the leaders of the pro-Islamic State Maute group that seized control of a southern Philippine town in May died while in government custody, authorities said on Sunday. Cayamora Maute was taken to a hospital on Sunday afternoon after his blood pressure rose but he died along the way, the Philippines prison bureau said. The May 23 occupation of Marawi City by the Maute group, led by his two sons and which has pledged allegiance to Islamic State, triggered a brutal urban battle with military forces that entered its fourth month last week. It has raised concern that Islamic State, on a back foot in Syria and Iraq, is building a regional base on the Philippine island of Mindanao that could pose a threat to neighboring Indonesia, Malaysia and Singapore too. More than 700 people, including 130 soldiers, have been killed since the militants, aided by foreign fighters from Indonesia, Malaysia and the Middle East, seized control of city of 200,000. Maute had several ailments when he was taken into custody in June, including diabetes and hypertension, Xavier Solda, spokesman at the Bureau of Jail and Management and Penology told reporters. The extent of his involvement in the group is not immediately clear but when he was arrested in June, a military spokesman expressed hope he could persuade his sons to stop fighting and surrender. This is an unfortunate incident for his family, but more so to the victims of terrorism in Marawi and their relatives who are awaiting justice and expecting that Cayamora would answer and atone for his involvement in the Marawi rebellion, Armed Forces Chief of Staff General Eduaro A o said in a statement. Philippine President Rodrigo Duterte has extended martial law on the southern island of Mindanao until the end of the year, to give him time to crush the rebel movement. ",worldnews,"August 27, 2017 ",1 +Merkel has no regrets over refugee policy despite political cost,"BERLIN (Reuters) - German Chancellor Angela Merkel said she has no regrets about her 2015 decision to open the country s borders to hundreds of thousands of refugees and added she will not be deterred from campaigning by angry hecklers. In an interview with the Welt am Sonntag newspaper on Sunday, Merkel denied she had made any mistakes with her open-door policy even though the arrival of a million refugees over the last two years from Syria and Iraq opened deep rifts in her conservative party and depressed its support. Four weeks before the Sept. 24 election, an Emnid opinion poll on Sunday showed Merkel s conservatives would win 38 percent, or 15 points ahead of the center-left Social Democrats (SPD). That is up from 32 percent in February but well below the 41.5 percent her party won in the last election in 2013. I d make all the important decisions of 2015 the same way again, Merkel said. It was an extraordinary situation and I made my decision based on what I thought was right from a political and humanitarian standpoint. Those kinds of extraordinary situations happen every once in a while in a country s history, she added. The head of government has to act and I did. Her decision to open the borders contributed to a surge in support for the far-right Alternative for Germany (AfD) party, which pollsters say could win up to 10 percent in the September election. Merkel, seeing a fourth term, has had to contend with loud and sustained heckling from demonstrators strongly opposed to her refugee policies so far on the campaign trail. The volume and intensity of the protests have been especially strong in her home region in formerly communist eastern Germany. But the 63-year-chancellor said she would not be kept away from areas where animosity towards her runs high. We re a democracy and everyone can freely express themselves in public the way they want, she said. It s important that we don t go out of our way to avoid certain areas only because there are a bunch of people screaming. Support for Merkel and her party has recovered somewhat after the influx of refugees slowed in 2016 to 280,000 and fell even further to about 106,000 in the first seven months of this year. Merkel said it was unfair that Greece and Italy were left on their own carrying the full burden of the refugee crisis simply because of their geography . She added she would not stop pushing for the fair distribution of refugees across the European Union. That some countries refuse to accept any refugees is not on. That contradicts the spirit of Europe. We ll overcome that. It will take time and patience but we will succeed. ",worldnews,"August 27, 2017 ",1 +"Dozens killed, wounded by car bomb in Afghan province","KABUL (Reuters) - As many as 13 people, including both Afghan army soldiers and civilians, were killed and 18 wounded by a car bomb in the southern province of Helmand on Sunday, officials said. Omar Zwak, the Helmand governor s spokesman who gave the casualty figures, said the attack occurred in a market in Nawa, a district in the center of the province, which has seen heavy fighting in recent weeks as government forces have battled for control with Taliban insurgents. Afghan forces said they had retaken Nawa district in July but there has been continued fighting in the area since. There was no claim of responsibility and no immediate comment from the Taliban, which has carried out regular suicide attacks in Helmand, where it controls much of the area outside the provincial capital Lashkar Gah. The hospital in Lashkar Gah run by the Italian aid group Emergency said it had received 3 dead and 19 wounded while Bost Hospital, another facility, said it had received 10 wounded. It was unclear whether any of the wounded had died after being taken to the hospitals. The attack comes just days after a suicide bomber in Lashkar Gah killed at least seven people and wounded 40 as the Taliban continued its push to restore strict Islamic rule to Afghanistan and drive out foreign forces backing the government in Kabul. U.S. President Donald Trump last week announced a stepped-up military campaign against Taliban insurgents who have gained ground steadily in Afghanistan since a NATO-led coalition ended its main combat mission in 2014. ",worldnews,"August 27, 2017 ",1 +Canadian pastor escaped execution due to foreign citizenship: CBC,"TORONTO (Reuters) - A Canadian pastor whom North Korea released this month after two years of imprisonment escaped execution and torture during his captivity because of his nationality, he told CBC News in his first interview since his return. Hyeon Soo Lim, the pastor from Toronto, said in an interview broadcast on Saturday that he was never harmed and that he would not hesitate to go back to North Korea if the country allowed him. A transcript of the interview was posted on the Canadian public broadcaster s website. If I m just Korean, maybe they kill me, Lim said. I m Canadian so they cannot, because they cannot kill the foreigners. Lim, formerly the senior pastor at one of Canada s largest churches, had disappeared on a mission to North Korea in early 2015. He was sentenced to hard labor for life in December 2015 on charges of attempting to overthrow the Pyongyang regime. He said North Korea treated him well despite forcing him to dig holes and break coal by hand all day in a labor camp. Lim told CBC News that he was coached and coerced into confessing that he traveled under the guise of humanitarian work as part of a subversive plot to overthrow the government and set up a religious state. North Korea let him go on humanitarian grounds. The announcement came during heightened tensions between Washington and Pyongyang, although authorities have not said there was any connection between his release and efforts to defuse the standoff over North Korea s nuclear program. Lim said he felt no anger at the Kim Jong Un regime for sentencing him to prison. No, I thanked North Korea, he said. I forgive them. ",worldnews,"August 27, 2017 ",1 +"After deadly protests, Indian states in lockdown for 'godman's' rape sentencing","NEW DELHI (Reuters) - India is deploying thousands of riot police and shutting down internet services in two northern states, as it prepares for the sentencing on Monday of a self-styled godman whose followers went on the rampage after he was convicted of rape on Friday. Gurmeet Ram Rahim Singh s cult Dera Sacha Sauda has a vast rural following in Punjab and Haryana states, where frenzied mobs burned down gas stations and train stations and torched vehicles after a local court found him guilty of raping two women in a 2002 case. At least 38 people were killed and more than 200 injured in the violence in Haryana, officials said, drawing sharp criticism for the state government run by Prime Minister Narendra Modi s Bharatiya Janata Party (BJP). The case has also highlighted the Indian heartland s fascination with spiritual gurus, who enjoy immense political clout for their ability to mobilize millions of followers frustrated by the shortcomings of the state. Security forces have cordoned off a jail in Rohtak city, 70 km (44 miles) from New Delhi, where Singh - also known as the guru of bling for the clothes he wears in the movies he has starred in - is being held. The judge who convicted Singh will hold a special hearing inside the prison in Rohtak around 2.30 pm local time (0900 GMT) on Monday to decide the punishment, in a move that officials hope will prevent his followers from gathering in the streets like they did on Friday. Singh faces a minimum of seven years in prison. The town of Sirsa, home to Dera s headquarters, is already under lockdown, BS Sandhu, Haryana s police chief, told Reuters. School and colleges have been ordered shut, the government said. We re fully prepared, we have a contingency plan in place, Sandhu said, adding that more than 10,000 police would patrol the state as it awaits Singh s sentencing. Neighboring Punjab, where violence was sporadic, has summoned more than 8,000 paramilitary and police, banned large gatherings and switched off mobile internet connections across the state until Tuesday, its top administrator said. Our intelligence reports caution that there could be arson and some other incidents, Karan Avtar Singh, the chief secretary to Punjab government, told Reuters. In godman Singh s two films, Messenger of God and its sequel, there are sequences in which he fights off villains and tosses burning motorbikes into the air. In his spiritual avatar, Singh dresses in plain white traditional clothes, giving sermons or planting trees. In the movies he dons bejeweled costumes, rides motorbikes and sends bad guys flying. The Haryana government has faced severe criticism from opposition Congress and a state court for failing to stop the rioting and vandalism. Singh, whose verified Twitter profile calls him a saint, philanthropist, sportsman, actor, singer, movie director, writer, lyricists, and autobiographer, has been photographed with senior BJP leaders including Haryana chief minister Manohar Lal Khattar. Last year a Haryana minister announced the state would donate 5 million Indian rupees ($78,000) to Singh s Dera to promote sports. Bir Kumar Yadav, BJP s Haryana spokesman, said the party had been associated with Singh only in his capacity as a social worker who had spread awareness about public sanitation and cleanliness. Modi also weighed in on Sunday, vowing tough action against anyone trying to break the law. I want to assure my countrymen that people who take the law into their own hands and are on the path of violent suppression - whether it is a person or a group - neither this country nor any government will tolerate it, he said in his monthly radio address, without directly mentioning the recent violence. Singh s conviction in a rape case is the latest in a series of cases involving spiritual leaders who have been accused of sexually abusing followers, amassing untaxed money and finding favor with politicians. Besides the rape charges, he is also under investigation over allegations that he convinced 400 of his male followers to undergo castration, allegations he denies. ($1 = 64.0000 Indian rupees) ",worldnews,"August 27, 2017 ",1 +Three missing after Japan military helicopter loses contact over Sea of Japan,"TOKYO (Reuters) - Japan s Defense Ministry on Sunday said it was searching for three crew members of a Maritime Self-Defense Force (MSDF) helicopter in the Sea of Japan after contact was lost with the chopper. One crew member had been rescued uninjured. The ministry said the SH-60J anti-submarine warfare helicopter lost contact around 90 km (56 miles) off the coast of Aomori Prefecture late on Saturday. It said the flight data recorder had been located, but did not say what had actually happened to the helicopter, whether it crashed or ditched into the sea. The MSDF has launched an investigation into the incident. Earlier this month, four Japanese crew members were injured after their CH-101 chopper crashed on land during a training exercise at Iwakuni Air Base in Yamaguchi Prefecture in western Japan. ",worldnews,"August 27, 2017 ",1 +Thousands of Rohingya flee for Bangladesh as fresh violence erupts in Myanmar,"COX S BAZAR, Bangladesh/YANGON (Reuters) - Thousands of Rohingya Muslims fleeing violence in Myanmar are trying to cross the border with Bangladesh, Bangladeshi security officials said on Saturday, as fresh fighting erupted in Myanmar s northwestern Rakhine state. The death toll from widespread attacks staged by Rohingya insurgents on Friday has climbed to 96, including nearly 80 insurgents and 12 members of the security forces, the government said, prompting it to evacuate staff and villagers from some areas. The attacks marked a dramatic escalation of a conflict that has simmered since last October, when a similar offensive prompted a major military sweep beset by allegations of serious human rights abuses. The treatment of approximately 1.1 million Muslim Rohingya in mainly Buddhist Myanmar has emerged as the biggest challenge for national leader Aung San Suu Kyi, who late on Friday condemned the morning raids - in which insurgents wielding guns, sticks and homemade bombs assaulted 30 police stations and an army base. The Nobel Peace Prize laureate has been accused by some Western critics of not speaking out for the long-persecuted Muslim minority, and of defending the army s counteroffensive after the October attacks. Some 3,000 Rohingya arrived at the Naf river separating Myanmar and Bangladesh on Saturday, Manzurul Hassan Khan, a Bangladeshi border guard commander, told Reuters. About 500 Rohingya, mostly women and children, spent the last night in a marshy area waiting to cross over, said Khan. We protected them the whole night. Today they went back. Reuters reporters saw hundreds of Rohingya crossing into Bangladesh near the border village of Gumdhum as gun shots could be heard from the Myanmar side. They could be seen squatting in a marshy area, hiding in the bushes from border guards. We managed to escape the shooting in Myanmar and tried to enter Bangladesh. We waited all night after we were pushed backed by Bangladesh border guards last night. This morning, we managed to enter somehow, said Hamid Hossain, 42, who crossed into Bangladesh on Saturday with a group of three families. A 25-year-old man whose relatives said he had been shot by Myanmar security forces on Friday died as he was carried to Bangladesh for treatment. He was buried near a refugee camp close to the border on Saturday, according to camp resident Mohammed Shafi, who said he witnessed the burial. Bangladesh s foreign ministry on Saturday said it was concerned that thousands of unarmed Myanmar nationals had assembled near the border to enter the country. Rohingya have been fleeing Myanmar to Bangladesh since the early 1990s and there are now around 400,000 in the country, where they are a source of tension between the two nations who both regard them as the other country s citizens. In Myanmar, the government said there had been several large clashes involving hundreds of Rohingya across northwestern Rakhine on Saturday. The fiercest fighting took place on the outskirts of the major town of Maungdaw, near the Alodaw Pyae Buddhist monastery. Maungdaw resident Nay Myo Lin, 27, told Reuters by telephone that security forces opened fire on scores of what appeared to be Muslim men with guns near the monastery. Police shot at them to break up the group and then the men shot back in the direction of the entrance gate of the city, said Nay Myo Lin. As the fighting went on throughout the day, I was stuck in the monastery and didn t dare to go out. When the sound of gunshots stopped, I ran to my house, he said. Fearful Rakhine Buddhist residents in Maungdaw town gathered in homes while men stood guard by the windows, said Ohmar Lin, a female resident of the town. We don t go out of the house, but I am ready to fight - we are prepared with knives and sticks to protect ourselves if they come here, she said. The United Nations security team has sent an internal update to staff about the clashes, seen by Reuters, saying that Myanmar government officials had assured the U.N. about their readiness to provide troops to secure our compounds if it becomes necessary . The government said in a statement that: Extremist Bengali terrorists are attacking using man-made mines ... swords, sticks, guns. They also killed Islamic religious people of their own faith who were village administrators. The term Bengali is seen as derogatory by many Rohingya as it implies they are illegal immigrants from Bangladesh, although many can trace family in Myanmar for generations. The Myanmar army operation last year was heavily criticised internationally amid reports of civilian killings, rape and arson that a United Nations investigation said probably constituted crimes against humanity. Suu Kyi is blocking the U.N.-mandated probe into the allegations. Aid workers and monitors worry that the latest attacks, across a wider area than October s violence, will spark an even more aggressive army response and trigger communal clashes between Muslims and Buddhist ethnic Rakhines. Nearly 200 people were killed and around 140,000 displaced in communal violence in the state in 2012. In a statement late on Friday, Suu Kyi strongly condemned brutal attacks by terrorists on security forces in Rakhine State . I would like to commend the members of the police and security forces who have acted with great courage in the face of many challenges, she added. The government said it had evacuated officials, teachers and hundreds of villagers to army bases and main police stations. Some will be evacuated by helicopters and some will be taken out by the security forces, a military source based in Rakhine told Reuters. The Arakan Rohingya Salvation Army (ARSA) which instigated the October attacks claimed responsibility for the offensive, presenting it as a defence against the Myanmar army. Myanmar declared ARSA, previously known as Harakah al-Yaqin, a terrorist organisation in the wake of the attacks. ",worldnews,"August 26, 2017 ",1 +New law needed to allow torture victims to sue Afghan government: activists,"KABUL (Reuters) - Human rights activists are urging Afganistan s President Ashraf Ghani to expand anti-torture laws enacted months ago to allow victims abused by security forces to seek restitution and compensation. A Redress Annex attached to the anti-torture law would allow victims to take the government to civil court, something not currently allowed under the law, say activists. The annex has been drafted and its backers hope Ghani will sign a decree making it an official part of the law. A spokesman for Ghani s office did not respond to requests for comment. As of now, it is up to the government to investigate and prosecute members of its own security forces who are accused of torture, something activists and investigators say is rare. The pervasiveness of torture in Afghanistan makes its criminalization and the prosecution of alleged torturers an urgent priority, Human Rights Watch senior researcher Patricia Gossman wrote in a post calling for the annex to be enacted. But the government also needs to enshrine in law the rights of torture victims to redress for their suffering. If prosecutors delay, a compensation system would create a new avenue for holding the government accountable, she said. Human rights investigators have praised recent moves by Ghani s administration to criminalize torture, but at a practical level reports of torture continue to be widespread. In April, a U.N. report said measures by the government had failed to reduce torture, with nearly 40 percent of conflict-related detainees interviewed by the investigators reporting that they had been tortured or mistreated by Afghan security forces, mostly the police and intelligence services. Among the methods described in the report were severe beatings to the body and soles of the feet with sticks, plastic pipes or cables, electric shocks, including to the genitals, prolonged suspension by the arms, and suffocation. Allowing victims to sue in civil court would ensure that they receive compensation and create a public record of torture cases, said Shaharzad Akbar, a civil society activist who works on anti-torture causes. Governments across the world are hesitant to prosecute their employees, so redress creates a civil mechanism for the public to hold government accountable, she said. This leads to an internal conversation in the government about the responsibility of government entities to prevent torture. ",worldnews,"August 27, 2017 ",1 +"Explain your results, beaten Angola party head tells electoral commission","LUANDA (Reuters) - The leader of Angola s main opposition party called on the country s electoral commission on Saturday to explain how it compiled provisional election results giving the ruling MPLA party a landslide victory. Isaias Samakuva said his UNITA party, which has rejected the published results of Wednesday s national ballot, was conducting a parallel count using polling station records and computer software that did not tally with the commission s figures. Where did those results come from? Samakuva asked supporters at the party s campaign headquarters in Luanda. The CNE (commission) must explain to Angolans what it did wrong and why it did it. Based on nearly 98 percent of the vote counted, CNE figures announced on Friday put the People s Movement for the Liberation of Angola (MPLA) on 61.1 percent and the National Union for the Total Independence of Angola (UNITA) on 26.7 percent. Definitive results may not be announced until Sept. 6. International observers described the election as reasonably free and fair and the mood in Luanda has remained calm. UNITA said the results released so far were not legally binding and it would release its national tally early next week. The country still doesn t have a President-elect, Samakuva said. President-in-waiting Joao Lourenco, a former defense minister, is set to become the country s first new leader for 38 years, replacing Jose Eduardo dos Santos, who will continue as head of the MPLA. UNITA and smaller opposition party CASA-CE say the provisional results were processed without input from provincial counting centers or certain representatives on the electoral commission, going against Angolan law. The commission has said the process of vote-counting was going well but has not extensively explained how provisional numbers were tallied. Even if the parties have summary records of the polling stations and minutes of electoral operations, it is necessary to realize there is another set of elements and documents that will contribute to the provincial and national tally and this information is not available to the parties, commission spokeswoman Julia Ferreira said on Friday, without elaborating. UNITA published on Friday its parallel count for four provinces Huambo, Bie, Cabinda and Luanda which in all cases showed the party doing better than the commission results indicated. The MPLA, which emerged victorious over UNITA after 27 years of civil war in 2002, has dismissed the complaints, saying its old foe always take issue with election results. ",worldnews,"August 26, 2017 ",1 +U.S. journalist among 19 killed in South Sudan fighting: rebels,"NAIROBI (Reuters) - A United States citizen working in South Sudan as a freelance journalist was among 19 people killed on Saturday during fighting between government troops and rebels in Yei River state, the rebels and the military said. Christopher Allen, who worked for various news outlets, was killed in heavy fighting in the town of Kaya. South Sudan has been convulsed by conflict since late 2013, pitting President Salva Kiir s troops against those of rebel leader Riek Machar. On the ground, about 16 (bodies) have been found around the defensive position of the SPLA including this white man, Santo Domic Chol, a military spokesman, told Reuters. Three government soldiers were also killed, he said. The rebels identified him as Allen, who had been embedded with them for the past week. We are sad for his family. He came here to tell our story , said one rebel who knew Allen. He asked not to be named but said Allen had been in the middle of the fighting and wearing a jacket marked PRESS. Chol said the rebels had attacked an army base in Kaya but they were repulsed after an hour-long fight. The U.S. government did not respond immediately when Reuters sought comment. The country spiraled into civil war, with fighting along ethnic lines, after Kiir sacked Machar in late 2013. A peace accord was signed in August 2015 and Machar returned to the capital in April last year to share power with Kiir, before the deal fell apart less than three months later and Machar and his supporters fled the capital. The conflict has forced about 4 million people to flee their homes. Uganda currently hosts more than a million South Sudanese refugees, while over 330,000 have fled to neighboring Ethiopia. ",worldnews,"August 26, 2017 ",1 +"North Korea tests short-range missiles as South Korea, U.S. conduct drills","SEOUL/WASHINGTON (Reuters) - North Korea fired several short-range missiles into the sea off its east coast early on Saturday, South Korea and the U.S. military said, as the two allies conducted annual joint military drills that the North denounces as preparation for war. The U.S. military s Pacific Command said it had detected three short-range ballistic missiles, fired over a 20 minute period. One appeared to have blown up almost immediately while two flew about 250 km (155 miles) in a northeasterly direction, Pacific Command said, revising an earlier assessment that two of the missiles had failed in flight. The test came just days after senior U.S. officials praised North Korea and leader Kim Jong Un for showing restraint in not firing any missiles since late July. The South Korean Office of the Joint Chiefs of Staff said the projectiles were launched from the North s eastern Kangwon province into the sea. Later on Saturday, the South Korean Presidential Blue House said the North may have fired an upgraded 300-mm caliber multiple rocket launcher but the military was still analyzing the precise details of the projectiles. Pacific Command said the missiles did not pose a threat to the U.S. mainland or to the Pacific territory of Guam, which North Korea had threatened earlier this month to surround in a sea of fire . Tensions had eased somewhat since a harsh exchange of words between Pyongyang and Washington after U.S. President Donald Trump had warned North Korean leader Kim Jong Un he would face fire and fury if he threatened the United States. North Korea s last missile test on July 28 was for an intercontinental ballistic missile designed to fly 10,000 km (6,200 miles). That would put parts of the U.S. mainland within reach and prompted heated exchanges that raised fears of a new conflict on the peninsula. Japan s Chief Cabinet Secretary Yoshihide Suga said the missiles did not reach its territory or exclusive economic zone and did not pose a threat to Japan s safety. The South Korean and U.S. militaries are in the midst of the annual Ulchi Freedom Guardian drills involving computer simulations of a war to test readiness and run until Aug. 31. The region where the missiles were launched, Kittaeryong, is a known military test site frequently used by the North for short-range missile drills, said Kim Dong-yub, a military expert at the Institute for Far Eastern Studies in Seoul. So rather than a newly developed missile, it looks to be short range missiles they fired as part of their summer exercise and also in response to the Ulchi Freedom Guardian drill, he said. The United States and South Korea are technically still at war with the North because their 1950-53 conflict ended in a truce, not a peace treaty. The North routinely says it will never give up its weapons programs, saying they are necessary to counter perceived U.S. hostility. Washington has repeatedly urged China, North Korea s main ally and trading partner, to do more to rein in Pyongyang. China s commerce ministry late on Friday banned North Korean individuals and enterprises from doing new business in China, in line with United Nations Security Council sanctions passed earlier this month. The White House said Trump had been briefed about the latest missiles but did not immediately have further comment. The U.S. State Department did not immediately comment about the Saturday launches. Secretary of State Rex Tillerson earlier this week credited the North with showing restraint by not launching a missile since the July ICBM test. Tillerson had said he hoped that the lack of missile launches or other provocative acts by Pyongyang could mean a path could be opening for dialogue sometime in the near future. Trump also expressed optimism earlier this week about a possible improvement in relations. I respect the fact that he is starting to respect us, Trump said of Kim. North Korea s state media reported on Saturday that Kim had guided a contest of amphibious landing and aerial strike by its army against targets modeled after South Korean islands near the sea border on the west coast. The official KCNA news agency quoted Kim as telling its Army that it should think of mercilessly wiping out the enemy with arms only and occupying Seoul at one go and the southern half of Korea. A new poster on a North Korean propaganda website on Saturday showed a missile dealing a retaliatory strike of justice against the U.S. mainland, threatening to wipe out the United States, the source of evil, without a trace. On Wednesday, Kim ordered the production of more rocket engines and missile warheads during a visit to a facility associated with North Korea s ballistic missile program. Diagrams and what appeared to be missile parts shown in photographs published in the North s state media suggested Pyongyang was pressing ahead with building a longer-range ballistic missile that could potentially reach any part of the U.S. mainland including Washington. (For an interactive package on North Korea's missile capabilities click here) (For a graphic on North Korea missile trajectories, ranges click tmsnrt.rs/2vLMdVm) ",worldnews,"August 25, 2017 ",1 +Saudi-led force admits strike in Yemen's capital hit civilians,"RIYADH (Reuters) - A Saudi-led Arab coalition on Saturday conceded that an air raid in Yemen s capital a day earlier had resulted in civilian casualties, blaming the incident on an unspecified technical error . The early morning attack in the Faj Attan area of Sanaa hit a vacant building but caused an adjacent apartment block to collapse, killing at least 12 people, six of them children, residents have said. Coalition spokesman Colonel Turki al-Maliki defended the strike as having a legitimate military target , which he said was a Houthi command and control center. He accused the fighters of using civilians as human shields. A technical error was the reason for the unintentional accident and the house in question was not directly targeted, he said a statement carried by Saudi state news agency SPA. Maliki said the coalition expressed remorse for collateral damage to civilians but did not specify the extent of casualties. However, a senior ICRC official visited the site of the strike on Friday and said, From what we saw on the ground, there was no apparent military target. Yemen s long war involving competing Yemeni factions and regional power struggles has killed at least 10,000 people. Millions more have been forced to leave their homes and face disease and hunger. The Houthis and their ally, former president Ali Abdullah Saleh, control much of the north of the country, including Sanaa. Yemen s internationally recognised government is backed by the Saudi-led military coalition and is based in the south. The United States and Britain provide arms and logistical assistance to the alliance for its campaign. The issue has caused controversy in Britain over the toll on civilians. As well as military targets, air strikes have hit hospitals and ports, exacerbating the humanitarian crisis. ",worldnews,"August 26, 2017 ",1 +Italy's interior minister meets Libyan mayors over people smuggling,"MILAN (Reuters) - Italian Interior Minister Marco Minniti met Libyan mayors on Saturday to renew a commitment to fight people trafficking as part of an agreement signed earlier this year between Rome and Tripoli. The meeting, which Libya s interior minister also attended, focused on fostering alternatives to human smuggling and trade in contraband in Libyan towns heavily affected by illegal immigration. Youngsters in those areas and the whole of Libya deserve a future of hope, free from the threats of criminal organisations... both sides said in a statement issued by Italy s Interior Ministry. In February, Italy pledged money, training and equipment to help the U.N.-backed Libyan government curb the flow of migrants to Europe. More than 600,000 migrants have reached Italy by sea from North Africa since 2014, most of them from Libya where people smugglers have operated with impunity in the turmoil that followed the fall of Muammar Gaddafi in 2011. The subject of immigration is dominating Italy s political agenda ahead of general elections due before May next year, with public opinion increasingly hostile to migrants. After a surge in migrant arrivals from Libya at the start of the year, numbers have recently slowed and Minniti said earlier this month those trends would continue in August. Saturday s meeting also included, among others, Italy s ambassador to Tripoli and representatives of the European Commission. ",worldnews,"August 26, 2017 ",1 +"After Yemeni air strike, little girl is family's only survivor","SANAA (Reuters) - Her bruised eyes still swollen shut, Buthaina Muhammad Mansour, believed to be four or five, doesn t yet know that her parents, five siblings and uncle were killed when an air strike flattened their home in Yemen s capital. Despite concussion and skull fractures, doctors think Buthaina will pull through her family s sole survivor of the Aug 25 attack on an apartment building that residents blame on a Saudi-led coalition fighting in Yemen since 2015. The alliance said in a statement it would investigate the air strike, which killed at least 12 civilians. Yemen s long war involving competing Yemeni factions and regional power struggles has killed at least 10,000 people. Millions more have been forced to leave their homes and face disease and hunger. Aid agencies have called for a speedy resolution to the conflict, warning that the impoverished country is now victim to the world s greatest man-made humanitarian disaster. Lying disoriented in her hospital bed on Saturday, Buthaina called out for her uncle, Mounir, who was among those killed in the attack. Another uncle, Saleh Muhammad Saad, told Reuters Mounir had rushed to the family s house when Buthaina s father called him at 2 a.m. to say war planes were bombing their neighborhood in Sanaa s Faj Attan district. He never returned. By the time Saleh got to the house, it was a ruin of broken concrete blocks and wooden planks. Hearing survivors groaning from beneath the rubble, he battled to free them. I could hear the shouts of one of their neighbors from under the rubble, and tried to remove the rubble from on top of (Buthaina s father) and his wife, but I couldn t. They died, he said. We lifted the rubble and saw first her brother Ammar, who was three, and her four sisters, all of them dead. I paused a little and just screamed out from the pain. But I pulled myself together, got back there and then heard Buthaina calling. He said her survival had given him some solace as he mourned the rest of the family. Her sister Raghad always used to come up and hug me and kiss me when I visited. I used to say to her, Come on, that s enough. And she would say Oh no it isn t! and just keep hugging and kissing. ",worldnews,"August 26, 2017 ",1 +Man with sword injures police outside UK Queen's palace,"(Reuters) - A man who assaulted police officers with a four-foot sword outside Queen Elizabeth s Buckingham Palace residence shouting Allahu Akbar (God is greatest) was being questioned by counter-terrorism police on Saturday. Two unarmed officers suffered slight cuts as they detained the man, who drove at a police van on Friday evening, then took the sword from the front passenger foot-well of his car, London s Metropolitan Police said. It was too early to say what the man was planning to do, said Commander Dean Haydon, the head of the Met s Counter Terrorism Command. We believe the man was acting alone and we are not looking for other suspects at this stage, he said. It is only right that we investigate this as a terrorist incident at this time. Europe has been on high alert following a string of militant attacks, including four this year in Britain which killed 36 people. The country s threat level remains at severe, meaning an attack is highly likely. No members of the royal family were present in the palace, which is a magnet for tourists in Britain s capital in the peak August holiday weekend. I want to thank the officers who acted quickly and bravely to protect the public last night demonstrating the dedication and professionalism of our police, Prime Minister Theresa May said in a message on Twitter. The suspect was initially arrested on suspicion of grievous bodily harm and assault on police. He was then further arrested under Britain s Terrorism Act. Police said they were investigating a 26-year-old man from the Luton area, an ethnically diverse town 35 miles (55 km) north of London where police have carried out investigations linked to other militant attacks, including one earlier this year on London s Westminster Bridge. My partner saw a sword (...) as well as a policeman with blood on him, looking like his hand or chest was injured. The police officer had it in his hand, walking away with it, said an unnamed witness quoted by The Times newspaper, who said tourists were running away from the scene. Something happened before, which is why the people ran away. I m not sure what this was. But people were already scared and I saw the policeman pull the man from the car the witness said. The suspect was treated at a London hospital for minor injuries, and there were no other reported injuries. This is a timely reminder that the threat from terrorism in the UK remains severe, Haydon added. The police, together with the security services, are doing everything we can to protect the public and we already have an enhanced policing plan over the Bank Holiday weekend to keep the public safe. ",worldnews,"August 25, 2017 ",1 +Chinese government advisor says more Mandarin needed to fight poverty,"BEIJING (Reuters) - Not enough effort is being put into teaching China s ethnic minorities standardized Mandarin Chinese during Beijing s fight to eradicate poverty, a top advisor to the government said on Saturday. Chinese president Xi Jinping has declared war on poverty, and instructed local governments to eliminate impoverishment to create a moderately well-off society by the beginning of 2021, in time for centenary of the ruling Communist Party. While regional authorities have dolled out supportive policies, funds and programs in China s poorest regions, they are failing to teach ethnicities enough Mandarin, Zhu Weiqun, said in an article in the state-backed Global Times newspaper. Efforts to teach minority peoples Mandarin are not up to scratch in various places, said Zhu, who is head of the minorities and religions committee of the Chinese People s Political Consultative Conference, an advisory body. I regularly come across low level cadres who with great effort use a mouthful of dialect to talk about their poverty alleviation plans without realizing that dealing with their own deficiencies in speaking Mandarin is an urgent task, he said. China promotes the use of standardized Mandarin, based on the dialect of Beijing, and encourages ethnic minorities to learn the official language in a bid to improve unity in multi-ethnic areas of the country. But there has been resistance to the push for standardization in regions such as Tibet and Xinjiang, where Tibetans and Uighurs, a Turkic speaking mostly Muslim minority, often consider language integral to their cultural identity. Beijing denies that Mandarin promotion damages minority culture, arguing that learning the official language gives minorities greater opportunities for work and schooling. Zhu said in the article that communication issues with workers from Xinjiang could cause a vicious cycle when companies group the workers together hindering their ability to work with others. Over 70 percent of the population speaks Mandarin, but there levels of fluency in west China are 20 percent lower than in the east, with only 40 percent of people able to speak Mandarin in some rural areas, Zhu said. Using standardized Mandarin to alleviate poverty, using poverty alleviation to promote standardized Mandarin, does not only have an economic importance, but also has a deep political importance, he said. ",worldnews,"August 26, 2017 ",1 +Thousands rally for gay marriage in Australia ahead of vote,"SYDNEY (Reuters) - Thousands of people rallied for marriage equality in Australia s second-biggest city of Melbourne on Saturday ahead of a postal survey on same-sex marriage which could lead to its legalisation. Australia is one of the only developed English-speaking countries not to have legalised same-sex marriage, despite strong popular support and the backing of a majority of lawmakers. Shadow Attorney-General Mark Dreyfus, of the opposition Labor Party, called on the conservative Liberal Party-led government to do more to ensure the debate did not turn ugly ahead of the postal survey next month. I m particularly calling on the prime minister of Australia to speak out against any bile or hate speech that we might see in this campaign, he told the rally. Prime Minister Malcolm Turnbull last week urged supporters and opponents of same-sex marriage to show mutual respect as their campaigns turned increasingly vitriolic. [nL4N1LB1TJ] Rally organiser Anthony Wallace from activist group Equal Love said 15,000 people attended the event, making it one of the largest gay rights rallies in Australian history. Police declined to estimate the size of the crowd. The rally is an annual event, which this year began and ended at the Victorian State Library, where a mass same-sex wedding ceremony was held. Australians will vote over several weeks from mid-September in the non-compulsory postal ballot on whether to legalise same-sex marriage. Same-sex marriage is supported by 61 percent of Australians, a 2016 Gallup opinion poll showed, but the issue has fractured the Turnbull government and damaged his standing with voters, now at a six-month low. ",worldnews,"August 26, 2017 ",1 +More than a thousand turn Philippine funeral to protest against war on drugs,"MANILA (Reuters) - More than a thousand people attended a funeral procession on Saturday for a Philippine teenager slain by police last week, turning the march into one of the biggest protests yet against President Rodrigo Duterte s deadly war on drugs. The death of Kian Loyd delos Santos has drawn widespread attention to allegations that police have been systematically executing suspected users and dealers - a charge the authorities deny. Nuns, priests and hundreds of children, chanting justice for Kian, justice for all joined the funeral cortege as it made its way from a church to the cemetery where the 17-year-old was buried. Delos Santos father, Saldy, spoke briefly during a mass to defend his son s innocence and express anger over the police. Don t they have a heart? I m not sure they do. There s a lot of churches, they should go there, he said, his voice cracking with emotion. Delos Santos was dragged by plain-clothes policemen to a dark, trash-filled alley in northern Manila, before he was shot in the head and left next to a pigsty, according to witnesses whose accounts appeared to be backed up by CCTV footage. Police say they acted in self defense after delos Santos opened fire on them. The parents and lawyers of delos Santos filed a murder complaint against the three anti-narcotics policemen on Friday. If accepted, the complaint would follow at least two cases filed last year against police over Duterte s war on drugs, which has killed thousands of Filipinos, outraged human rights groups and alarmed Western governments. Delos Santos flower-draped coffin passed through a major highway on a small truck decorated with tarpaulins reading Run, Kian, Run and Stop the killings displayed on each side. Passing motorists honked in support. This is a sign that the people have had enough and are indignant over the impunity that prevails today, Renato Reyes, secretary general of left-wing activist group Bayan (Nation), said in a statement. The people protest the utter lack of accountability in the police force. Mourners, some of them wearing white shirts, held flowers and small flags, and placards denouncing the killing. A member of Rise Up, a Manila-based coalition of church-related groups opposing the drug war, told Reuters that families of about 20 victims joined the procession. I came to support the family. I want justice for Kian and all victims - including my son, said Katherine David, 35, whose 21-year-old son was shot dead by police with two other men in January. Department of Justice personnel armed with assault rifles were on guard during the procession and outside the church. Most people in the Philippines support the anti-drug campaign, and Duterte remains a popular leader but questions have begun to be asked since the death of delos Santos, which came during a spike in killings across the Philippines main island, Luzon, last week. (Graphic: tmsnrt.rs/2ixnYFu) The president s communication office reiterated on Saturday he will not tolerate wrongdoing by law enforcers and called on the public to trust the justice system under the Duterte presidency. But bereaved mother David believes the response to Kian s killing marks a turning point in opposition to the drug war. There s been a big change. Before, police could kill and nobody paid attention. Now people are starting to show support and sympathy, she said. ",worldnews,"August 26, 2017 ",1 +"U.S. Black Hawk helicopter crashes off Yemen, one service member missing","WASHINGTON (Reuters) - A U.S. Black Hawk helicopter crashed off the coast of Yemen on Friday during a training mission and a search was under way for one U.S. service member, the U.S. military said. U.S. Central Command said in a statement that five other service members aboard the aircraft had been rescued after the crash, which took place about 20 miles (32 km) off the southern coast of Yemen at 7 p.m. (16000 GMT). A U.S. official told Reuters that the cause of the crash was under investigation. When the incident took place the helicopter was not very high above the water, CENTCOM spokesman Colonel John Thomas said. The United States has been carrying out air strikes against al Qaeda in Yemen, with at least 80 launched since the end of February. A small number of ground raids using U.S. Special Operations forces have also taken place, including one in January which resulted in the death of a U.S. Navy Seal. There have been a number of aviation mishaps involving U.S military aircraft in the past few months. The U.S. Coast Guard recently said that it had suspended its search off Hawaii for five Army aviators missing since their Black Hawk helicopter crashed earlier this month. In April, a Black Hawk U.S. Army helicopter crashed on a Maryland golf course, killing one crewmember and seriously injuring two others. Last month, a military transport plane crash killing 16 service members including elite special operations forces in northern Mississippi. ",worldnews,"August 26, 2017 ",1 +Prosecutors target Guatemala president over campaign financing,"GUATEMALA CITY (Reuters) - Guatemala s attorney general and a U.N-backed anti-graft body on Friday said they are seeking to investigate President Jimmy Morales over suspected illicit campaign financing. Ivan Velasquez, head of the International Commission Against Impunity in Guatemala (CICIG), told reporters there was evidence that Morales broke the law when he was head of the conservative National Convergence Front (FCN), and that prosecutors had filed a motion to investigate him. In order to advance the investigation, it s necessary to remove his immunity, said Velasquez, who on Thursday unveiled a probe into all political parties over suspected wrongdoing related to financing for the 2015 election campaign. To remove Morales immunity, prosecutors need the go-ahead from both the Supreme Court and a two-thirds majority in Congress. He could then be formally investigated and charged. In a statement, the president s office said, The President of the Republic has been and is respectful of the law and due process, and thus is confident in the objectivity of justice. Morales took office in 2016, winning the election on an anti-corruption ticket after the CICIG helped to bring down his predecessor over a multi-million-dollar corruption scandal. Earlier this week, two government officials told Reuters that Morales would ask U.N. Secretary-General Antonio Guterres to replace Velasquez, who is already investigating a graft case that involves the president s elder brother and one of his sons. He better have some really valid reasons ... to seek my removal from the post, said Velasquez, adding he would not resign. Morales met with Guterres in New York on Friday. The secretary-general reiterated his backing for Velasquez and the CICIG s work at the meeting, with Guterres citing the Organisation s continuing support to the mandate of the International Commission Against Impunity in Guatemala, the United Nations said in a statement. The president s office, in its statement, said it was worried about manipulation of information about the visit. The statement said Morales told Guterres it was important the CICIG stick to its original mandate. Guatemala s foreign minister, Carlos Morales, who is not related to the president, told Reuters that there had been no request made on Friday to remove Velasquez from office. In 2015, the CICIG was instrumental in removing former President Otto Perez from office after identifying him as a key player in an alleged multi-million-dollar corruption racket. Perez is now in prison on trial with his former vice president. ",worldnews,"August 25, 2017 ",1 +Trump slaps sanctions on Venezuela; Maduro sees effort to force default,"CARACAS/WASHINGTON/ (Reuters) - U.S. President Donald Trump signed an executive order that prohibits dealings in new debt from the Venezuelan government or its state oil company on Friday in an effort to halt financing that the White House said fuels President Nicolas Maduro s dictatorship. Maduro, who has frequently blamed the United States for waging an economic war on Venezuela, said the United States was seeking to force Venezuela to default but he said it would not succeed. The order is Washington s biggest sanctions blow to date against Maduro and is intended to punish his leftist government for what Trump has called an erosion of democracy in the oil-rich country, which is already reeling from an economic crisis. It suggests a weakening in already strained relations between the two countries. Just three days ago, Maduro said the relations between Caracas and Washington were at their lowest point ever. All they re trying to do to attack Venezuela is crazy, said Maduro on a TV broadcast on Friday. With the efforts of our people, it will fail and Venezuela will be stronger, more free, and more independent. Venezuela faces a severe recession with millions suffering food and medicine shortages and soaring inflation. The South American nation relies on oil for some 95 percent of export revenue. Citgo Petroleum [PDVSAC.UL], the U.S. refiner of Venezuela s ailing state-run oil company PDVSA, is practically being forced to close by the order, warned Maduro, adding that a preliminary analysis showed the sanctions would impede Venezuelan crude exports to the United States. He said he was calling urgent meetings with U.S. clients of Venezuelan oil. The new sanctions ban trade in any new issues of U.S.-dollar-denominated debt of the Venezuelan government and PDVSA [PDVSA.UL] because the ban applies to use of the U.S. financial system. As a result, it will be it tricky for PDVSA to refinance its heavy debt burden. Investors had expected that PDVSA would seek to ease upcoming payments through such an operation, as it did last year, which usually requires that new bonds be issued. Additional financial pressure on PDVSA could push the cash-strapped company closer to a possible default, or bolster its reliance on key allies China and Russia, which have already lent Caracas billions of dollars. They want us to fall into default, said Maduro, adding that just under two-thirds of Venezuelan bond holders are in the United States. Maduro insisted that Venezuela would continue paying its debts. The decision also blocks Citgo Petroleum from sending dividends back to the South American nation, a senior official said, in a further blow to PDVSA s coffers. However, the order stops short of a major ban on crude trading that could have disrupted Venezuela s oil industry and worsened the country s faltering economy. It also protects holders of most existing Venezuelan government and PDVSA bonds, who were relieved the sanctions did not go further. Venezuelan and PDVSA bonds were trading broadly higher on Friday afternoon. Maduro may no longer take advantage of the American financial system to facilitate the wholesale looting of the Venezuelan economy at the expense of the Venezuelan people, U.S. Treasury Secretary Steven Mnuchin said on Friday. Venezuela s Oil Ministry and PDVSA did not immediately respond to a request for comment. PDVSA, the financial engine of Maduro s government, is already struggling due to low global oil prices, mismanagement, allegations of corruption and a brain drain. Washington last month sanctioned PDVSA s finance vice president, Simon Zerpa, complicating some of the company s operations as Americans are now banned from doing business with him. Trump has so far spared Venezuela from broader sanctions against its vital oil industry, but officials have said such actions are under consideration. The Republican president has also warned of a military option for Venezuela, although White House national security adviser H.R. McMaster said on Friday that no such actions are anticipated in the near future. Venezuela has for months struggled to find financing because of PDVSA s cash flow problems and corruption scandals have led institutions to tread cautiously, regardless of sanctions. Russia and its state oil company Rosneft have emerged as an increasingly important source of financing for PDVSA, according to a Reuters report. On at least two occasions, the Venezuelan government has used Russian cash to avoid imminent defaults on payments to bondholders, a high-level PDVSA official told Reuters. At this point our view is that the country can scrape by without defaulting this year, largely with the help of Chinese and Russian backing and by further squeezing imports. Next year is a tossup, said Raul Gallegos, an analyst with the consultancy Control Risks. However, China has grown reticent to extend further loans because of payment delays and corruption. Russia has been negotiating financing in exchange for oil assets in Venezuela, sources have told Reuters, but going forward it would be difficult for the OPEC member to provide enough assets to keep up loans destined for bond payments. Venezuela s government has around $2 billion in available cash to make $1.3 billion in bond payments by the end of the year and to cover the import of food and medicine, according to documents reviewed by Reuters. ",worldnews,"August 25, 2017 ",1 +Belgian soldiers shoot dead knife attacker in Brussels,"BRUSSELS (Reuters) - Belgian soldiers shot dead a man in the center of Brussels on Friday evening after he came at them with a knife shouting Allahu Akbar (God is great), in a case authorities are treating as a terrorist attack. The man, a 30-year-old Belgian of Somali origin, died after being rushed to hospital. The soldiers were not seriously hurt in the attack; one had a facial wound and the other s hand was wounded. Prosecutors said the man, who was not known for terrorist activities, had twice shouted Allahu Akbar during the attack, which occurred at around 8:15 p.m. local time (1815 GMT) just outside the city s central pedestrian zone while the soldiers were on patrol. The case passed from local to federal prosecutors, who typically handle terrorist cases. A spokeswoman for the prosecution service said they were treating the case as one of attempted terrorist murder. Brussels mayor Philip Close said the alert status, already just one off the maximum level, had not been increased. Initial indications are ... that it is an isolated attack, a single person, Close told reporters beside a street blocked by police. Soldiers routinely patrol the streets of the Belgian capital due to a heightened security alert level after Islamist shooting and bomb attacks in Paris in 2015 and Brussels in 2016. In June, troops shot dead a suspected suicide bomber at Brussels central train station. There were no other casualties. Authorities treated the incident as an attempted terrorist attack. ",worldnews,"August 25, 2017 ",1 +At least 71 killed in Myanmar as Rohingya insurgents stage major attack,"YANGON (Reuters) - Muslim militants in Myanmar staged a coordinated attack on 30 police posts and an army base in Rakhine state on Friday, and at least 59 of the insurgents and 12 members of the security forces were killed, the army and government said. The fighting - still going on in some areas - marked a major escalation in a simmering conflict in the northwestern state since last October, when similar attacks prompted a big military sweep beset by allegations of serious human rights abuses. The Arakan Rohingya Salvation Army (ARSA), a group previously known as Harakah al-Yaqin, which instigated the October attacks, claimed responsibility for the early morning offensive, and warned of more. The treatment of approximately 1.1 million Muslim Rohingya has emerged as majority Buddhist Myanmar s most contentious human rights issue as it makes a transition from decades of harsh military rule. It now appears to have spawned a potent insurgency which has grown in size, observers say. They worry that the attacks - much larger and better organized than those in October - will spark an even more aggressive army response and trigger communal clashes between Muslims and Buddhist ethnic Rakhines. A news team affiliated with the office of national leader, Aung San Suu Kyi, said that one soldier, one immigration officer, 10 policemen and 59 insurgents had been killed in the fighting. In the early morning at 1 a.m., the extremist Bengali insurgents started their attack on the police post ... with the man-made bombs and small weapons, said the army in a separate statement, referring to the Rohingya by a derogatory term implying they are interlopers from Bangladesh. The militants also used sticks and swords and destroyed bridges with explosives, the army said. The Rohingya are denied citizenship and are seen by many in Myanmar as illegal immigrants from Bangladesh, despite claiming roots in the region that go back centuries, with communities marginalized and occasionally subjected to communal violence. The military counter-offensive in October resulted in some 87,000 Rohingya fleeing to Bangladesh, where they joined many others who have fled from Myanmar over the past 25 years. The United Nations said Myanmar s security forces likely committed crimes against humanity in the offensive that began in October. On Friday, the United Nations condemned the militant attacks and called for all parties to refrain from violence. The United States also condemned the attacks on security forces and it warned the government against indiscriminate reprisals. As government and security forces act to prevent further violence and bring those responsible for the attacks to justice, we expect them to do so in a way that is consistent with the rule of law, protects and respects human rights and fundamental freedoms, demonstrates transparency, and avoids inflaming a tense situation, the U.S. State Department said in a statement. The military said about 150 Rohingya attacked an army base in Taung Bazar village in Buthidaung township. Among the police posts attacked was a station in the majority-Rakhine village of Kyauk Pandu, 40 km (24 miles) south of the major town of Maungdaw. Police officer Kyaw Win Tun said the insurgents burned down the post and police had been called to gather at a main station. Residents were fearful as darkness approached. We heard that a lot of Muslim villagers are grouping together, they will make more attacks on us when the sun goes down, said Maung Maung Chay, a Rakhine villager from the hamlet. The attack took place hours after a panel led by the former U.N. chief Kofi Annan advised the government on long-term solutions for the violence-riven state. Annan condemned the violence on Friday, saying no cause can justify such brutality and senseless killing . Military sources told Reuters they estimated 1,000 insurgents took part in the offensive and it encompassed both Maungdaw and Buthidaung townships - a much wider area compared with October. The leader of ARSA, Ata Ullah, has said hundreds of young Rohingya have joined the group, which says it is waging a legitimate defence against the army and for human rights. We have been taking our defensive actions against the Burmese marauding forces in more than 25 different places across the region. More soon! the group said on Twitter. Chris Lewa of the Rohingya monitoring group, the Arakan Project, said a major concern was what happened to some 700 Rohingya villagers trapped inside their section of Zay Di Pyin village which had been surrounded by Rakhine vigilantes armed with sticks and swords. We are running for our lives, said one of the Zay Di Pyin s Rohingya villagers reached by telephone, adding that houses had been set on fire. The government said the village had been burned down but blamed the fire on the Rohingya. Amid rising tension over the past few weeks, more than 1,000 new refugees have fled to Bangladesh, where border guards on Friday pushed back 146 people trying to flee the violence. Mohammed Shafi, who lives in a Rohingya refugee camp in Bangladesh, said his cousin in Myanmar had told him of the trouble. The military is everywhere. People are crying, mourning the dead, Shafi said. Things are turning real bad. It s scary. ",worldnews,"August 25, 2017 ",1 +Saudi cleric condemns inter-Muslim conflict ahead of pilgrimage,"MECCA (Reuters) - The imam of Mecca s Grand Mosque denounced those who cause conflict among Muslims in his last Friday sermon before the annual haj pilgrimage, as rifts widen among Gulf neighbors and wars rage across the Middle East. Saudi Arabia, which hosts and supervises the haj, has with other Arab governments imposed sanctions on Qatar and cut all transport links with the country in recent months, accusing it of supporting Iran and backing Islamist terrorism - charges Doha denies. Relations between Shi ite Muslim-led Iran and predominately Sunni Saudi Arabia are at their worst in years, with each accusing the other of subverting regional security and supporting opposite sides in conflicts in Syria, Iraq and Yemen. Anyone who causes conflict and discord among Muslims ignores the blessing of harmony, imitates those who lived in ignorance (before Islam), harms his people and cheats his nation, Sheikh Saleh Mohammed al-Taleb told the hundreds of thousands of pilgrims who have flocked to Mecca from around the world to perform the haj next week. Taleb did not directly refer to the political and military divisions in the Arab world that have killed hundreds of thousands of people and displaced millions more in recent years. Nearly 90,000 Iranians are expected to attend, after Tehran boycotted Mecca last year following a crush at the pilgrimage in 2015 in which hundreds of people died, many of them Iranians. Saudi officials say over 400 Qatari pilgrims have also arrived through the land border in recent days, but Qatar has accused Saudi Arabia of deliberately making it hard for them. Saudi Arabia says Qatar is seeking to politicize the ritual for diplomatic gains. The dispute has defied mediation attempts by the United States and Kuwait. Worshippers on Friday filled the mosque s haram sanctuary, the holiest place in Islam, and spilled into nearby streets, malls, hotel lobbies and garages, listening to the sermon through loudspeakers. An elderly Tunisian pilgrim named Bakari Abdel Jalil attended in a white shirt and cap while other worshippers donned customary white robes. He said he hoped regional tensions would not affect the haj. ",worldnews,"August 25, 2017 ",1 +Suicide attack on Kabul Shi'ite mosque kills at least 30,"KABUL (Reuters) - A suicide bomber blew himself up at the entrance to a Shi ite Muslim mosque in Kabul as other attackers stormed the building, killing at least 30 people including worshippers gathering for Friday prayers, officials said. Islamic State, which has launched several attacks against minority Shi ite targets in Afghanistan, claimed responsibility, the jihadist group s news agency said. The assault sparked chaos as worshippers fled and others frantically searched for missing family members. The attackers are slaughtering people like sheep but there s no one to go and rescue them, said Murtaza, a young boy whose parents were trapped inside as the attack unfolded. A lot of people are on the ground and no one is trying to rescue them. By Friday evening police said they had secured the mosque in the Khair Khana area of the capital, and all three attackers were dead. Witnesses said they had thrown grenades, and police officials said a suicide bomber detonated himself at the gate. A second suicide bomber detonated among a group of women in the mosque, an official said. Security sources put the overall toll at 30 people killed and dozens wounded. At least 10 civilians were killed, including women and children, while another 30 were wounded, Ministry of Interior spokesman Najib Danish said earlier in the day. At least three policemen were also killed and eight wounded, he said. Police said they rescued more than 100 worshippers. At least 15 of the wounded were taken to city hospitals, said Ismail Kawosi, a spokesman for the Ministry of Public Health. One witness, Sayed Pacha, said four attackers had entered the mosque. At first a suicide bomber opened fire and martyred two security guards at the entrance of the mosque and then they entered inside, he told Reuters. Human rights activists condemned the attack, the latest in a campaign of sectarian violence. Insurgents who carry out atrocities against a specific ethnic or religious community are committing war crimes and possibly crimes against humanity, Patricia Gossman, a senior researcher for Human Rights Watch, said in a statement. ",worldnews,"August 25, 2017 ",1 +New sanctions aim to restrict Venezuela access to U.S. debt market,"WASHINGTON (Reuters) - U.S. Treasury Secretary Steven Mnuchin said on Friday that new sanctions imposed against Venezuela were aimed at hobbling the regime of President Nicolas Maduro by restricting the country s access to U.S. debt and equity markets. We urge those within the regime, including those who have been sanctioned, to distance themselves from the violence and the dictatorship, Mnuchin told reporters at the White House. He said the sanctions were not aimed at changing leadership in Venezuela. White House national security adviser H.R. McMaster said at the same news conference that United States had no plans to take military action in Venezuela, but that President Donald Trump intended to take advantage of a broad range of ... integrated options in the future. ",worldnews,"August 25, 2017 ",1 +Shot and dumped by a pigsty: a schoolboy killed in Philippines drugs war,"MANILA (Reuters) - Philippine teenager Kian Loyd delos Santos told friends he dreamed of becoming a policeman after graduating from high school. Last week, plain-clothes policemen dragged the 17-year-old to a dark, trash-filled alley in northern Manila, shot him in the head and left his body next to a pigsty, according to witnesses whose accounts appeared to be backed up by CCTV footage. The killing has electrified the Philippines, sparked multiple investigations and galvanized what had previously been limited opposition to President Rodrigo Duterte s war on drugs. Thousands of people have been killed since he took office 14 months ago. Police said they shot delos Santos in self-defense after he opened fire on officers during an anti-drugs operation. But there was outrage when the CCTV footage emerged showing two officers marching a figure, subdued and apparently unarmed, toward the spot where the youth s body was later found. Three officers, who police say have been confined to quarters in a Manila police camp, are now defending their actions in a Senate inquiry that began on Thursday. They maintain delos Santos fired at them. The teenager s parents and the Philippines Public Attorney s Office, a government legal aid agency, have filed murder charges against the policemen at the justice department. Let us allow the formal criminal investigation to proceed and not rush into conclusion or judgment. Let us allow the personnel involved to have their day in court and defend themselves, Philippines National Police spokesman Dionardo Carlos said when asked about the case. Reuters journalists spoke to at least two dozen witnesses, friends and neighbors of delos Santos in Manila s Caloocan area about his killing. They said he was a kind, popular teenager who liked to joke around and didn t drink or do drugs. He was too poor to own a gun, they said. We no longer have our joker, said one of his friends, Sharmaine Joy Adante, 15. She said delos Santos had wanted to join the police so that his mother, who works in Saudi Arabia, could afford to live in her own country. Nearby, at the entrance to his family s tiny home, delos Santos lay in an open coffin. Among the tributes placed on its lid was a crumpled playing card - a joker - and a live chick to symbolically peck away at the conscience of his killers. Some locals said they feared reprisals from the police for speaking out and asked Reuters to withhold their second names. It was after 8 p.m. on August 16 when Erwin Lachica, 37, a welder, said he saw three men in civilian clothes enter the area on two motorbikes. All three had handguns tucked into their waistbands, he said. Lachica recognized them as officers from previous police operations in the neighborhood. They were later identified as Arnel Oares, Jeremias Pereda and Jerwin Cruz. According to a police report issued a day after the killing, when the teenager saw officers approaching, he immediately drew a weapon and shot at them. Oares, who led the operation, returned fire and killed him, it said. It was dark, he fired at us, Pereda told the Senate inquiry this week. We knew it was a gun, there was a loud sound. We saw a gleam of light. Police have cited self-defense as the pretext for killing more than 3,500 people in drug-war operations since Duterte came to power. Lachica had a different version of events. He said delos Santos was standing outside a shop when the men grabbed him, and then slapped and punched him until he started crying. No gunbattle took place, he said. He was saying he was innocent, he was not a drug addict, added Lachica, who said the men put delos Santos in a headlock and dragged him away. CCTV footage from a neighborhood security camera shows two men marching someone, his head bowed, through a nearby basketball court. A third man follows. The officers told the Senate that they were indeed in the video but were bundling away an informant, not delos Santos. Multiple witnesses, however, told Reuters they recognized the youth. One of those witnesses was Victor, a teenage student, who said he knew delos Santos because he lived in the neighborhood. He said the men hustled delos Santos across the basketball court and down a path to the filthy, flood-prone Tullahan River. Victor dared not follow. We were very scared, he recalled, his eyes filling with tears. Delos Santos life ended in a dark nook next to a disused pigsty by the river. A few paces away, a 39-year-old construction worker called Rene was eating dinner with his two daughters in his home. First, said Rene, he heard shouting - a man ordering residents to stay inside their houses - then two bursts of gunfire, perhaps 10 shots in all. We hid under the table, he said. We didn t even peek out the window. Three other residents told Reuters they heard between seven and nine shots. Others said they heard nothing at all: Manila slums are seething, raucous places, where even gunfire can be drowned out. Autopsies by the police and the Public Attorney s Office disagreed on the number of gunshot wounds delos Santos sustained, but pathologists for both told the Senate that he was kneeling when shot. You are not allowed to kill a person that is kneeling down begging for his life. That is murder, Duterte said in a speech on Wednesday. Duterte s supporters have taken to blogs and social media to express support for the police and raise doubts about delos Santos innocence. But the killing appears to have kindled grave concerns among the public because of the age of the victim and because the video supported witness accounts of his killing. It has also fueled longstanding public anxiety about the drug war s brutal methods, and could generate wider opposition to a campaign whose critics have so far been largely limited to priests, activists, lawyers and a handful of prominent politicians. Still, Duterte remains popular, said Ramon Casiple, executive director of the Manila-based Institute for Political and Electoral Reform. It s not really a tipping point, he said. But Duterte is vulnerable. His popularity will take a hit. Delos Santos death was the culmination of a spike in killings across the Philippines main island, Luzon. That same night, police shot dead at least 28 people in Manila during multiple operations to crack down on drugs and crime. Two nights before that, in Bulacan province, just north of the capital, police killed 32 people. Some rights activists saw the upsurge as a government bid to regain credibility lost after Duterte s recent admission that no president could solve the drug problem in a single term. He had originally vowed to end it within six months of taking office. Many critics question the drug war s focus on killing petty users and dealers from poor communities, rather than nabbing the kingpins who supply them with crystal meth, a highly addictive stimulant known locally as shabu that officials blame for high crime rates and other social ills. In a speech this week, Duterte said he had told his police chief to jail the officers involved in the delos Santos killing until an inquiry was conducted. He also vowed to continue the drug war. If you want, shoot me. But I will not change my policy, he said later. Presidential spokesman Ernesto Abella told Reuters that there were lessons to be learned from the events. Kian s case is a wake-up call for the need to reform government institutions, even law enforcement agencies, he said. For a graphic on death of a schoolboy, click: here ",worldnews,"August 25, 2017 ",1 +"In stinging attack, France's Macron says Poland isolating itself in Europe","VARNA, Bulgaria/WARSAW (Reuters) - French President Emmanuel Macron said on Friday Poland was isolating itself within the European Union and Polish citizens deserve better than a government at odds with the bloc s democratic values and economic reform plans. Macron said Warsaw, where a nationalist, eurosceptic government took office in 2015, was moving in the opposite direction to Europe on numerous issues and would not be able to dictate the path of Europe s future. Poland rejected the accusations, saying Macron was inexperienced and arrogant. Europe is a region created on the basis of values, a relationship with democracy and public freedoms which Poland is today in conflict with, Macron said in Bulgaria on the third leg of a trip to central and eastern Europe to generate support for his vision of a Europe that better protects its citizens. He described Poland s refusal to change its stance on a revision of the EU s directive on posted workers - cheap labor from eastern countries posted temporarily to more affluent western countries - as a mistake. Macron has said the practice leads to unfair competition. In no way will the decision by a country that has decided to isolate itself in the workings of Europe jeopardize the finding of an ambitious compromise, he said. In a scathing attack that could drag relations between western EU powers and the European Commission in Brussels on one side and Poland s Law and Justice Party (PiS) government on the other to a new low, he said the Polish people deserved better. Poland is not defining Europe s future today and nor will it define the Europe of tomorrow, Macron said at a joint press conference with Bulgarian President Rumen Radev in the Black Sea resort city of Varna. In response, Poland s Prime Minister Beata Szydlo said Macron, 39, a former investment banker elected in May as France s youngest president, lacked political experience and accused him of undermining the EU. I advise the president that he should be more conciliatory ... Perhaps his arrogant comments are a result of a lack of (political) experience, Szydlo said in a statement emailed to Reuters. I advise the president that he should focus on the affairs of his own country. Perhaps he may be able to achieve the same economic results and the same level of security for (French) citizens as those guaranteed by Poland. Her comments were an indirect reference to her government s insistence that it will not accept migrants from the Middle East, despite pressure from Brussels, because it believes they pose a threat to national security. France has been hit hard by deadly Islamist militant attacks in recent years. The Polish Foreign Ministry said in a statement it had urgently summoned the French charg d affaires to express the Polish government s indignation about the arrogant words of Macron. It quoted Deputy Foreign Minister Marek Magierowski as saying Poland expects that France will abandon language that is divisive and which damages the unity of the EU . Relations between Szydlo s Law and Justice (PiS) party and the French government deteriorated soon after it won election in late 2015. In October 2016, Poland abruptly canceled a nearly $4 billion military procurement deal with Airbus. Macron s election deepened the rift, with the French globalization advocate fanning worries in Warsaw that his vision of a multi-speed Europe would undermine Polish influence within the European Union. French officials have expressed concerns about Poland, and Hungary, drifting towards authoritarianism and said Macron would also make a defense of the rule of law and democratic principles one of the priorities of his mandate on the European stage. On his three-day tour Macron sought backing for his plans to tighten EU rules on the employment abroad of labor from low-pay nations. Poland strongly opposes this initiative. While posted workers comprise less than 1 percent of the EU work force, it is a political hot potato that has exacerbated the divide between the bloc s poor east and rich west for years. Macron managed to enlist the broad support of Czech Republic and Slovakia, and the lukewarm backing of Romania, all countries which fear being sidelined in a multi-speed EU, whereas Poland and Hungary remain defiant of what they see as an out-of-touch EU elite based in Brussels and Western capitals. Poland is at loggerheads with the European Commission, the Brussels-based EU executive, over issues ranging from its refusal to accept EU migrant relocation quotas to the ruling conservatives tightening grip on the judiciary and media. Macron shunned both Poland and Hungary on his trip through the region. He said he wanted Bulgaria - like Poland, Hungary, Romania, the Czech Republic and Slovakia a former communist state that joined the EU much later than western counterparts - to be at the negotiating table on European integration. On the posted worker rules, Bulgaria s Radev said the EU needed to balance the interests of countries in the rich west and the poor east. It is important that changes are made in a way that unites rather than divides Europe, he said. Current EU rules allow workers to be posted from low-salary countries to other EU states on contracts that must guarantee the host country s minimum wage, but under which taxes and social charges are paid in the home nation. Poland and Hungary say increased restrictions on such contracts would flout the principles of the European single market and cost hundreds of thousands of jobs. ",worldnews,"August 25, 2017 ",1 +Vatican prepared in case of Barcelona-style attack: Swiss Guard chief,"VATICAN CITY (Reuters) - It is perhaps only a matter of time before Rome is hit by a Barcelona-style attack but security forces are ready in case the Vatican is targeted, the head the Swiss Guard has said. Security has been stepped up at religious sites throughout Italy, including at the Vatican, since last year, when a truck driven by a suspected Islamist militant killed 86 people in the French city of Nice. Barriers and police and army vehicles have been placed around St. Peter s Basilica to make it harder for a vehicle to gather speed in an attack such as the one last week in Barcelona, which killed 13 people. Despite threats from Islamic State, Rome and other Italian cities have so far been spared the kind of vehicle attacks that have also hit Nice, London, and Berlin. It could perhaps be just a matter of time before there is such an attack in Rome, but we are prepared, Christoph Graf, the commandant of the Swiss Guard, was quoted as telling the Swiss Catholic website Cath.ch. Graf, referring to the attack in Barcelona, spoke on the sidelines of a religious ceremony in the Swiss city of Solothurn earlier this week. Websites linked to Islamic State militants have made threats against Catholic targets in Rome in recent years. In 2015 in a video showing the beheading of 21 Egyptian Coptic Christians in Libya, one of the killers said: Safety for you crusaders is something you can only wish for ... We will conquer Rome, by the will of Allah. At about the same time a website used by militants ran a photo montage showing the movement s black flag flying from the obelisk at the center of St Peter s Square. The Swiss Guard has its origins as a papal protection force in the 16th century and numbers about 110 men, all of Swiss nationality. It shares responsibility for the protection of the pope and the Vatican with a police force of about the same size. Italian police are responsible for patrolling the Vatican s external perimeter in Rome. Both Vatican security forces are trained in anti-terrorism tactics and in the use of modern weapons. ",worldnews,"August 25, 2017 ",1 +"In photos, North Korea signals a more powerful ICBM in the works","SEOUL (Reuters) - With photographs obliquely showing a new rocket design, North Korea has sent a message that it is working on an intercontinental ballistic missile (ICBM) more powerful than any it has previously tested, weapons experts said on Thursday. If developed, such a missile could possibly reach any place on the U.S. mainland, including Washington and New York, they said. North Korea s state media published photographs late on Wednesday of leader Kim Jong Un standing next to a diagram of a three-stage rocket it called the Hwasong-13. Missile experts, who scrutinize such pictures for clues about North Korea s weapons programs, said there is no indication the rocket has been fully developed. In any case, it had not been flight tested and it was impossible to calculate its potential range. However, a three-stage rocket would be more powerful than the two-stage Hwasong-14 ICBM tested twice in July, they said. South Korean and U.S. officials and experts have said the Hwasong-14 may have a range of about 10,000 km (6,200 miles) and could possibly strike many parts of the United States, but not the East Coast. We should be looking at Hwasong-13 as a 12,000-km class ICBM that can strike all of the mainland United States, said Kim Dong-yub, a military expert at Seoul s Kyungnam University. It s likely meant to show that they are working on a three-stage design with greater boost and range, said retired Brigadier General Moon Sung-muk, an arms control expert who has represented South Korea in military talks with North Korea. He said the pictures were intended to show that North Korea was refusing to bow to international pressure to abandon its weapons programs. The North is trying to be in control of the playing field, Moon said. Wednesday s report carried by the KCNA news agency lacked the traditionally robust threats against the United States, and U.S. President Donald Trump expressed optimism about a possible improvement in relations. State Department spokeswoman Heather Nauert said it was unclear if the photos were taken before or after Secretary of State Rex Tillerson on Tuesday welcomed what he called the restraint North Korea had shown recently in its weapons programs and said he hoped a path could be opening for dialogue sometime in the near future. We consider it overall a good first step that there haven t been any missile launches or testing for ...three-plus weeks or so, Nauert told a regular briefing. However Pyongyang needed to do a lot more to show it was willing to negotiate in good faith, she said. The photographs were accompanied by a report of Kim issuing instructions for the production of more rocket engines and warheads during a visit to the Academy of Defense Sciences, an agency he set up to develop ballistic missiles. We re getting a look at it to emphasize domestic production of missiles, and to advertise what s coming next, said Joshua Pollack, a nuclear weapon and missile systems expert who edits the U.S.-based Nonproliferation Review. The photographs were published as tensions between North Korea and the United States appeared to have eased slightly since North Korea tested the Hwasong-14 and later threatened to fire missiles toward the U.S. Pacific territory of Guam. Kyungnam University s Kim said the Hwasong-13 appeared similar to the KN-08, a three-stage missile of which only a mockup has previously been seen at military parades. But the new images show a modified design for the main booster stage that clusters two engines. Another picture published by North Korean state media showed Kim Jong Un standing next to a rocket casing that appeared to be made of a material that could include plastic. Experts said if such material were used in the missile, it would be intended to reduce weight and boost range. The photographs also showed the design for the Pukguksong-3, likely a new solid-fuel intermediate-range ballistic missile being developed for submarine launches. (For a graphic on North Korean missile ranges click tmsnrt.rs/2t6WEPL) ",worldnews,"August 24, 2017 ",1 +Indian protests after 'godman' convicted of rape kill 29,"PANCHKULA, India (Reuters) - Violent protests erupted in India s Haryana state on Friday, killing at least 29 people, after a court convicted a self-styled godman of raping two women, angering thousands of his supporters who said he was innocent, the state chief minister said. Gurmeet Ram Rahim Singh, the head of a social welfare and spiritual group, was found guilty of raping two followers in a case dating back to 2002 at the headquarters of his Dera Sacha Sauda group in the northern town of Sirsa. Supporters rampaged in response, attacking railway stations, petrol stations and television vans in towns across the northern states of Punjab and Haryana, witnesses said. At least 29 people were killed in Panchkula town where the court returned its verdict on Singh and more than 200 people were injured in Haryana state. We tried to prevent the unrest in every possible way, but the protesters were totally out of control, Haryana Chief Minister Manohar Lal told Reuters. All the injured are getting the best treatment in government hospitals, he said. Dozens of cars were burning in Panchkula town while a bloodied body lay in the middle of a road. About 500 army soldiers were deployed to restore order. The situation is coming under control, federal home secretary Rajiv Mehrishi said in New Delhi. Television footage showed frantic scenes outside a hospital in Panchkula, with medical staff hurriedly transferring injured patients from ambulances on to wheelchairs and stretchers. Smoke could be seen rising in another part of town. Singh commands a following that he claims is in the millions, many of them elderly men and women in the countryside, drawn by his social welfare programs such as medical camps and disaster relief. The court, which held him guilty of rape, set his sentencing for Monday when there could be more protests. He faces a minimum of seven years in prison. Singh, a burly, bearded man who has scripted and starred in his own films, had denied the charges. He had called on his followers through a video message to remain peaceful. A.K. Dhir, one of his lawyers, said Singh was innocent and his followers had every right to express their outrage. Protests also erupted in Punjab, New Delhi and the neighboring state of Rajasthan. Supporters of Singh set fire to some buses and two empty train coaches in the capital. Nearly 1,000 members of his Sacha Sauda group were detained. A close aide of Prime Minister Narendra Modi said federal and state officials had been instructed to work round the clock to restore law and order. The instances of violence today are deeply distressing. I strongly condemn the violence & urge everyone to maintain peace, Modi said on Twitter. Some Indian holy men can summon thousands of supporters onto the streets. Their systems of patronage and sermons are hugely popular with people who consider the government has failed them. In 2014, the attempted arrest of another guru on murder charges ended with his followers attacking police with clubs and stones. Television channels showed motorcycles, cars and buses in flames in Panchkula as hundreds of police personnel in riot gear watched helplessly. The mob also toppled a TV outdoor broadcasting van, while several news channels said their journalists were targeted. Besides the rape charges, Singh is also under investigation over allegations that he convinced 400 of his male followers to undergo castration, allegations he denies. A variety of reasons have been given for why the men agreed to castration, including promises of becoming closer to god. Singh s two films, Messenger of God and its sequel, include sequences in which he fights off villains and tosses burning motorbikes into the air. In his spiritual avatar, Singh dresses in plain white traditional clothes, giving sermons or planting trees. In the movies he dons bejewelled costumes, rides motorbikes and sends bad guys flying. ",worldnews,"August 25, 2017 ",1 +Spain to push EU leaders for better counter-terrorism coordination,"MADRID (Reuters) - Spain will ask the leaders of France, Italy and Germany to discuss cross-border counter-terrorism at a summit in Paris on Monday, Prime Minister Mariano Rajoy said on Friday after dual attacks in Catalonia. Rajoy praised the police response despite mounting questions over poor communication between different investigators and an informal tip-off from Belgium which failed to prevent Spain s deadliest attacks in over a decade. He told a news conference he wanted European Union partners to analyze the current cooperation mechanisms ... and look at options to boost them and improve them. A van plowed into a crowd in Barcelona last week, killing 13 people. Two others were killed during the driver s getaway and in a separate car and knife attack in the Catalan coastal resort of Cambrils. The assaults have drawn scrutiny over how intelligence is shared within Europe as well as within Spain, where regional police operate alongside national forces. Belgium gave police in Catalonia, a region in northeastern Spain, a tip-off in 2016 about one of the suspects, Abdelbaki Es Satty, in the cell behind the attacks. But the warning was made through unofficial channels. Catalan police records turned up nothing linking Es Satty, a Moroccan-born imam who was living in the small Catalan town of Ripoll, to Islamist militancy at the time. Authorities are also investigating possible French links to the cell as some of the attackers visited Paris in the run-up to the assaults. Of the 12 suspects linked to the attacks, six were shot dead by police and two died in an explosion before the van rampage. Two are in custody on charges of murder and membership of a terrorist organization, and two have been freed on certain conditions. Rajoy sought to play down the rift between his government and separatist leaders in Catalonia who plan an independence referendum on Oct. 1. that Madrid says would be illegal. In the fight against terrorism, we are stronger if we set aside our differences ... Political unity is fundamental, Rajoy said. Carles Puigdemont, the Catalonian leader, said in an interview published on Friday that the Spanish government had deliberately underfunded the region s police force. We asked them not to play politics with security ... Unfortunately, the Spanish government had other priorities, Puigdemont told the Financial Times. Spain s King Felipe and politicians from both Madrid and Catalonia plan to attend a demonstration in Barcelona on Saturday. Residents and local officials in Cambrils, the scene of the second attack last week, were due to march on Friday under the slogan We are all Cambrils. ",worldnews,"August 25, 2017 ",1 +Slovak government leaders strike new coalition deal to defuse crisis,"BRATISLAVA (Reuters) - Slovak government leaders agreed on Friday to amend a coalition agreement to lure back a junior party which withdrew its support for the alliance three weeks ago, provoking a political crisis. The Slovak National Party (SNS), junior member in a three-party coalition, canceled the coalition agreement on Aug. 7, calling for a new deal that would give it more say in decision-making. Now leaders of the three parties Prime Minister Robert Fico of leftist Smer, ethnic-Hungarian party Most-Hid leader Bela Bugar and SNS s Andrej Danko have agreed to hold regular weekly meetings to meet the SNS s appeal for better communication within the coalition. Danko also complained on Thursday that co-ruling with Fico s Smer was difficult because both parties address the same voters. According to opinion poll by Polis agency, SNS support fell to 7.2 percent in August from 8.6 percent in March 2016 election. The government needs the votes of all three coalition parties to maintain a majority in the 150-seat parliament and Fico struck a conciliatory tone on Friday. There is no alternative to this government. We have to find new ways to communicate, to understand each other better, Fico told journalists. SNS has argued for more government investment to revitalize thermal spa resorts and wants a national airline to be set up while Smer says spending must not endanger reaching a balanced budget planned for 2019. Opposition lawmakers have alleged the SNS pulled out of the coalition to divert attention from a row over the distribution of 300 million euros ($351.69 million) in EU subsidies by the education ministry. The conflict escalated last week when Fico demanded Education Minister Peter Plavcan s resignation over the alleged mismanagement of the subsidies managed by his department. Slovak media have reported that the ministry chose several companies with no history in research or innovation as recipients of EU subsidies aimed at supporting science. SNS leader Andrej Danko said the allegations of the misappropriation of funds were unfounded but agreed to replace Plavcan. ",worldnews,"August 25, 2017 ",1 +Indian court's privacy ruling is blow to government," (Story corrects to fix spelling in paragraph 10 to Jagdish not Jagdeep) By Suchitra Mohanty and Rahul Bhatia NEW DELHI/MUMBAI (Reuters) - India s top court unanimously ruled on Thursday that individual privacy is a fundamental right, a verdict that will impact everything from the way companies handle personal data to the roll-out of the world s largest biometric ID card program. A nine-member bench of India s Supreme Court announced the ruling in a major setback for the Narendra Modi-led government, which argued that privacy was not a fundamental right protected by the constitution. The court ordered that two earlier rulings by large benches that said privacy was not fundamental in 1954 and 1962 now stood overruled, and it declared privacy was an intrinsic part of the right to life and liberty and part of the freedoms guaranteed by the constitution. This is a blow to the government because the government had argued that people don t have a right to privacy, said Prashant Bhushan, a senior lawyer involved in the case. Constitutional experts believe the judgment has a bearing on broader civil rights, and a law that criminalizes homosexuality. Lawyers say the judgment will also have an impact on a ban on the consumption of beef in many states and alcohol in some states. In his personal conclusion, Justice Sanjay Kishan Kaul wrote privacy is a fundamental right and it protects the inner sphere of an individual from interference from both state and non-state actors and lets individuals make autonomous life choices. The privacy of the home must protect the family, marriage, procreation and sexual orientation, Kaul wrote. The ruling is the second landmark decision to come from the Supreme Court this week. On Tuesday it ruled that a law allowing Muslim men to divorce their wives instantly by uttering the word talaq three times was unconstitutional, in a major victory for Muslim women who have spent decades arguing it violated their right to equality. The privacy judgment was delivered at the end of the tenure of the chief justice of India, Jagdish Singh Khehar, who retires in a few days. It comes against the backdrop of a large multi-party case against the mandatory use of national identity cards, known as Aadhaar, as an infringement of privacy. There have also been concerns over data breaches. India s Law Minister, Ravi Shankar Prasad, said the ruling was an affirmation of the government s stand that privacy was a fundamental right, but subject to reasonable restrictions. He said it was not a setback to the government s plans for Aadhaar, and noted that the court is separately looking into the legality of the Aadhaar Act. Critics say the ID card links enough data to create a full profile of a person s spending habits, their friends, property they own and a trove of other information. Aadhaar, which over one billion Indians have already signed up for, was set up to be a secure form of digital identification for citizens, one that they could use for government services. But as it was rolled out, concerns arose about privacy, data security and recourse for citizens in the face of data leaks and other issues. Over time, Aadhaar has been made mandatory for the filing of tax returns and operating bank accounts. Companies have also pushed to gain access to Aadhaar details of customers. Those opposed to the growing demand for Aadhaar data cheered the ruling. Truly a victorious week for India - upholding liberty, dignity and freedom for all, Jyotiraditya Scindia, a member of parliament from the opposition Congress party, said in a tweet. Bhushan, the senior lawyer involved in the case, said while government demands for the use of Aadhaar for tax purposes could be considered reasonable, any demands for the use of Aadhaar for travel bookings and other purchases could now be questioned in the face of the ruling. The fact that there was no dissent is an important thing, said Raman Chima, policy director at Access Now, which defends digital rights. They made it clear that the government has to protect privacy. ",worldnews,"August 24, 2017 ",1 +Britain will not pay 'a penny more' than it thinks right to leave EU: Boris Johnson,"LONDON (Reuters) - Britain will pay not a penny more, not a penny less than what the government thinks its legal obligations are to the European Union as the country leaves the bloc, foreign minister Boris Johnson said on Friday. Talking to BBC Radio Four, Johnson said his comment that the EU could go whistle on its demands for payment was in response to being asked whether Britain would pay 100 billion euros or pounds , and not a suggestion that the government would not pay. A financial settlement is set to be one of the most difficult issues to resolve in negotiations to unravel more than 40 years of union, and the EU has said it is one of three areas the two sides must make progress on before starting talks on a future relationship, including trading arrangements. Some of the sums that I ve seen seem to be very high. Of course, we will meet our obligations, Johnson said. We should pay not a penny more, not a penny less of what we think our legal obligations amount to. ",worldnews,"August 25, 2017 ",1 +Brexit bill gets bigger as euro strengthens,"LONDON (Reuters) - As Britain s pound declines against the euro, talk has begun to circulate about the potential for parity. Less noted, however, is the fact that the more the pound weakens and euro strengthens the more the eventual leaving bill Britain will pay the European Union may cost. The bill in pounds, if it came today, would have risen nearly 17 percent since the vote to leave the EU in June 2016 1.4 percent since mid-August alone. Britain and the EU return to the negotiating table on Monday with the leaving bill high on the agenda. A net 60 billion euros ($70.8 billion) has been floated in Brussels. It has been shot down by British officials. Were it to be correct, however, Britain would now owe around 9.4 billion pounds ($12 billion) more than it would have at the time of the vote. For a graphic on the Brexit bill, click: reut.rs/2iw4pNQ ",worldnews,"August 25, 2017 ",1 +Morocco's 'mule' women scratch a living on Spanish enclave border,"MELILLA, Spain (Reuters) - In a winding early-morning queue, Jemaa Laalaoua hunches over with 50 kg (110 lb) of kitchenware on her back, waiting to cross back into Morocco from the Spanish enclave of Melilla. The 41-year-old mother of eight is one of thousands of Moroccans who eke out a living by walking loads of merchandise from Melilla into the northern Moroccan province of Nador. Goods including metal kettles that Laalaoua was carrying are counted as personal luggage and are not taxed, allowing for a small mark-up when they are shipped on and sold on across Morocco. On average, I earn about 70 dirhams ($7.40) per trip, carrying anywhere between 40 to 70 kg, says Laalaoua. But most days, we never know how much we will make. The work is backbreaking and fraught with risk. Some traders have died in stampedes through the tight border crossing. We say our prayers in the morning and brace for the day, not knowing if we will come out dead or alive, Laalaoua says. She lifts undergarments to display bruises on her leg from a Spanish Civil Guard s truncheon. She says she was beaten for attempting to advance towards the front of the queue. No one from the Civil Guard in Melilla was available to comment. When Laalaoua finally gets through the narrowly caged border crossing, she weaves through the crowd to drop off her cargo inside the bustling Beni Ansar market, before rushing back to a Melilla warehouse where she will load up for her last trip of the day. Locals with an address in the Nador province are allowed to cross through into Melilla without a visa, but cannot spend more than a day in the Spanish enclave. They can cross for five hours a day, four days a week. In total, there are between 30,000-40,000 crossings daily, according to the Spanish border police. The practice has been going on for decades. Before, it was dominated by single mothers known locally as mule women , who struggled to make a living elsewhere. But as unemployment has climbed, the women have increasingly found themselves in competition with young men. Each morning the women report to a boss who tasks them with transporting an assigned quantity of goods, coordinating with warehouse owners and shippers. By 5 a.m. crowds of hundreds swell to thousands, as people wait for Spanish guards to open the border gates. Male traders fight and women shout and scream as the jostle for a place in the crush. Most manage to make two or three crossings before the border shuts again. The merchandise spans everything from simple household goods such as towels, toilet paper, and soap, to illicit wares including alcohol and plastic bags, which have been banned in Morocco since last year. Laalaoua lives nearly 27 km (17 miles) from the border, waking up at 2 a.m. to prepare for her commute, by foot then taxi or bus. Her husband Mohammed Zoubah, 57, fell ill six years ago, forcing Laalaoua to become the primary breadwinner. She s strong, she s protecting this household, he says. May God bless her with patience. ",worldnews,"August 25, 2017 ",1 +"In their best red stilettos, German transvestites stomp on AfD","BERLIN (Reuters) - German drag queens are using satire to spoof a hard-right party s anti-Islam election campaign, and German voters are loving it. They have formed Transvestites for Germany, or TfD, a name that bears an uncanny resemblance to Alternative for Germany (AfD), the name of Germany s leading right-wing party, and launched a Facebook campaign that has almost 7,000 followers. The AfD s election campaign focuses on messages that Islamic customs don t belong in Germany. That has left a bad taste with many Germans, and TfD saw an opportunity to use drag fashion and wit to mock the AfD s own election placards. The AfD posters feature white German women in bikinis or raising wine glasses, with captions like Burka? I m into bikinis and Burka? I m into Burgundy . The posters are emblazoned with the party s election motto: I dare you, Germany! The TfD version of the posters uses the AfD s light blue party color but replaces the anti-immigrant party s red arrow with red stiletto shoes. Guzzle your crap Burgundy alone! I prefer prosecco, reads one poster with a picture of Gisela Sommer, one of several bearded men dressed like women and raising a middle finger on TfD placards, which include the hashtags #NoAfD and #NoNaziPack. JACKY-OH WEINHAUS The TfD campaign has drawn the attention of several German newspapers and has brought some flare to an otherwise largely dull election. Chancellor Angela Merkel is expected to win and secure a fourth term in office without much trouble. I don t think that all AfD members are Nazis, but there is an appalling racial tone in this party which is for sure shared by many of its members, said TfD leader Jacky-Oh Weinhaus. Buffalo Meus, the media manager of the fictional party, said he gets about 50 Facebook messages a day from people asking how they can become TfD members. We just wanted an art project, Meus said. But some people have taken us for a real party. They ask us, how can I register? How can I vote for you? Not all the messages are pleasant. Other readers have wished the group members death by stoning or by hanging. The group s main goal is get the 17 million Germans who stayed home in the 2013 election to the polls. They hope their votes will cut into support for the AfD, which is forecast to enter parliament for the first time with 8 to 10 percent of the vote. Instead of supporting the AfD, the only party that criticizes Islam, you go against it, an angry Facebook user called Hans Horn wrote to TfD this week. If Islamisation continues and Muslim invaders from Africa continue to flood in you will be the first to be thrown from high roofs. The TfD responded two days later: We love you and wish you a sunny Wednesday! ",worldnews,"August 25, 2017 ",1 +Samsung leader Jay Y. Lee given five-year jail sentence for bribery,"SEOUL (Reuters) - The billionaire head of South Korea s Samsung Group, Jay Y. Lee, was sentenced to five years in jail for bribery on Friday in a watershed for the country s decades-long economic order dominated by powerful, family-run conglomerates. After a six-month trial over a scandal that brought down the then president, Park Geun-hye, a court ruled that Lee had paid bribes in anticipation of favours from Park. The court also found Lee guilty of hiding assets abroad, embezzlement and perjury. Lee, the 49-year-old heir to one of the world s biggest corporate empires, has been held since February on charges that he bribed Park to help secure control of a conglomerate that owns Samsung Electronics, the world s leading smartphone and chip maker, and has interests ranging from drugs and home appliances to insurance and hotels. Lee, who emerged stony-faced from the Seoul courtroom in a dark suit, but without a tie, and holding a document envelope, was escorted by justice ministry officials back to his detention centre. This case is a matter of Lee Jae-yong and Samsung Group executives, who had been steadily preparing for Lee s succession ... bribing the president, Seoul Central District Court Judge Kim Jin-dong said, using Lee s Korean name. Kim said that as the group s heir apparent, Lee stood to benefit the most from any political favours for Samsung. Lee denied wrongdoing, and one of his lawyers, Song Wu-cheol, said he would appeal. The entire guilty verdict is unacceptable, Song said, adding he was confident his client s innocence would be affirmed by a higher court. The case is expected to be appealed all the way up to the Supreme Court, likely next year. The five year-sentence - one of the longest given to a South Korean business leader - is a landmark for South Korea, where the family-run conglomerates - or chaebols - have long been revered for helping transform the once war-ravaged country into a global economic powerhouse. But they have more recently been criticized for holding back the economy and stifling small businesses and start-ups. Samsung, a symbol of the country s rise from poverty following the 1950-53 Korean War, has come to epitomize the cosy and sometimes corrupt ties between politicians and the chaebols. The ruling is a turning point for chaebols, said Chang Sea-jin, a business professor at Korea Advanced Institute of Science and Technology. In the past, chaebols weren t afraid of laws because they were lenient. Now, Lee s ruling sets a precedent for strict enforcement of laws, and chaebols should be wary. Under South Korean law, sentences of more than three years cannot be suspended. The third-generation de facto head of the powerful Samsung Group, Lee has effectively directed operations since his father, Lee Kun-hee, was incapacitated by a heart attack in 2014. Some investors worry a prolonged leadership vacuum could slow decision-making at the group, which has more than five dozen affiliate companies and assets of 363.2 trillion won ($322.13 billion). Its listed companies make up about 30 percent of the market value of South Korea s KOSPI stock index. Many tycoons, including Lee s father, were convicted of crimes in the past, ranging from bribery, embezzlement and tax evasion, only to get presidential pardons, as both the government and the public feared going too hard on them would hurt the economy. But South Korea s new liberal president, Moon Jae-in, who won a May election, has pledged to rein in the chaebols, empower minority shareholders and end the practice of pardoning tycoons convicted of white-collar crime. The presidential Blue House said in a statement that it hopes the ruling will serve as an opportunity to end the nexus of business and politics that has held back the country. In a June interview with Reuters, Moon said he did not believe Samsung s operations depended just on Lee. When Lee was taken into custody, the share prices of Samsung went up, Moon said. If we were to succeed in reforming the running of the chaebols and also increasing transparency, I believe this will not only help the economic power of Korea but also help to make the chaebols themselves more competitive. Investors say shares in chaebol companies trade at lower prices than they would otherwise because of their opaque corporate governance - the so-called Korea Discount. Shares of Samsung Electronics dropped more than 1 percent, and other group companies, including Samsung C&T and Samsung SDS, also turned lower after the verdict. The court said Samsung s financial support of entities backed by a friend of Park s, Choi Soon-sil, constituted bribery, including 7.2 billion won ($6.4 million) in sponsoring the equestrian career of Choi s daughter. In return, prosecutors say, Samsung sought government support for the 2015 merger of two of its affiliates, which helped Lee tighten control of the conglomerate. His lawyers had argued that the merger was done for business reasons. Some criminal lawyers had expected Lee to be found innocent of the major charges, as much of the evidence at the trial has been circumstantial. The appeals court and the Supreme Court might put a greater emphasis on prosecutors to provide direct proof of quid pro quo, the lawyers said. Park, who was forced from office in March, faces her own corruption trial, with a ruling expected later this year. Prosecutors have argued that Park and Lee took part in the same act of bribery - so Lee s conviction would appear ominous for the former president. Hundreds of Park s diehard supporters who rallied outside the court on Friday reacted with outrage to the ruling. Our ultimate goal is Park s acquittal and release, Kim Won-joon, a 62-year-old former construction worker said. We worry how today s guilty verdict for Lee would affect Park s ruling. Such supporters are a minority compared with the huge crowds that turned out in Seoul every week to call for Park s ouster after the bribery scandal surfaced late last year. Public approval of Lee s prosecution may underscore growing frustration in Asia s fourth-largest economy that the wealth amassed by conglomerates has not trickled down. I think it was difficult for a court to ignore public opinion, given that the scandal rocked the country, said Chung Sun-sup, chief executive of research firm Chaebul.com. The five-year sentence was low given that he was found guilty of all the charges. I think the court gave him a lighter sentence, taking into account Samsung s importance to the economy. ",worldnews,"August 24, 2017 ",1 +Thailand's ousted PM Yingluck has fled abroad: sources,"BANGKOK (Reuters) - Ousted Thai prime minister Yingluck Shinawatra has fled the country ahead of a verdict against her in a negligence trial brought by the junta that overthrew her, sources close to the Shinawatra family said on Friday. Yingluck, 50, whose family has dominated Thai politics for more than 15 years, failed to show up at court for judgment in a case centered on the multi-billion dollar losses incurred by a rice subsidy scheme for farmers. Overthrown in 2014, Yingluck had faced up to 10 years in prison if found guilty. Her former commerce minister was jailed in a related case for 42 years on Friday. She has definitely left Thailand, said one source, who is also a member of her Puea Thai Party. The sources did not say where she had gone. Yingluck s brother, Thaksin Shinawatra, who heads the political clan, was overthrown in a 2006 coup and fled into exile to escape a corruption conviction that he said was aimed at demolishing the populist movement he founded. The struggle between that movement and a Bangkok-centered royalist and pro-military elite has been at the heart of years of turmoil in Thailand. The verdict against Yingluck could have reignited tension, though the army has largely snuffed out open opposition. After Yingluck failed to show up, the Supreme Court issued an arrest warrant against her and rescheduled the verdict to Sept. 27. It said it did not believe her excuse that she could not attend the court hearing because of an ear problem. It is possible that she has fled already, Deputy Prime Minister Prawit Wongsuwan told reporters. He later said police were investigating reports that she had left via Koh Chang, an island close to the Cambodian border. Cambodian immigration police said she had not entered their country. Yingluck last commented on social media on Thursday, saying on her Facebook page that she would not be able to meet supporters at court because of tight security. She had been banned from traveling abroad at the beginning of the trial in 2015 and has attended previous hearings. The court confiscated the 30 million baht ($900,000) that Yingluck had posted as bail. Hundreds of her supporters had gathered outside the court on Friday where about 4,000 police had been deployed. Some held roses while others wore white gloves with the word love on them. Although Yingluck had already been banned from politics by the junta in 2015, she could have been a party figurehead for elections that junta leader Prime Minister Prayuth Chan-ocha has promised for next year. If Yingluck has fled it would disappoint her supporters and make her opponents feel vindicated, said Thitinan Pongsudhirak, director of the Institute of Security and International Studies at Chulalongkorn University. It does not help with Thailand s division and polarization, he said. Under the rice subsidy program, Yingluck s administration paid rice farmers up to 50 percent more than market prices. It left Thailand with huge rice stockpiles and caused $8 billion in losses. Yingluck has said she was only in charge of coming up with the policy but not the day-to-day management of it. If she has fled people would not trust her, but the masses would still support her because they benefited from her policies, 38-year-old delivery man Sakunchai Muenlamai. The Supreme Court sentenced Yingluck s former commerce minister, Boonsong Teriyapirom, to 42 years in jail after finding him guilty of falsifying government-to-government rice deals between Thailand and China in 2013. He said he would appeal, but was told it was too late in the day to apply for bail so will spend the weekend behind bars. ",worldnews,"August 25, 2017 ",1 +Illegal miners in South Africa swallow gold in condoms,"CAPE TOWN (Reuters) - Illegal miners in South Africa are swallowing unrefined gold and platinum in condoms as a new tactic to avoid arrest for smuggling that is costing the industry $1.5 billion a year, the police told parliament on Friday. Illegal mining has plagued South Africa s mining sector for decades, and extends from small time pilfering to global organized crime networks. The crime costs the industry and government an estimated 20 billion rand ($1.5 billion) a year in lost sales, taxes and royalties, the Chamber of Mines, an industry body, says. They are ingesting the amalgam concealed in condoms and this is done for two principle reasons. One is to be able to bypass mine security and the other is also to prevent being robbed by opposing groups, Brigadier Ebrahim Kadwa, a commander in South Africa s Hawks organized crime unit, said, showing parliament slides of gold-filled condoms in miners x-rays. Potentially toxic clumps of mercury and gold concentrate can be refined to extract gold once passed through the body. Illegal mining in South Africa involves a complex criminal web that extends from desperate unemployed workers, many from neighboring countries, to gun-toting gang bosses and front companies exporting refined products to global markets. The threat posed by illicit mining and related crimes continues to proliferate across the country, Kadwa said, adding that the majority of incidents were in gold mines owned by Harmony Gold and Sibanye. However, hundreds of incidents occurred throughout the country and targeted other minerals such as diamonds and chrome. High rates of unemployment and a stagnant economy helped entice illegal miners to the dangerous work, which is also being driven by rising commodity prices. Kadwa said a weakening of the rand currency between December 2015 to April 2016, saw the relative gold price rise, encouraging illegal smuggling. In February, 22 illegal miners were given lengthy sentences after being found guilty of 577 charges, ranging from theft of gold to racketeering and money laundering. This is a landmark moment in the fight against illegal mining in the country, Kadwa said. ",worldnews,"August 25, 2017 ",1 +Downfall of ex-Samsung strategy chief leaves 'salarymen' disillusioned,"SEOUL (Reuters) - Over four decades, Choi Gee-sung, the fourth son of a poor civil servant, worked his way to the top of South Korea s Samsung Group, one of the world s leading business empires, inspiring a legion of salaried workers. On Friday, a Seoul court sentenced Choi to four years in jail for his part in a corruption scandal that toppled the country s president, and handed his billionaire boss, Jay Y. Lee, a five-year jail sentence. Song Wu-cheol, lead defense attorney for Choi, Lee and others, said they would appeal the convictions. Choi s downfall has fueled a sense of disillusionment at a time when the country s biggest conglomerate looks to its army of loyal Samsung men to navigate a potential leadership vacuum. Choi was Lee s mentor and headed up Samsung s Corporate Strategy Office - dubbed the control tower - for more than four years before it was disbanded earlier this year after it came under fire for its role in the graft scandal. The office, which oversaw the Samsung group, orchestrating the big decisions on asset sales or arranging support for weakened group affiliates, was closed in February, and Choi stepped down. The Samsung scandal is the latest in a series to mire South Korea s so-called chaebols - the powerful, family-run conglomerates that dominate Asia s fourth-largest economy - which are criticized for their often cozy ties to politicians. The involvement of Choi - who rose as high in a conglomerate as possible for someone from outside the powerful chaebol families - has shocked many Samsung employees who admired his business acumen and work ethic that helped Samsung become a global technology powerhouse. Choi has been portrayed as a poster child of a successful businessman ... I am dejected and angered by this scandal, said one Samsung employee who declined to be identified. A Samsung company official said: It s hard to do a job like that without loyalty. If the previous generation s frame of thinking was loyalty, that s got to change going forward. Known for his tenacity, attention to detail, and focused drive, Choi took credit for helping Samsung Electronics, the group s crown jewel, overtake Nokia and Apple Inc in mobiles and Sony Corp in television manufacturing. It is also the world s leading chipmaker. I played a part in today s Samsung standing tall as the No. 1 in semiconductors. We surpassed (mobile firm) Nokia when everyone thought it couldn t be done, Choi recalled during his trial testimony, as Lee and other charged Samsung executives sat alongside. The day media reported Samsung surpassed Intel as the No. 1 in semiconductors was the 40th anniversary of my first day at Samsung. It was also the day when the court hearing continued until 2 a.m., he said, referring to late July when Samsung reported record earnings on strong chip sales. I was overwhelmed with feelings of regret, reflection and sadness. Born into a poor family during the Korean War in 1951, Choi joined Samsung in 1977 to put food on the table after studying at the prestigious Seoul National University. Having worked in all Samsung s main businesses - from chips and mobile to display screens - Choi was among the few to rise to the top without an engineering background. He became CEO of Samsung Electronics in 2010. Some people like me think that the higher up you go, the harder you have to work and the more unjust things you have to deal with, said a 33-year-old Samsung employee, who declined to be identified. I think he (Choi) may have agonized, though it was his choice to take the job. As head of the control tower , Choi said he accepted greater responsibility than Lee, and the decisions he made over matters related to the scandal were inevitable to protect Samsung from political pressure. The chaebols dominate the local economy, providing millions of jobs and defining many people s identity in South Korean society. Salaried workers are expected to serve them with long hours and unquestionable loyalty. That culture puts top executives under pressure to take the blame for their boss, experts say. It s like Japan s samurai, who sacrifice their lives for the sake of their masters, said Chung Sun-sup, head of Chaebul.com, a corporate analysis firm. It s very regrettable, but that s the reality of what s expected from professional managers. It s a path Choi felt he had little option but to take. If you were to hold Samsung responsible, please blame me. I am aging and lost judgment ... Others just trusted me and followed my judgment, he told the court during the trial. ",worldnews,"August 25, 2017 ",1 +Slain Philippine teenager's family files murder complaint against police,"MANILA (Reuters) - The parents and lawyers of a Philippine high school student shot dead last week filed a murder complaint on Friday against three anti-narcotics policemen amid rare public outrage about the country s war on drugs. The death of 17-year-old Kian Loyd delos Santos on Aug. 16 in a rundown area of Manila has drawn huge domestic attention to allegations by activists that police have been systematically executing suspected users and dealers, a charge the authorities deny. The head of the Public Attorney s Office (PAO) and the parents of the slain youth submitted the complaint against the three policemen at the justice department, calling for them to be charged with murder and breaches of a law on torture. The PAO, a government agency, provides indigent litigants free legal assistance. Delos Santos was found dead in an alley with a gun in his left hand. Police said they killed him in self defense, but his family said he had no weapon, was right-handed and had no involvement in drugs. Security cameras showed the officers aggressively escorting a man matching delos Santos description in the direction of the spot where he was killed. The three policemen admit they were the people shown in the video, but that they were escorting another suspect, not delos Santos. PAO and police pathologists who did separate autopsies told a Senate hearing that delos Santos was shot from above, from close range. It was cold-blooded murder, he was shot while kneeling down, PAO chief Persida Acosta told news channel ANC. We are here for truth and justice so we have to file this immediately. The complaint, if accepted, would follow at least two cases filed last year against police over President Rodrigo Duterte s war on drugs, which has killed thousands of Filipinos, outraged human rights groups and alarmed Western governments. Most Filipinos however support the campaign, according to opinion polls, and domestic opposition has been muted. Several police commanders relieved of their duty over the student s killing told a Senate inquiry on Thursday that delos Santos was not the target of their operation, and his links to drug were known to them only the day after his death. Officers said they learned of his suspected links to drugs from another drug suspect, a cellphone and chatter circulating on social media. Delos Santos was among more than 90 people killed last week in three nights of intensified raids dubbed One Time, Big Time , which had Duterte s steadfast support. The term refers to a coordinated police drive to stamp out crime in a particular district. The teen s killing puts focus on Duterte s repeated promises to police administering the crackdown that he would insulate them from any legal consequences. Critics say his rhetoric is tantamount to giving police a license to kill. Duterte took a softer tone on Wednesday, telling police to arrest suspects and kill only if their lives were in danger, adding that he would not protect those who killed unarmed people. ",worldnews,"August 25, 2017 ",1 +China says nothing will stop its long-range air force drills,"BEIJING (Reuters) - No amount of interference or shadowing of its aircraft will stop the Chinese air force from carrying out long-range drills, the defense ministry said, announcing another round of exercises of the type that have unnerved neighbouring Taiwan and Japan. The air force carried out further long-range exercises on Thursday, the ministry said, without giving details of where they happened. Japan said it was concerned about bombers flying close to its territory. Such normal drills accord with international law and practices and are part of an ordinary need to raise combat abilities and strengthen the military, it added. No matter what obstructions are encountered, the Chinese air force will carry on as before; no matter who flies with us, the Chinese air force will fly a lot and as normal! the ministry added, citing an air force spokesman. China has been increasingly asserting itself in territorial disputes in the South and East China Seas. It is also worried about self-ruled Taiwan, claimed by China as its own and run by a government Beijing fears is intent on independence. Japan s government said six Chinese bombers flying from the East China Sea on Thursday passed close to its islands on route to the Pacific Ocean. It was the first time we have recorded Chinese military aircraft flying this route, Minister of Defence Itsunori Onodera said during a regular press briefing on Friday. We expressed our concern through diplomatic channels, he added. Drills over the past few months have mostly focused on flying near Taiwan and by Japan s southern island chain to the north of Taiwan. Taiwan s military said earlier this month it was on a high state of alert following three straight days of drills by the Chinese air force near it. Beijing has never ruled out the use of force to bring proudly democratic Taiwan under its control, and has warned that any moves towards formal independence could prompt an armed response. Taiwan is well armed with mostly U.S. weaponry, but has been pressing Washington to sell it more high-tech equipment to better deter China. China is in the midst of an ambitious military modernization program that includes building aircraft carriers and developing stealth fighters to give it the ability to project power far from its shores. Separately, the official Xinhua news agency said on Friday that Chinese warships had carried out live fire drills in the western part of the Indian Ocean, though it did not say where exactly. Chinese warships frequently pass through the Indian Ocean on their way to anti-piracy patrols in the waters off Somalia and Yemen. India, with which China has a festering border dispute, has expressed concern about Chinese military activity in the Indian Ocean. ",worldnews,"August 25, 2017 ",1 +"U.N. condemns attack on Myanmar security forces, calls for calm","GENEVA (Reuters) - The United Nations condemned a coordinated series of attacks on Myanmar security forces on Friday and called on all sides in the crisis in the northern state of Rakhine to refrain from violence. At least 21 insurgents and 11 members of the security forces were killed in the troubled Rakhine state on Friday when militants staged a major coordinated attack on 24 police posts and an army base, the military said. The statement, issued by the U.N. resident coordinator in Myanmar, Renata Lok-Dessallien, and read out to a Geneva news briefing, urged all parties to refrain from violence, protect civilians and restore order . We are deeply concerned about the security situation in Rakhine state, she added. ",worldnews,"August 25, 2017 ",1 +Russian nuclear bombers fly near North Korea in rare show of force,"MOSCOW (Reuters) - Russian nuclear-capable strategic bombers have flown a rare mission around the Korean peninsula at the same time as the United States and South Korea conduct joint military exercises that have infuriated Pyongyang. Russia, which has said it is strongly against any unilateral U.S. military action on the peninsula, said Tupolev-95MS bombers, code named Bears by NATO, had flown over the Pacific Ocean, the Sea of Japan, the Yellow Sea and the East China Sea, prompting Japan and Seoul to scramble jets to escort them. The flight, which also included planes with advanced intelligence gathering capabilities, was over international waters and was announced by the Russian Defence Ministry on the same day as Moscow complained about the U.S.-South Korean war games. The U.S. and South Korea holding yet more large-scale military and naval exercises does not help reduce tensions on the Korean peninsula, Maria Zakharova, a spokeswoman for the foreign ministry, told a news briefing in Moscow. We urge all sides to exercise maximum caution. Given the arms build-up in the region, any rash move or even an unintended incident could spark a military conflict. In Beijing, Chinese Foreign Ministry spokeswoman Hua Chunying did not comment specifically on the Russian mission when asked, reiterating China hoped all sides could quickly return to talks and appropriately and peacefully resolve the situation. The United States and South Korea began the long-planned joint military exercises on Monday, heightening tensions with Pyongyang which called the drills a reckless step towards nuclear conflict. Some military experts regard the hulking Russian turboprop bombers which made the flight near the Korean peninsula as a relic of the Cold War. But Russia has upgraded the aircraft since the Soviet fall and, since 2007, has used the planes to back its diplomacy with shows of force and to probe other countries airspaces. Moscow said the bombers had been accompanied by Sukhoi-35S fighter jets and A-50 early warning and control aircraft. The A-50s, the Russian equivalent of the Boeing E-3 Sentry AWACS aircraft, are designed to track aerial and ground targets at a long range, among other capabilities. Moscow did not say how many aircraft had taken part or when the mission had taken place. Our long-range aviation pilots, according to an established plan, regularly carry out flights over neutral waters over the Atlantic, the Arctic, the Black Sea and the Pacific Ocean from their bases and from tactical airfields, the defense ministry said in the same statement. It said the TU-95MS bombers were refueled in mid-air during the mission, and that during parts of the route they had been escorted by South Korean and Japanese military jets. Russia, which shares a border with North Korea, has repeatedly voiced concerns about rising tensions on the Korean peninsula caused by Pyongyang s nuclear missile program, and has also complained about possible plans by Japan to deploy a U.S. anti-missile system on its soil. Foreign Ministry Spokeswoman Zakharova said on Thursday that if Tokyo did go ahead and opt to deploy such a system it would be disproportional to the North Korean missile threat and could upset wider strategic stability in the region. Japan has at least twice before this year been forced to scramble its jets to intercept Russian aircraft. The daily Izvestia newspaper reported in October last year that Russia was close to finishing setting up a new division of heavy bombers to patrol the Japan-Guam-Hawaiian Islands triangle . ",worldnews,"August 24, 2017 ",1 +Thai immigration police chief says no information Yingluck has fled country,"BANGKOK (Reuters) - The head of Thailand s immigration police chief said he believed former prime minister Yingluck Shinawatra remained in the country after a Supreme Court judge raised suspicion that she had fled after she failed to show up on Friday for the verdict in a negligence case. Yingluck, whose government was ousted in a 2014 coup, faces up to 10 years in prison if found guilty. Up until this point we have no information showing that Yingluck has exited via any of Thailand s border check points, Immigration police chief Nanthathorn Prousoontorn told Reuters. I believe she is still in Thailand. If she is found she will be arrested, he said. A lawyer for Yingluck said on Friday he did not know her wherabouts. The Supreme Court set a new date of Sept. 27 for the verdict but said it would also seek an arrest warrant for Yingluck. The court said Yingluck gave an ear problem as the reason she could not come to court to hear the verdict. ",worldnews,"August 25, 2017 ",1 +Thailand's ousted PM Yingluck has fled abroad: sources,"BANGKOK (Reuters) - Ousted Thai prime minister Yingluck Shinawatra has fled the country ahead of a verdict against her in a negligence trial brought by the junta that overthrew her, sources close to the Shinawatra family said on Friday. Yingluck, 50, whose family has dominated Thai politics for more than 15 years, failed to show up at court for judgment in a case centered on the multi-billion dollar losses incurred by a rice subsidy scheme for farmers. Overthrown in 2014, Yingluck had faced up to 10 years in prison if found guilty. Her former commerce minister was jailed in a related case for 42 years on Friday. She has definitely left Thailand, said one source, who is also a member of her Puea Thai Party. The sources did not say where she had gone. Yingluck s brother, Thaksin Shinawatra, who heads the political clan, was overthrown in a 2006 coup and fled into exile to escape a corruption conviction that he said was aimed at demolishing the populist movement he founded. The struggle between that movement and a Bangkok-centered royalist and pro-military elite has been at the heart of years of turmoil in Thailand. The verdict against Yingluck could have reignited tension, though the army has largely snuffed out open opposition. After Yingluck failed to show up, the Supreme Court issued an arrest warrant against her and rescheduled the verdict to Sept. 27. It said it did not believe her excuse that she could not attend the court hearing because of an ear problem. It is possible that she has fled already, Deputy Prime Minister Prawit Wongsuwan told reporters. He later said police were investigating reports that she had left via Koh Chang, an island close to the Cambodian border. Cambodian immigration police said she had not entered their country. Yingluck last commented on social media on Thursday, saying on her Facebook page that she would not be able to meet supporters at court because of tight security. She had been banned from traveling abroad at the beginning of the trial in 2015 and has attended previous hearings. The court confiscated the 30 million baht ($900,000) that Yingluck had posted as bail. Hundreds of her supporters had gathered outside the court on Friday where about 4,000 police had been deployed. Some held roses while others wore white gloves with the word love on them. Although Yingluck had already been banned from politics by the junta in 2015, she could have been a party figurehead for elections that junta leader Prime Minister Prayuth Chan-ocha has promised for next year. If Yingluck has fled it would disappoint her supporters and make her opponents feel vindicated, said Thitinan Pongsudhirak, director of the Institute of Security and International Studies at Chulalongkorn University. It does not help with Thailand s division and polarization, he said. Under the rice subsidy program, Yingluck s administration paid rice farmers up to 50 percent more than market prices. It left Thailand with huge rice stockpiles and caused $8 billion in losses. Yingluck has said she was only in charge of coming up with the policy but not the day-to-day management of it. If she has fled people would not trust her, but the masses would still support her because they benefited from her policies, 38-year-old delivery man Sakunchai Muenlamai. The Supreme Court sentenced Yingluck s former commerce minister, Boonsong Teriyapirom, to 42 years in jail after finding him guilty of falsifying government-to-government rice deals between Thailand and China in 2013. He said he would appeal, but was told it was too late in the day to apply for bail so will spend the weekend behind bars. ",worldnews,"August 25, 2017 ",1 +"Colombia FARC rebels include boots, kitchen supplies in list of assets","BOGOTA (Reuters) - Colombia s FARC rebel group included footwear and orange juicers in the list of assets it will hand over for victim reparations, drawing ire on Thursday from officials who maintain the guerrillas have extensive criminal wealth and sparking the government to announce a special verification commission. The Revolutionary Armed Forces of Colombia (FARC) agreed under a 2016 peace deal with the government to hand over all funds and property to pay reparations to victims of forced disappearance, rape, displacement, kidnapping and land mines. The group has for decades extorted landowners and business people, earned ransoms from hostage takings and sold coca, the base ingredient in cocaine, to drug traffickers. Officials said on Thursday that the list, which was originally given to the United Nations and has not been made public, included many items that have little or no monetary value and made a mockery of victims. Pots, orange juicers, lemon juicers, plates, boots, which will be depreciated and don t have a commercial value and which above all will not be a source of reparation for victims, Attorney General Nestor Humberto Martinez told journalists. Martinez added the full list should be released. The list will be reviewed by a special commission in a bid to find missing assets, verify their origin and decide how they will be managed, the government said later on Thursday. Those assets which have not been inventoried and are later discovered will obligatorily mean punishment and an ordinary justice procedure against members of the FARC, justice minister Enrique Gil said. All assets will be directed toward victims reparation, interior minister Guillermo Rivera added, and not to reintegration programs for the FARC fighters themselves. Colombian officials have previously accused the FARC of possessing large amounts of cash, as well as ranches, businesses and luxury homes, including some located abroad. A lawyer representing the FARC, Enrique Santiago, told local radio that the group had not earned an income in years and had to spend extensively to maintain its more than 7,000 fighters, after calling off kidnappings and extortion during peace talks. The rebels finished handing over more than 8,000 weapons to the U.N., which oversaw their demobilization, earlier this month. On Sunday the group will kick off a conference that looks set to cement its transition into a political party. ",worldnews,"August 24, 2017 ",1 +New Zealand to increase military personnel in Afghanistan by three,"WELLINGTON (Reuters) - Just days after the United States said it would increase troop numbers in Afghanistan and ask its allies to do the same, New Zealand on Friday announced an extra three non-combat military personnel, boosting its military commitment to 13. U.S. President Donald Trump on Monday unveiled his strategy to end the conflict in Afghanistan, committing the United States to an open-ended conflict and signaling he would dispatch more troops to America s longest war. U.S. officials have said Trump had signed off on plans to send about 4,000 more U.S. troops to add to the roughly 8,400 now deployed in Afghanistan. U.S. Defense Secretary James Mattis has since said exact troop numbers are yet to be decided. Trump said he would ask coalition allies to support his new strategy, with additional troops and funding, to end the 16-year conflict. New Zealand Defence Minister Mark Mitchell s announcement boosting the country s Kabul-based troops to 13 follows a request for NATO (National Atlantic Treaty Organization) to send more troops to Afghanistan earlier this year. New Zealand has had troops in Afghanistan since 2001. Its presence has been decreasing since 2013 but it has kept some personnel on the ground to train local officers. New Zealand will continue to stand alongside our partners in supporting stability in Afghanistan and countering the threat of international terrorism, said Mitchell. Prime Minister Bill English said the government has ruled out making a decision on sending combat troops to Afghanistan before New Zealand s election on Sept. 23. Opposition leader Jacinda Ardern told local media this week she would not back sending troops to Afghanistan at the moment but was not privy to intelligence such decisions were based on. ",worldnews,"August 25, 2017 ",1 +"Trump calls Egypt's Sisi, says keen to overcome obstacles","CAIRO (Reuters) - U.S. President Donald Trump called Egyptian President Abdel Fattah al-Sisi on Thursday and said he was keen to overcome any obstacles in the way of cooperation, just days after the U.S. said it would withhold some financial aid to Egypt. President Abdel Fattah al-Sisi received a phone call tonight from U.S. President Donald Trump who affirmed the strength of the friendship between Egypt and the United States and expressed his keenness on continuing to develop the relationship and overcome any obstacles that might affect it, Sisi s office said in a statement late on Thursday. On Tuesday, two U.S. sources familiar with the matter told Reuters that Washington had decided to deny Egypt $95.7 million in aid and to delay a further $195 million because it had failed to make progress on respecting human rights and democracy. Egypt, an important regional partner for the United States because of its control of the Suez Canal and its border with Israel, receives $1.3 billion in aid annually and was critical of the U.S. decision. Its foreign ministry said on Wednesday that the decision to withhold aid reflected poor judgment and that it could have negative implications on achieving common goals and interests between the two countries. The decision reflects a U.S. desire to continue security cooperation as well as its frustration with Cairo s stance on civil liberties. In particular, a new law regulating non-governmental organizations is widely seen as part a growing crackdown on dissent, said the U.S. sources, who spoke on condition of anonymity. Egyptian rights activists have said they face the worst crackdown in their history under Sisi, accusing him of erasing freedoms won in the 2011 Arab Spring uprising that ended Hosni Mubarak s 30-year rule. Egyptian lawmakers have said the NGO law was needed for national security. The Egyptian government has long accused human rights groups of taking foreign funds to sow chaos, and several are facing investigation regarding their funding. Sisi and his Foreign Minister Sameh Shoukry met Trump s son-in-law and senior adviser Jared Kushner in Cairo on Wednesday but neither the presidency nor the ministry mentioned the aid issue in statements released after the meetings. ",worldnews,"August 25, 2017 ",1 +"British foreign secretary visits Libyan strongman, backs ceasefire","TUNIS (Reuters) - British Foreign Secretary Boris Johnson met Libyan commander Khalifa Haftar during a visit to Benghazi on Thursday and urged him to stick to a ceasefire announced in Paris last month and to back U.N.-led efforts to end Libya s conflict. Johnson s visit is the latest show of growing Western recognition of Haftar, who has long been supported by Egypt and the United Arab Emirates for his anti-Islamist stance. Haftar is the dominant figure in eastern Libya and since early last year has spurned the U.N.-backed Government of National Accord (GNA) in the capital, Tripoli, while making military gains on the ground. The GNA, hampered by infighting and its failure to win endorsement from eastern-based factions, has largely failed to extend its authority or end the turmoil that developed after a NATO-backed uprising toppled Libyan leader Muammar Gaddafi in 2011. Since 2014 Libya has had rival governments in Tripoli and the east. It has become the main departure point for migrants catching boats to Europe and it has seen Islamic State establish and then lose a regional stronghold in the coastal city of Sirte. International efforts to broker a political deal have resulted in two meetings between Haftar and GNA Prime Minister Fayez Seraj, one in Abu Dhabi in May and the other in Paris in July. At the Paris meeting the two men shook hands on a ceasefire and elections next year, though Haftar quickly played down the commitments. Johnson met Haftar during a visit to the eastern city of Benghazi, where Haftar declared victory in early July after a three-year military campaign against Islamists and other rivals. He said he had encouraged Haftar to back new U.N. envoy Ghassan Salame s efforts to find a political settlement for Libya by revising the 2015 deal that created GNA. Field Marshall Haftar has a role to play in the political process, Johnson said in a statement. I urged him to adhere to the commitments he made during recent meetings in Paris, to respect a ceasefire, and to work with Mr. Salame in order to amend the Libyan Political Agreement. Haftar, who fell out with Gaddafi in the 1980s and lived for two decades in the United States, remains a divisive figure in Libya. His forces have replaced civilian mayors in many eastern cities and talked of liberating Tripoli. Critics have said they fear a return to military rule. On Wednesday, Johnson made his second trip to Tripoli to meet Seraj. He also traveled to Misrata, a port city and major military power that has led opposition to Haftar. I have encouraged all sides to resolve their differences by dialogue, not conflict, and to respect international human rights law, Johnson said. Since the meeting in Paris, Haftar s Libyan National Army has threatened to advance into the eastern city of Derna, and tightened a blockade around the city. The International Criminal Court has also issued an arrest warrant for a commander in an elite Libyan National Army unit accused of executing dozens of prisoners in the closing stages of the Benghazi campaign. The Libyan National Army has said it is investigating the case. ",worldnews,"August 24, 2017 ",1 +Guatemalan prosecutors to probe parties over campaign financing,"MEXICO CITY (Reuters) - Guatemala s attorney general and a United Nations-backed anti-corruption body will investigate the nation s political parties on suspicion of illegal campaign financing during the 2015 presidential election campaign, the groups said on Thursday. We have agreed with the attorney general to initiate an investigation into the electoral campaigns of all political parties in the 2015 cycle, said Ivan Velasquez, head of the International Commission Against Impunity in Guatemala (CICIG). The CICIG has become a thorn in the side of Guatemalan President Jimmy Morales since it kicked off a graft probe focused on his elder brother and one of the president s sons. In 2015, the CICIG was instrumental in removing Morales predecessor Otto Perez from office after identifying him as a key player in an alleged multimillion-dollar corruption racket. Perez is now in prison on trial with his former vice-president. Morales, a former comedian who won office in 2015 on a pledge to fight corruption, is scheduled to meet tomorrow with U.N. Secretary General Antonio Guterres in New York. Two government officials told Reuters on Wednesday Morales plans to ask Guterres to replace Velasquez, a Colombian whose tenure as CICIG chief is set to run out in 2019. A Guatemalan government spokesman declined to say whether Morales would seek Velasquez s removal, but did state that the president would discuss improving the CICIG with Guterres, and also propose a new model for combating crime. ",worldnews,"August 24, 2017 ",1 +Turkey will never be EU member under Erdogan: Germany's Gabriel,"BERLIN (Reuters) - Turkey will never be a member of the European Union as long as it is governed by Tayyip Erdogan, German Foreign Minister Sigmar Gabriel said on Thursday, accusing the Turkish president of failing to take accession talks with the bloc seriously. His remarks in an interview with mass-selling newspaper Bild are likely to further inflame relations between the two NATO allies after Erdogan urged German Turks to boycott Germany s main parties in next month s general election. It is clear that in this state, Turkey will never become a member of the EU, Gabriel said. It s not because we don t want them but because the Turkish government and Erdogan are moving fast away from everything that Europe stands for. EU leaders have been critical of Erdogan s crackdown on opponents before and after a failed military coup against him in July last year. Accession talks have ground to a virtual halt though Turkey remains a candidate for membership. Turkey s Western allies fear that sweeping new powers Erdogan won in a tightly fought referendum in April are pushing Turkey away from democratic values. Erdogan says both the crackdown and the increased presidential powers are needed to help tackle serious challenges to Turkey s security both at home and beyond its borders. At a highpoint in tensions earlier this year, Erdogan angered Germany, home to 3 million Turks about half of whom can vote in the election on Sept. 24, by accusing German authorities of Nazi-like behavior. Relations between the two countries have also been strained by Turkey s arrest of a Turkish-German journalist and a German human rights activist. ",worldnews,"August 24, 2017 ",1 +Clashes in Rome as police evict refugee squatters from square,"ROME (Reuters) - Police using water cannon and batons clashed on Thursday with refugees who had occupied a small Rome square in defiance of an order to leave a building where they had been squatting. The clashes were the latest example of tensions in Italy as the country deals with an influx of migrants. They quickly became fodder for political debate, particularly on the police handling of the incident. Refugees were screaming and trying to hit police, who were dressed in riot gear, with sticks. The square, just one block from Rome s main train station, was strewn with mattresses, overturned rubbish bins and broken plastic chairs. Some 100 refugees had occupied Piazza Independenza since Saturday, when most of about 800 squatters were evicted from an adjacent office building they had occupied for about five years. Hung on the building was a sheet with writing reading We are refugees, not terrorists in Italian. A small fire burned on the pavement and a sheet hanging from a first-floor window was set alight by squatters inside. Most of the squatters were Eritreans who had been granted asylum. Police said they had refused to accept lodging offered by the city. In a statement, the police said the refugees had gas canisters, some of which they had opened, and officers had been hit by rocks, bottles and pepper spray. Two people were arrested and Doctors Without Borders said in a statement that its medics had given first aid to 13 refugees, including one for a broken bone. Human Rights Watch and members of some leftist political parties criticized the police handling of the situation, saying the use of such force was disproportionate. The authorities need to urgently find appropriate, alternative housing, and investigate the use of force by the police during the eviction, said Judith Sunderland, associate director for Europe at Human Rights Watch. It s hard to see how the use of water cannon on people was necessary or proportionate, she said. Various Roman Catholic groups that help immigrants also criticized police conduct. But the Italian police union COISIP said officers were forced to use water cannon because of the risk of explosions caused by flammable liquids . Police said they were looking at possible irregularities after what appeared to be a policeman told a colleague to break the arm of any squatter who threw anything while being chased, according to a video that circulated widely on social media. Another video showed a woman fly to the ground after being hit in the face by water cannon, and later put in an ambulance. Squatters had put cooking gas tanks on the railing of a first-floor balcony, apparently ready to be opened to be used as makeshift flamethrowers, or dropped onto the square, Reuters photographers said on Wednesday. Matteo Salvini, head of the right-wing, anti-immigrant Northern League, Tweeted his unequivocal support of police, saying Go boys: Evictions, order, cleaning up and EXPULSIONS! Italians are with you. More than 600,000 boat migrants have arrived in Italy from North Africa since 2014. Some 200,000 asylum seekers now stay in state-run shelters. ",worldnews,"August 24, 2017 ",1 +"'Let's get emotional' says German SPD, struggling to oust Merkel","BERLIN (Reuters) - One month away from a national election, Germany s Social Democrats are struggling in their efforts to narrow a yawning gap in support behind Chancellor Angela Merkel s conservatives. The left-leaning Social Democratic Party (SPD) is languishing on around 24 percent support, polls show, far behind Merkel s conservatives bloc, on some 38 percent. Germans go to the polls on Sept. 24. The SPD is having difficulty in differentiating itself from the conservatives, with whom it rules as junior partner in a grand coalition - an alliance the party wants to avoid repeating, but which polls suggest is the only partnership that can guarantee a majority. We need to get more emotional, to fight and force Merkel to speak in clear terms so that the differences become clear, SPD Labour Minister Andrea Nahles told business daily Handelsblatt. Nahles accused Merkel, who is campaigning for a fourth term on a platform of economic stability, of trying to cruise through the election without staking out clear positions. Last year, Germany s refugee crisis threatened Merkel. But with the migrant flow now stemmed and unemployment at a record low, she is able to project herself as an anchor of stability in an uncertain world. Trying to rock her, SPD leader Martin Schulz has grown increasingly critical of Merkel this week, accusing her of blocking his party s efforts in the ruling coalition to win better pay for temporary workers and improve workers rights. On Thursday, Schulz takes his campaign to Essen, in the heart of the Ruhr area of North Rhine-Westphalia that was at the center of Germany s post-war economic miracle but which is now a rust-belt. Germany s most populous state, North Rhine-Westphalia has traditionally been an SPD stronghold but the party lost there in a state election in May - one of three regional votes Merkel s conservatives won earlier this year. Schulz, 61, led the SPD to a brief poll surge after the party selected him as leader at the start of the year. But the revival quickly fizzled as his campaign for social justice failed to gain traction. A former European Parliament president, he cannot match the clout of Merkel, 63, gained in 12 years of experience as leader of Europe s biggest economy. Searching for another point of difference, Schulz pledged on Tuesday to have U.S. nuclear weapons withdrawn from German territory if, against the odds, he defeats Merkel. Schulz s election campaign is jumping around so many areas that it is impossible to discern a theme, the daily Sueddeutsche Zeitung wrote in an editorial. Striking a defeatist note, Schulz said earlier this month he wanted to stay on as SPD leader even if his party loses the election. ",worldnews,"August 24, 2017 ",1 +Poland will not change its stance on EU's posted workers directive: PM,"WARSAW (Reuters) - Poland will not change its stance on the European Union s posted workers directive, Prime Minister Beata Szydlo said on Thursday. We are not going to change our stance, Szydlo told reporters. We will defend our position to the very end, because it is a position that is in the interests of Polish workers. ",worldnews,"August 24, 2017 ",1 +"Defense Secretary Mattis promises support to Ukraine, says reviewing lethal aid","KIEV (Reuters) - U.S. Defense Secretary Jim Mattis on a visit to Ukraine on Thursday said Washington would keep up pressure on Russia over what he called its aggressive behavior and signaled his personal support for providing weapons to Kiev. Mattis said Russia had not abided by the Minsk ceasefire agreement meant to end the separatist conflict in eastern Ukraine and that the United States would maintain sanctions on Moscow. Despite Russia s denials, we know they are seeking to redraw international borders by force, undermining the sovereign and free nations of Europe, Mattis told reporters, alongside Ukrainian President Petro Poroshenko. Mattis s visit, timed for Ukrainian Independence Day, is the second high-profile show of U.S. support in as many months, after U.S. Secretary of State Rex Tillerson came to Kiev in July. Ukraine has counted on U.S. support against Russia since a pro-Western government took power following street protests in 2014 when the Kremlin-backed president fled the country. But some of President Donald Trump s comments during the election campaign last year, such as appearing to recognize Crimea as part of Russia, stoked fears in Kiev that Trump might mend ties with Moscow at Ukraine s expense. While emphasizing Trump had yet to take a decision on the issue, Mattis signaled his personal support for a longstanding Ukrainian request for defensive weapons, which could include anti-tank Javelin missiles and anti-aircaft systems. Mattis also played down fears, voiced by the previous White House administration under Barack Obama, that supplying weapons could escalate the situation. On the defensive lethal weapons, we are actively reviewing it, I will go back now having seen the current situation and be able to inform the secretary of state and the president in very specific terms what I recommend for the direction ahead, Mattis said. Defensive weapons are not provocative unless you are an aggressor and clearly Ukraine is not an aggressor since it is their own territory where the fighting is happening, Mattis said. Poroshenko said he was satisfied with the progress on discussions about weapons, and also said he and Mattis had discussed the possibility of a U.N.-backed armed force being sent to eastern Ukraine. Relations between Ukraine and Russia went into freefall after Moscow s annexation of Crimea in 2014 and the subsequent outbreak of a Kremlin-backed separatist insurgency in eastern Ukraine that has killed more than 10,000 people. Russia denies sending troops and weapons to eastern Ukraine. According to U.S. officials, a plan to provide defensive weapons to Ukraine has made its way to the White House but has not been signed. Thus far the Pentagon says it has provided $750 million in non-lethal aid to Ukraine since 2015, which includes radars and uniforms. Supplying weapons will be a huge boost of support to Ukraine, said Michael Carpenter, a former deputy assistant secretary of defense for the region. Carpenter said the weapons under discussion cannot effectively be used to take territory, which means providing them would help stabilize the situation. U.S. Senator John McCain, chairman of the Senate Armed Service Committee, also pressed the Trump administration to act. Secretary Mattis visit to Kiev provides yet another opportunity for the United States to correct its policy toward Ukraine and provide the lethal defensive assistance the country needs to defend its sovereignty and territorial integrity, McCain said in a statement on Wednesday. Mattis strong words against Moscow on Thursday are likely to reassure eastern European allies who are concerned about Russia s military activity in region, including planned war games in September. Russia and Belarus aim to hold joint exercises that some North Atlantic Treaty Organization allies believe could number more than 100,000 troops and involve nuclear weapons training, the biggest such exercise since 2013. Earlier this year, Estonia s defense minister said Russia may use the exercises to move thousands of troops permanently into Belarus in a warning to NATO. Russia has dismissed Western worries about the war games as buffoonery . ",worldnews,"August 24, 2017 ",1 +Qatar enacts law to protect foreign domestic workers,"DOHA (Reuters) - Qatar s ruler has introduced a law giving broad protection to tens of thousands of foreigners working as maids, cooks, cleaners and nannies, addressing some concerns long highlighted by human rights groups. The new rules on foreign domestic staff mandate a maximum of 10 hours per working day with breaks for prayer, rest and eating, along with three weeks of severance pay at the end of their contracts. They limit the working age to between 18 and 60, stipulate three weeks of annual vacation, and order that employers provide proper food and medical care. Like other wealthy Gulf Arab states, Qatar hosts tens of thousands of mostly female domestic workers, mostly from the Philippines, South Asia and East Africa. The measures appear to be the first in the gas-producing country to codify the rights of these employees. State news agency QNA said the measure was promulgated by Sheikh Tamim bin Hamad al-Thani and was effective immediately. Human Rights Watch (HRW) and Amnesty International have long complained that Gulf states do not properly regulate working conditions for low-income residents helping tend homes or toiling at ubiquitous construction sites. They say excessively long hours and insufficient flexibility to change contracts or return home contravene international labour laws and deprive workers of their human rights. HRW said in the Qatar section of its 2016 annual report that beyond exploitative working conditions, domestic workers were left vulnerable to physical and sexual abuse by a lack of regulations governing their rights. The new law does not cover Qatar s far more numerous construction workers, whose position was improved by a December 2016 law altering the kafala or sponsorship system that forced them to seek their employer s consent to change jobs or leave the country. Domestic workers continue to be recruited under the kafala system. Qatar is keen to show it is tackling allegations of worker exploitation as it prepares to host the 2022 soccer World Cup, which it has presented as a showcase of its progress and development. It is spending billions of dollars on stadiums and other infrastructure, and has imported hundreds of thousands of construction workers from countries such as India, Nepal and Bangladesh. The International Labor Organization (ILO) has asked Qatar to present it with a report on the implementation of reforms to the sponsorship system by November. ",worldnews,"August 24, 2017 ",1 +Indonesians uncover syndicate spreading hate speech online: police,"JAKARTA (Reuters) - Indonesian authorities have uncovered a group spreading hate speech and fake news online, one of many that they fear could undermine national unity. Indonesia has an ethnically diverse population of 250 million people, most of them Muslim but with significant minorities from other religions, and unity across the archipelago has been a priority of governments for generations. Three people were arrested this week on suspicion of being part of a syndicate being paid to spread incendiary material online through social media, police said. If this is allowed to continue, it isn t just about violating the law but also has the potential to damage the unity of this country, said presidential spokesman Johan Budi. Budi said it was up to investigators to determine the motive of those behind the campaign, adding police should investigate the issue right down to its roots . National police spokesman Awi Setiyono said the material involved religious and ethnic issues and posts defamatory to government officials. He declined to comment on the motive, saying investigators were still building their case and had yet to identify who was behind the syndicate, which calls itself Saracen, that has been spreading the material. The police cyber crime unit said dozens of Facebook and other social media accounts were being sued to spread the material to an estimated 800,000 social media accounts. Setiyono said investigators had uncovered money transfers of up to $5,000 to pay those spreading the material. Religious and ethnic tensions flared in the capital, Jakarta, this year when city elections pitted an ethnic Chinese Christian governor, who was accused on insulting Islam, against a Muslim candidate. Authorities have scrambled to remove hate speech from social media and online forums in an attempt to defuse tension but a growing amount of content encouraging religious intolerance or radicalism is being shared. Search giant Google said this month it was working with authorities to tackle content deemed to be offensive. ",worldnews,"August 24, 2017 ",1 +'Safer than London!' North Korea opens door to Russian tourists,"MOSCOW (Reuters) - North Korea has opened its doors to Russian tourists, issuing a license for the first travel agency in Moscow to promise clients full immersion in the nation s culture and enjoyment safer than an evening walk in London . NKOREAN.RU, a Russian company licensed by North Korea s government, offers organized tours for groups of up to 10 people or individuals to show the travelers the multi-faceted life of this most closed of countries . Guests to North Korea must necessarily be checked before their trip and will always be accompanied by a guide who will monitor the adequate behavior of the tourist and guarantee his safety. Pictures of strategic and military facilities are banned and long talks with locals are not recommended . North Korea has conducted two nuclear tests and dozens of missile tests since the beginning of last year, significantly raising tension on the heavily militarized Korean peninsula and in defiance of U.N. Security Council resolutions. Two tests of inter-continental ballistic missiles in July triggered a new round of tougher global sanctions. Faced with economic problems made harder by multiple sanctions, the Pyongyang government is keen to develop tourism to earn cash. The most pricey tour, 15 days full immersion in the culture of North Korea costing 118,090 rubles ($1,997), includes visits to a farm, a mineral water factory, a Buddhist temple, walks in the mountains and an introduction to national cuisine. Visits to numerous museums to founding leader Kim Il-Sung are also on offer. Other less demanding tours include relaxation on a beach, an aviation show and even a beer festival. It is unclear how popular these trips will be among Russians who have already developed a fondness for visiting Europe and the affordable resorts of Turkey and Thailand. ",worldnews,"August 24, 2017 ",1 +"As guns fall silent, Benghazi residents return to battered homes","BENGHAZI, Libya (Reuters) - Two months after the dominant military force in eastern Libya declared victory in a campaign to retake Benghazi, Hassan al-Zawy is living rough in his home in the district that witnessed the city s last major battle. Like many other residents, he ventured back as Khalifa Haftar s Libyan National Army gradually wrested back control from Islamist militants and other rebel groups. Parts of Libya s second city were reduced to rubble during more than three years of fighting and, with economic crisis and political turmoil gripping the country, rebuilding is a daunting challenge. There are flies, mosquitoes and garbage. At night, we have absolutely nothing, Zawy told Reuters in mid-August in the seafront neighborhood of Sabri. We ve been here for one month and 10 days and all we want from the state is (this): electricity and water, and for people to return to their homes, and stay there. A conflict that developed after strongman Muammar Gaddafi was toppled in an uprising six years ago has yet to be resolved. Benghazi, where the 2011 revolution started, has seen some of the worst violence. Tens of thousands of residents, many opposed to Haftar, were displaced to other Libyan cities. Sabri is where Haftar s rivals had their final strongholds, and was bombarded by LNA heavy artillery and air strikes up until a few weeks ago. Sporadic fighting continued after Haftar announced victory on July 5.. People recover what they can from the rubble of ruined buildings. Children help with the cleanup. Afterwards, men sit outside drinking tea or coffee and guarding their streets. One says he will stay in his home even if he has to hang towels over the doors and windows. Another Sabri resident, Farag Mahmoud, said some people were so keen to get back to their homes that they were ignoring the risk from land mines still planted in parts of the district. We found our homes had been flooded from broken pipes in the plumbing systems, and were submerged in water around 70 to 80 centimeters deep, he said. Some returning residents have formed citizens committees to lobby the municipal authorities on water, electricity and hygiene, said Milad Fadlallah, a local engineer. Most residents in the less severely damaged eastern part of Sabri would be able to spend the Muslim holiday of Eid al-Adha, which starts on Sept. 1, back in their neighborhood, Fadlallah said. But a lack of funds and political leadership in a country still divided between two rival governments will hinder reconstruction, said Osama al-Kaza, director of projects at Benghazi s municipality. In Benghazi, the conflict has also had left deep physical and psychological scars. Achieving an outstanding and modern image for the city will have to be done in stages, will take years and cost billions, he said. (Story refiles to add dropped s in second paragraph.) ",worldnews,"August 24, 2017 ",1 +Venezuela's injured activists struggle to heal,"CARACAS (Reuters) - Jesus Ibarra, a 19-year-old engineering student, has been barely able to walk or talk since a tear gas canister crushed part of his skull during a protest against President Nicolas Maduro and he fell unconscious into a river that carries sewage. Chronic shortages of medicine in Venezuela forced his family to ask for drug donations so Ibarra could undergo five surgeries on his skull and treatment for infections from the Guaire river. Ibarra, who cannot return to his studies any time soon, needs to a sixth operation and therapy. It is unclear if he will fully recover. I speak to my son a lot, and sometimes he makes me understand it was not worth suffering this, that he regrets it, that it was a mistake, said Ibarra s father Jose at their small home in the sprawling hilltop slum of Petare in Caracas. But other times he s clearly telling me that it was worth fighting for a change he believes in. Ibarra is one of nearly 2,000 people injured during four months of fierce anti-Maduro street protests, according to the public prosecutor s office. Rights groups think the number is probably higher. Venezuela has been torn by political and economic crises that have led to extreme shortages of food and medicine, crushing inflation and the collapse of the local currency. Its new government structure has been criticized as a dictatorship. Rubber bullets fired at close range, rocks, and tear gas canisters have caused most of the injuries, doctors and rights groups say. Most of those who have been hurt appear to be opposition protesters, but Maduro supporters, security forces and bystanders have also been harmed. More than 125 people have died in the unrest since April. Thousands have been arrested. The unpopular leftist president has said he was facing an armed insurgency intent on overthrowing him. Opposition politicians have said they were forced to take to the streets after authorities curtailed democratic means for change. They have also accused security forces of using excessive force against protesters. Culinary student Brian Dalati, 22, said he was passing an opposition-manned street barricade on his way to classes in July when police mistook him for a protester. They hit him and fired buckshot at his legs, fracturing both of Dalati s shinbones. I depend on my siblings to go to the bathroom, shower, brush my teeth, eat, anything. It s infuriating, he said. They didn t have to do this. It was pure hate. Thank goodness I will be able to walk again soon. The government says right-wing media are too focused on injuries to protesters. Maduro has pointed to a case in which a 21-year-old man was set afire during an opposition protest and died two weeks later. A Reuters witness said the crowd had accused the man of being a thief, but the government said he was targeted for being a Maduro supporter. Protests have subsided since Maduro s government established a controversial legislative superbody three weeks ago, but hundreds of Venezuelans are still struggling to nurse their wounds without medicine and state support. (Click on reut.rs/2xt4eoS for related photo essay) ",worldnews,"August 24, 2017 ",1 +India's push to broaden use of its biometric database,"(Reuters) - India s Supreme Court ruled on Thursday the right to privacy is a fundamental right protected by the Indian Constitution, in a potential setback to the government s push to mandate the use of Aadhaar, or unique ID numbers for a variety of routine tasks. Over a billion Indians have already registered for Aadhaar cards, which ascribe unique ID numbers, and record fingerprints and iris scans of each person. The database was originally set-up to streamline welfare benefit payments and reduce wastage. The current government however, has been keen to mandate the use of Aadhaar for everything from the filing of income taxes to the operating of one s bank accounts. Below is a timeline on the various Aadhaar developments: March 2006: India s Ministry of Communications and Information Technology approves a Unique ID (UID) scheme for poor families. December 2006: Empowered Group of Ministers (EGoM) constituted to collate two schemes -the National Population Register under the Citizenship Act, 1955 and the UID scheme. 2007: At its first meeting, the EGoM recognizes need to create a residents database. This leads to the creation of Aadhaar. 2009: The Unique Identification Authority of India (UIDAI) is created to issue unique identification numbers. Nandan Nilekani appointed the first chairman. December 2010: The National Identification Authority of India Bill, 2010 (NIAI Bill) introduced in Parliament. September 2011: Number of Aadhaar holders crosses 100 million. December 2011: Standing committee on Finance rejects NIAI Bill in initial form; recommends requirement of privacy legislation and data protection law before continuance of scheme. 2012: Former High Court judge files petition contending that Aadhaar violates fundamental rights of equality and privacy. September 2013: Supreme Court passes interim order stating no person should suffer for not having an Aadhaar card. December 2013: The number of Aadhaar holders crosses 510 million March 2014: The Supreme Court revokes orders made by agencies demanding Aadhaar for welfare schemes. Court also forbids UIDAI from sharing information in the Aadhaar database with any agency without the individual s consent. December 2014: Number of Aadhaar holders crosses 720 million. August 2015: Three-judge bench of Supreme Court limits use of Aadhaar to certain welfare schemes, orders that no one should be denied benefits for lack of an Aadhaar card. It refers question of right to privacy as a fundamental right to a constitution bench. February 2016: Number of Aadhaar holders crosses 980 million. March 2016: Aadhaar (Targeted Delivery of Financial & Other Subsidies, Benefits & Services) Bill introduced as a money bill in the lower house of parliament. Bill passed by Parliament; receives presidential assent. January-March 2017: Various ministries make Aadhaar mandatory for welfare, pension, and employment schemes. Aadhaar made mandatory for filing of income tax returns. Aadhaar holders crosses 1.14 billion. [Data compiled from Software Freedom Law Centre and State of Aadhaar Report 2016-17] ",worldnews,"August 24, 2017 ",1 +Finnish police release one knife attack suspect,"HELSINKI (Reuters) - Finnish police on Thursday released one of six men detained over last week s stabbing spree that killed two women and wounded eight other people in the city of Turku. The main suspect, who is in custody, has been named as Abderrahman Mechkah, an 18-year-old Moroccan. He told a court he was responsible for the attack but denied his motive was terrorism. At the time of the attack, Mechkah was appealing against a decision on his application for asylum, which apparently was denied. The released man was arrested on Wednesday along with another suspect, who remains in police custody. Friday s stabbings in the city of Turku have been treated as the first suspected Islamist militant attack in Finland, which boasts one of the lowest crime rates in the world. ",worldnews,"August 24, 2017 ",1 +"As Syria war tightens, U.S. and Russia military hotlines humming","AL UDEID AIR BASE, Qatar (Reuters) - Even as tensions between the United States and Russia fester, there is one surprising place where their military-to-military contacts are quietly weathering the storm: Syria. It has been four months since U.S. President Donald Trump ordered cruise missile strikes against a Syrian airfield after an alleged chemical weapons attack. In June, the U.S. military shot down a Syrian fighter aircraft, the first U.S. downing of a manned jet since 1999, and also shot down two Iranian-made drones that threatened U.S.-led coalition forces. All the while, U.S. and Russian military officials have been regularly communicating, U.S. officials told Reuters. Some of the contacts are helping draw a line on the map that separates U.S.- and Russian-backed forces waging parallel campaigns on Syria s shrinking battlefields. There is also a telephone hotline linking the former Cold War foes air operations centers. U.S. officials told Reuters that there now are about 10 to 12 calls a day on the hotline, helping keep U.S. and Russian warplanes apart as they support different fighters on the ground. That is no small task, given the complexities of Syria s civil war. Moscow backs the Syrian government, which also is aided by Iran and Lebanon s Hezbollah as it claws back territory from Syrian rebels and Islamic State fighters. The U.S. military is backing a collection of Kurdish and Arab forces focusing their firepower against Islamic State, part of a strategy to collapse the group s self-declared caliphate in Syria and Iraq. Reuters was given rare access to the U.S. Air Force s hotline station, inside the Qatar-based Combined Air Operations Area, last week, including meeting two Russian linguists, both native speakers, who serve as the U.S. interface for conversations with Russian commanders. While the conversations are not easy, contacts between the two sides have remained resilient, senior U.S. commanders said. The reality is we ve worked through some very hard problems and, in general, we have found a way to maintain the deconfliction line (that separates U.S. and Russian areas of operation) and found a way to continue our mission, Lieutenant General Jeffrey Harrigian, the top U.S. Air Force commander in the Middle East, said in an interview. As both sides scramble to capture what is left of Islamic State s caliphate, the risk of accidental contacts is growing. We have to negotiate, and sometimes the phone calls are tense. Because for us, this is about protecting ourselves, our coalition partners and destroying the enemy, Harrigian said, without commenting on the volume of calls. The risks of miscalculation came into full view in June, when the United States shot down a Syrian Su-22 jet that was preparing to fire on U.S.-backed forces on the ground. U.S. officials, speaking on condition of anonymity, said those were not the only aircraft in the area. As the incident unfolded, two Russian fighter jets looked on from above and a American F-22 stealth aircraft kept watch from an even higher altitude, they told Reuters. After the incident, Moscow publicly warned it would consider any planes flying west of the Euphrates River to be targets. But the U.S. military kept flying in the area, and kept talking with Russia. The Russians have been nothing but professional, cordial and disciplined, Army Lieutenant General Stephen Townsend, the Iraq-based commander of the U.S.-led coalition, told Reuters. In Syria, U.S.-backed forces are now consumed with the battle to capture Islamic State s former capital of Raqqa. More than half the city has been retaken from Islamic State. Officials said talks were underway to extend a demarcation line that has been separating U.S.- and Russian-backed fighters on the ground as fighting pushes toward Islamic State s last major Syrian stronghold, the Deir al-Zor region. The line runs in an irregular arc from a point southwest of Tabqa east to a point on the Euphrates River and then down along the Euphrates River in the direction of Deir al-Zor, they said. U.S. Defense Secretary Jim Mattis, during a visit to Jordan this week, said the line was important as U.S.- and Russian-backed forces come in closer proximity of each other. We do not do that (communication) with the (Syrian) regime. It is with the Russians, is who we re dealing with, Mattis said. We continue those procedures right on down the Euphrates River Valley. Bisected by the Euphrates River, Deir al-Zor and its oil resources are critical to the Syrian state. The province is largely in the hands of Islamic State, but has become a priority for pro-Syrian forces. It also is in the crosshairs of the U.S.-backed Syrian Democratic Forces (SDF). SDF spokesman Talal Silo told Reuters last week that there would be an SDF campaign toward Deir al-Zor in the near future, though the SDF was still deciding whether it would be delayed until Raqqa was fully taken from Islamic State. ",worldnews,"August 24, 2017 ",1 +U.N. calls for pause in air strikes to spare civilians in Syria's Raqqa,"GENEVA (Reuters) - The United Nations called on Thursday for a humanitarian pause to allow an estimated 20,000 trapped civilians to escape from the Syrian city of Raqqa, and urged the U.S.-led coalition to rein in air strikes that have caused casualties. Amnesty International said on Thursday that a U.S.-led coalition campaign to oust Islamic State from Raqqa had killed hundreds of civilians, and those remaining face greater risk as the fight intensifies in its final stages. On Raqqa, our urging today from the UN side to the members of the humanitarian task force ... is that they need to do whatever is possible to make it possible for people to escape Raqqa, Jan Egeland, U.N. humanitarian adviser on Syria, told reporters in Geneva. Boats on the Euphrates must not be attacked, people who come out cannot risk air raids when and where they come out, he said. Now is the time to think of possibilities, pauses or otherwise that might facilitate the escape of civilians, knowing that Islamic State fighters are doing their absolute best to use them as human shields, he said. Humanitarian pauses were agreed between the warring sides last December to allow the evacuation of civilians from then rebel-held eastern Aleppo, Egeland said. But he added that the United Nations has no contact with Islamic State fighters who have controlled Raqqa since 2014. Egeland, referring to U.S-backed Syrian Democratic Forces (SDF), said: There is heavy shelling from the surrounding and encircling SDF forces and there are constant air raids from the coalition. So the civilian casualties are large and there seems to be no real escape for these civilians. Syrian government forces, backed by the Russian air force and Iran-backed militias, have also been advancing against IS south of the River Euphrates that forms Raqqa city s southern edge. Inside Raqqa city, on both sides, conditions are very bleak and it is very hard to assist in all areas, Egeland said. The United Nations is still assessing the outcome of talks held this week in Riyadh between the three Syrian opposition groups - who failed to unite - Ramzy Ezzeldin Ramzy, the U.N. deputy special envoy for Syria, said. Asked whether Syria peace talks would be held in Geneva in September, he said: We are waiting to get a full picture as to what happened in Riyadh, and we will have further consultations with the interested parties. And on that basis a decision will be taken as to when these talks will take place. ",worldnews,"August 24, 2017 ",1 +EU citizens leaving UK pushes down net migration after Brexit vote,"LONDON (Reuters) - Net migration to Britain fell to its lowest level in three years in the 12 months to the end of March, with more than half the drop caused by European Union citizens leaving and fewer arriving since the Brexit vote. The biggest drop in the figures came from eight eastern European countries, including Poland and Hungary, that joined the EU in 2004, leading to a migration to Britain of many eastern Europeans hoping for better-paid jobs. Net migration, which shows the annual difference between those moving to and leaving the country, has been falling since Britain s June 2016 vote to exit the European Union. According to the Office for National Statistics, it stood at 246,000 in the 12 months to the end of March, down 81,000 from the previous year and compared with the 336,000 record number that was published just before the Brexit referendum. Within the 246,000, some 127,000 were from the EU, down 51,000 to its lowest level since the 12 months ending December 2013, as emigration rose and immigration fell compared to the previous 12 months. Business leaders said the drop in net migration was a serious concern for firms worried about wage inflation and an inability to fill skills gaps with British workers. No one should celebrate these numbers, Seamus Nevin, Head of Employment and Skills Policy at the Institute of Directors, said in a statement. Given unemployment is currently at its lowest level ever (4.5 percent), without the 3 million EU citizens living here the UK would have an acute labor shortage. Signs that it is becoming a less attractive place to live and work are a concern. According to an industry survey published on Thursday, nearly half of businesses operating in Britain s food supply chain say EU employees are thinking about leaving because of uncertainty around Brexit. Nearly a third said staff had already left [nL4N1L94S1]. The government has said it is still committed to an election promise to reduce the numbers to the tens of thousands , first made in 2010 and designed to reassure Britons who were worried about the impact immigration had on public services. Many Britons cited immigration as their reason for voting Leave in the referendum. Britain has said it aims to guarantee the rights of EU citizens living in Britain and particularly important to sectors of the economy such as construction and the food and hospitality industries. But Migration Watch UK, an advocacy group which has long called for immigration to be cut, said that while Thursday s figures were a positive sign, they remained too high. This is a step forward but it is largely good fortune, said Chairman Andrew Green. This should not obscure the fact that migration remains at an unacceptable level of a quarter of a million a year with massive implications for the scale and nature of our society. ",worldnews,"August 24, 2017 ",1 +Excessive force won't solve Myanmar's Rohingya crisis: Annan panel,"YANGON (Reuters) - Myanmar should respond to a crisis over its Muslim Rohingya community in a calibrated way without excessive force, a panel led by former U.N. chief Kofi Annan said on Thursday, adding that radicalization was a danger if problems were not addressed. The treatment of approximately 1.1 million Rohingya has emerged as majority Buddhist Myanmar s most contentious human rights issue as it makes a transition from decades of harsh military rule. Annan s commission - appointed last year by leader Aung San Suu Kyi to come up with long-term solutions for the violence-riven, ethnically and religiously divided Rakhine state - said perpetrators of rights abuses should be held accountable. Security deteriorated sharply in the western state on the border with Bangladesh last October when Rohingya militants killed nine policemen in attacks on border posts. In response, the Myanmar military sent troops fanning out into Rohingya villages in an offensive beset by allegations of arson, killings and rape by the security forces which sent 87,000 Rohingya fleeing to Bangladesh. The situation in the state deteriorated again this month when security forces began a new clearance operation with tension shifting to a township, Rathetaung, where Buddhist Rakhine and Rohingya communities live side-by-side. While Myanmar has every right to defend its own territory, a highly militarized response is unlikely to bring peace to the area, the nine-member commission said in its final report. Whatever action is taken, we should make sure that the population do not suffer and (that) they have access to support and necessary humanitarian needs they require, said Annan at a news conference in Yangon. Annan added that he discussed the military operation in Rakhine s Mayu mountains with army chief Min Aung Hlaing, who told him that the risk of a negative impact on the civilian population was small due to the remoteness of the area. Nevertheless, the commission said that a nuanced and comprehensive response was needed to ensure that violence does not escalate and inter-communal tensions are kept under control , it said. The commission warned that if human rights were not respected and the population remain politically and economically marginalized northern Rakhine State may provide fertile ground for radicalization, as local communities may become increasingly vulnerable to recruitment by extremists . The Rohingya are denied citizenship and classified as illegal immigrants from Bangladesh, despite claiming roots in the region that go back centuries, with communities marginalized and occasionally subjected to communal violence. Annan has visited Myanmar three times since his appointment, including two trips to Rakhine. On Thursday, he presented his findings to Suu Kyi and Min Aung Hlaing. The United Nations said in a report in February security forces had instigated a campaign that very likely amounted to crimes against humanity and possibly ethnic cleansing. That led to the establishment of a U.N. fact-finding mission a month later. But Myanmar s domestic investigation team criticized the U.N. report this month and rejected allegations of abuses. Myanmar declined to grant visas to experts appointed by the U.N. and instead the government said it would comply with recommendations by the Annan team. But Annan s panel - which has a broad mandate to look into, among other things, economic development, education and healthcare - said it was not mandated to investigate specific cases of alleged human rights violations . It said that the government should ensure based on independent and impartial investigation that perpetrators of serious human rights violations are held accountable . The commission made a host of other recommendations, ranging from a faster and more transparent citizenship verification process to equal access to healthcare. ",worldnews,"August 24, 2017 ",1 +Britain to study effect of foreign students on economy,"LONDON (Reuters) - Britain commissioned a report on Thursday on the economic impact of foreign students, part of an increasingly heated debate over whether they should be included in the government s target of reducing migration to the tens of thousands. Prime Minister Theresa May has been under pressure to drop international students from Britain s immigration figures, which have remained stubbornly high despite her pledge as interior minister seven years ago to reduce them to under 100,000 a year. High rates of immigration into Britain were a major reason for the vote to leave the European Union last year. But many officials argue that foreign students contribute to the economy. There is no limit to the number of genuine international students who can come to the UK to study, and the fact that we remain the second most popular global destination for those seeking higher education is something to be proud of, interior minister Amber Rudd said in a statement. We understand how important students from around the world are to our higher education sector, which is a key export for our country, and that s why we want to have a robust and independent evidence base of their value and the impact they have. Immigration has long been a sensitive topic in Britain. The expansion of the European Union to take in some eastern European countries saw rates jump, which critics said put pressure on public services such as hospitals. But others argue that immigration helps the economy and a provides a much-needed workforce. By including students in the immigration figures, they say, Britain is failing to acknowledge the contribution they make or that most leave after finishing their studies. International students make up around a quarter of total immigration, according to official figures. Data released on Thursday showed that net migration to Britain in the year to March 2017 fell by 81,000 to 246,000 people. More than half of those who left were EU citizens . In a separate report on What s happening with international student migration? , the Office for National Statistics said: There is no evidence of a major issue of non-EU students overstaying their entitlement to stay. Of the 1.34 million nationals from outside the European Economic Area who held visas that expired in 2016/17, 96.3 percent departed before the visa expired, the ONS said in another report. Another 0.4 percent departed after their visa had expired. Just 3.3 percent were not initially identified as having departed after their leave expired. We have always been clear that our commitment to reducing net migration to sustainable levels does not detract from our determination to attract international students from around the world, Immigration Minister Brandon Lewis said. Since 2010 we have clamped down on abuse, while increasing the number of genuine students that come to the UK from around the world. ",worldnews,"August 24, 2017 ",1 +Turkish nationalist leader says Iraqi Kurdish referendum a potential reason for war,"ANKARA (Reuters) - The head of Turkey s nationalist opposition said on Thursday a planned independence referendum by Kurds in northern Iraq should be viewed by Ankara as a reason for war if necessary . Turkey, which is battling a three-decade Kurdish insurgency in its southeast, is concerned the referendum could further stoke separatist sentiment among the 15 million Kurds in Turkey. On Wednesday, Foreign Minister Mevlut Cavusoglu visited Iraq, where he conveyed to Iraqi Kurdish leader Massoud Barzani Ankara s concerns about the decision to hold the referendum, planned for Sept. 25. Nationalist Movement Party (MHP) leader Devlet Bahceli, who allied with the government in supporting the ruling AK Party s campaign in April s referendum on boosting President Tayyip Erdogan s powers, called on Ankara to oppose the vote. A position must be taken to the end against Barzani s preparation for an independence referendum which incorporates Turkmen cities, Bahceli told a news conference in Ankara. This is a rehearsal for Kurdistan. If necessary Turkey should deem this referendum as a reason for war, he added. Bahceli does not set policy, though his ideas reflect those of a segment of Turkish society fiercely opposed to the idea of an independent Kurdistan and supportive of Iraq s Turkmen ethnic minority, which has historical and cultural ties to Turkey. Kurds have sought an independent state since at least the end of World War One, when colonial powers divided up the Middle East and left Kurdish-populated territory split between modern-day Turkey, Iran, Iraq and Syria. Like Turkey, Iraq, Iran and Syria all oppose the idea of Iraqi Kurdish independence, fearing it may fuel separatism among their own Kurdish populations. The Kurdistan Workers Party (PKK) militant group, deemed a terrorist organization by Ankara, the United States and European Union, has waged a 33-year insurgency in southeast Turkey in which more than 40,000 people have been killed. The United States and other Western nations fear September s vote could ignite a new conflict with Baghdad and possibly neighboring countries, diverting attention from the war against Islamic State militants in Iraq and Syria. ",worldnews,"August 24, 2017 ",1 +Barcelona balances security and freedom after deadly attacks,"MADRID (Reuters) - Spain s northeastern region of Catalonia, hit last week by two Islamist militant attacks which killed 15 people, is to deploy more police, install bollards in Barcelona and step up security around stations and tourist landmarks. The aim is to strike a balance between security and not overloading residents with restrictions. We re looking at introducing (street) obstacles that could be mobile, Joaquin Forn, who is in charge of home affairs in Catalonia, told a news conference on Wednesday. A van plowed into crowds of holidaymakers and local residents on Barcelona s crowded Las Ramblas boulevard last Thursday, killing 13 people. Two others were killed during the driver s getaway and in a separate attack in Cambrils. The Barcelona rampage reignited a row over how cities can better prevent such attacks. Militants have used trucks and cars as weapons to kill nearly 130 people in France, Germany, Britain, Sweden and Spain over the past 13 months. Catalan authorities may also erect some permanent barriers and turn some streets into pedestrian-only thoroughfares, Forn said. The regional capital, which receives around 30 million visitors a year, is home to several landmarks designed by architect Antoni Gaudi, including the towering Sagrada Familia. Forn added that some 10 percent more police would be deployed. Islamic State, which claimed responsibility for the attacks in Catalonia, issued a video via one of its official channels on Wednesday showing two of its fighters making threats in Spanish against Spain, interspersed with images of the aftermath of the Barcelona attack. One fighter pledged to avenge Muslim blood spilled by the Spanish Inquisition, established in 1478, and what he said was the killing Spain was currently engaged in against Islamic State. This was an apparent reference to Iraq, where Spain has several hundred soldiers training local forces in the fight against Islamic State. Investigators are still looking into whether the suspects behind last week s attacks had links to France or Belgium and are examining their movements over recent weeks as they look for connections to possible cells elsewhere in Europe. The car used in the attack in Cambrils, south of Barcelona, was caught on camera speeding in the Paris region days earlier. We are still trying to establish why they were in the Paris area, French Interior Minister Gerard Collomb told reporters at a joint news conference in Paris with his Spanish counterpart on Wednesday. Spanish Interior Minister Juan Ignacio Zoido said France and Spain would continue to reinforce border checks and step up information exchanges, including of passenger information in real time. One of the suspects has said the leader of the militant group was an imam, Abdelbaki Es Satty, who died a day before the Barcelona attack when a house the group was using to build bombs blew up. Court officials in Spain s Valencia region said on Wednesday that Spain had issued an expulsion order against Es Satty after he served a four-year jail term for drug-trafficking but that this was annulled by a court in 2015 after Es Satty appealed. The judge at the time overturned the expulsion order partly because Es Satty had employment roots in Spain which he said shows his efforts to integrate in Spanish society. A dozen Islamist militants suspected of involvement in the plot were either killed or arrested. A judge on Tuesday ordered two suspects jailed, one remained in police custody pending further investigation and a fourth was freed with conditions. ",worldnews,"August 23, 2017 ",1 +"Cambodia accuses U.S. of political interference, calls U.S. democracy 'bloody and brutal'","PHNOM PENH (Reuters) - Cambodia hit back on Thursday at U.S. criticism over its decision to expel a U.S.-funded pro-democracy group, accusing Washington of political interference and describing American democracy as bloody and brutal . Prime Minister Hun Sen, the strongman who has ruled Cambodia for more than three decades, has taken a strident anti-American line in the increasingly tense run up to a 2018 election. The U.S. State Department criticized Cambodia s decision to expel the National Democratic Institute (NDI) on Wednesday and a statement from the U.S. embassy in Phnom Penh questioned whether Cambodia was a democracy. In an open letter on Thursday, the Cambodian government asked whether the United States was coming to Cambodia to help or hinder the Khmer people and blamed it for contributing to the rise of the genocidal Khmer Rouge in the 1970s. Cambodians are well aware of what a democratic process means. You do not need to tell us what it is, the letter said, describing U.S.-style democracy as bloody and brutal . We wish to send a clear message again to the U.S. Embassy that we defend our national sovereignty, it added. Tensions have risen anew in Cambodia, with rights groups and the United Nations expressing alarm and the opposition accusing Hun Sen of persecution ahead of next year s election. After the government s order to expel the NDI and a threat to shut a newspaper founded by an American journalist if it didn t pay back taxes immediately, the U.S. State Department voiced concern at the government curtailing freedom of the press and civil society s ability to operate . Government supporters have threatened to protest at the U.S. Embassy in Phnom Penh, the pro-government Fresh News web site reported on Thursday. The protests are likely to be in large scale against the U.S. Embassy in Phnom Penh like in the 1960s because of the American interference in Cambodia s sovereignty, it said, citing an anonymous government source. The spillover from the U.S. war in neighboring Vietnam in the 1960s and 70s helped bring to power the Khmer Rouge regime, whose rule was marked by the genocide of at least 1.8 million Cambodians through starvation, torture, disease and execution. Hun Sen, the former Khmer Rouge commander who is one of China s closest regional allies, has warned of a possible return to war if his party doesn t win elections. In a statement on its website on Wednesday the NDI called on Cambodia to reconsider its decision to shut it down. The institute said it worked with all major parties and that its work was strictly nonpartisan . NDI President Kenneth Wollack said the NDI has fulfilled all legal obligations for registration. Hun Sen has also targeted local media in what rights groups say is a growing crackdown ahead of the election. Cambodia s ministry of information on Wednesday revoked the license of a local radio station for selling air time to the opposition Cambodia National Rescue Party. The station also rents out space to the U.S. government-financed Voice of America (VOA) English news outlet. ",worldnews,"August 24, 2017 ",1 +Australian government faces uncertain two months after court delays citizenship hearing,"SYDNEY (Reuters) - A citizenship crisis will loom over the Australian government for at least another two months after a court said on Thursday it would not begin hearings into the parliamentary eligibility of seven lawmakers until mid-October. Australia s parliament has been rocked by the revelation that the seven lawmakers, including the deputy prime minister and two other ministers in the coalition government, are dual citizens, meaning they are potentially ineligible to hold elected office. Prime Minister Malcolm Turnbull s center-right government holds just a one-seat majority in parliament and its popularity is sitting at six-month lows in opinion polls, meaning its future could rest on the outcome of the citizenship crisis. Turnbull s government had asked for an expedited ruling on the eligibility of the lawmakers, but Australia s High Court said on Thursday it would not begin the three-day hearing until Oct. 11. The delay means the crisis threatens to further erode support for Turnbull. The next national election is not due until 2019 but political analysts say prolonged poor poll results could encourage a leadership challenge. Turnbull needs to urgently remove the doubt around the credibility of his government, which has already caused him great harm, said Haydon Manning, a political science professor at Flinders University in South Australia. The High Court ruling also threatens to create a parliamentary impasse for Turnbull if his deputy, Barnaby Joyce, is disqualified. Joyce, the leader of the rural-based Nationals, the junior partner in the ruling coalition, has said he was a joint New Zealand citizen when he was elected last year. If Joyce is disqualified by the court over the citizenship rules, Turnbull would have to rely on the support of the often fractious independents in parliament to have any hope of passing legislation. The possible deadlock also threatens consumer sentiment, analysts said, a bad sign for Australia s somewhat sluggish economy. Turnbull brushed away any suggestions that the court could deliver a ruling that would doom his government. We are very, very confident that our members who have been caught up in this will be held by the court to be eligible to sit in the parliament and therefore eligible to be ministers, Turnbull told reporters in the rural town of Albury, 555 km (345 miles) south of Sydney. A 116-year-old law demands an elected lawmaker only have Australian citizenship, but some have discovered they hold dual citizenship by descent of a father being born in another country, such as neighboring New Zealand, or Britain or Italy. ",worldnews,"August 24, 2017 ",1 +Vietnam calls for Southeast Asian unity amid South China Sea tension,"HANOI (Reuters) - Vietnam s most powerful leader has called for greater unity among Southeast Asian states at a time the country has appeared increasingly isolated in challenging China s territorial claims in the South China Sea. Making the first visit by a Vietnamese communist party chief to Indonesia, Nguyen Phu Trong said in a speech televised at home on Wednesday that the Association of South East Asian Nations (ASEAN) needed to be unified in resolving territorial disputes. Do not let ASEAN become a playing card for the competition among major countries, Trong said, without identifying which he meant. Vietnam has emerged as the most vocal opponent of China s claims in the South China Sea, where more than $3 trillion in cargo pass every year. To China s annoyance, Vietnam held out an ASEAN meeting this month for language in a communique that noted concern about island-building and criticized militarization in the South China Sea. Chinese pressure forced Vietnam to stop drilling for oil last month in a Vietnamese oil block that China claims. Beijing has also been angered by Vietnam s growing defense links to the United States, Japan and India. Some Southeast Asian countries are wary about the possible repercussions of defying Beijing by taking a stronger stand on the South China Sea. China claims most of the South China Sea, while Taiwan, Malaysia, Vietnam, the Philippines and Brunei claim parts of the sea, which commands strategic sealanes and has rich fishing grounds along with oil and gas deposits. After Indonesia, Trong is due to visit Myanmar. ",worldnews,"August 24, 2017 ",1 +Canada frets over possible huge surge in asylum-seekers: sources,"OTTAWA (Reuters) - Canada fears a huge surge in asylum seekers crossing the border from the United States, putting political pressure on Prime Minister Justin Trudeau ahead of a 2019 election, sources familiar with the matter said on Wednesday. The number of migrants illegally entering Canada more than tripled in July and August, hitting nearly 7,000. Haitians, who face looming deportation from the United States when their temporary protected status expires in January 2018, accounted for much of the inflow. Two sources familiar with Canadian government thinking said citizens from El Salvador, Nicaragua and Honduras, who are slated to lose their U.S. protected status in early 2018, may also head north. There is concern we ll see a huge increase, mostly from Central America, said one source. The question is, which group is next, and how are we going to deal with it, and what is the impact on Canadians? added the source, who requested anonymity given the sensitivity of the situation. Most new arrivals are going to the predominantly French-speaking province of Quebec, sparking protests from opposition politicians and anti-immigrant groups. Trudeau s Liberals need to gain support in Quebec to offset expected losses elsewhere ahead of an October 2019 election. Asked whether the Liberals were worried about losing popularity in Quebec, the source said: Absolutely. That s a concern. But if Trudeau clamps down too far, he risks tarnishing a long-cultivated reputation for openness and tolerance. He pointedly tweeted Canada s welcome of refugees after U.S. President Donald Trump unveiled a travel ban in January. The government is in a real quandary over this, said a third source familiar with official thinking. Ottawa has hardened its tone in recent days, warning people not to cross the border since they could well be deported. Trudeau said Canada was enforcing immigration rules. We are an open and welcoming country because citizens have confidence in our immigration and refugee system and we have been able to continue to defend and protect the integrity of that system, he told reporters in Montreal on Wednesday. He also said Ottawa might accelerate the process of issuing work permits for asylum seekers rather than make them wait for refugee claims to be processed, which now takes several months. Leger Marketing pollster Christian Bourque said there were no immediate signs that support in Quebec for Trudeau was weakening. I think that changes if people do not perceive the government is taking a strong stand, he said. A Reuters poll in March found nearly half of Canadians want to deport people who are illegally crossing from the United States. A Haitian-Canadian Liberal legislator is due to visit Miami on Thursday, home to a large expatriate community, in a bid to persuade people to stay put. Officials complain false stories are circulating about how easy it is to be granted permission to stay in Canada. Some of the Haitians are in temporary housing, including Montreal s Olympic Stadium and at least two tent camps near the border. Critics accuse Trudeau of encouraging would-be refugees to come to Canada without thinking through the consequences. ",worldnews,"August 23, 2017 ",1 +Poland asks EU to drop legal case against Warsaw over migrant quotas,"WARSAW (Reuters) - Poland has asked the European Commission to withdraw its legal proceedings against Warsaw over its migrant relocation quotas and said it was ready to fight its case in court, the foreign ministry said on Wednesday. In July the Commission sent so-called reasoned opinions to Poland, Czech Republic and Hungary urging them to apply EU migration rules. Poland has sent a motion to the European Commission requesting it to discontinue its ongoing infringement procedure. Should it be continued, Poland is prepared to argue its case before the Court of Justice of the European Union , the ministry said in a statement. Poland s ruling Law and Justice party (PiS) has repeatedly criticized the EU s relocation scheme for each member state to host a given number of migrants to help ease pressure on Greece and Italy, struggling with mass arrivals of migrants across the Mediterranean. Earlier on Wednesday, Interior Minister Mariusz Blaszczak said in a statement that the EU s relocation policy was dangerous. Paris, Stockholm, Brussels, Berlin, Manchester, Barcelona, Blaszczak said, referring to recent attacks by Islamist militants which have killed scores of people. How many more European cities have to be hit by terrorists so the European Union wakes up? So the European Commission acknowledges that accepting blindly all those who come to the European shores is akin to putting a noose around Europe s neck? ",worldnews,"August 23, 2017 ",1 +Brazil's Lula says party may field someone else in 2018,"PENEDO, Brazil (Reuters) - Former Brazilian president Luiz Inacio Lula da Silva told Reuters on Wednesday that his recent conviction for corruption might mean that his Workers Party will have to field a candidate other than him in next year s election. In an interview during a marathon bus tour through Brazil s impoverished northeastern states, Lula said the Brazilian government should spend its way out of its worst recession on record and even use some of its international reserves instead of cutting government programs that hurt the poor. Lula s 2003-11 government lifted millions from poverty and polls show he is still one of Brazil s most popular politicians. However, his political future hangs in the balance after he was convicted last month of receiving bribes from a construction firm in return for help winning government contracts. If that conviction is upheld on appeal, Lula will likely be barred from running and could be imprisoned. I know my enemies want to block any possibility of me being a candidate and I am fighting that, Lula, 71, told Reuters in a hotel room where he complained that his arms hurt from physically embracing thousands of supporters who have turned out at every stop of his tour. But nobody is irreplaceable, he added. If there is any problem, the Workers Party has to be able to launch another candidate. A possible stand-in is the former mayor of Sao Paulo, Fernando Haddad, who gained national prominence as education minister under Lula and extended university access to poorer Brazilians. Brazil s real currency extended gains on the news that Lula was contemplating his own replacement, firming more than 1.2 percent to its strongest in more than two weeks. Traders said the prospect of a 2018 race without Lula reinforced bets on Brazil sticking to fiscal austerity and pursuing structural reforms. Lula s gravelly voice has lost strength after he beat throat cancer five years ago, but his fiery speeches have lost none of their power to rally audiences with populist criticism of Brazil s elites. Corruption accusations and the impeachment of Lula s hand-picked successor Dilma Rousseff, who was ousted due to budget irregularities in 2016, caused many members to quit the party last year and led to major setbacks in local elections. Lula said members who left have not joined other parties and, with corruption scandals entangling most of Brazil s political class, they are still undecided, so the Workers Party is hoping to win them back. His three-week, 4,000-kilometer (2,500-mile) tour of a region that greatly benefited from his social programs aims to reconnect his party with its working class base and rebuild what is still Latin America s largest left-wing party. Polls show Lula would handily win the first round of a presidential election but he is in a statistical tie with his former Environment Minister Marina Silva, no relation despite the last name, largely because Lula has a 46-percent rejection rate, the highest among likely contenders. Lula sharply criticized President Michel Temer for privatizing state assets to try to plug a record budget deficit that cost Brazil its investment-grade credit rating two years ago. Temer s ministers blame the fiscal crisis on excessive public spending by Lula and Rousseff. Lula said Temer s spending cuts were the wrong way to pull Brazil from its worst recession on record. He would expand public investment, even if it meant increasing government debt at first, to restart the economy and recover tax revenues. Honestly, I would use some of the international reserves, and money from bank reserves, to make Brazil grow again, he said. Lula said Temer s market-friendly government did not have the courage to raise taxes and make wealthy Brazilians contribute more to government finances. Instead, the government is selling state companies, such as power utility Eletrobras. When there is nothing left to sell, they will sell their souls to the devil, he quipped. ",worldnews,"August 23, 2017 ",1 +"South Koreans practice in case of North Korea attack, but with little urgency","SEOUL (Reuters) - Traffic was halted, movie screenings interrupted and hundreds of thousands of people across South Korea were directed to underground shelters on Wednesday as part of a civil defense drill to practice in case of an attack by North Korea. But South Koreans are familiar with such preparations, having seen many over the decades since the height of Cold War tension with a neighbor it is still technically at war with, and many people have become inured to the danger. This time, the government tried to inject some urgency and get more people taking part amid a surge of tension over North Korea s weapons programs, and an exchange of dire warnings of nuclear war by both it and its sworn enemy, the United States. We need to practice because we re still at war with North Korea and people are insensitive to threats, said Hwang Jae-min, a 30-year-old prison guard who happened to be watching a movie at a Seoul cinema complex when a siren heralded the beginning of the drill. Hwang was one of about 50 moviegoers led underground to take shelter from an imaginary North Korean air raid. The siren sounded around the country and government officials and police flagged down traffic and tried to shepherd pedestrians to the nearest shelters. But skeptics doubted such an orchestrated exercise would be much use if and when it came to a real war. I do strongly believe we need this drill but it doesn t seem to be working properly, said Choi In-sook, a 45-year-old housewife strolling down a city street when the siren went off. She did not run for cover. It needs to be performed like it s a real war, she said. The drill was part of an annual joint military exercise conducted by South Korean and U.S. forces that began on Monday and will run until Aug. 31, and which North Korea denounced as a reckless step toward nuclear war. North Korea routinely denounces military exercises by U.S. and South Korean forces that it regards as thinly disguised preparations to invade it. South Korea s state run television broadcast scenes from the 20-minute drill live for the first time in two years in the hope of drumming up some enthusiasm. Jung Han-yol, director of the Ministry of Public Affairs and Safety s civil defense division, conceded that the fact that participation was voluntary meant the drill might lack some credibility. Cho Won-cheol, emeritus professor of civil and environmental engineering of Yonsei University in Seoul, said there was always a problem with getting people involved in government preparations for a war few people believe will happen. The reason why the drill is not working well is the country s civil defense drill has always been practiced mostly by the government or civil officials, not by the civilians, Cho said. South Korea and is main ally the United States are technically still at war with the North because their 1950-53 conflict ended in a truce, not a peace treaty. ",worldnews,"August 23, 2017 ",1 +Venezuela ex-prosecutor says she has evidence of Maduro corruption,"BRASILIA/CARACAS (Reuters) - Dismissed Venezuelan prosecutor Luisa Ortega said on Wednesday she had evidence that President Nicolas Maduro was involved in corruption with construction company Odebrecht. Ortega, 59, was a key player in Venezuela s government but broke with it in March. She fled last week to Colombia by boat and on Wednesday morning landed in Brazil. Ortega said she had been persecuted in an effort to hide details of high-level corruption, saying she had proof, though she offered none. Ortega linked the Odebrecht scandal with Maduro and Socialist Party heavyweights including Diosdado Cabello and Jorge Rodriguez. Ortega said she had evidence that Cabello received some $100 million from the Brazilian company. The international community must investigate such cases, she told a news conference. Venezuelan authorities did not respond to a request for comment. Odebrecht admitted in a settlement with U.S. and Brazilian prosecutors to paying bribes across 12 countries to win contracts. According to a U.S. court ruling, between 2001 and 2016, Odebrecht paid about $788 million in bribes in countries including Brazil, Argentina, Colombia, Mexico and Venezuela. Ortega was removed from her position early this month by Venezuela s newly formed constituent assembly, a controversial pro-government body whose installation was called dictatorial by governments worldwide. Maduro said on Tuesday he would seek Ortega s arrest, accusing her of having worked for some time with the United States. Maduro blames Washington for many of Venezuela s problems, including triple-digit inflation, shortages of basic goods and months of anti-government unrest. In Caracas, state-controlled television broadcast images on Wednesday of a police operation in what it said was Ortega s apartment. The cameras showed marble floors, large paintings of Ortega herself and one by Andy Warhol, a cellar containing an array of expensive wines and a wardrobe filled with designer labels. Ortega said she would give details of the corruption cases to authorities in the United States, Spain, Mexico, Brazil and Colombia. Since settling in the United States, Brazil and Switzerland for a record $3.5 billion, Odebrecht has sought to negotiate leniency deals that would allow it to keep operating in other countries across Latin America. ",worldnews,"August 23, 2017 ",1 +Netanyahu to Putin: Israel may act to curb Iran's clout in Syria,"SOCHI, Russia (Reuters) - Israeli Prime Minister Benjamin Netanyahu told Russian President Vladimir Putin on Wednesday that Israel was prepared to act unilaterally to prevent an expanded Iranian military presence in Syria. Russia intervened in the civil war on behalf of Syrian President Bashar al-Assad in 2015, joining a de facto alliance with Iranian forces, Lebanese Hezbollah and other Shi ite Muslim militias helping Damascus beat back Islamic State and other Sunni Muslim insurgent groups. Israel fears an eventual Assad victory could leave Iran with a permanent garrison in Syria, extending a threat posed from neighboring Lebanon by the Iranian-backed Hezbollah. Meeting Putin in the Black Sea resort of Sochi, Netanyahu said Iran was fighting to cement an arc of influence from the Gulf to the Mediterranean. Iran is already well on its way to controlling Iraq, Yemen and to a large extent is already in practice in control of Lebanon, Netanyahu told Putin. We cannot forget for a single minute that Iran threatens every day to annihilate Israel, Netanyahu said. Israel opposes Iran s continued entrenchment in Syria. We will be sure to defend ourselves with all means against this and any threat. Putin, in the part of the meeting to which reporters had access, did not address Netanyahu s remarks about Iran s role in Syria nor his threat to take unilateral military action. But at the United Nations, Russian U.N. Ambassador Vassily Nebenzia told reporters the de-escalation zones established in Syria, of which Iran is guarantor alongside Turkey and Russia, are real progress on the way to end that tragic war . We know the position of Israel towards Iran but we think that Iran in Syria is playing a very constructive role, said Nebenzia. Netanyahu advisers have privately said their focus is on keeping Iranian forces away from the Israeli-controlled Golan Heights, the Syrian side of which falls under a partial truce brokered by Russia and the United States in recent weeks. In parallel to lobbying Moscow, Israel has been trying to persuade Washington that Iran and its guerrilla partners, not Islamic State, pose the greater common threat in the region. Bringing Shi ites into the Sunni sphere will surely have many serious implications both in regard to refugees and to new terrorist acts, Netanyahu told Israeli reporters after the three-hour meeting - his sixth with Putin since September 2015. We want to prevent a war and that s why it s better to raise the alarm early in order to stop deterioration. After the meeting, Netanyahu was due to fly back to Israel for talks with U.S. peace envoys Jared Kushner, Jason Greenblatt and Dina Powell, who are on a Middle East tour. Russia has so far shown forbearance toward Israel, setting up a military hotline to prevent their warplanes or anti-aircraft units clashing accidentally over Syria. Israel s air force said last week it had struck suspected Hezbollah arms shipments around 100 times in Syria during the civil war, rarely drawing retaliation and apparently without Russian interference. Russian diplomats have argued that Moscow s stake in Syria deters Iran or Hezbollah from opening a new front with Israel. We take the Israeli interests in Syria into account, Alexander Petrovich Shein, Russia s ambassador to Israel, told its Channel One television on Tuesday. Were it up to Russia, the foreign forces would not stay. Zeev Elkin, an Israeli cabinet minister who joined Netanyahu in Sochi, said in a radio interview after the talks with Putin that he had no doubt that it (the meeting) will lead to practical steps . Elkin did not elaborate. ",worldnews,"August 23, 2017 ",1 +Former Libyan prime minister freed after abduction in Tripoli,"TRIPOLI (Reuters) - Former Libyan Prime Minister Ali Zeidan has been released after being abducted during a visit to the capital, Tripoli, and held for nine days by an armed group, a relative said on Wednesday. Zeidan was prime minister from 2012-2014, a period when Libya slid deeper into the political turmoil and armed conflict that has plagued the country since Muammar Gaddafi was overthrown six years ago. He has since been living in Germany with his family. It is not clear why Zeidan traveled to Libya or why he was abducted. He was being held by a group aligned with the U.N.-backed government in Tripoli, though he faced no judicial charges, a source said. The U.N.-backed government has not commented on the case. Tripoli is controlled by a number of the armed groups that have held power in the capital since 2011. Some have been given semi-official status by successive governments, but the groups remain unaccountable and involved in criminal activity. A lawyer for Zeidan, Moussa Al-Doghali, told France 24 Arabic TV channel that his client was released without explanation and that he did not know the circumstances of his arrest and detention. Zeidan was in good health and was staying in a Tripoli hotel following his release, Doghali said. In October 2013, Zeidan was briefly abducted from a Tripoli hotel room by an armed group allied to the parliament that sacked him just over a year later. ",worldnews,"August 23, 2017 ",1 +Britain outlines plans to break free of European Court after Brexit,"LONDON (Reuters) - Britain on Wednesday outlined several escape routes from the direct jurisdiction of the European Court of Justice after Brexit, one of Prime Minister Theresa May s key aims in talks to unstitch 40 years of EU membership. In a government paper on the highly-sensitive topic, Britain set out its determination to negotiate a tailor-made agreement to enforce its own laws and resolve disputes once it has left the bloc in March 2019. The paper drew attention to several EU agreements which do not require the Luxembourg-based court s direct jurisdiction over other countries - a clear attempt to encourage more flexibility among EU officials who are protective of the court. May said breaking free of the ECJ s jurisdiction meant that Britain would be able to make its own laws and British judges and courts would enforce them. We will take back control of our laws, she told reporters in southern England, in a denial of suggestions by opposition lawmakers that she had watered down her demands by qualifying her words to say direct jurisdiction and opening the way to indirect influence . Her words placated many pro-Brexit lawmakers in her Conservative Party who say the ECJ has slowly sucked power from Britain s courts and parliament. Leave Means Leave, a pro-Brexit campaigning group, said it welcomed the government s overall commitment but wanted to make sure the ECJ no longer plays a part in the British legal system . But May s stance could further harden the EU s stance on the court. Many European officials see the ECJ as the ultimate arbiter of EU law and have said it should continue to guarantee the rights of EU citizens living in Britain after Brexit and oversee the Brexit agreement. In the paper, Britain says its court would guarantee the rights of EU citizens or businesses in the country: Those rights and obligations will be enforced by the UK courts and ultimately by the UK Supreme Court. The EU said it was sticking to its stance and hoped to make progress on three areas as a priority - the rights of expatriates, Britain s border with EU state Ireland and a financial settlement. That distance in viewpoints could delay an agreement with the EU on the divorce, a partner from international law firm Bird & Bird said. The government s arguments about the role of the ECJ will contribute to prolonged uncertainty for businesses in relation to Brexit, said Richard Eccles. The ECJ issue has all but halted debate on guaranteeing the rights of expatriates, according to a joint status document, published last month that compared the EU and British positions. But the question of how to resolve disputes after Brexit could cause even more difficulties. In its paper, the government suggested it was not asking for the impossible, zeroing in on examples of where the ECJ does not have direct jurisdiction in resolving disputes. It said though such cases were illustrative to help discussions with the EU. Earlier, Dominic Raab, a pro-Leave campaigner who is now minister for courts and justice, said Britain would most likely suggest Britain and the EU should appoint arbitrators and agree a third party to deal with contentious issues post-Brexit. That s one possible alternative, but I think it s the most likely, he told BBC Radio Four, adding that Britain would have to keep half an eye on the case law of the ECJ in the future. He, like May, denied that use of the word direct before jurisdiction meant the government had now accepted that the court would continue to have influence over British law. But opposition lawmakers said the paper was tantamount to admitting defeat by a government which lost its authority at an ill-judged election two months ago by watering down one of its red lines . Not much is left of (Brexit minister) David Davis s so-called red line of taking back control from European judges, Andrew Adonis, a leading pro-EU campaigner, said. This is a climbdown camouflaged in jingoistic rhetoric. Even if we leave the Single Market, European judges will still have considerable power over decisions made in the UK. ",worldnews,"August 22, 2017 ",1 +"Trump must be respected as U.S. president, says Germany's Merkel","BERLIN (Reuters) - Chancellor Angela Merkel said on Wednesday Donald Trump must be shown appropriate respect for holding the office of the U.S. president, even if she may differ with him on policy issues. Merkel, campaigning for a fourth term in office after a Sept. 24 national election, has refused to bend to pressure from her Social Democrat (SPD) rivals to resist demands by Trump for NATO members to increase their defense spending. As a committed Atlanticist, she has stressed the strength of German relations with the United States even when flagging differences in opinion on policy. If you take the president of the United States, whatever differences of opinion there may be, I know he prevailed in a tough election. It wasn t reserved for him on a silver platter, she told business daily Handelsblatt in an interview. In the end, he won the election under American electoral law and that means he is democratically elected and that this person should be shown the appropriate respect, regardless of how I assess his views, she added. Her SPD challenger, Martin Schulz, has been far more critical of Trump, referring to the U.S. president as this irresponsible man in the White House . Merkel, who enjoyed holidaying in the United States before becoming chancellor in 2005, said she missed the opportunity to vacation there now. I can t go on holiday in San Diego now as chancellor because the time difference is too much, and that is something I miss a bit, but the work itself is so marvelous that I can afford to miss it. ",worldnews,"August 23, 2017 ",1 +Pakistan rejects role of 'scapegoat for U.S. failures' in Afghanistan,"KARACHI, Pakistan (Reuters) - Pakistan has rejected U.S. criticism of its efforts to fight terrorism, saying it should not be made a scapegoat for the failure of the U.S. military to win the war in Afghanistan. U.S. President Donald Trump unveiled his policy for Afghanistan on Monday, stepping up the military campaign against Taliban insurgents and singling out Pakistan for harboring them. U.S. officials later warned that aid to Pakistan might be cut and Washington might downgrade nuclear-armed Pakistan s status as a major non-NATO ally, in order to pressure it to do more to help bring about an end to America s longest-running war. Pakistan s powerful military chief, General Qamar Javed Bajwa, met U.S. Ambassador David Hale on Wednesday and told him Pakistan was actively working for peace in Afghanistan. We have done a lot ... and shall keep on doing our best, not to appease anyone but in line with our national interest and national policy, Bajwa was quoted in an army press statement as telling Hale. Pakistani Foreign Minister Khawaja Asif added his voice to a chorus of indignation over the U.S. criticism, reiterating Pakistan s denial that it harbors militants. They should not make Pakistan a scapegoat for their failures in Afghanistan, Asif said in an interview with Geo TV late on Tuesday. A group of influential Pakistani clerics including Sami-ul Haq, who runs a Islamic seminary where many senior Afghan Taliban studied, angrily condemned the United States. America is the enemy of the Muslim ummah (community), Haq told a press briefing along with other clerics who preach a jihadist doctrine. The government of Pakistan should quit the alliance for war against so-called terrorism, Haq added. The heavens will not fall if America gets angry with us. Pakistan has for years been battling homegrown Islamist militants who are seeking to overthrow the state with bomb attacks and assassinations. But critics say the Pakistani military nurtures other Islamist factions, including the Afghan Taliban, which are seen as useful to Pakistan s core confrontation with old rival India. Asif said Pakistan had suffered great losses from Islamist militancy - the government estimates there have been 70,000 casualties in militant attacks, including 17,000 Pakistanis killed - since Pakistan joined the U.S. war on terrorism after the Sept. 11, 2001, attacks on the United States. The relationship between the two countries has endured periods of extreme strain during the past decade, especially after al Qaeda leader Osama bin Laden was found and killed by U.S. special forces in Pakistan in a 2011 raid. Last year, a U.S. drone strike killed then-Afghan Taliban leader Mullah Akhtar Mansour in southwestern Pakistan, an attack Islamabad protested as a violation of its sovereignty. Pakistan has denied knowledge that either bin Laden or Mansour were in the country. ",worldnews,"August 23, 2017 ",1 +Romanian president opposes plans for judicial overhaul,"BUCHAREST (Reuters) - Romania s justice minister proposed a significant overhaul of the judicial system on Wednesday which the president called an attack on the rule of law that would set the country back a decade. Romania is seen as one of the EU s most corrupt states and Brussels keeps its justice system under special monitoring. Attempts by the ruling coalition of Social Democrats and junior partner ALDE to weaken a crackdown on high-level corruption triggered the country s largest street protests in decades at the start of the year. Justice Minister Tudorel Toader proposed a slew of changes on Wednesday ranging from the way chief prosecutors are appointed to setting up a special prosecuting unit for crimes committed by magistrates. The proposals ... constitute an attack against the rule of law, the independence and proper functioning of the judiciary as well as the anti-corruption fight, centrist President Klaus Iohannis said in a statement. If this mix of measures is adopted by the government and approved by parliament, Romania s efforts for more than 10 years will be wiped out and the justice system will go back to a time when it was subordinated to politics. Under Romanian law, the president appoints chief prosecutors who have been proposed by the justice minister and received non-binding approval from the Superior Magistrates Council (CSM), the top watchdog that safeguards judicial independence. Toader also proposed that the justice minister, who is politically appointed, take control of the judicial inspection unit from the CSM. Analysts and magistrates have said this would lead to political interference in the justice system. The Prosecutor General s office said these proposals were an alarm signal, adding that prosecutors had not been consulted. Toader declined to answer questions but told reporters the proposals were within normal and necessary parameters for the rule of law. The proposals will be send to the CSM for an opinion before being submitted to the government and ultimately parliament for approval. ",worldnews,"August 23, 2017 ",1 +"Iran, Saudi Arabia to exchange diplomatic visits: Iranian foreign minister","BEIRUT (Reuters) - Iran and Saudi Arabia will exchange diplomatic visits soon, Tehran said on Wednesday, indicating a possible thaw in relations between the regional rivals since they severed diplomatic ties last year. Iranian Foreign Minister Mohammad Javad Zarif told the Iranian Students News Agency (ISNA) that the visits could take place after the haj pilgrimage ends in the first week of September. The visas have been issued for both sides to make this trip, Zarif said, according to ISNA. We are waiting for the final steps to be completed so diplomats from the two countries can inspect their embassies and consulates. Relations between Iran and Saudi Arabia are at their worst in years, with each accusing the other of subverting regional security and supporting opposite sides in conflicts in Syria, Iraq and Yemen. Iranian protesters stormed the Saudi embassy in Tehran in Jan. 2016 after a prominent Saudi Shi ite cleric was executed, prompting Riyadh to close the embassy. Saudi Arabia and several other Arab governments have severed ties with Qatar, citing its support of Iran as one of the main reasons. Iran has blamed Saudi Arabia for being behind deadly twin attacks on June 7 in Tehran claimed by Islamic State. At least 18 people were killed and more than 40 wounded in the attacks, in which Riyadh has denied any involvement. Thousands of Iranian pilgrims are currently undertaking the haj pilgrimage in Saudi Arabia. ",worldnews,"August 23, 2017 ",1 +Danish police identify torso as missing submarine journalist,"COPENHAGEN (Reuters) - Police on Wednesday identified a headless female torso washed ashore in Copenhagen as that of Swedish reporter Kim Wall, who they believe was killed by a Danish inventor on board his home-made submarine. Wall, who was researching a story on inventor Peter Madsen, went missing after he took her out to sea in his 17-metre (56-foot) submarine on Aug. 10. He denies killing her, saying she died in an accident. Announcing the results of tests on the torso, discovered by a passing cyclist on Monday, police spokesman Jens Moller said it had suffered damage suggesting an attempt to make sure air and gas inside should leave the body so that it would not rise from the seabed . He added: There was also some metal attached to the body, allegedly also to make sure the body would sink to the bottom. The arms, legs and head had been sawn from the body. Analysis showed a match with Wall s DNA, which the police had gathered from a toothbrush and a hairbrush, and with blood found in the submarine, Moller said. Police still do not know the cause of death, and divers are searching for more body parts. Madsen, 46, is charged with manslaughter, which carries a sentence of between five years and life in prison. His lawyer Betina Hald Engmark told Reuters he was maintaining his innocence and sticking to his account that Wall s death was accidental. The macabre case has riveted Swedish and Danish media, and made headlines around the world. It is with boundless sadness and dismay we received the message that the remains of our daughter and sister Kim Wall have been found, Wall s mother Ingrid Wall said on Facebook. During the horrendous days that have passed since Kim disappeared, we have received countless evidence of how loved and appreciated she was, both as a person and friend and as a professional journalist. From all corners of the world comes proof of Kim as a person who made a difference. Madsen has told a court that following the alleged accident, he buried Wall at sea - changing his initial statement to police that he dropped her off alive in Copenhagen. A day after taking Wall out on his UC3 Nautilus submarine, the inventor was rescued after the vessel sank. Police found nobody else on board. The submarine is one of three constructed by Madsen and one of the largest privately built ones in the world. It can carry eight people and weighs 40 tonnes when fully equipped. Madsen was already well known in Denmark as an entrepreneur and aerospace engineer, as well as for his submarines. He founded the association Copenhagen Suborbitals, with the goal of sending a person into space in a home-built rocket, and wrote a blog under the nickname Rocket Madsen . He is not violent, he does not drink, does not do drugs, Thomas Djursing, who wrote a book about him, told Danish tabloid B.T. earlier this month. On the other hand, he quarrels with everyone and I have argued with him too. But that is how it often is with people who are deeply driven by a passion. Wall, 30, was a freelance journalist whose work had appeared in Harper s Magazine, The Guardian, The New York Times, Foreign Policy, the South China Morning Post, The Atlantic and TIME. Originally from Sweden, she held degrees from New York s Columbia University and the London School of Economics and was based between New York and Beijing. She had written about topics ranging from gender and social justice to pop culture and foreign policy, according to her LinkedIn profile. She had also received training in hostile environments and emergency first-aid, she said on the profile. Her mother said she had uncovered stories all over the world. She gave a voice to the weak, the vulnerable and marginalized people. That voice would have been needed for a long, long time. Now it won t be so. ",worldnews,"August 23, 2017 ",1 +"Typhoon batters Hong Kong and south China, three dead in Macau","HONG KONG (Reuters) - Typhoon Hato, a maximum category 10 storm, slammed into Hong Kong on Wednesday lashing the Asian financial hub with wind and rain that uprooted trees and forced most businesses to close, while in some places big waves flooded seaside streets. There were reports of 34 people injured in Hong Kong while in the city of Macau, across the Pearl River estuary, three people were killed, authorities there said. In Hong Kong, more than 450 flights were canceled, financial markets suspended and schools closed as Hato bore down, the first category 10 storm to hit the city since 2012. I ve never seen one like this, Garrett Quigley, a longtime resident of Lantau island to the west of the city, said of the storm. Cars are half submerged and roads are impassable with flooding and huge trees down. It s crazy. Many skyscrapers in the usually teeming streets of Hong Kong were empty and dark as office workers stayed at home. Hato, that means sky pigeon in Japanese, churned up Hong Kong s Victoria Harbor and triggered large swells and big waves on some of the city s most popular beaches, with serious flooding in low-lying areas. In residential districts such as Heng Fa Chuen on densely populated Hong Kong island, waves smashed against the sides of oceanfront buildings and surged over a promenade, sweeping away walls and benches and swamping vehicles parked nearby. Construction cranes swayed at the tops of skyscrapers, windows imploded and nearly 200 trees were uprooted, while some people used canoes to venture out into flooded streets. Authorities downgraded the storm to a category three by late-afternoon with government services, the courts, financial markets and companies set to resume normal business on Thursday. The storm also caused a power blackout across most of the gambling hub of Macau for about two hours, residents said, with disruption to mobile phone and internet networks. There was severe flooding on the streets, with some cars almost completely submerged, and the water supply was affected in some districts. The three men who died included a 45-year-old Chinese tourist who was hit by a heavy truck, according to a government statement. The former Portuguese colony s casinos, however, had backup power, two casino executives told Reuters. The storm also made landfall in China s Guangdong province, in Zhuhai city adjacent to Macau, Chinese state news agency Xinhua reported. Numerous flights and trains were canceled in Guangdong province, with Shenzhen s International Airport particularly badly hit. Thousands of residents along the Chinese coast were evacuated and fishing vessels were called back to port. Maximum winds near Hato s center were recorded at a destructive 155 kph (95 mph) as it continued to move west across Guangdong in the general direction of Hainan island. A senior scientific officer for the Hong Kong observatory warned that sea levels could rise several meters in some places, with the government issuing flood alerts and opening 27 shelters across the city. Trading in Hong Kong s financial markets was halted for the day, the stock exchange said. Typhoon Nida in August last year was the last storm to close the exchange for the whole day. The city s flagship carrier, Cathay Pacific, and Hong Kong Airlines said the majority of their flights to and from Hong Kong between 2200 GMT Tuesday and 0900 GMT Wednesday would be canceled. Other transport services, including ferries to Macau and outlying islands in Hong Kong, were suspended. ",worldnews,"August 22, 2017 ",1 +Poland to allocate additional $55 bllion on defense by 2032: deputy minister,"WARSAW (Reuters) - Poland will allocate an additional 200 billion zlotys ($55 billion) on defense over the next 15 years to modernize its army amid signs of growing aggression from Russia, a deputy defense minister said. Russia s Zapad military exercises next month in Belarus and western Russia, the largest in years, have raised concerns for their lack of transparency, with NATO worried the official number of troops participating might be understated. NATO Secretary-General Jens Stoltenberg will visit Poland on Thursday and Friday to check on deployment of U.S. troops in the east of the country and to meet Polish, Romanian and Turkish government officials. Poland, alarmed by what it sees as Russia s assertiveness on NATO s eastern flank, has lobbied hard for the stationing of NATO troops on its soil, especially since Moscow s annexation of Crimea in 2014. The government has approved a legislative amendment ... which gives us nearly 200 billion zlotys over the next 15 years, deputy defense minister Tomasz Szatkowski said, adding that this was in line with plans to raise defense spending gradually to reach 2.5 percent of gross domestic product. This is not a trivial amount, he told Reuters in an interview. The Polish government agreed in June to raise defense spending gradually from 2 pct to 2.5 percent of GDP. This means that annual spending would nearly double to about 80 billion zlotys by 2032. Szatkowski, architect of a new national concept for defense, said that although the ministry would be getting almost all the money needed to implement the strategy, some hard choices will have to be made. The plan is to increase the size of the army nearly twofold and revamp the equipment. Nearly two-thirds of equipment dates from the Soviet era when the country was in the Moscow-led Warsaw Pact. The navy, though, will fare less well from modernization. The ministry has canceled the purchase of two classes of surface vessels, including multi-task frigates used to protect other warships. We cannot afford to expand the transport fleet, Szatkowski said. Higher spending on artillery, engineering or assault helicopters will come at the cost of expanding the airborne forces. Warsaw plans to acquire fifth-generation fighter jets, but Szatkowski said that this would not happen until the second half of the next decade. Szatkowski defended the spending plans which have been criticized as unrealistic . Nobody can release from us the obligation of planning and creating a coherent vision and proving there is money for it - something that is happening for the first time on such a scope in the history of Polish defense planning, he said. ",worldnews,"August 23, 2017 ",1 +"Pro-Houthi fighters call powerful Yemen ally 'evil', escalating feud","DUBAI (Reuters) - Fighters loyal to the armed Houthi movement on Wednesday decried as evil the group s main ally in Yemen s civil war, ex-president Ali Abdullah Saleh, widening an unusual public rift as they fight a Saudi-led coalition for control of the country. The Popular Committees , a body of rank and file pro-Houthi combatants, condemned Saleh s description of them in a speech as a militia, criticizing the former leader who remains one of Yemen s most powerful politicians and military figures. What (Saleh) said transgressed a red line and he could have only fallen into this because he s evil and void of every good, patriotic or religious characteristic, the collection of tribal and volunteer fighters said in a statement. The tactical alliance between Saleh and the Houthis has often appeared fragile, with both groups suspicious of each other s ultimate motives and sharing little ideological ground. While president, Saleh waged six wars against the Houthis from 2002 to 2009 and was for many years an ally of convenience for Saudi Arabia. Big switches of loyalty are a feature of Yemen s byzantine political landscape, particularly since 2011 Arab Spring unrest which led to Saleh s fall in 2012. A war of words has escalated in recent days between the Iran-allied Houthis and Saleh, who together run northern Yemen. The two factions have traded barbs on responsibility for challenges such as unemployment and mounting hunger after 2-1/2 years of fighting the internationally recognized government, based in the south and backed by the Saudi-led coalition. The alliance intervened in the civil war in 2015 to restore the government to power in the capital Sanaa. But the conflict, which has killed at least 10,000 people, is in stalemate. At least 30 people were killed in an air strike that hit a small hotel north of Sanaa on Wednesday, the Houthis said. The Saudi-led coalition has controlled Yemeni air space since the war began. Based in the southern port city of Aden, the government struggles to impose its writ over militias and armed groups there, but strife now looms for its northern foes. In a speech on Sunday, Saleh summoned party supporters to hold a mass rally in Sanaa on Aug. 24, a planned show of force that has deeply irritated the Houthis. Their leadership convened on Wednesday and recommended the announcement of a state of emergency and suspension of all party activity , telling Saleh s supporters any mass gatherings should be made on battlefronts, not in public squares. In comments that may deepen Houthi suspicions, the United Arab Emirates Minister of State for Foreign Affairs, Anwar Gargash, spoke approvingly of the rift, saying it may represent an opportunity to break (Yemen s) political deadlock. ",worldnews,"August 23, 2017 ",1 +Germany's Schulz says he would demand U.S. withdraw nuclear arms,"BERLIN (Reuters) - The leader of Germany s Social Democrats (SPD) pledged to have U.S. nuclear weapons withdrawn from German territory if, against the odds, he defeats Angela Merkel to become chancellor next month. Addressing a campaign rally in Trier late on Tuesday, SPD leader Martin Schulz also said he, unlike Merkel, would resist demands by U.S. President Donald Trump for NATO members to increase their defense spending. Trump wants nuclear armament. We are against this, Schulz said, apparently trying to differentiate his party from Merkel s more hawkish Christian Democratic Union (CDU). As chancellor, I will commit Germany to having the nuclear weapons stationed here withdrawn from our country, he said. About 20 U.S. nuclear warheads are thought to be stationed at a military base in Buechel, in western Germany, according to unofficial estimates. The U.S. embassy in Berlin said it does not comment on nuclear weapons in Germany. Taking advantage of Trump s extreme unpopularity in Germany, Schulz also said he would use the money Merkel had earmarked for increased military spending for other purposes. What to do with our money is the central question of this election, he said, referring to a 30 billion-euro tax surplus. Trump demands that 2 percent of GDP, 30 billion euros, should go to military spending, and Merkel agreed to that without asking German citizens. Germany and other NATO members had already pledged to raise their defense spending to 2 percent of gross domestic product before Trump was elected. While most of them have increased spending on their militaries, only a few have reached the 2 percent goal, and Germany is not one of them. Most recent polls show Schulz s party polling at around 24 percent, some 14 percentage points behind Merkel. Most expect a booming economy and low unemployment will carry her into a fourth term in Sept. 24 elections. However, with Germans historically wary of using military force since World War Two, Schulz s message may resonate among the SPD s core voters. After 12 years in office, Merkel has become increasingly confident on the global stage. She has pushed for Germany to become more militarily self-reliant, partly in response to Trump s hinting that he might abandon NATO allies if they do not spend more on defense. Earlier this year, Merkel said the times when Germany could rely on others to defend it were to some extent in the past . ",worldnews,"August 23, 2017 ",1 +Blunt instrument? What a list of banned articles says about China's censors,"SHANGHAI (Reuters) - An old review of an academic monograph on agrarian revolutionaries in 1930s China is hardly a political third rail in Beijing today, even by the increasingly sensitive standards of the ruling Communist Party. That such a piece appeared on a list of some 300 scholarly works that Cambridge University Press (CUP) said last week the Chinese government had asked it to block from its website offers clues about the inner workings of China s vast and secretive censorship apparatus, say experts. President Xi Jinping has stepped up censorship and tightened controls on the internet and various aspects of civil society, as well as reasserting Communist Party authority over academia and other institutions, since coming to power in 2012. Far from being a well-oiled machine, though, China s censorship regime is fragmented and often undermined by gaps, workarounds, and perhaps even hasty officials, say academics specializing in Chinese politics. Crude is the word, said Jonathan Sullivan, an associate professor at the University of Nottingham in Britain. The blunt way in which articles were chosen for censoring ... suggest to me that there was not a lot of thought put into it. CUP, the publishing arm of Britain s elite Cambridge University, on Monday reversed its decision to comply with the request to censor the articles published in the journal China Quarterly following an outcry over academic freedom. China s response remains to be seen. The education ministry, foreign ministry, cyberspace administration and state publishing authority all declined to comment. The list of articles the authorities wanted blocked covered topics that are considered sensitive by the government, including the 1989 Tiananmen Square democracy protests, the 1966-76 Cultural Revolution, Tibet, Taiwan and the violence-prone far-western region of Xinjiang. But it was far from thorough or comprehensive. The article on 1930s agrarian revolutionaries may have got there by mistake, say experts. What appears to have condemned the scathing but otherwise innocuous 1991 review of Kamal Sheel s book about a Communist base area in China s southern heartland was the fact the place was named Xinjiang, and the word appeared in the book title. The Chinese characters are different for Xinjiang, the village, and Xinjiang, the mostly-Muslim region more than 2,500 km (1,550 miles) to the northwest that is beset by ethnic tensions and occasional unrest. But in English they are indistinguishable. Xu Xibai, a doctoral candidate at the University of Oxford, tweeted a brief analysis of the list that noted that its creators appear to have hastily searched the China Quarterly database for taboo words in titles and abstracts. The censors probably used a few keyword searches to locate just enough articles to make a nice, long list to impress their superiors, Xu s post said. They did not bother to read the articles or go through the content list manually. An article defending Mao Zedong was on the censored list, for instance, while others more critical of the former paramount leader were not. Some sensitive subjects seem to have eluded the officials net. The Communist Party tightly controls discourse on the 1958-61 Great Leap Forward, in which millions starved to death due to ill-conceived economic policies. Censors have banned books on the topic but it was apparently not on this list. Nor were the brutal, Communist-led land reforms of the 1950s, or the Hundred Flowers Movement, an effort by Mao to lure critics out of the woodwork by feigning openness, only to punish them. The party s efforts to censor news and information have sometimes backfired or left outsiders perplexed. In 2009, software designed to check pornographic and violent images on PCs blocked images of a movie poster for cartoon cat Garfield, dishes of flesh-color cooked pork and on one search engine a close-up of film star Johnny Depp s face. Citizen Lab, a group of researchers based at the University of Toronto, compiled a list of words banned as of last year on popular live streaming sites in China. Among them: Moulin Rouge , braised rabbit , helicopter and zen . The request to block the articles was passed to Cambridge University Press by its import agent, but without knowing where it originated it is hard to draw firm conclusions, said Sebastian Veg, a China scholar at the School of Advanced Studies in Social Sciences in Paris. The censorship system is of course centrally directed, but not uniform, Veg said. Lee Siu-yau, assistant professor of Greater China studies at the Education University of Hong Kong, suspects the request was a trial balloon. They usually start with something small-scale and gradually expand and make their requirements more difficult, he said. This might be one of the first steps that the Chinese government would take to see if it could actually influence international academic publishers. (Story refiles to add dropped words a and an in paragraphs four and six.) ",worldnews,"August 23, 2017 ",1 +Saudi police release teenager detained for dancing in street,"DUBAI (Reuters) - A 14-year-old boy who was detained by Saudi police for dancing to the song Macarena at a traffic intersection has been released with a warning about road safety, the interior ministry said on Wednesday. The boy was filmed dancing to the catchy 1990s hit song in front of five lanes of cars stopped at a traffic light, in a clip widely shared on social media. Police had said the teenager, whose name and nationality were not given, was being questioned because he had shown improper public behavior and disrupted traffic. An interior ministry statement said the boy had been released without charge, after he and his legal guardian were summoned for questioning. They signed a written pledge that the teen will not engage in behavior that could endanger his life and the life of others again, it said. The notification was solely intended to warn the boy about potential consequences for his own safety, as well as to safeguard the overall safety of motorists and pedestrians. ",worldnews,"August 22, 2017 ",1 +"The People's Princess, Britons work to keep memory alive","LONDON (Reuters) - Abdul Daoud spilt most of the cappuccino into the saucer the first time he served Princess Diana, his nerves getting the better of him. Almost 20 years on since she was killed when her car crashed in a Paris tunnel, he still works surrounded by pictures of the woman he calls the princess of the people in his cafe, named Diana, his very personal attempt to keep her memory alive. My promise to her is to put this place as a tribute for her, he said of his cafe, set up in 1989, near London s Kensington Gardens, home to the palace where Diana used to live. For him, celebrating her life is business as usual at the cafe where visitors can eat Diana salads or Diana burgers and where he said she used to stop by regularly. She is the princess of the people, always, he said, adding that he does not believe she will ever be forgotten. But many younger Britons said that while they can understand the fascination with the princess, whose struggles to fit in to the royal household played out in the full glare of the media, they don t feel it themselves. I think she maybe meant more to my mother, said Stephen Butler in the west London area Diana used to live. When she died I remember my mother shaking me awake and being quite devastated about it. Student Shermine Grigorius was three-years-old when Diana died but after being told stories about the Princess of Wales by her mother, sees her as a symbol of kindness . While the royals have always been dutifully charitable, Diana was known for going beyond her in-laws, or even any celebrity at the time, in her philanthropy. Whether in charity work or in royal life, she earned a reputation for being a rebel who defied convention: from campaigning for a worldwide ban on landmines despite opposition from the British government to flouting royal protocol to speak candidly about her experiences with bulimia and infidelity. She bought a different side to the whole monarchy, said Anika Wijuria, a 30-year-old project manager. They were quite stiff and she was quite liberal. At the Da Mario restaurant, Marco Molino remembers another side of Diana, describing a down to earth woman who liked to eat Italian dishes with her sons, Princes William and Harry, or friends. Her personality was very normal, very down to earth, very friendly, he said near an oil painting of Diana on the wall. I think that s what she really wanted - a bit of normality ... Here was one of the places where she could achieve that. Ronald van Bronkhorst, who has lived above Da Mario since the 70s, also said she never made flashy entrances. Her legacy will never leave ... You think about her all the time, especially in the area we live in. ",worldnews,"August 23, 2017 ",0 +"Argentina labor unions protest job losses, Macri policies","BUENOS AIRES (Reuters) - Argentina s main labor unions took to the streets of the capital on Tuesday demanding more jobs and protesting center-right President Mauricio Macri s economic policies. Tens of thousands of workers gathered in the historic Plaza de Mayo criticizing Macri, who is trying to lower labor costs to attract investment and jump-start an economy that emerged from recession in the second half of last year. If some retrograde (in the government) thinks that lowering wages, precarious living conditions and destroying trade unions is going to line up investments... we say that is very wrong, said Juan Carlos Schmid, a leader of Argentina s largest umbrella union, the CGT. Standing on a podium at the protest, he said the CGT would meet in late September to discuss a potential strike. Macri told Reuters in an interview this month his government was negotiating labor agreements sector by sector rather than trying to pass a comprehensive labor reform like the one approved in neighboring Brazil. Unions fear more drastic changes could be coming after mid-term legislative elections in October, however, especially after a primary vote on Aug. 13 pointed to strong support for Macri s coalition. Macri is trying to open Argentina s long protected economy and focus on competitive industries like oil and agriculture, but has seen some manufacturing jobs lost in the meantime. The most recent employment data showed the jobless rate rose to 9.2 percent in the first quarter of the year from 7.6 percent in the fourth quarter of last year. ",worldnews,"August 22, 2017 ",1 +"Exclusive: Trump's Afghan decision may increase U.S. air power, training","ON BOARD A U.S. MILITARY AIRCRAFT (Reuters) - The U.S. Air Force may intensify its strikes in Afghanistan and expand training of the Afghan air force following President Donald Trump s decision to forge ahead with the 16-year-old war, its top general told Reuters on Tuesday. Air Force Chief of Staff General David Goldfein said, however, he was still examining the matter, as the U.S. military s top brass had only begun the process of translating Trump s war strategy into action. Asked whether the Air Force would dedicate more assets to Afghanistan, where the United States has been engaged in its longest military conflict, Goldfein said only: Possibly. It s actually too early to tell what this will mean in terms of plus-ups and reductions, he said in a joint interview with Air Force Secretary Heather Wilson. Still, he acknowledged that the Air Force was absolutely examining the possibility of increasing air power, including to support U.S. ground forces, following Trump s promise of a stepped-up campaign against Taliban insurgents, who have gained ground against U.S.-backed Afghan government forces. Goldfein said the same about providing training to Afghan pilots. Wilson, who assumed the Air Force s top civilian job three months ago, noted the Afghan military had made strides thanks to U.S. training and equipment, but added: I think there is a long way to go there, very honestly. In a speech on Monday night, Trump appeared to answer a call from the top U.S. commander on the ground for thousands of more troops to break a stalemate with Taliban insurgents, on top of the roughly 8,400 now deployed in Afghanistan. Trump said the United States would not disclose troop numbers, but one U.S. official told Reuters they could start moving quickly. U.S. Defense Secretary Jim Mattis said on Tuesday he would set troop levels following the review by military chiefs. During the administration of Trump s predecessor, Barack Obama, U.S. military officials privately expressed frustration about their inability to strike at many Taliban targets - including training camps - unless they could show a direct threat to U.S. forces or major impact on the Afghan state. Wilson said Trump appeared to be giving greater flexibility to strike insurgents. Obviously the Joint Chiefs will work through their plans and make proposals, but I think the guidance was pretty clear from the president last night, and we re going to go on the offensive and destroy these terrorist networks, Wilson said. Goldfein said: I thought that came out very loud and clear in the speech that that s his priority. Wilson and Goldfein spoke to Reuters while flying back to the United States after a nine-day trip that included a visit to Afghanistan, where the U.S. military has ramped up its firepower against Islamic State in recent months even as it helps Afghan forces battle the Taliban. Particularly for the U.S. Air Force, the size of the American commitment to Afghanistan far outweighs the number of airmen deployed there. A network of U.S. installations throughout the Middle East supports the Afghan campaign, including in Qatar and the United Arab Emirates. Still, any substantial increase in U.S. targeting of the Taliban and Islamic State militants would likely require dedicating more U.S. military assets to build intelligence, strike insurgent targets and provide support to U.S. forces in the field. Although the U.S. military is stretched, a string of U.S. coalition-backed victories by Iraqi forces against Islamic State might free up some firepower and intelligence assets for Afghanistan, experts say. Air Force spokesman Brigadier General Edward Thomas declined to speculate on operational planning. But he noted that U.S. air power from the region could be deployed, if needed, including fighter aircraft, bombers and spy planes. With the detailed planning that will follow the president s announcement, the Air Force will be ready to swing any additional airmen and aircraft to the fight as required, Thomas said. Trump ran for the presidency calling for a swift U.S. withdrawal from Afghanistan, which the United States invaded in October 2001, and he acknowledged on Monday that he was going against his instincts in approving the new campaign plan sought by his military advisers. Wilson said Trump s remarks represented a strategic correction in the war effort along with a significant shift in policy on Pakistan. In his speech, Trump delivered a sharp rebuke to Islamabad for allowing Taliban insurgents a safe haven from which launch attacks in Afghanistan, and said it had much to lose unless it changed course. Pakistan denies that it harbors militants fighting U.S. and Afghan government forces in Afghanistan. Reuters has reported that the United States has been considering a range of actions, including withholding aid to Pakistan and, perhaps, ramping up drone strikes. Successive U.S. administrations have struggled with how to deal with nuclear-armed Pakistan, and the U.S. military has been dependent in the past on overflight or land routes through Pakistan to resupply its forces in landlocked Afghanistan. Wilson did not rule out a future U.S. military role against militants in Pakistan should Islamabad fail to act, but she said Trump s focus appeared to be on diplomatic efforts for now. My assumption is that there will be some intense diplomatic pressure, she said. Goldfein said he was not aware of any changes to U.S.-Pakistani military ties, but acknowledged the military would take its cues from the State Department. I can tell you that I have a fairly robust dialogue with the Pakistani air chief. I ve hosted him. He s hosted me, Goldfein said. But that dialogue is always supportive of the diplomatic dialogue. ",worldnews,"August 22, 2017 ",1 +U.S. puts more pressure on Pakistan to help with Afghan war,"WASHINGTON (Reuters) - The United States suggested on Tuesday it could cut U.S. aid to Pakistan or downgrade Islamabad s status as a major non-NATO ally to pressure the South Asian nation to do more to help it with the war in Afghanistan. A day after President Donald Trump committed to an open-ended conflict in Afghanistan and singled out Pakistan for harboring Afghan Taliban insurgents and other militants, U.S. Secretary of State Rex Tillerson said Washington s relationship with Pakistan would depend on its help against terrorism. We are going to be conditioning our support for Pakistan and our relationship with them on them delivering results in this area, Tillerson told reporters. U.S. officials are frustrated by what they see as Pakistan s reluctance to act against groups such as the Afghan Taliban and the Haqqani network that they believe exploit safe haven on Pakistani soil to launch attacks on neighboring Afghanistan. Pakistan denies it harbors militants fighting U.S. and Afghan government forces in Afghanistan. Tillerson said the United States could consider withdrawing Pakistan s status as a major non-NATO ally, which provides limited benefits such as giving Pakistan faster access to surplus U.S. military hardware, if cooperation did not improve. We have some leverage that s been discussed in terms of the amount of aid and military assistance we give them, their status as non-NATO alliance partner - all of that can be put on the table, he said. In a televised speech on Monday offering few specifics, Trump promised a stepped-up military campaign against Taliban insurgents who have gained ground against the U.S.-backed Afghan government and he singled out Pakistan for harboring militants. U.S.-backed Afghan forces overthrew the Taliban s hard-line Islamist government in late 2001 because it sheltered al Qaeda chief Osama bin Laden, architect of the Sept. 11 attacks on New York and Washington that year. U.S. forces have been bogged down since in a war that has vexed three American presidents. About 2,400 U.S. troops have died there in America s longest military conflict. (For a graphic on U.S. troops and contractors in Afghanistan click tmsnrt.rs/2xm6CxQ) The Afghan government welcomed Trump s speech, but the Taliban said it would make the country a graveyard for the American empire. Successive U.S. administrations have struggled with how to deal with nuclear-armed Pakistan, which has a porous border with Afghanistan. Washington fumes about inaction against the Taliban, but Pakistan has cooperated on other U.S. counterterrorism efforts, including against al Qaeda and Islamic State militants. The Pakistani Foreign Ministry said it was disappointing that the US policy statement ignores the enormous sacrifices rendered by the Pakistani nation in fighting terrorism. As a matter of policy, Pakistan does not allow use of its territory against any country, it said. A senior U.S. official said on Tuesday significant measures were under consideration, including possibly sanctioning Pakistani officials with ties to extremist organizations. Trump also called for Pakistan s great rival India to play a bigger role in Afghanistan, a prospect that will ring alarm bells for Pakistan s generals. Trump s policy of engaging India and threatening action may actually constrain Pakistan and lead to the opposite of what he wants, said Zahid Hussain, a Pakistani security analyst. The United States has little choice but to use Pakistani roads and air corridors to resupply its troops in landlocked Afghanistan, giving Islamabad considerable leverage. U.S. officials fret that if Pakistan becomes an active foe, it could further destabilize Afghanistan and endanger U.S. soldiers. Defense Secretary Jim Mattis said on Tuesday he was awaiting a plan from the U.S. military s chairman of the Joint Chiefs of Staff, General Joseph Dunford, before deciding how many more troops to send to Afghanistan. When he brings that to me, I will determine how many more we need to send in, Mattis told reporters in Baghdad. It may or may not be the number that is bandied about. U.S. officials have said Trump has given Mattis authority to send about 4,000 additional troops to add to the roughly 8,400 already in Afghanistan. The U.S. Air Force may intensify its strikes in Afghanistan and expand training of the Afghan air force following Trump s decision, its top general told Reuters on Tuesday. Most U.S. troops in Afghanistan work with a NATO-led training and advising mission, with the rest part of a counterterrorism force that mostly targets pockets of al Qaeda and Islamic State fighters. ",worldnews,"August 21, 2017 ",1 +Exclusive: U.S. to withhold up to $290 million in Egypt aid,"WASHINGTON (Reuters) - The United States has decided to deny Egypt $95.7 million in aid and to delay a further $195 million because of its failure to make progress on respecting human rights and democratic norms, two sources familiar with the matter said on Tuesday. The decision reflects a U.S. desire to continue security cooperation as well as frustration with Cairo s stance on civil liberties, notably a new law that regulates non-governmental organizations that is widely seen as part a growing crackdown on dissent, said the sources, who spoke on condition of anonymity. U.S. officials were especially unhappy that Egyptian President Abdel Fattah al-Sisi in May allowed the NGO law to go into effect. Human rights groups and activists have said that it effectively bans their work and makes it harder for charities to operate. Egyptian officials had assured U.S. officials earlier this year that the law, which restricts NGO activity to developmental and social work and introduces jail terms of up to five years for non-compliance, would not go through, the sources said. Spokespeople for the White House and the State Department were not immediately available for comment. Egypt is an important Mideast partner for the United States because of its control of the Suez Canal and its border with Israel. The sources said the administration had decided to reprogram $65.7 million in fiscal year 2017 Foreign Military Financing funds (FMF) and $30 million in fiscal year 2016 Economic Support Fund (ESF) funds. Reprogramming means these funds would be used for other purposes and would not go to Egypt. The administration made a separate decision to withhold $195 million in fiscal year 2016 Foreign Military Financing funds which, had it not acted, would have expired and ceased to be available at the end of the current fiscal year on Sept. 30. The second decision also illustrated the administration s ambivalence toward Egypt. Under U.S. law, the administration is required to withhold 15 percent, or $195 million, of the $1.3 billion it gives Egypt annually in FMF funds unless it can certify that Cairo is making progress on advancing human rights and democracy. However, the administration can issue a national security waiver that allows the funds to go through. This year, the administration again decided it could not certify Egyptian progress on rights and it chose to issue the national security waiver but it is still going to withhold the $195 million. That money will now go into an account where it will be held pending Egyptian improvement on human rights and democracy. This means that Egypt could eventually get the money if its record on democracy and civil liberties improved. Strengthened security cooperation with Egypt is important to U.S. national security, said one source, adding that U.S. Secretary of State Rex Tillerson felt it was in the interests of the U.S. to exercise the waiver. We remain concerned about Egypt s lack of progress in key areas, including human rights and the new NGO law, the source said. Egyptian rights activists have said they face the worst crackdown in their history under Sisi, accusing him of erasing freedoms won in the 2011 Arab Spring uprising that ended Hosni Mubarak s 30-year rule. Egyptian lawmakers have said the NGO law was needed to protect national security. The Egyptian government has long accused human rights groups of taking foreign funds to sow chaos, and several are facing investigation over their funding. ",worldnews,"August 22, 2017 ",1 +"Trump talks tough on Pakistan's 'terrorist' havens, but options scarce","ISLAMABAD (Reuters) - Outlining a new strategy for the war in Afghanistan, U.S. President Donald Trump chastised Pakistan over its alleged support for Afghan militants - an approach analysts say will probably not change Pakistan s strategic calculations and might push it in directions Washington does not want it to go. Trump s call for India to play a greater role in Afghanistan, in particular, will ring alarm bells for Pakistan s generals, analysts said. Trump s policy of engaging India and threatening action may actually constrain Pakistan and lead to the opposite of what he wants, said Zahid Hussain, a Pakistani security analyst. Trump criticised Pakistan for providing safe havens to terrorist organisations and warned Islamabad it had much to lose by supporting insurgents battling the U.S.-backed Kabul government. It is kind of putting Pakistan on notice, said Rustam Shah Mohman, Pakistan s former ambassador to Kabul, predicting a bumpy road ahead for relations. Trump did resist some advisers calls to threaten to declare Pakistan a state sponsor of terrorism unless Islamabad pursued senior leaders of the Afghan Taliban and the allied Haqqani network. Pakistan should not be reassured by this speech, but it could have gone a lot worse for them, said Joshua White, a National Security Council director under former President Barack Obama. There were voices within the administration who wanted to move more quickly and aggressively to declare Pakistan not just a problem, but effectively an enemy. In Washington, a senior administration official said on Tuesday that significant measures were under consideration, including possibly sanctioning Pakistani officials with ties to extremist organizations. The official spoke on condition of anonymity. Pakistan s powerful military has not commented on Trump s speech, but the day before it denied any militants had havens in the country. The Pakistani government said Foreign Minister Khawaja Asif met with the U.S. ambassador on Tuesday and would speak in coming days with U.S. Secretary of State Rex Tillerson on the state of play in the bilateral relationship as well as the new U.S. policy on South Asia . Successive U.S. administrations have struggled with how to deal with nuclear-armed Pakistan. Washington fumes about inaction against the Taliban, but Pakistan has been helpful on other counterterrorism efforts, including against al Qaeda and Islamic State militants. The United States also has no choice but to use Pakistani roads to resupply its troops in landlocked Afghanistan. U.S. officials worry that if Pakistan becomes an active foe, it could further destabilise Afghanistan and endanger U.S. soldiers. Daniel Feldman, a special representative for Afghanistan and Pakistan under Obama, said the Obama administration found it more effective to pressure Islamabad over safe havens in private than in public, and to keep the long-standing Indo-Pak rivalry from playing out in Afghanistan . Hussain, the security analyst, said Trump on Monday crossed a red line as far as Pakistan was concerned when he implored India to deepen its involvement in Afghanistan. Relations between Pakistan and the United States have endured strain during the 16-year war in Afghanistan, especially after al Qaeda chief Osama bin Laden was killed by U.S. special forces inside Pakistan in 2011. The Obama administration had already begun trimming military aid to Pakistan. Last year, the Pentagon decided not to pay $300 million in pledged military funding, and Congress effectively blocked a subsidised sale of F-16 jets to Pakistan. Analysts say Trump is likely to further curtail military aid to pressure Pakistan. But any effort to isolate Pakistan would face problems from China, which has deepened political and military ties to Islamabad as it invested nearly $60 billion in infrastructure in Pakistan. China on Tuesday defended Pakistan after Trump s remarks, saying its neighbour was on the front line in the struggle against terrorism and had made great sacrifices and important contributions in the fight. Mohman, the former ambassador, said if the United States kept putting pressure on Pakistan, then Islamabad would drift farther from the American sphere of influence. We have options, he said. We can go to China and Russia, and I think the U.S. can t afford that. ",worldnews,"August 22, 2017 ",1 +"U.S., North Korea clash at U.N. forum over nuclear weapons","GENEVA (Reuters) - North Korea and the United States clashed at a U.N. forum on Tuesday over their military intentions towards one another, with Pyongyang s envoy declaring it would never put its nuclear deterrent on the negotiating table. Japan, well within reach of North Korea s missiles, said the world must maintain pressure on the reclusive country to rein in its nuclear and missile programs and now was not the time for a resumption of multi-party talks. North Korea has pursued its weapons programs in defiance of U.N. Security Council sanctions and ignored all calls, including from major ally China, to stop, prompting a bellicose exchange of rhetoric between the North and the United States. North Korea justifies its weapons programs, including its recent threat to fire missiles towards the U.S. Pacific territory of Guam, by pointing to perceived U.S. hostility, such as military exercises with South Korea this week. U.S. disarmament ambassador Robert Wood told a U.N.-sponsored Conference on Disarmament in Geneva U.S. President Donald Trump s top priority was to protect the United States and its allies against the growing threat from North Korea and America was ready to use the full range of capabilities at its disposal. The path to dialogue still remained an option for Pyongyang and it had the choice between poverty and belligerence on the one hand and prosperity and acceptance. North Korea s envoy told the same forum the North s nuclear deterrent would never be up for negotiation, echoing Pyongyang s regular denunciation of U.S. aggression . The measures taken by the DPRK to strengthen its nuclear deterrence and develop inter-continental rockets is justifiable and a legitimate option for self-defense in the face of such apparent and real threats, diplomat Ju Yong Chol told the forum, referring to constant nuclear threats by the United States. DPRK stands for the North s official name, the Democratic People s Republic of Korea. Regarding joint U.S.-South Korean military exercises that began on Monday, he warned: The ongoing military adventure would certainly add gasoline to the fire, driving the current tense situation to further deterioration. Japanese Foreign Minister Taro Kono said pressure must be maintained until the North demonstrated it would give up its nuclear program. It s not the time to discuss (the resumption of) six-party talks, Kono said, referring to stalled negotiations involving both Koreas, the United States, Russia, China and Japan. It s time to exert pressure, he told reporters. The head of the U.S. military s Pacific Command said diplomacy was key. Admiral Harry Harris was in South Korea to observe annual joint military drills with the South Korean military, which the North called a step towards nuclear conflict masterminded by war maniacs . So we hope and we work for diplomatic solutions to the challenge presented by Kim Jong Un, Harris told reporters at a U.S. air base in Osan, about an hour from Seoul, referring to the North Korean leader. He said diplomacy was the most important starting point in response to the North s threat, when asked what actions by North Korea might trigger a preemptive U.S. strike against it. As far as a timeline, it would be crazy for me to share with you those tripwires in advance. If we did that, it would hardly be a military strategy, he said. The United States and South Korea began the long-planned exercises on Monday, called the Ulchi Freedom Guardian, which the allies have said are purely defensive. The drills involve tens of thousands of troops as well as computer simulations designed to prepare for war with a nuclear-capable North Korea. The United States and South Korea are technically still at war with the North because their 1950-53 conflict ended in a truce, not a peace treaty. Delegations from about 20 countries spoke at the four-hour U.N. session, including Britain, France, Australia and South Korea, all of which criticized North Korea. I would like to repeat the appeal to the DPRK to listen to the fact that there is no alternative to stopping the different provocations and to return to dialogue, South Korean ambassador Kim Inchul said. We have never threatened the DPRK with any attacks and we have never promoted the use of force. ",worldnews,"August 22, 2017 ",1 +"Mata Pires, owner of embattled Brazil builder OAS, dies","SAO PAULO (Reuters) - Cesar Mata Pires, the owner and co-founder of Brazilian engineering conglomerate OAS SA, one of the largest companies involved in Brazil s corruption scandal, died on Tuesday. He was 68. Mata Pires died of a heart attack while taking a morning walk in an upscale district of S o Paulo, where OAS is based, a person with direct knowledge of the matter said. Efforts to contact his family were unsuccessful. OAS declined to comment. The son of a wealthy cattle rancher in the northeastern state of Bahia, Mata Pires links to politicians were central to the expansion of OAS, which became Brazil s No. 4 builder earlier this decade, people familiar with his career told Reuters last year. His big break came when he befriended Antonio Carlos Magalh es, a popular politician who was Bahia governor several times, and eventually married his daughter Tereza. Brazilians joked that OAS stood for Obras Arranjadas pelo Sogro - or Work Arranged by the Father-In-Law. After years of steady growth triggered by a flurry of massive government contracts, OAS was ensnared in Operation Car Wash which unearthed an illegal contracting ring between state firms and builders. The ensuing scandal helped topple former Brazilian President Dilma Rousseff last year. Trained as an engineer, Mata Pires founded OAS with two colleagues in 1976 to do sub-contracting work for larger rival Odebrecht SA - the biggest of the builders involved in the probe. Before the scandal, Forbes magazine estimated Mata Pires fortune at $1.6 billion. He dropped off the magazine s billionaire list in 2015, months after OAS sought bankruptcy protection after the Car Wash scandal. While Mata Pires was never accused of wrongdoing in the investigations, creditors demanded he and his family stay away from the builder s day-to-day operations, people directly involved in the negotiations told Reuters at the time. He is survived by his wife and his two sons. ",worldnews,"August 22, 2017 ",1 +"U.S., North Korea clash at U.N. forum over nuclear weapons","GENEVA (Reuters) - North Korea and the United States clashed at a U.N. forum on Tuesday over their military intentions towards one another, with Pyongyang s envoy declaring it would never put its nuclear deterrent on the negotiating table. Japan, well within reach of North Korea s missiles, said the world must maintain pressure on the reclusive country to rein in its nuclear and missile programs and now was not the time for a resumption of multi-party talks. North Korea has pursued its weapons programs in defiance of U.N. Security Council sanctions and ignored all calls, including from major ally China, to stop, prompting a bellicose exchange of rhetoric between the North and the United States. North Korea justifies its weapons programs, including its recent threat to fire missiles towards the U.S. Pacific territory of Guam, by pointing to perceived U.S. hostility, such as military exercises with South Korea this week. U.S. disarmament ambassador Robert Wood told a U.N.-sponsored Conference on Disarmament in Geneva U.S. President Donald Trump s top priority was to protect the United States and its allies against the growing threat from North Korea and America was ready to use the full range of capabilities at its disposal. The path to dialogue still remained an option for Pyongyang and it had the choice between poverty and belligerence on the one hand and prosperity and acceptance. North Korea s envoy told the same forum the North s nuclear deterrent would never be up for negotiation, echoing Pyongyang s regular denunciation of U.S. aggression . The measures taken by the DPRK to strengthen its nuclear deterrence and develop inter-continental rockets is justifiable and a legitimate option for self-defense in the face of such apparent and real threats, diplomat Ju Yong Chol told the forum, referring to constant nuclear threats by the United States. DPRK stands for the North s official name, the Democratic People s Republic of Korea. Regarding joint U.S.-South Korean military exercises that began on Monday, he warned: The ongoing military adventure would certainly add gasoline to the fire, driving the current tense situation to further deterioration. Japanese Foreign Minister Taro Kono said pressure must be maintained until the North demonstrated it would give up its nuclear program. It s not the time to discuss (the resumption of) six-party talks, Kono said, referring to stalled negotiations involving both Koreas, the United States, Russia, China and Japan. It s time to exert pressure, he told reporters. The head of the U.S. military s Pacific Command said diplomacy was key. Admiral Harry Harris was in South Korea to observe annual joint military drills with the South Korean military, which the North called a step towards nuclear conflict masterminded by war maniacs . So we hope and we work for diplomatic solutions to the challenge presented by Kim Jong Un, Harris told reporters at a U.S. air base in Osan, about an hour from Seoul, referring to the North Korean leader. He said diplomacy was the most important starting point in response to the North s threat, when asked what actions by North Korea might trigger a preemptive U.S. strike against it. As far as a timeline, it would be crazy for me to share with you those tripwires in advance. If we did that, it would hardly be a military strategy, he said. The United States and South Korea began the long-planned exercises on Monday, called the Ulchi Freedom Guardian, which the allies have said are purely defensive. The drills involve tens of thousands of troops as well as computer simulations designed to prepare for war with a nuclear-capable North Korea. The United States and South Korea are technically still at war with the North because their 1950-53 conflict ended in a truce, not a peace treaty. Delegations from about 20 countries spoke at the four-hour U.N. session, including Britain, France, Australia and South Korea, all of which criticized North Korea. I would like to repeat the appeal to the DPRK to listen to the fact that there is no alternative to stopping the different provocations and to return to dialogue, South Korean ambassador Kim Inchul said. We have never threatened the DPRK with any attacks and we have never promoted the use of force. ",worldnews,"August 22, 2017 ",1 +"U.S., North Korea clash at U.N. arms forum on nuclear threat","GENEVA (Reuters) - North Korea and the United States accused each other on Tuesday of posing a nuclear threat, with Pyongyang s envoy declaring it would never put its atomic arsenal up for negotiation. The debate at the United Nations began when the U.S. envoy said President Donald Trump s top priority was to protect the United States and its allies against the growing threat from North Korea. To do so, he said, the country was ready to use the full range of capabilities at our disposal . U.S. Ambassador Robert Wood told the Conference on Disarmament that the path to dialogue still remains an option for Pyongyang, but that Washington was undeterred in defending against the threat North Korea poses . Fears have grown over North Korea s development of missiles and nuclear weapons since Pyongyang test-launched intercontinental ballistic missiles (ICBMs) in July. Those fears worsened after Trump warned that North Korea would face fire and fury if it threatened the United States. His remarks led North Korea to say it was considering plans to fire missiles towards the U.S. Pacific territory of Guam. Trump responded by tweeting that the U.S. military was locked and loaded, should North Korea act unwisely . A few days later, North Korean media reported the country s leader, Kim Jong Un, had delayed any decision on whether to fire missiles towards Guam while he waited to see what the United States would do. Experts warned Pyongyang could still go ahead with the missile launches. North Korea s ballistic missile and nuclear weapons programs pose grave threats to the entire world, Wood told the Geneva forum. Its recent ICBM tests are another example of the dangerous reckless behavior of the North that is destabilizing the region and beyond. North Korea had openly stated that its missiles are intended to strike cities in the United States and its allies South Korea and Japan, he said. My president s top priority remains protecting the homeland, U.S. territories and our allies against North Korean aggression. We remain prepared to use the full range of capabilities at our disposal against the growing threat from North Korea. North Korea diplomat Ju Yong Chol said that measures taken by his country to strengthen its nuclear deterrent and develop inter-continental rockets were justifiable and a legitimate option . As long as the U.S. hostile policy and nuclear threat remains unchallenged, the DPRK will never place its self-defensive nuclear deterrence on the negotiating table or step back an inch from the path it took to bolster the national nuclear force, Ju said. In a subsequent speech, Ju said: The United States should clearly understand that military threats and pressure are only serving as a momentum that pushes the DPRK further into developing fully strengthened nuclear deterrence. Regarding joint U.S.-South Korean military exercises that began on Monday, he said: The ongoing military adventure would certainly add gasoline to the fire, driving the current tense situation to further deterioration. China s disarmament ambassador, Fu Cong, called for support for its proposal to defuse the crisis affecting its Pyongyang ally. China has called for dual suspension , that is of North Korea s nuclear activities and joint military exercises between the Republic of Korea and United States. This seeks to denuclearize the peninsula and promote a security mechanism. Wood rejected Beijing s freeze for freeze plan. This proposal unfortunately creates a false equivalency between states that are engaging in legitimate exercises of self-defense who have done so for many years with a regime that has basically violated countless Security Council resolutions with regard to its proscribed nuclear and ballistic missile programs, he told the gathering. That is a false equivalency that we cannot accept and will not accept, he said. Fu retorted: I just want to say that we re not creating equivalency between anything. We are just actually making the proposal to facilitate a dialogue and to reduce the tension. We need a starting point to really launch the dialogue. ",worldnews,"August 22, 2017 ",1 +Headless torso could belong to submarine journalist: Danish police,"COPENHAGEN (Reuters) - Danish police said on Tuesday the size of a headless female torso found on the sea s edge in Copenhagen suggested it could be that of a Swedish journalist who died after taking a submarine ride with the vessel s Danish inventor. Police said divers were still searching the area and they were investigating reports of other body parts that may have been spotted in Copenhagen harbor. Danish inventor Peter Madsen has been charged with killing Kim Wall, a Swedish journalist, in his home-made submarine. We re dealing with a torso where arms, legs and head were cut off deliberately. The length of the torso doesn t speak against it being Kim Wall, but we still don t know, Copenhagen police spokesman Jens Moller said in a video statement. Madsen told a court she had died in an accident on board the submarine and that he had buried her at sea, changing his earlier statement that he dropped her off alive in Copenhagen. Police are conducting DNA tests to identify the torso - found on Monday by a passing cyclist - and the results are due Wednesday morning, Moller said. The bizarre case has dominated Danish and Swedish media, and drawn interest from around the world. Madsen has been charged with the manslaughter of Wall, who has been missing since he took her out to sea in his 17-metre (56 feet) submarine on Aug. 10. He denies the charge. He was rescued a day later after his UC3 Nautilus sank in the narrow strait between Denmark and Sweden. Police found nobody else in the wreck. Madsen, an entrepreneur, artist, submarine builder and aerospace engineer, went before a judge on Saturday for preliminary questioning. The case is closed to the public in order to protect further investigations, police said. ",worldnews,"August 22, 2017 ",1 +North Korea shipments to Syria chemical arms agency intercepted: U.N. report,"UNITED NATIONS (Reuters) - Two North Korean shipments to a Syrian government agency responsible for the country s chemical weapons program were intercepted in the past six months, according to a confidential United Nations report on North Korea sanctions violations. The report by a panel of independent U.N. experts, which was submitted to the U.N. Security Council earlier this month and seen by Reuters on Monday, gave no details on when or where the interdictions occurred or what the shipments contained. The panel is investigating reported prohibited chemical, ballistic missile and conventional arms cooperation between Syria and the DPRK (North Korea), the experts wrote in the 37-page report. Two member states interdicted shipments destined for Syria. Another Member state informed the panel that it had reasons to believe that the goods were part of a KOMID contract with Syria, according to the report. KOMID is the Korea Mining Development Trading Corporation. It was blacklisted by the Security Council in 2009 and described as Pyongyang s key arms dealer and exporter of equipment related to ballistic missiles and conventional weapons. In March 2016 the council also blacklisted two KOMID representatives in Syria. The consignees were Syrian entities designated by the European Union and the United States as front companies for Syria s Scientific Studies and Research Centre (SSRC), a Syrian entity identified by the Panel as cooperating with KOMID in previous prohibited item transfers, the U.N. experts wrote. SSRC has overseen the country s chemical weapons program since the 1970s. The U.N. experts said activities between Syria and North Korea they were investigating included cooperation on Syrian Scud missile programs and maintenance and repair of Syrian surface-to-air missiles air defense systems. The North Korean and Syrian missions to the United Nations did not immediately respond to a request for comment. The experts said they were also investigating the use of the VX nerve agent in Malaysia to kill the estranged half-brother of North Korea s leader Kim Jong Un in February. North Korea has been under U.N. sanctions since 2006 over its ballistic missile and nuclear programs and the Security Council has ratcheted up the measures in response to five nuclear weapons tests and four long-range missile launches. Syria agreed to destroy its chemical weapons in 2013 under a deal brokered by Russia and the United States. However, diplomats and weapons inspectors suspect Syria may have secretly maintained or developed a new chemical weapons capability. During the country s more than six-year long civil war the Organisation for the Prohibition of Chemical Weapons has said the banned nerve agent sarin has been used at least twice, while the use of chlorine as a weapon has been widespread. The Syrian government has repeatedly denied using chemical weapons. ",worldnews,"August 21, 2017 ",1 +'Fully committed' NATO backs new U.S. approach on Afghanistan,"BRUSSELS (Reuters) - NATO allies on Tuesday welcomed President Donald Trump s decision to commit more forces to Afghanistan, as part of a new U.S. strategy he said would require more troops and funding from America s partners. Having run for the White House last year on a pledge to withdraw swiftly from Afghanistan, Trump reversed course on Monday and promised a stepped-up military campaign against Taliban insurgents, saying: Our troops will fight to win . U.S. officials said he had signed off on plans to send about 4,000 more U.S. troops to add to the roughly 8,400 now deployed in Afghanistan. But his speech did not define benchmarks for successfully ending the war that began with the U.S.-led invasion of Afghanistan in 2001, and which he acknowledged had required an extraordinary sacrifice of blood and treasure . We will ask our NATO allies and global partners to support our new strategy, with additional troops and funding increases in line with our own. We are confident they will, Trump said. That comment signaled he would further increase pressure on U.S. partners who have already been jolted by his repeated demands to step up their contributions to NATO and his description of the alliance as obsolete - even though, since taking office, he has said this is no longer the case. NATO Secretary General Jens Stoltenberg said in a statement: NATO remains fully committed to Afghanistan and I am looking forward to discussing the way ahead with (Defense) Secretary (James) Mattis and our Allies and international partners. NATO has 12,000 troops in Afghanistan, and 15 countries have pledged more, Stoltenberg said. Britain, a leading NATO member, called the U.S. commitment very welcome . In my call with Secretary Mattis yesterday we agreed that despite the challenges, we have to stay the course in Afghanistan to help build up its fragile democracy and reduce the terrorist threat to the West, Defence Secretary Michael Fallon said. Germany, which has borne the brunt of Trump s criticism over the scale of its defense spending, also welcomed the new U.S. plan. Our continued commitment is necessary on the path to stabilizing the country, a government spokeswoman said. In June, European allies had already pledged more troops but had not given details on numbers, waiting for the Trump administration to outline its strategy for the region.Nearly 16 years after the U.S.-led invasion - a response to the Sept. 11 attacks which were planned by al Qaeda leader Osama bin Laden from Afghanistan - the country is still struggling with weak central government and a Taliban insurgency. Trump said he shared the frustration of the American people who were weary of war without victory , but a hasty withdrawal would create a vacuum for groups like Islamic State and al Qaeda to fill. ",worldnews,"August 22, 2017 ",1 +LexisNexis withdrew two products from Chinese market,"LONDON (Reuters) - LexisNexis, a provider of legal, regulatory and business information, said on Tuesday it had withdrawn two products from the Chinese market in March this year after it was asked to remove some content. The issue of academic freedom in China hit the headlines this week after the leading British academic publisher, Cambridge University Press, said it had complied with a request to block online access to some scholarly articles in China. It later reversed its position. Earlier this year LexisNexis Business Insight Solutions in China was asked to remove some content from its database, LexisNexis said in a statement. In March 2017, the company withdrew two products (Nexis and LexisNexis Academic) from the Chinese market. LexisNexis is owned by information group Relx. ",worldnews,"August 22, 2017 ",1 +Minsk cultural hub becomes haven from authorities,"MINSK (Reuters) - In the shadow of disused Soviet-era factories in Minsk, a street lined with eclectic bars, art galleries and yoga studios has become a haven from the vigilant eyes of the Belarussian authorities. This place is like an island, said Yegor, 21, who works at popular bar Hooligan. It s the street of freedom. The government of President Alexander Lukashenko, who has ruled Belarus for the past 23 years and has boasted that he is the last and only dictator in Europe ,has little tolerance for any opposition. A powerful police force and feared state security keep citizens in check. But police patrols are rare in Oktyabrskaya, partly due to its location on an out-of-the-way peninsula in a bend of the river Svislach. When the first restaurant opened there in 2012, few visitors came but now it ranks among the most fashionable quarters of Minsk. Such is the growing popularity of that Oktyabrskaya that investors such as Belgazprombank, a subsidiary of state-owned Russian lender Gazprombank, have big plans for the district. Earlier this year the bank purchased part of a factory there and intends to turn it into a gallery, restaurant and theater complex. The manufacturing sector has not entirely abandoned Oktyabrskaya - one machine-making factory named after the 1917 October Revolution (MZOR) still operates there. Financial difficulties prompted state-owned MZOR to lease or sell some of its facilities to Oktyabrskaya s developers, but the firm still maintains some production with a reduced workforce. Mikhail, who has worked at the factory for 42 years, said he approves of the influx of new hipster businesses. The street has come back to life, he said. Oktyabrskaya s long-term future ultimately depends on the authorities good favor, cultural analyst Maksim Zhbankov said. For now they tolerate it. But I can t say that someone won t turn up tomorrow and say they ve decided to tear it all down, he said. ",worldnews,"August 22, 2017 ",1 +Vatican upbeat on possibility of Pope Francis visiting Russia,"MOSCOW (Reuters) - Vatican Secretary of State Cardinal Pietro Parolin said on Tuesday that there was positive momentum behind the idea of Pope Francis visiting Russia, but suggested there was more work to be done if it were to happen. Parolin, speaking at a joint news conference in Moscow alongside Russian Foreign Minister Sergei Lavrov, did not give any date for such a possible visit. The Eastern and Western branches of Christianity split apart in 1054. The pope, leader of the world s 1.2 billion Catholics, is seeking to improve ties, and last year in Cuba held what was the first ever meeting between a Roman Catholic pope and a Russian Orthodox patriarch. Parolin said he had also used his talks in the Russian capital to also raise certain difficulties faced by the Catholic Church in Russia. He said that Moscow and the Vatican disagreed about the plight of Christians in certain parts of the world. He did not elaborate. Parolin, who is due later on Tuesday to meet Patriarch Kirill, the head of the Russian Orthodox Church, said he also believed Russia could play an important role when it came to helping solve a crisis in Venezuela because of its close relations with Caracas. ",worldnews,"August 22, 2017 ",1 +Indonesia to buy $1.14 billion worth of Russian jets,"JAKARTA (Reuters) - Indonesia will buy 11 Sukhoi fighter jets worth $1.14 billion from Russia in exchange for cash and Indonesian commodities, two cabinet ministers said on Tuesday. The Southeast Asian country has pledged to ship up to $570 million worth of commodities in addition to cash to pay for the Suhkoi SU-35 fighter jets, which are expected to be delivered in stages starting in two years. Indonesian Trade Minister Enggartiasto Lukita said in a joint statement with Defence Minister Ryamizard Ryacudu that details of the type and volume of commodities were still being negotiated . Previously he had said the exports could include palm oil, tea, and coffee. The deal is expected to be finalised soon between Indonesian state trading company PT Perusahaan Perdangangan Indonesia and Russian state conglomerate Rostec. Russia is currently facing a new round of U.S.-imposed trade sanctions. Meanwhile, Southeast Asia s largest economy is trying to promote its palm oil products amid threats of a cut in consumption by European Union countries. Indonesia is also trying to modernize its ageing air force after a string of military aviation accidents. Indonesia, which had a $411 million trade surplus with Russia in 2016, wants to expand bilateral cooperation in tourism, education, energy, technology and aviation among others. ",worldnews,"August 22, 2017 ",1 +LOL! AMAZON USERS WRITE GUT-BUSTING Reviews For HILLARY’S Disastrous New β€œStronger Together” Book,"The extremely exhausted Hillary and her extremely boring VP pick have written a book that is currently #5,301 on the Amazon books bestseller list. It s really quite laughable that with only a little more than one month until the general election, Hillary can be found desperately hawking a book nobody wants to read at a rally in a tiny community center gymnasium in Orlando with only 300 people. That would be funny in and of itself, but Hillary s desperation to sell a horrible book to a tiny and lethargic crowd (who are likely being paid to occupy seats) is not even the best part of the story.It turns out, the book reviews written by Amazon users are a must read! They re hilarious, revealing, and for the most part, when they are describing Crooked Hillary to a tee These are some of the most clever and funniest reviews you will ever see for a political book! Enjoy A special thank you to GP and @FessEnden4 for making our day!Hillary in Orlando hawking her deplorable book from the stage. Best part is the Amazon reviews of it: https://t.co/cDcuE3aUnm HYSTERICAL! pic.twitter.com/LydcL1lkIz Fess Enden (@FessEnden4) September 21, 2016",left-news,"Sep 21, 2016",0 +WHAT IS GOING ON WITH HILLARY’S EYES…Could It Be Related To Parkinson’s Disease? [VIDEO],"Hillary spoke to a very small group of students at Temple University. With a total student population of just under 38,000, her estimated crowd of 300 would be considered by most, to be a total bust. Unfit Hillary wasn t about to let 37,700 disinterested students stand in the way of addressing 300 paid plants students about the benefits of a taxpayer funded education or a President who is willing, on behalf of the American taxpayer, to forgive their debts What the heck is Hillary hiding now? What is going on with her eyes in this video? We looked into symptoms of patients with Parkinson s Disease and here s what we found:Visual motor symptoms of patients with Parkinson s Disease: Some vision difficulties are related to changes in the movement of the eyeball. These are motor symptoms, similar to other motor symptoms caused by loss of dopamine neurons. Blurred or double vision, and eye strain, because the eyes may have trouble moving together to focus on things traveling toward or away from a person Trouble reading, because the eye movements needed to follow the lines of a page are slowed and have trouble starting (similar to gait freezing in the legs) A person with PD may need to blink in order to change eye position; levodopa can helpLet s put the eye issue aside for a moment and let s examine why Hillary has chosen to talk to this crowd of adults like they re a two year old sitting on her lap, while she reads them a bed-time book? No wonder millennials are leaving her in droves. She s not just a liar, she a a condescending liar as well. She doesn t have enough faith in these young adults to consider they may care about our national security or about getting a good paying job out of college. Her only concern seems to be how to woo them with the free sh*t vote her former opponent Bernie Sanders used to build his base.As The Gateway Pundit reported Hillary was given assistance getting up the stairs to get to the stage. She needed help. ",left-news,"Sep 21, 2016",0 +JUSTICE…NC THUG STYLE: NOTHING SAYS β€œINJUSTICE” For The Black Man Like Looting A Walmart [VIDEO],"Watch Thugs Protest Cop Killing By Committing Crimes43-year-old black man, Keith Lamont Scott was shot and killed by a black police officer In Charlotte, NC. Of course, the details are still coming in, but why wait for details when you can get free flat screen tv s at Walmart? If you don t have to get out, don t get out. And if you do have to get out, please God be safe! was the warning from FOX 46 reporter at the scene of the Walmart looting in Charlotte, NC.FOX 46 reported:Protesters headed to the Walmart on N. Tryon in the University area after shutting down Interstate-85 at WT Harris Blvd. early Wednesday morning following the shooting death of 43-year-old Keith Lamont Scott.Officers in riot gear blocked the entry to Walmart after it was broken into. Employees could be seen sweeping up shattered glass at the front entrance.Walmart Employees are using wooden pallets to block the main entrance after protestors broke into the store overnight. pic.twitter.com/xnxovNjlj9 Brian Christiansen (@BrianFox46) September 21, 2016One employee told FOX 46 Charlotte some technology was stolen including, a flat screen television and iPads.Walmart workers blocked the doors with pallets.Protesters are running from the Walmart as Charlotte police arrive. @wsoctv #WakeUpWith9 pic.twitter.com/nNl7xg7dkT Mark Barber (@MBarberWSOC9) September 21, 2016",left-news,"Sep 21, 2016",0 +VIDEO: BLACK MAN Tells Reporter They’re Taking Protests To Charlotte Suburbs,"Unidentified man helping to organize protests in suburbs tells Mark Barber of WSOC: We need to go where the immediate threat is at. Whether it s a threat or not, I just want us to go to the area where the gentleman lives, so we can actually have the people with the money be concerned about the people without the money. Reporter: So you plan to protest in the suburbs? Man being interviewed: Yes. Cuz I figure if we go hit them in their area, then they ll be more potent (?) to what s going on in our area. LISTEN | Protesters say this isn't the end. They plan to take protests to wealthy areas of Charlotte next. @wsoctv #KeithScott pic.twitter.com/og3T2zW2wd Mark Barber (@MBarberWSOC9) September 21, 2016",left-news,"Sep 21, 2016",0 +WILL TRUMP PULL A β€œROMNEY” In His First Debate? Says He Won’t Mention Bill’s Infidelities Unless Hillary Does This… [VIDEO],"Who could forget Mitt Romney s second and third debates with Barack Obama? After the first debate, most Americans were pretty sure that Mitt had successfully exposed Barack as the amateur that he is. But something strange and unexpected happened when Mitt came back for round two. Either he was given bad advice, or he just decided he really didn t want to be President after all. Whatever the case, the next two debates for Mitt were abysmal. He clearly rolled over and played dead, while Barack, with the help of his co-debater Candy Crowley, lied to the american people, as Mitt stood by idly and never uttered a single objection. That was the night Mitt passed on the keys to the White House in favor of civility. Sorry America, but civility doesn t work with the Left who has shown a clear pattern of winning at all cost no matter the consequences America is counting on Trump to use every resource available to take down Hillary in the first debate. If Hillary enabled her husband to prey on, rape or to use his position as President of the United States to gain sexual favors in the Oval Office, we expect Trump to bring it up. We also expect him to answer to all of the women who claimed Hillary threatened them if they spoke out against her perve If Hillary really is the champion of women that she claims to be, she should be ready and willing to defend herself. Please Trump, we beg of you don t pull a Romney! It s up to Hillary Clinton whether or not the first presidential debate ends up including an exchange over her husband s White House affair with Monica Lewinsky, Republican Donald Trump said Monday night. I don t think I m looking to do that, Trump told Fox News host Bill O Reilly when asked whether he was planning to bring up the affair something Trump raised in media interviews during the primaries. I don t know what I m going to do that exactly. It depends on what level she hits you with, if she s fair, if it s unfair, Trump said. But certainly I m not looking to do that. Trump, who slashed through his GOP opponents one-by-one in televised debates during the primaries, said he ll decide on the spot whether to launch personal attacks on Hillary Clinton based on whether she treats him with respect. I have absolutely no idea. I think this. If she treats me with respect, I will treat her with respect. It really depends, Trump said.Watch here:https://youtu.be/BnLtdAlfuuM People ask me that question, oh you re going to go out there and do this and that. I really don t know that. You re going to have to feel it out when you re out there. She s got to treat me with respect. I m going to treat her with respect. I d like to start off by saying that because that would be my intention, he said.One longtime Clinton advisor isn t so sure Trump will unilaterally disarm when it comes to Lewinsky. You can t put it beyond Trump that Monica Lewinsky will play a role in this debate, former Clinton and White House counsel Greg Craig told Politico in August. She s got to be prepared to deal with the [Clinton] Foundation and Wall Street and super PACs and all of that. They need to be less focused on dealing with his policy proposals and more on dealing with the unexpected. He s going to be in attack mode, probably the whole time, Craig said.At several stages in the campaign, Trump has brought up Lewinsky, Bill Clinton rape accuser Juanita Broderick, Whitewater, the death of former Clinton aide Vince Foster, and other 90s era scandals and allegations. Via: Daily Mail ",left-news,"Sep 20, 2016",0 +"THIS MAY BE THE CLINTON’S Most DEPLORABLE Act Ever: β€œThe question becomes, β€˜how many people lost their lives?'”","Scum of the earth isn t strong enough for these grifters. The Clinton Family must be the most disgusting, self-serving people to ever run a charitable organization. So many former Presidents have done such amazing work for people around the world who have faced poverty, sickness and natural disasters. With the billions of dollars the Clinton s received from donors around the world (well, primarily in Hollywood and Saudi Arabi) just think of all of the good they could have done if the Clinton s weren t such selfish, power-hungry human beings Former President Bill Clinton and his Clinton Health Access Initiative (CHAI) distributed watered-down HIV/AIDs drugs to patients in sub-Saharan Africa, and likely increased the risks of morbidity and mortality, according to a draft congressional report obtained by The Daily Caller News Foundation.The congressional report, titled, The Clinton Foundation and The India Success Story, was initiated by Rep. Marsha Blackburn, a Tennessee Republican and vice-chair of the House Energy and Commerce Committee.The CHAI program to help AIDS victims is considered one of the Clinton Foundation s most important contributions and is probably its best known initiative.The congressional report focused on Clinton s decade-long relationship with a controversial Indian drug manufacturer called Ranbaxy, which CHAI used as one of its main distributors of HIV/AIDS drugs to Third World countries.It also highlighted the work of Dinesh Thakur, a former Ranbaxy employee who became a star whistleblower, permitting the U.S. government to launch a landmark lawsuit against the Indian firm. The company was vulnerable to U.S. prosecution because it also sold its generic drugs on the U.S. market.Ranbaxy ultimately pleaded guilty in 2013 to seven criminal counts with intent to defraud and the introduction of adulterated drugs into interstate commerce.The Department of Justice further levied a $500 million fine and forfeiture on the company. This is the largest false claims case ever prosecuted in the District of Maryland, and the nation s largest financial penalty paid by a generic pharmaceutical company, said U.S. Attorney for the District of Maryland Rod J. Rosenstein when Ranbaxy pleaded guilty. When companies sell adulterated drugs, they undermine the integrity of the FDA s approval process and may cause patients to take drugs that are substandard, ineffective, or unsafe, said Stuart F. Delery, acting assistant attorney general for the civil division of the Department of Justice, when the government announced its action against the Indian company.The Department of Justice stated in its final settlement, alleged due to the company s diluted drugs, it subjected patients to increased risks of morbidity and mortality, according to the report. The question becomes, how many people lost their lives, how many people found it was a false promise, asked Blackburn in an interview with TheDCNF.The possibility that CHAI distributed adulterated and diluted AIDS drugs to Third World victims could shake the foundations of the Clinton charity and spark a new round of scrutiny in the final weeks of presidential candidate Hillary Clinton s campaign.Blackburn said she planned to deliver the report to the inspector generals at the Department of Health and Human Services and to the Department of State, where Hillary served as secretary of state during President Barack Obama s first term.The congressional study also highlighted the unseemly ties between Bill and two controversial Indian-Americans who have been investigated and sanctioned by the Food and Drug Administration (FDA) and the Securities and Exchange Commission.The most troubling revelations concern the Clinton Foundation s vigorous promotion of Ranbaxy despite mounting evidence the Indian firm had persistently poor quality control and attempted to cover it up through either faulty or fraudulent reporting to the FDA.It is unclear at this juncture how many AIDS patients received the watered-down drugs.ProPublica estimated that in 2007 alone, the U.S. Agency for International Development allocated $9 million to Ranbaxy and delivered more than $1.8 million packages. Substandard HIV medicines cause health problems for patients, perhaps even accelerating death from HIV-related infections, Roger Bate, an economist at the American Enterprise Institute who researches substandard and counterfeit medicines, told TheDCNF.Thakur told TheDCNF that many of the company s anti-retroviral drugs were used to stabilize platelet and white blood cell counts in AIDS patients. These drugs allow it to stabilize and essentially provide immunity to patients. If the content of the medicine is not what is listed on the label, you will not see the platelet levels or the WBC levels stabilize, he said.Ranbaxy s first public hint of problems occurred in August 2004, one year after CHAI began working with the firm. The World Health Organization reported irregularities involving three Ranbaxy drugs in South Africa, according to the report.The FDA sent a public warning letter to Ranbaxy in 2006 about reported irregularities in the company s quality control efforts. It concluded that the drugs, which included anti-retroviral HIV/AIDs medications, show much lower potencies in these batches. Although Ranbaxy s generic drugs are now barred from being sold in the U.S., CHAI and the former president continue to praise Ranbaxy and distribute the company s HIV/AID drugs to patients abroad.Bill heaped praise on Ranbaxy in 2013 during a speech in Mumbai, saying, the drugs saved millions of lives.Neither CHAI nor the Clinton Foundation have announced they severed ties with Ranbaxy.For entire story: The Daily Caller ",left-news,"Sep 20, 2016",0 +ANYONE WHO Still Supports Hillary After They See This Video Should Forfeit Their Right To Vote,"Hillary is without a doubt, the worst and most despicable liar to ever run for the office of President Of The United States Hillary is a sociopathic liar: A sociopath is typically defined as someone who lies incessantly to get their way and does so with little concern for others. A sociopath is often goal-oriented (i.e., lying is focused it is done to get one s way). Sociopaths have little regard or respect for the rights and feelings of others.https://twitter.com/HlLLARYCLINT0N/status/777660956088406017",left-news,"Sep 20, 2016",0 +BREAKING: FEMALE LAW STUDENT Busts Hillary’s β€œOh Sh*t” IT Guy Who Was Seeking Help To Scrub Hillary’s Name From Emails…Wikileaks Applauds!,"Will this FINALLY be the straw that breaks the camel s back? Wow and it s not even October yet! Things are not looking good for #CrookedHillary The House Oversight Committee is reviewing a Reddit post that alleges an IT specialist who worked on Hillary Clinton s private server sought advice on how to alter the contents of VERY VIP emails, according to Rep. Mark Meadows (R-N.C.).Meadows is the chairman of the panel s Government Operations subcommittee. The Reddit post issue and its connection to Paul Combetta is currently being reviewed by OGR staff and evaluations are being made as to the authenticity of the post, Meadows told The Hill. Reddit users appear to have uncovered a two-year-old post from an account believed to belong to Combetta, an engineer with Platte River Networks. The Denver, Colo.-based firm managed Clinton s private server.The Reddit Archives that are allegedly Combetta s, can be found near end of article. Combetta was granted immunity from Obama s Department of Justice in their investigation of Clinton.Combetta was the employee who deleted all of Hillary Clinton s emails.According users on Reddit, Combetta asked for assistance in July 2014 from Reddit users on how to purge emails and how to strip VIP s email address from a bunch of archived emails. -GPhttps://twitter.com/juliangwan/status/778006379596509184The post, which has been deleted but can be read in images archived by Reddit users, coincides with the discovery of Clinton s use of the server.Busted:Proof of Intent to Obstruct Justice 2 Years Ago from #HillarysHackerReddit Post Reveals. pic.twitter.com/aVgdV8gDla The Truther (@4evertruther) September 19, 2016 I may be facing a very interesting situation where I need to strip out a VIP s (VERY VIP) email address from a bunch of archived email Basically, they don t want the VIP s email address exposed to anyone, and want to be able to either strip out or replace the email address in the to/from fields in all of the emails we want to send out, reads the post, by a user called stonetear. Does anyone have experience with something like this, and/or suggestions on how this might be accomplished? Here is the Twitter user who uncovered Combetta s requests for help on Reddit:SMOKING GUN: ""BleachBit"" Paul Combetta ASKED TO STRIP OR REPLACE VIP's EMAIL ADDRESS! https://t.co/nz13MqzWth #MAGA pic.twitter.com/qQII96JI76 Katica (@GOPPollAnalyst) September 19, 2016Here she is discussing her find:Great job! That's some damned good sleuthing, you should give the FBI some lessons. Girl_Grimly (@ed_grimly) September 19, 2016Thank you!!! I'm studying law (MS) with concentrations in eDiscovery/eLitigation, but close! I have amazing professors. https://t.co/baaz6PqJaw Katica (@GOPPollAnalyst) September 19, 2016Wikileaks cheered Katica s good work on Twitter, and she was thrilled:This is so awesome to be to have @wikileaks on this. *swoon* https://t.co/CfXpo8PctY Katica (@GOPPollAnalyst) September 20, 2016Combetta is currently one of the targets of a broader Oversight investigation on whether Clinton ordered the destruction of emails that had been subpoenaed by the Benghazi Select Committee. If it is determined that the request to change email addresses was made by someone so closely aligned with the Secretary s IT operation as Mr. Combetta, then it will certainly prompt additional inquiry, Meadows told The Hill. The date of the Reddit post in relationship to the establishment of the Select Committee on Benghazi is also troubling. The Reddit message was sent on July 23, 2014, according to an archive of the page saved by other users. The day before, the Benghazi Committee had reached an agreement with the State Department on the production of related records, according the FBI s investigation into Clinton s use of the server.The identity of the stonetear user is not confirmed. Reddit users point to the fact that an account on the online marketplace Easy for a Paul Combetta has the username stonetear and the inactive website combetta.com is registered to the email address stonetear@gmail.com.Combetta appeared under subpoena in a committee hearing last week on the alleged destruction of evidence, but both he and colleague Bill Thornton exercised their Fifth Amendment right not to testify.borismkv: There is no supported way to do what you re asking. You can only delete emails after they re stored in the database. You can t change them. If there was a feature in Exchange that allowed this, it could result in major legal issues. There may be ways to hack a solution, but I am not aware of any. permalinkembedsavegive goldstonetear: As a PST file or exported MSG files, this could be done though, yes? The issue is that these emails involve the private email address of someone you d recognize, and we re trying to replace it with a placeholder address as to not expose it.exproject: To my knowledge, there s no way to edit existing messages, that s a possibility for a discovery nightmare. To strip/rename on outbound/inbound you could rewrite it with a transport rule.stonetear: That wouldn t work on existing messages though right?odoprasm: Is there no way to access and edb manually?stonetear: I have full access to the server what are you suggesting with the EDB file?stonetear: I think maybe I wasn t clear enough in the original post. I have these emails available in a PST file. Can I rewrite them in the PST? I could also export to MSG and do some sort of batch find/replace. Anyone know of tools that might help with this?exproject: Just because you have the messages available in multiple formats and locations doesn t change that it s an attribute of the envelope not meant to be rewritten. The functionality is just not built into any tool I know of. Having that functionality would create the ability to screw with discovery (I mean, there could be mitigation with versioning, but that would need other configuration) While it may not be a read-only part of the envelope(I m not actually sure), the only tool that MIGHT be able to do what you want is MFCMapi, and I don t think you want to play with that for this job. The chance of getting it wrong would be pretty high I think and it is not a particularly friendly tool. I m not sure it could be scripted with it either. My recommendation would be what /u/borismkv said. Making a mailbox for VIP and telling them to use that. Forwarding to VIPs mailbox would be ripe for them to just respond directly instead of responding through his relay mailbox. As for your existing messages, if the current users absolutely cannot see the existing messages, you ll need to do a search and export and just forcibly remove the messages from their mailboxes. It s not clean and not advised by me, but if they don t want VIPs address out there it will need to be removed. I would do a search with his email address as the query with -LogOnly -LogLevel Full and see what kind of results you get.EDIT: Holy shit they actually deleted all their comments from a 2 year old reddit post, I think we hit gold on this one. Archive.is link of the deleted reddit postCan somebody make sure we have the twitter posts archived too? I really don t trust twitter to keep those up. Gateway PunditHere is the ARCHIVE of the messages that were deleted on Reddit.UPDATE: Here s a screengrab of the archived pictures from Reddit:The committee has scheduled another hearing on the preservation of State Department records for Thursday.Oversight Chairman Jason Chaffetz (R-Utah) has issued a criminal referral asking the U.S. attorney for the District of Columbia to investigate deletions from the server.This latest probe stems from revelations from the 58-page report issued by the FBI summarizing its investigation into Clinton s use of the server.According to the FBI s report, an unnamed Platte River Networks technician deleted an archive of emails from the server in March 2015 after the House Select Committee on Benghazi had issued a subpoena for records relating to the 2012 attack on the Libyan outpost.According to the FBI s notes, longtime Clinton aide Cheryl Mills instructed Platte River Networks to delete a set of archived emails in December 2014. Mills told investigators Clinton had decided she no longer needed access to emails older than 60 days.But the technician apparently forgot the request and didn t immediately comply. According to the FBI report, between March 25 and March 31 of 2015, the technician believed he had an oh shit moment and deleted the Clinton archive mailbox from the [Platte River Networks] server. Reporting from The New York Times has since identified Combetta as that technician, citing an anonymous law enforcement official and others familiar with the FBI probe.Clinton and Mills told the FBI that they had no knowledge of the technician s deletion of the emails. The technician, according to the report, was aware of the existence of the [Benghazi Committee] preservation request and the fact that it meant he should not disturb Clinton s email data on the [Platte River Networks] server. The HillFrom Representative Steven Smith:BREAKING: Citizen Journalist breaks HUGE Clinton email story PROVING Hillary ORDERED EMAILS TO BE STRIPPED! #MAGA https://t.co/m5fYUmibpT Rep. Steven Smith (@RepStevenSmith) September 19, 2016Rep. Steven Smith posted this on Monday morning. BREAKING: Citizen Journalist breaks HUGE Clinton email story PROVING Hillary ORDERED EMAILS TO BE STRIPPED! ""The issue is that these emails involve the private email address of someone you'd recognize."" WOW!#HillarysHacker pic.twitter.com/j9fDrm4HGU Mike Cernovich (@Cernovich) September 20, 2016",left-news,"Sep 19, 2016",0 +HUFFINGTON POST WAVES WHITE FLAG…Calls Race For Trump…”Journalists” Pack For Canada,"This is not just a win for the Alt-Right or for the Republican Party, this is a win for America. American voters are about to prove that it s possible for an outsider who loves his country so damn much, that he s willing walk away from a multi-billion dollar business and essentially trade down his glamorous NYC and Palm Beach estates, can and WILL win the most coveted prize for career politicians. For many of us, the idea of Donald J. Trump beating the odds-on favorite sociopathic liar, Hillary Clinton and her serial rapist husband, is a victory we could have never imagined only one year ago. We ve watched Donald Trump interview candidates for top jobs in his company for years on his Apprentice TV show. He knows how to pick a winner because he knows precisely what it takes to be a winner. After 8 long years of being kicked around and humiliated by Iran, Russia, Iraq, North Korea and China, American voters are ready for a leader to represent us, someone who gives us hope that America can, and will win again. Of course the idea of winning, or being the best at something is triggering liberals in the media to pack their suitcases and head for a more mediocre environment, one where the idea of Making America Great again is mocked and ridiculed. To the whiny, mediocre liberals we say, So long Lefties! We can never make America great again if half the nation believes we need to be sorry for our successes. So don t let the door hit ya where the good Lord split ya .And oh yeah, don t forget to come back and visit when you or a family member needs quality health care. Give us a couple of years to fix this Obamacare mess We ll be waiting If Donald Trump does sack the fortress, no one who lost the battle will want to admit it was Hillary Clinton s fault. It will have had nothing to do with, say, transparency or calling bearded villagers deplorables or the Iraq War vote or the simple fact that middle-of-the-road Clintonism ran out of gas as a public philosophy.No, other individuals, groups and forces will have to be blamed. In fact, they already are, pre-emptively. If Trump wins, we re all going to be too busy moving to Canada to read the postmortems (or write them), so we offer them to you now:1. THE MEDIA Everyone s pi ata. Trump will blame the media. Gary Johnson will blame the media. Jill Stein will blame the media. (The media will ask, Wait, which one was Jill Stein? )2. THE RUSSIANS ARE COMING Actually, they arrived long ago and got into her phone.3. MILLENNIALS Ugh. F**cking idealists, right?4. BERNIE SANDERS Remember when people worried that running unopposed in the primary would hurt Clinton? It s going to be an endless wail about how Sanders should have withdrawn sooner.5. BILL CLINTON You know how this will go down: Best campaigner of all time and he couldn t close the sale. He lost his mojo.6. SEXISTS Ugh. F**cking glass ceiling.7. OBAMA PEOPLE If they could delete all of David Axelrod s tweets, they would.8. JAMES COMEY He might as well have indicted her for real, like he did in the court of public opinion. Extremely careless.9. DEBBIE WASSERMAN SCHULTZ AND THE DNC Her Soviet-style approach to boosting Clinton was something that Hillary s campaign was happy to countenance. But the former DNC chair should have left room for dissent rather than let it bottle up. Huffington PostPlease note that nowhere on this list will you find the real reason the Democrats lost. And no, it s not Hillary it s actually the American voters desire to be great again period. ",left-news,"Sep 19, 2016",0 +DISTURBING VIDEO Shows HILLARY’S Campaign Likely FAKED Her Audience At NC Rally,"On September 15, Hillary apparently held a rally in the Old Student Recreational Center at the University of North Carolina in Greensboro, NC. This was her first public appearance since she convulsed and had to be lifted into her van following the 9-11 memorial in NYC. Hillary s campaign was quick to blame the heat until they discovered conservative websites were able to quickly access the weather and determine that it was a balmy 74 degrees in NYC! Hillary was quickly whisked away to her daughter Chelsea s apartment following her incident, passing more than one hospital on the way to recuperate. Did Hillary recover from her incident or was this rally faked to make it look like she did?Here is the first video of Hillary s Greensboro, NC rally that was causing viewers to ask what the heck are those cameras in Hillary s audience pointing at? If you look closely, it sure isn t Hillary!Watch this video first, and then the video below to get a closer analysis of what appears to be a phony rally for Hillary at https://twitter.com/WDFx2EU5/status/777263623915745280This stunning video takes the viewer through and shows step-by-step where the audience is faked:Here is the actual video from C-Span to prove nothing was doctored in the videos above. Holy moly!",left-news,"Sep 19, 2016",0 +WHOA! NEW DISTURBING VIDEO Shows HILLARY’S Campaign Likely FAKED Her Audience At NC Rally,"On September 15, Hillary apparently held a rally in the Old Student Recreational Center at the University of North Carolina in Greensboro, NC. This was her first public appearance since she convulsed and had to be lifted into her van following the 9-11 memorial in NYC. Hillary s campaign was quick to blame the heat until they discovered conservative websites were able to quickly access the weather and determine that it was a balmy 74 degrees in NYC! Hillary was quickly whisked away to her daughter Chelsea s apartment following her incident, passing more than one hospital on the way to recuperate. Did Hillary recover from her incident or was this rally faked to make it look like she did?Here is the first video of Hillary s Greensboro, NC rally that was causing viewers to ask what the heck are those cameras in Hillary s audience pointing at? If you look closely, it sure isn t Hillary!Watch this video first, and then the video below to get a closer analysis of what appears to be a phony rally for Hillary at https://twitter.com/WDFx2EU5/status/777263623915745280This stunning video takes the viewer through and shows step-by-step where the audience is faked:Here is the actual video from C-Span to prove nothing was doctored in the videos above. Holy moly!",left-news,"Sep 19, 2016",0 +ENTIRE HIGH SCHOOL FOLLOWS KAEPERNICKS Lead In Disrespecting The National Anthem,"It seems that Colin Kaepernick has become more of an influence in our youths life then any of us would have hoped for. On one hand it is amazing that an entire high school football team wanted to protest social injustices, but on the other following a move that shows nothing but disrespect to this country and the men and women that have fought for it for so long is a travesty.Recently converted muslin-Colin Kaepernick from the San Francisco 49ers decided he wanted to protest oppression of the black man in America by sitting during the National Anthem. The move is spreading like an oozing wound, and unfortunately his job a role-model and mentor has been compromised.The coach of the Garfield Seattle High School football team should be ashamed of himself for not only allowing this type of action but for joining in on it!The coach stated that they will continue this action before every game until they tell us to stop. High schools across this nation are doing the same and it is heartbreaking to watch our youth be so very misguided.Garfield High School (Seattle) student-athletes taking a knee during the National Anthem yesterday. #Seattle pic.twitter.com/o362ugXMd2 HauteHoopla (@HauteHoopla) September 17, 2016This country needs more authority figures teaching our children what the National Anthem really means. It literally is a protest for injustices, its a hymn for those that have died for us to have our freedom, its a song that will forever remember every single action taken to create this beautiful country, and as such should be stood for. This basketball coach in the video below explains it beautifully. Thankfully there are a few like him left.H/T [ Young Cons. ]",left-news,"Sep 19, 2016",0 +"DUMB AS A ROCK…Gary Johnson On NYC, MN Terror Attacks: β€œI’m Just Grateful That Nobody Got Hurt” [VIDEO]","Saturday s bomb blast in New York City injured 29 people, and 9 more people were stabbed by the Muslim attacker in St. Cloud, MN. on the same day. Not to worry though, Aleppo Gary is on top of it and he s just glad no one got hurt. Could you just put the bong down until the campaign s over Gary? ",left-news,"Sep 18, 2016",0 +Hillary Supporters Can Now Add β€œANTI-TRUMP” TONY To Her β€œBasket Of Sex Offenders” [VIDEO],"How many Hillary supporters does it take to fill a basket of serious sex offenders? Let s see, there s Bill and then there s Bill s pedophile friend Jeffrey Epstein, and oh yeah now we can add Tony to the basket of men who assault the candidate who represents women?Something tells me Trump supporters would rather be in Hillary s imaginary basket of deplorables You might remember a Hispanic political activist named Tony Yapias, who was extremely critical of Donald Trump s assertion that some illegal Mexican aliens were rapists.Tony Yapias is the director of Proyecto Latino de Utah . Mr. Yapias also coordinated numerous protest events against Donald Trump including a rather violent display in Salt Lake City, Utah.Yes, it appears Mexican rapist Tony Yapias felt additionally empowered by the fact his victim was less likely to be able to contact law enforcement.However, as Fox13 in Salt Lake City reports:[ ] Despite the woman s fears concerning immigration issues, court documents state, she reported the assault the day after it happened. She was also examined by a forensic nurse who found she had multiple physical injuries consistent with her explanation of what happened (link)Mr. Yapias threatened, raped and blackmailed his victim specifically because of her undocumented illegal immigration status. Conservative TreehouseWatch Tony complain that a list was released with names of Hispanic illegal alines living in Utah. He actually calls it an act of terrorism against the illegal aliens. This is how these people roll ",left-news,"Sep 18, 2016",0 +"MN SOMALI Residents Comment On MUSLIM Who Stabbed Innocent People At Mall: Was β€œExceptional” Student, β€œHelped his family…Never had a violent history”","He was such a nice boy!Where have we heard this BS before?Alleged images of reported knife attacker, 22-year-old Dahir Adan #StCloudMall #Minnesota pic.twitter.com/99irKmK3BJ DivaKnevil (@DivaKnevil) September 18, 2016Somali-American leaders are expressing shock and sympathy over attacks Saturday at Crossroads Center by a man from their community. Dahir Adan attacked several shoppers with a knife in the St. Cloud, Minnesota mall designated as a gun free zone. The mall Crossroads Center has a Code of Conduct that forbids firearms or illegal weapons. There are no reports on whether there were any concealed carry permit holders who were present when the attack occurred but were unable to defend themselves due to mall policy. However, the attack was stopped by an off-duty officer who carried his gun with him, the gun free policy notwithstanding.Breitbart News reported the attack occurred between 8:20 and 9 pm local time. ABC affiliate KSTP reports that at least eight people were injured in the attack; the St. Cloud Times notes that one of those eight was admitted to the hospital, while the rest sustained non-life threatening injuries. The attack ended when the off-duty officer shot and killed the knife-welding attacker.KSTP confirms the attacker made references to Allah at some point during the attack.They say they are uncertain of motives behind the attack by Dahir Adan, who was killed during the spree by an off-duty police officer. Religious leaders point out that Islam does not condone violence, and one leader is cautioning that the actions should not prompt retaliation. Breitbart News The entire community are shocked by this incident. The family and the community would like to know the whole picture of this incident, said Abdul Kulane, a leader in the Somali community. Again, our sympathy goes to the families and victims and the entire community. Leaders spoke as representatives for the family. We have came today to visit the family that was affected by this. It is really very tragic, Kulane said. St. Cloud and Somali community leaders, we would like to express our condolences to the victims and their families, from the incident at Crossroad mall. We would like to offer our sympathies to those affected, their families and the entire St. Cloud community. He said the family and community are awaiting the full picture of the incident from police. This is what we do know so far: The alleged suspect is Dahir Ahmed Adan. We know him in this community as an exceptional graduate from Apollo High School. He graduated with an honor. He was also a junior student from SCSU, St. Cloud State University, Kulane said. While maintaining a high GPA, he worked part-time as a private security officer. He was helpful to his family and as far as we know, he never had a violent history, as far as his family and the community can remember. He was a friendly and active community member. The details of the actual incident are unclear. All the information circulating in the media are speculations, Kulane said. These are the facts we know: He went to buy an iPhone from the Crossroads mall, Kulane said. The last time he was seen was 6-6:30 p.m. SCTimes",left-news,"Sep 18, 2016",0 +THE LEFT WANTS TO BAN The Word β€œTerror” To Avoid Offending Muslims,"On the show, Sunday Morning Futures, a far left activist ranted on about how the wor terror should be banned because it may offend muslims.Richard Fowler: Here s what DeBlasio tried to do yesterday, right? Yes, it was an intentional act. Yes, it was an act of terror. The problem is when you say the word terror because of word association it automatically assumes you are talking about people of the Muslim faith. And that is why he said an intentional act and not terrorism because we don t know if it was Muslim. None of these organizations have taken credit for it. So before we go out and start to blame and shame a whole religion we ought to be very careful and get all the facts first. Well, Mr. Fowler, that is the most ridiculous thing ever spewed from a leftists mouth. There have been over 29,236 ISLAMIC TERRORIST attacks since 9/11. Maybe muslims wouldn t need to be offended by the word terror of they simply stopped committing acts of terror! As an American, anyone that is a citizen has the freedom of speech, so to dictate that any word we use that is in fact the correct word to describe attacks such as the Manhattan bombing, the New Jersey Bombing, and even the Minnesota Mall attack, is well within our rights as said American citizens.If anyone, muslim or otherwise, doesn t like that word they are free to not use it, but no one is free to strip the right to use it from everyone else.H/T [ Gateway Pundit ]",left-news,"Sep 18, 2016",0 +OBAMA GUILTS CONGRESSIONAL BLACK CAUCUS Members To Vote For Hillary,"Obama s narcacism was in full swing on Saturday night at the 46th Annual Legislative Conference Phoenix Awards Dinner of the Congressional Black Caucus. He spoke for almost a half an hour about how good he has been for the country, and then he manages to tell the room that they need to vote for Hillary to keep from insulting his legacy! Oh, how the mighty have fallen. My name may not be on the ballot but our progress is on the ballot. Tolerance is on the ballot. Democracy is on the ballot. Justice is on the ballot. Good schools are on the ballot. Ending mass incarceration, that s on the ballot right now. And there is one candidate who will advance those things. And there is another candidate whose defining principle, the central theme of hos candidacy is opposition to all that we have done. There s no such thing as a vote that doesn t matter. It all matters, and after we have achieved historic turnout in 2008 and 2012, especially in the African-American community, I will consider it a personal insult, an insult to my legacy, if this community lets down its guard and fails to activate itself in this election. You want to give me a good sendoff? Go vote! H/T [ Breitbart ] ",left-news,"Sep 18, 2016",0 +"WOW! BLACK DALLAS Police Sergeant Sues Obama, Hillary, George Soros, Sharpton, Black Lives Matter And More For INCITING RACE WAR","Read the list of people and organizations this brave Dallas Police Sergeant is suing and tell us if you think he missed anyone who s responsible for starting a race war in America. The head of a Dallas police organization is suing a collection of Black Lives Matter figureheads and other prominent individuals for allegedly inciting racial violence against American police officers. Dallas Police Department Sergeant Demetrick Pennie, President of the Dallas Fallen Officer Foundation, filed an amended federal complaint September 16 against more than a dozen defendant institutions and individuals to build a class action case on behalf of police officers and other law enforcement persons of all races and ethnicities including but not limited to Jews, Christians and Caucasians for inciting race riots and related violence.The suit hopes to produce damages and an injunction placed against alleged threats of racially-motived violence going forward.The defendants represent a who s who of public figures in both racial and general political matters. Apart from founding members and public faces related to Black Lives Matter, Louis Farrakhan and the Nation of Islam; Rev. Al Sharpton and the National Action Network; Malik Zulu Shabazz and the New Black Panthers; George Soros; President Barack Obama; former U.S. Attorney General Eric Holder; and Democrat Nominee Hillary Clinton are all included in the suit.The 66-page federal complaint alleges that each defendant individual and organization repeatedly incited their supporters and others to engage in threats and attacks against police officers around the nation, culminating in the July killings of five Dallas area officers with nine others wounded at a Black Lives Matter gathering. The complaint singles out George Soros as the financier of the BLM Defendants and similar organizations with the goal of inciting a race war and advocating violence against whites and Jews.Defendants Obama and Clinton are blamed for repeatedly endorsing behaviors carried out and surrounding Black Lives Matter.Sgt. Pennie is being represented by Larry Klayman of FreedomWatch. Layman previously founded the conservative legal watchdog Judicial Watch. VIA: Breitbart",left-news,"Sep 18, 2016",0 +COMEDY GENIUS: [Video] β€œBob Ross” Paints Sick Hillary…H-I-L-A-R-I-O-U-S!,Steven Crowder knocks it out of the park with his brilliant imitation of Bob Ross painting a very sick Hillary ,left-news,"Sep 17, 2016",0 +STUNNER! FLORIDA TRUMP EVENT: Former Haitian Senate President Drops CLINTON BOMBSHELL Exposing Unbelievable Corruption [VIDEO],"Former Senate President of Haiti, Bernard Sansaricq, shocked a large crowd at a Trump campaign event in Little Haiti, FL. Sansaricq exposes all of the dirty dealings of the Clinton s in Haiti while he was still in office. Donald Trump to his credit, allowed him to speak his mind and expose to the world what kind of criminals are attempting to scratch and claw their way back into our White House.Sansaricq also claims he begged the Clinton Administration not to invade Haiti. His request was followed up with a visit by an anonymous messenger from the White House who encouraged him to side with the Clinton Administration and he would be the richest man in Haiti. He also suggests that Hillary Clinton disclose the audit of all money related to the Haiti earthquake crisis, as he claims they scammed the poorest citizens of Haiti out of BILLIONS of dollars through the Clinton Foundation. Not even 2% of that money went back to Haiti. So Mr. Trump, we are asking you, begging you, the Haitian community will side with you if one day, you ask Hillary Clinton publicly to disclose the audit of all of the money they have stolen from Haiti in 2010 after the earthquake. Haiti is a very poor country. Haiti needs defenders. You said you would champion our cause. We welcome you sir and we will work with you. Ask Hillary Clinton publicly, during your next debate for an audit of all of the money they have stolen from Haiti. Watch this stunning confession of bribery, and threats during the Clinton presidency when Bill tried to oust the regime in Haiti. ",left-news,"Sep 17, 2016",0 +SCOUNDREL HILLARY SUPPORTER STARTS β€œTrumpLeaks” Campaign…Desperate Move!,"Hillary Clinton ally David Brock is offering to pay for new information on Donald Trump, hoping that damaging audio or video on the Republican presidential candidate will be submitted to his super PAC.Brock, founder of the left-wing Media Matters and operator of Correct the Record super PAC, recently posted the plea on Correct the Record s website and is referring to the project as TrumpLeaks, NBC News reported.Brock asked for video or audio of Trump that has yet to be released. One of the most important things for voters to evaluate in any election is the full measure of a candidate s views, ideas, and temperament over time, the website states. In making a choice for president, voters must also consider how various candidates present themselves to the public and to the world. There are few things more important in that regard than access to video or audio in the form of prior television or radio interviews or more candid video from events a candidate may have attended. Brock s super PAC goes on to say they can offer compensation to anyone who has new video or audio that has been obtained legally.Read more: WFB",left-news,"Sep 17, 2016",0 +MICHELLE OBAMA TO HILLARY: β€œIf You Can’t Run Your Own House…You Certainly Can’t Run The White House” [VIDEO],"Remember when Mooch thought having #CrookedHillary back in the White House wasn t in the best interest of our nation? Yeah neither does she. Maybe someone should remind her as she hits the campaign trail to drum up support from Black female voters. I wonder if anyone is gonna miss this racist freeloader and her regular attacks on anyone whose last name isn t Obama? We sure aren t going to miss 5-Star Mooch, her mooching mother or her embarrassing spouse https://twitter.com/TEN_GOP/status/776879408724541444",left-news,"Sep 16, 2016",0 +BREAKING EXCLUSIVE: BLACK REPUBLICAN Fired From Radio Station After Spending Time With Trump In Detroit,"For just a little over four months, Wayne Bradley could be heard spreading the conservative message on Detroit s 910AM Superstation. Then GOP nominee Donald Trump came to town, and things changed drastically.We ve known soft-spoken conservative, Wayne Bradley for several years. He s never been afraid of controversy and has always stood up for his conservative beliefs.On Friday, Bradley told us in an exclusive interview that local media had reached out to him when Trump came due to his position as State Director of African American Engagement for the Republican National Committee. Bradley who was unpaid during his time at the station didn t mention his affiliation with 910AM, which, he said, he generally doesn t do when discussing political issues with the media.He also met Trump and posted a photo of him with the candidate. When asked, Bradley said he had nothing to do with Trump s visit and was at at the rally with a pastor.The station, which was well aware of his work with the GOP, informed him by email that he was on hiatus that Friday, leading him to believe he would be back on the air shortly. But that wasn t the case.He received clarification on Monday that the show was canceled for good.It s not clear why station management decided to cancel the show.A station representative told 100 Percent FED UP, It was a business decision on the back-end. We contacted 910AM and spoke to an administrative assistant who refused to provide her name. According to the person we spoke to, no one at the station was available for comment because they were, very, very busy with meetings about Bradley s dismissal.The unnamed assistant told us that a statement would be released, but she was unsure when that might happen.But that s not what station owner Kevin Adell told the Detroit News. According to that report, Bradley was allegedly fired for violating corporate policy. He violated corporate policy, that s why he got fired. He was let go for insubordination. But it s not clear what policy Bradley allegedly violated. Bradley suggested it may have been due to the fact he didn t plug the station during interviews with the press.Regardless of the reason, Bradley said he appreciated the opportunity to have a dialogue with the community and was very grateful to have the air time.Moreover, he said that he understands the left-wing political climate in Detroit and respects the owner s decision.While he respects the decision, he told us he was disappointed with management for silencing the dialogue. Others weren t happy with the decision and made their feelings known on the station s Facebook page. 910AM where blacks are kept on the Gov ment PLANTATION and other views of them PROSPERING on their own merits is not allowed, one person said. Your way or the hiway-not the station I want to listen to-I m out!!! another person added. I would like to know where Wayne Bradley is at? Why is he not on the air? Shameless, commented a third critic.Bradley, who has been in radio off and on for about six years, says he s not worried and knows that something better will come along.And, he added, he appreciates the support of the listeners who reached out to the station.Meanwhile, the Oakland County Republican Party has offered their support for Wayne Bradley and asked fellow Republicans to call Superstation 910AM at:Station Phone: (248) 278-0910 Fax: (248) 350-3422 Studio Phone: (313) 209-9000Attention: Kevin Adell, Owner of 910 AM Dody Johnson, Station ManagerIn the meantime, Bradley said he ll continue his daily outreach efforts something he s been doing since September 2013. It s a different battle in Detroit, he told us. The key, he added, is to stay positive. As for the incident with 910AM, Bradley said he views it as a minor speed bump. ",left-news,"Sep 16, 2016",0 +DEPLORABLE! HILLARY’S Campaign Is In PANIC Mode…Their Latest β€œRACIST FROG” Story Proves It [VIDEO],"What happens when Hillary s poll numbers take a nose-dive after she s caught having convulsions in a press-free zone, passes out, and has to lifted into her vehicle by secret service? What happens when the public realizes Hillary is a sociopathic liar and they decide they can no longer support her, even if her genitalia matches theirs? They panic and then they resort to the most despicable act of all impugning the character of Donald J. Trump by using a FROG to paint him as a racist! pinning him to ONE person on Twitter who used Pepe the Frog to push a White Nationalist message. According to the liberal rag The Daily Beast the Twitter user is a self-proclaimed 19 yr old White Supremacist. The Hillary campaign is desperate, and is looking for any excuse they can think of to take down their formidable opponent, Donald J. Trump. How do they do it? With a frog From the Hillary.com website:Over the weekend, Donald Trump s son and one of his closest advisers posted an odd photo on their social media accounts:This raised some important questions.That s Pepe. He s a symbol associated with white supremacy.That s right.Here s the short version: Pepe is a cartoon frog who began his internet life as an innocent meme enjoyed by teenagers and pop stars alike.But in recent months, Pepe s been almost entirely co-opted by the white supremacists who call themselves the alt-right. They ve decided to take back Pepe by adding swastikas and other symbols of anti-semitism and white supremacy. We basically mixed Pepe in with Nazi propaganda, etc. We built that association, one prominent white supremacist told the Daily Beast.Trump has retweeted his white supremacist supporters with regularity, but the connection between the alt-right and his campaign continues to strengthen. Trump has been slow to disavow support from Ku Klux Klansmen (HILLARY IS THE ONLY CANDIDATE WHO HAS RECEIVED OVER $20,000 IN DONATIONS FROM THE KKK AND HAS BEEN OPENLY ENDORSED BY THE HATE GROUP) and white supremacy groups, and he recently hired Breitbart.com s Steve Bannon as his campaign CEO (and Bannon isn t shy about the fact that his news organization is the platform for the alt-right ).Now white supremacists have given Pepe the cartoon frog some Trump hair and the candidate s own son says he is honored to be grouped with him.Let me get this straight: Trump s presidential campaign is posting memes associated with white supremacy online?Yes.Like all great art, Pepe was open to endless interpretation, but at the end of the day, he meant whatever you wanted him to mean. All in good fun, teens made Batman Pepe, Supermarket Checkout Girl Pepe, Borat Pepe, Keith Haring Pepe, and carved Pepe pumpkins.But he also embodied existential angst. Pepe, the grimiest but most versatile meme of all, was both hero and antihero a symbol fit for all of life s ups and downs and the full spectrum of human emotions, as they played out online.On social media, Pepe became inescapable. Katy Perry tweeted a crying Pepe with the caption Australian jet lag got me like, racking up over 10,000 retweets. Nicki Minaj posted a twerking Pepe on Instagram with the caption Me on Instagram for the next few weeks trying to get my followers back up, which 282,000 users liked. And then, recently, things took a turn: Pepe became socially unacceptable.Here is a screen shot of the PARODY account @JaredTSwift the Daily Beast and Hillary s campaign refer to:Yep that s it. Pepe the Frog was used by a singe Twitter user who clearly identifies his account as PARODY, so if Trump or anyone associated with Trump uses Pepe the Frog (who has been used by literally hundreds of thousands of social media users) Trump must be a racist! There is absolutely no mention of Jared Taylor Swift s support for Donald J. Trump in his bio or in his Pepe the Frog posts. But that s how these liberal rags roll, and Hillary jumped right on that bandwagon without any evidence whatsoever, in a desperate effort to tie Trump to this ONE anonymous PARODY Twitter user.This YouTube video does a great job of mocking Hillary and her campaign for attempting to pin a racist label on the cartoon frog in hopes that it would in turn make American voters believe Trump is a racist just like the cartoon frog Enjoy:",left-news,"Sep 16, 2016",0 +DR. WOLF CALLS OUT HILLARY For Lying About Pneumonia Diagnosis [VIDEO],"Dr. Milton Wolf seems to have take offense at the diagnosis of Hillary Clinton. He states in no uncertain terms that Non-Contagious Bacterial Pneumonia does not even exist. His argument can be supported by the fact that if that was indeed what she had then why the antibiotics that supposedly don t help with bacterial type infections.You may remember Dr. Wolf from stories of him being Obama s second cousin. He has been featured on a few Mainstream Media shows to discuss many different things form his familial ties to Obama to his campaign for Kansas State Senate in 2014.These screen captures are from his recent tweets concerning Hillary and her supposed diagnosis.Is it possible that Hillary, her doctor , and her staff are all lying once again to hide somethin more disturbing, like a neurological disorder? Clinton is very aware that the DNC has had meetings to discuss replacing her as the 2016 candidate, even going so far as discussing the possibility of Obama taking a 3rd term, so it is well within the possibility that she is panicking and trying hard to cover the truth.Not that we expect Hillary to ever tell the truth about anything, but it would be nice to know if someone who may be running this entire country is possibly suffering from a disease that may cause her to not be fully able to use her cognitive abilities to the fullest when making important decisions for the American people.In an ironic twist the YouTube link for this particular video clearly states that the two doctors featured have never even met Hillary. H/T [ Proud Cons ]",left-news,"Sep 16, 2016",0 +BREAKING: TRUMP Just Made A HUGE Announcement…Proving He’s The Only Candidate Who Truly Believes #BlackLivesMatter,"Hillary pretends to care about the Black community. If she cared so much, why is she so willing to carry out the legacy of black genocide by Planned Parenthood founder and white supremacist Margaret Sanger? If she really cared about the Black community, why is she not fighting taxpayer funded Planned Parenthood abortion clinics on every inner-city corner in America? Planned Parenthood is the largest abortion provider in America. 78% of their clinics are in minority communities. Blacks make up 12% of the population, but 35% of the abortions in America. Colored people are like human weeds and are to be exterminated. Margaret Sanger, Planned Parenthood founderDonald Trump made a bold move today that proves his commitment to the Black community. Trump issued a call to make permanent the Hyde Amendment that bans almost all federal taxpayer funding of abortions and is credited with saving the lives of over 1 million Americans from abortion. Trump- s call comes as Hillary Clinton is campaigning in reversing Hyde and forcing Americans to fund free abortions for women with their tax dollars.Every year, Congress is forced to fight the battle to protect Americans from being forced to pay for abortions with their tax dollars. Democrats annually fight the pro-life budget provision and hope they can eventually reverse it should they take control of both the White House and Congress.That has led to pro-life groups calling to the adoption of a permanent law putting Hyde in place long-term and making it more difficult for pro-abortion forces to reverse. Today, Trump announced his support for such a law.The call for banning taxpayer funding of abortions comes in a new letter from Trump. Trump commits to a new policy: Making the Hyde Amendment permanent law to protect taxpayers from having to pay for abortions. Hillary Clinton s unwavering commitment to advancing taxpayer-funded abortion on-demand stands in stark contrast to the commitments I ve made, Trump writes, to advance the rights of unborn children and their mothers when elected president. Via: Life News",left-news,"Sep 16, 2016",0 +"WHY DID WILL AND JADA PINKETT SMITH β€œHappily Donate” $150,000 To Radical Racist Louis Farrakhan’s Organization?","Remember Will and Jada Pinkett Smith s contribution to this racist, anti-Jew, anti-Christian clown the next time you plunk down $12 $15 to see one of his movies Here is the post taken from Louis Farrakhan s Facebook page announcing his gratitude to mega-donors Will and Jada Pinkett Smith. What s in it for Will and Jada Pinkett-Smith? Why would they make this kind of a donation to one of the most hateful and racist men in Ameirca?// Last night in Philadelphia, The Honorable Minister Louis Farrakhan announced that he called upon Will Smith and Jada Watch Will Smith and his radical wife Jada Pinkett Smith gush over our Racist In Chief and his racist wife, Barack and Michelle Obama. He also talks about how he had to overcome the criticism of Smith s music catering to white people:https://youtu.be/ZVSA44-c9xg",left-news,"Sep 16, 2016",0 +COLIN POWELL Picked On The Wrong Guy: GENERAL FLYNN Rips Him To Shreds Over Nasty Comments In Leaked Emails [VIDEO],"After General Powell s email server was hacked it seems that Hillary and Trump were not the only ones he attacked with insults and nasty rhetoric.Powell went after retired Lt. Gen. Michael Flynn, a top Trump military adviser. Powell called Flynn a jerk who is unchained and a right-wing nutty. Powell however had to admit once called on the insults that he has actually never even met Flynn nor did he ever serve with him.He responded by stating, Talking to people in the know, his real problem was leadership and management issues at DIA. Senior staff was in incipient revolt. He has been over the top in his comments, conduct unbecoming. But he is unchained. He continues by saying, Pattern of behavior which is why he was fired. Real question is how he got that far in the Army. Flynn did respond during an interview on the Kelly File. I ve actually been called worse things by my little sister. He went on to say, Colin Powell, he s an amazing guy, amazing service, but he s actually, you know, as a footnote in history, he s going to be always struggling for his credibility because of the statement that he made to the United Nations that brought us into the war in Iraq. After the disparaging remarks towards Hillary, Trump, Flynn and a even a few other service members were highlighted as having been said by Powell, Flynn did caution that prominent individuals need to be more careful about what they send electronically.H/T [ Fox ] ",left-news,"Sep 16, 2016",0 +OUCH! The Left’s β€œOther Woman” Just Landed A DIRECT HIT On Hillary…And She Is SPOT ON!,"Wow that s gonna leave a mark!When she s not being arrested for defacing public property, she s actually kinda funny!Jill Stein is no stranger to breaking the law. She currently has a warrant for out for arrest. A North Dakota Judge is charging her with criminal trespass and mischief during protest against a pipeline project on September 1st.The bottom line is, she may be a bit of a fruitcake and a rabble rouser, but she wasn t far off with her evaluation of Hillary s rallies LOL!",left-news,"Sep 16, 2016",0 +SOCIOPATHIC LIAR: Hillary Hid SERIOUS Health Issues From Public In 1998 And Again In 2003,"In the end it really all comes down to character. Who can you trust? Who will look at you with a straight face and tell you what you want to hear, and who will tell you the truth even when it s not popular? It s clearly a rhetorical question and one that every voter in America should be asking themselves before risking the security of our nation under the leadership of a self-serving sociopathic liar SOCIOPATHIC LIAR: Most people have lied in their life. Whether it was to protect feelings, avoid trouble, impress, or to simply get what they want, not many people can say they have never told a lie.However, there is one extreme type of liar that you should beware of; the sociopathic liar.On first impressions, you may find you actually like or are drawn to the sociopath. It s not surprising as more often than not they are indeed charming and likable. Watch out, these type of liars can cause untold damage and mayhem once they lead you into their web of lies and deceit.Sociopaths lie the most because they are incapable of feelings and do not want to understand the impact of their lies. They may even get a thrill out of lying at your expense. Once they tell an initial lie they go on to tell many more lies in an attempt to cover up the lies they started, or just for the fun of it.A sociopath rarely reveals his or her feelings or emotions. You won t often hear them laugh, cry, or get angry. These kinds of liars tend to live in their own little world and always find ways to justify their dishonest deeds. They do not respect others and place their own needs first and foremost.If someone questions the sociopath s lies they can be incredibly devious in the way they cover things up. This can include placing the blame at someone else s door or by inventing complex stories to cover up their untruths.Sociopaths can be so good at lying that they are able to pass lie detector tests. This means they often escape jail or don t even get prosecuted for the crimes they permit. (That s not to say all sociopathic liars are criminals, of course).Hillary Clinton allowed her staff to mistakenly think that she had a pulled muscle rather than tell them she had a blood clot in 1998.The Democratic Presidential candidate, who was First Lady at the time, did not correct White House staffers when they assumed the problem with her right leg was due to over exercising.According to Clinton s doctor at the time, Connie Mariano, very few people knew the truth and her boss refused to take time of the campaign trail for her husband s re-election.Instead a nurse came with her to check on her condition and administer drugs if needed but nobody outside of her Secret Service detail was told who she was.The incident shows that Clinton s habit of choosing secrecy over coming clean has a long history.It would not be until 2003, five years after the blood clot and two years after her husband left office, that Clinton would even disclose it had happened in single paragraph in her memoir.Clinton s health has become an issue during the Presidential election after she nearly collapsed during the 9/11 memorial event at Ground Zero in New York on Sunday.A video shot by a bystander shows the 68-year-old s legs buckling as tries to get into a waiting van.Her campaign team said she was overheated but later that on Sunday Clinton s personal doctor revealed she had been diagnosed with pneumonia two days before but she kept it a secret.During her decades in public life Clinton has suffered a number of health scares and her response to handling them appears to have changed little. Rear Admiral (lower half) Connie Mariano. She revealed Clinton s health secrecy in her memoirsThe first of her three blood clots happened in 1998 whilst she was campaigning for her husband Bill to get his second term as President in the face of possible impeachment over the Lewinsky scandal.According to Mariano, who as a Navy captain and latterly rear admiral (lower half), was the White House doctor for President Clinton, she told his wife that she was at risk for a blood clot and insisted on coming to see her on a Saturday. In her memoir The White House Doctor: My Patients Were Presidents, she takes two pages to explain how she told the First Lady: I m worried about your leg. You ve been out on the campaign trail for some months now, sitting in cars for hours at a time. Within an hour Mariano was examining Clinton s right calf which was swollen .Marian s initial examination caused her enough worry to insist Clinton go to Bethesda Naval Hospital for an ultrasound. Once they were there and the diagnosis confirmed Mrs Clinton balked at the idea of being kept into hospital so they agreed to treat her as an outpatient with blood thinning drugs.The book says: Hillary was back on the campaign trail within days very few people knew of Hillary s blood clot at the time; she wrote about it after she left the White House. She did have a pain in her calf but her staff thought she had pulled a muscle exercising. Via: Daily Mail ",left-news,"Sep 16, 2016",0 +THIS ONE CREEPY TWEET FROM HILLARY Should Have Parents Saying: β€œHands off my kids!”, ,left-news,"Sep 15, 2016",0 +5 FACTS The Media Won’t Tell You About Cops Killing Blacks [VIDEO],"Scholar and journalist Heather Mac Donald toiled away early on in her career at liberal enclaves, but through her street-level reporting on social services and the police, her worldview shifted away from liberal-progressive to conservative.Her shift was not some kind of epiphany from reading conservative principles, but by hearing the voices of welfare recipients who told her government aid becomes a narcotic. Her latest book, The War On Cops is now available for purchase. In her book, she outlines the false narrative that is being pushed by Black Lives Matter and the leftist media that law enforcement officers are Out to get Blacks in America.For almost two years, a protest movement known as Black Lives Matter has convulsed the nation. Triggered by the police shooting of Michael Brown in Ferguson, Missouri, in August 2014, the Black Lives Matter movement holds that racist police officers are the greatest threat facing young black men today. This belief has triggered riots, die-ins, the murder and attempted murder of police officers, a campaign to eliminate traditional grand jury proceedings when police use lethal force, and a presidential task force on policing.Even though the U.S. Justice Department has resoundingly disproven the lie that a pacific Michael Brown was shot in cold blood while trying to surrender, Brown is still venerated as a martyr. And now police officers are backing off of proactive policing in the face of the relentless venom directed at them on the street and in the media. As a result, violent crime is on the rise.The need is urgent, therefore, to examine the Black Lives Matter movement s central thesis that police pose the greatest threat to young black men. I propose two counter hypotheses: first, that there is no government agency more dedicated to the idea that black lives matter than the police; and second, that we have been talking obsessively about alleged police racism over the last 20 years in order to avoid talking about a far larger problem black-on-black crime.Let s be clear at the outset: police have an indefeasible obligation to treat everyone with courtesy and respect, and to act within the confines of the law. Too often, officers develop a hardened, obnoxious attitude. It is also true that being stopped when you are innocent of any wrongdoing is infuriating, humiliating, and sometimes terrifying. And needless to say, every unjustified police shooting of an unarmed civilian is a stomach-churning tragedy.Given the history of racism in this country and the complicity of the police in that history, police shootings of black men are particularly and understandably fraught. That history informs how many people view the police. But however intolerable and inexcusable every act of police brutality is, and while we need to make sure that the police are properly trained in the Constitution and in courtesy, there is a larger reality behind the issue of policing, crime, and race that remains a taboo topic. The problem of black-on-black crime is an uncomfortable truth, but unless we acknowledge it, we won t get very far in understanding patterns of policing. ImprimusHere are 5 indisputable facts that prove this narrative to be one big LIE:1. Cops killed nearly twice as many whites as blacks in 2015. According to data compiled by The Washington Post, 50 percent of the victims of fatal police shootings were white, while 26 percent were black. The majority of these victims had a gun or were armed or otherwise threatening the officer with potentially lethal force, according to Mac Donald in a speech at Hillsdale College.Some may argue that these statistics are evidence of racist treatment toward blacks, since whites consist of 62 percent of the population and blacks make up 13 percent of the population. But as Mac Donald writes in The Wall Street Journal, 2009 statistics from the Bureau of Justice Statistics reveal that blacks were charged with 62 percent of robberies, 57 percent of murders and 45 percent of assaults in the 75 biggest counties in the country, despite only comprising roughly 15 percent of the population in these counties. Such a concentration of criminal violence in minority communities means that officers will be disproportionately confronting armed and often resisting suspects in those communities, raising officers own risk of using lethal force, writes MacDonald.2. More whites and Hispanics die from police homicides than blacks. According to Mac Donald, 12 percent of white and Hispanic homicide deaths were due to police officers, while only four percent of black homicide deaths were the result of police officers. If we re going to have a Lives Matter anti-police movement, it would be more appropriately named White and Hispanic Lives Matter,' said Mac Donald in her Hillsdale speech.3. The Post s data does show that unarmed black men are more likely to die by the gun of a cop than an unarmed white man but this does not tell the whole story. In August 2015, the ratio was seven-to-one of unarmed black men dying from police gunshots compared to unarmed white men; the ratio was six-to-one by the end of 2015. But Mac Donald points out in The Marshall Project that looking at the details of the actual incidents that occurred paints a different picture:The unarmed label is literally accurate, but it frequently fails to convey highly-charged policing situations. In a number of cases, if the victim ended up being unarmed, it was certainly not for lack of trying. At least five black victims had reportedly tried to grab the officer s gun, or had been beating the cop with his own equipment. Some were shot from an accidental discharge triggered by their own assault on the officer. And two individuals included in the Post s unarmed black victims category were struck by stray bullets aimed at someone else in justified cop shootings. If the victims were not the intended targets, then racism could have played no role in their deaths.In one of those unintended cases, an undercover cop from the New York Police Department was conducting a gun sting in Mount Vernon, just north of New York City. One of the gun traffickers jumped into the cop s car, stuck a pistol to his head, grabbed $2,400 and fled. The officer gave chase and opened fire after the thief again pointed his gun at him. Two of the officer s bullets accidentally hit a 61-year-old bystander, killing him. That older man happened to be black, but his race had nothing to do with his tragic death. In the other collateral damage case, Virginia Beach, Virginia, officers approached a car parked at a convenience store that had a homicide suspect in the passenger seat. The suspect opened fire, sending a bullet through an officer s shirt. The cops returned fire, killing their assailant as well as a woman in the driver s seat. That woman entered the Post s database without qualification as an unarmed black victim of police fire.Mac Donald examines a number of other instances, including unarmed black men in San Diego, CA and Prince George s County, MD attempting to reach for a gun in a police officer s holster. In the San Diego case, the unarmed black man actually jumped the officer and assaulted him, and the cop shot the man since he was fearing for his life. MacDonald also notes that there was an instance in 2015 where three officers were killed with their own guns, which the suspects had wrestled from them. 4. Black and Hispanic police officers are more likely to fire a gun at blacks than white officers. This is according to a Department of Justice report in 2015 about the Philadelphia Police Department, and is further confirmed that by a study conducted University of Pennsylvania criminologist Greg Ridgeway in 2015 that determined black cops were 3.3 times more likely to fire a gun than other cops at a crime scene.5. Blacks are more likely to kill cops than be killed by cops. This is according to FBI data, which also found that 40 percent of cop killers are black. According to Mac Donald, the police officer is 18.5 times more likely to be killed by a black than a cop killing an unarmed black person.Despite the facts, the anti-police rhetoric of Black Lives Matter and their leftist sympathizers have resulted in what Mac Donald calls the Ferguson Effect, as murders have spiked by 17 percent among the 50 biggest cities in the U.S. as a result of cops being more reluctant to police neighborhoods out of fear of being labeled as racists. Additionally, there have been over twice as many cops victimized by fatal shootings in the first three months of 2016. -Via: Daily Wire Watch Heather MacDonald explain how the lies the media and the Left are pushing about cops targeting Blacks will ultimately harm Black communities:Here is Heather MacDonald s speech at Hillsdale College in its entirety:",left-news,"Sep 15, 2016",0 +WATCH: TRUMP STAYS ABOVE FRAY In Flint After Democrat Operative Minister Sets Trap To Humiliate Him During Speech,"Even the Democrat ministers can t help themselves from shutting down anyone that would dare to come into their city with an (R) after their name. And people ask why Republicans don t do more outreach in minority communities. These people are clearly not throwing out the welcome mat for the man who will likely be our next President of the United States. Wouldn t it have been refreshing to see this minister embrace Donald Trump s message of jobs for citizens and of hope for broken communities that have been ignored by Democrat ruled cities for decades? The minister of a Methodist church made national headlines after she scolded Donald Trump for injecting politics into a campaign stop.The Rev. Faith Green Timmons came on stage and stopped Trump in the middle of his remarks at Bethel United Methodist Church.Watch:She told him to stay focused on the water crisis and not Hillary Clinton. I invited you here to thank us for what we ve done in Flint, not give a political speech, the reverend told Mr. Trump.Trump graciously complied with her demand.But something doesn t pass the smell test. Check out this screen screen shot from Rev. Timmons Facebook page: We have our chance to show Donald Trump that this nation is filled with intelligent, wise black citizens of integrity many of whom live right in Flint, Michigan, she wrote. What he will see is how we are braving a man-made catastrophe. HE WILL NOT USE US, WE will EDUCATE HIM!!! Well, I guess the Rev. Timmons showed Mr. Trump ambushing him in a House of Worship. I will give her credit for hushing up a protester who kept interrupting his remarks.Mr. Trump showed great restraint and class as he complied with her request. And he deserves credit for at least trying to start a dialogue. Via: Todd Starnes ",left-news,"Sep 15, 2016",0 +"BOOM! WATCH TRUMP IN FLINT: β€œNow, the Cars are Made in Mexico and You Can’t Drink the Water in Flint”","OUCH! Trump really put things in perspective while visiting the Democrat run city of Flint MI, plagued by unemployed auto workers and tainted water During Donald Trump s visit to Flint, Michigan on Wednesday, the Republican nominee commented on how the automobile manufacturing industry has moved to Mexico impacting trade and how people in Flint can t drink the water, much like the water in Mexico. It used to be cars were made in Flint, and you couldn t drink the water in Mexico, Trump stated. Now, the cars are made in Mexico and you can t drink the water in Flint. That s not good, he added, as people chuckled in response.Trump: ""Now the cars are made in Mexico, and you can't drink the water in Flint"" https://t.co/6OZtrfIwim https://t.co/XTy1fmvsHN CNN Politics (@CNNPolitics) September 14, 2016Via: Breitbart News",left-news,"Sep 15, 2016",0 +WOW! WHAT HAPPENED When Somebody Asked Beyonce’s Racist Sister To Sit Down At A Concert?,"Who knew, that one of the wealthiest entertainers in America and the New Black Panthers biggest cheerleader, has a sister who is also a perpetual victim of racism? When she s not beating the shit out of her brother-in-law Jay-Z in an elevator, Solange Knowles is a professional victim of racism. Beyonc s crazier less talented sister recently attended a concert, as a fan not as a performer, and wouldn t you know it, racism reared it s ugly head. Apparently someone asked her to sit down and since she is black, it was a hostile act of racial aggression.If you have nothing better to do, and haven t already witnessed the circus that ensues when a celebrity husband cheats on his celebrity wife with another woman, forcing the sister to even the score in an elevator, you can watch it here:Back to the Solange and her racist manifesto, where she goes to great lengths to explain the racism she encounters in just about every aspect of her life, like the time she got pulled over or the other time she had to show her passport crossing an international border. She describes the perpetrators of racism as, a product of their white supremacy and are exercising it on you without caution, care, or thought. The main point of this crazy thing was what happened to her at a recent concert. It s written from a weird 2nd person perspective, but this is what I was able to figure out:Solange took her 11-year-old son to a Kraftwerk concert. They arrived late, despite Solange s claim that she is a big fan. Right off the bat an elderly black usher had to tell her son to stop vaping. Solange claims her young son was not vaping, so therefore it was racism.It gets worse. Solange was standing up and dancing when someone behind her asked her to sit down. She refused to sit and eventually someone threw a slice of lime at her. Again: racism. She turned around to confront whoever threw the lime but nobody s white privilege would let them admit to it. For the third time, she experienced racism.Granted, this is a one-sided explanation of things. It s entirely possible that Solange was being rude and obnoxious and the people behind her gave her a gentile reminder to behave herself in public. Then again, maybe none of this stuff even happened.The crazy level rises significantly when Solange tries to put her harrowing experience in perspective by saying:You constantly see the media having a hard time contextualizing black women and men as victims every day, even when it means losing their own lives.Shit, can you believe she almost died in this racist lime attack?She then says that she isn t claiming this incident was racism, even though she said it many times, and chides the media for potentially reporting it that way, followed immediately by this:This is why many black people are uncomfortable being in predominately white spacesFrom there Solange rants about all of the racism in America and ends with the odd statement that she has many white friends. You know, to prove she doesn t hate white people or something.Via: Downtrend",left-news,"Sep 14, 2016",0 +"NEW EMAIL LEAKS Show How Colin Powell Really Felt About β€œFriend” Hillary: β€œGreedy, Not transformational…With A Husband Who’s Still D#*king Bimbos At Home”","Colin Powell really doesn t disclose anything we didn t know about how dishonest and corrupt Crooked Hillary and her perverted husband in these emails. There is a certain amount of joy however, that can be obtained by seeing a confession by the former Republican turncoat Colin Powell, that his trusted Democrat friends are nothing more than a couple of dumb and immoral grifters Former Secretary of State Colin Powell ripped into Hillary Clinton in several personal emails over the years, according to a document dump of hacked emails on the website DCLeaks.com.The document batch, which included emails from June of 2014 to August of 2016, gave a revealing look into the former secretary s thoughts on the 2016 election.In one 2015 email, Powell commented on Clinton s use of a private email server during her tenure at the State Department and charged that everything HRC touches she kind of screws up. In another message from 2014, Powell said of a still-potential Clinton presidential run: I would rather not have to vote for her. A spokesperson for Powell confirmed to CBS News that his email had been hacked.CBS News waded through the documents and picked out some of the most interesting emails blasting the Democratic presidential nominee.Here are a few of his revealing emails:In this stunning 2014 email with Democratic donor Jeffrey Leeds, Powell had this to say of Clinton:In this email to Leeds on Aug. 18, 2015, Powell discusses his own use of private emails for State Department business:In a recent email dated Aug. 23, 2016, Powell called Clinton s excuse for using an email server a dumb one: ",left-news,"Sep 14, 2016",0 +LIBERALS ATTACK ROB LOWE After He Offers Perfect Solution For #NFL Athletes Disrespecting National Anthem,"Conservative actor Rob Lowe has somehow managed to continue working in an industry ruled by radical leftist activists who are notorious for punishing anyone with an opposing view. We commend Lowe for taking a stand on 9-11 against these multi-millionaire athletes who feel the need to disrespect our national anthem as a way to protest their oppression and disdain for our law enforcement officers. Rob Lowe had a request for the NFL on Saturday night concerning the recent protests by some players over the national anthem.During the preseason, San Francisco 49ers backup quarterback Colin Kaepernick refused to stand for the national anthem before games in which his team played, saying his actions were a protest against the oppression of minorities in America. I am not going to stand up to show pride in a flag for a country that oppresses black people and people of color, Kaepernick told reporters. His protest relates to videos showing unarmed African-Americans around the country being fatally shot by white police officers.Kaepernick s jersey has since become the best-selling in the NFL, which has been attributed to both supporters of his cause and those he has upset, some of whom have shared videos burning the jersey. Via Hollywood ReporterHere s Lowe s tweet and how responded to his critics:Dear @NFL Any player wants to boycott the anthem on 9/11 should be asked to remain in the locker room until kick off. It's not their moment. Rob Lowe (@RobLowe) September 11, 2016One follower told Lowe he didn t have to like what Kaepernick was doing, but it is his right to not stand.Other Leftists on Twitter replied in the manner in which you would expect:US troops who defend & respect our flag were fighting tonight & they won't all live through it #OppressedMillionaires 100% FED UP! (@100PercFEDUP) September 14, 2016This is incredibly stupid and lacks analysis. Just like a white man. https://t.co/LUaAr0ik7d SHE (@whitspen) September 12, 2016Lowe attempts to explain that he agrees it s the constitutional right of these multi-millionaire athletes to protest their oppression, but simply asks that on 9-11 they give it a rest:how is not standing up for the anthem disrespectful to the fallen? SMB (@SMB06) September 11, 2016Here is Lowe s response to the Tweet above:I mean I can't even. https://t.co/1N0dCDrsIc Rob Lowe (@RobLowe) September 11, 2016South Park posted a hilarious Colin Kaepernick Anthem to Twitter, exposing the ignorance and hypocrisy of his protest against cops:Don t sit this one out! #SouthPark returns this Wednesday on @ComedyCentral with 10 all-new episodes! #mnf pic.twitter.com/EqEKquuf0g South Park (@SouthPark) September 13, 2016 ",left-news,"Sep 14, 2016",0 +YIKES! NEW BILL CLINTON RAPE Details Emerge: β€œHer mouth was all swollen up…It was cut…Her pantyhose were all ripped”,"Hillary s all about protecting women who are victims of rape unless of course her husband is the accused rapist In her first extensive interview in over a decade, the nurse who found Juanita Broaddrick in her hotel room immediately after Bill Clinton allegedly raped Broaddrick recounted what she says she witnessed in that room 38 years ago. She was crying, recalled Norma Rogers, a nurse who worked for Broaddrick, who at the time was a nursing home administrator volunteering for then-Arkansas Attorney General Bill Clinton s 1978 gubernatorial bid. And the thing I think I remember most is that her mouth was all swollen up. It was cut. Her pantyhose were all ripped, Rogers stated in dramatic, lengthy new testimony.Rogers drove Broaddrick back home after the incident. This week, she recounted that emotional drive. I think we stopped at least twice to get ice. I would go up and get fresh ice and put it on her mouth because she was trying to keep her face from bruising and looking like something bad had happened to her, you know. It was just crazy. The whole situation was just crazy. Rogers was speaking in a lengthy interview on this reporter s talk radio program, Aaron Klein Investigative Radio, broadcast on New York s AM 970 The Answer and NewsTalk 990 AM in Philadelphia.Events leading to incidentRogers took listeners back to the spring of 1978 when she traveled to Little Rock for an industry convention along with her nursing home boss, Broaddrick. The two shared a room at the city s Camelot Hotel.In an interview with me in November, Broaddrick herself provided background on her personal encounters with Clinton leading up to that infamous day.Broaddrick said Clinton previously singled her out during a campaign stop at her nursing home. He would just sort of insinuate, you know when you are in Little Rock let s get together. Let s talk about the industry. Let s talk about the needs of the nursing homes and I was very excited about that. Broaddrick said she finally took Clinton up on that offer when she traveled to Little Rock with Rogers for the convention.Broaddrick says she phoned Clinton s campaign headquarters to inform him of her arrival and was told by a receptionist that Clinton had left instructions for her to reach him at his private apartment. I called his apartment and he answered, Broaddrick recounted during our November interview. And he said, Well, why don t we meet in the Camelot Hotel coffee room and we can get together there and talk. And I said That would be fine. Clinton then changed the meeting location from the hotel coffee shop to Broaddrick s room. A time later and I m not sure how long it was, he called my room, which he said he would do when he got to the coffee shop. And he said, There are too many people down here. It s too crowded. There s reporters and can we just meet in your room? And it sort of took me back a little bit, Aaron, she said of Clinton s request. But I did say, okay, I ll order coffee to the room, which I did and that s when things sort of got out of hand. And it was very unexpected. It was, you might even say, brutal. With the biting of my lip. In the new interview, Rogers confirmed Broaddrick s version of events:I just know when I left that morning it was my understanding that she was going to be meeting with Mr. Clinton downstairs in the coffee shop for a meeting that they had planned ahead of time to discuss nursing home issues.Bloody lip. Ripped pantyhose. State of shock.Broaddrick previously recounted the aftermath of the incident, when her friend Rogers came back to the room after Broaddrick failed to show up to the convention.In our radio interview, Rogers recounted what she says she saw upon entering the room.I went back to the room and I can t remember if it was because she didn t come down to the meeting because I expected her to have a short meeting and then come to the meeting. And so I went back up to the room and when I went back into the room and she was just very, very upset. She was crying.And the thing I think I remember most is that her mouth was all swollen up. It was cut. And she just told me. She started then telling me the story of how he had just basically overtaken her and bit her lip in order to keep her quiet and to keep her from trying to leave or get away from him. And then she proceeded to tell me that he had pushed her onto the bed, and had raped her.Her pantyhose were all ripped. And she was just in a terrible state. Crying and just, she began telling me, you know, what had happened.But in the meantime she was starting to get her things together and she said we are leaving now. And you know we just started getting our stuff together and I drove her home.Asked whether Broaddrick s lip was bleeding, Rogers replied, There were obviously open spots where he had bitten her. It was open but not openly bleeding. You know it was just open spots on her lip. Read entire story here: Breitbart News",left-news,"Sep 14, 2016",0 +"Flint’s #CrookedMayorWeaver Tells Trump He’s Not Welcome In Broken, Jobless, Violent Democrat Ruled City","Flint s Democrat Mayor Karen Weaver is throwing a hissy fit over Trump s unannounced visit to the broken, violent city of Flint, MI. Mayor Weaver is currently embroiled in a lawsuit after former City Administrator Natasha Henderson blew the whistle on her for allegedly trying to steer money from a charity for local families into a campaign fund. Henderson claims she was wrongfully fired for blowing the whistle on Hillary s loyal minion, the mayor of the city of Flint. Donald Trump will be visiting the broken, violent city of Flint today, where he plans to visit a church and the Flint Water Treatment Plant. But one of Hillary s biggest cheerleaders won t be throwing out the welcome mat Flint Mayor Karen Weaver says she s baffled by the visit, and didn t receive a call from Trump s campaign ahead of time.Does Trump need to get clearance from Hillary s de facto Flint campaign manager before he can visit a violent and broken city that s been destroyed for decades by Democrats? I would think, if you are very concerned about Flint and the people, you would contact the mayor and want to have a conversation about what s going on so that puts a question mark in my mind that I wasn t even contacted or notified about something today about something tomorrow, says Weaver.Weaver is in Washington D.C. and will not be in Flint during Trump s visit. I had not been notified by Donald Trump or his people finally, this afternoon, a call to my press person, but I did not know. These plans were made without contacting me. Her reaction when she was contacted by Trump s campaign? That s kind of not the way it s supposed to go I wish that he had come when things were in more dire straits maybe before we had even received help when the debates were going on. We were crying out for a long time. The fact that Trump didn t rush to Flint, MI for a photo-op when Hillary and Bernie were making regular visits as part of their pandering for the Black vote effort in a city ignored for decades by Democrats, speaks volumes about Trump s serious nature. Americans are getting to see firsthand how a successful businessman approaches serious issues vs. how a career politician promises to fix issues with no real plan to ever come back once the press packs it up and leaves these broken neighborhoods. Trump s desire to create jobs for people who have been unemployed for decades is real and the Democrats biggest fear is that his message is resonating in these forgotten neighborhoods. ",left-news,"Sep 14, 2016",0 +HOW HILLARY DESTROYED This Man’s Life To Hide Her Incompetence In #Benghazi,"Does anyone even care that this American man was picked out of thin air to be used as a scape goat to cover for Hillary s incompetence? One day he s an innocent man making third rate videos and posting them on Youtube, and the next day, he s being hauled off to jail for a video he produced that Hillary and her lying staff claimed inspired a terror attack in Benghazi! This could have been any American. Of all the evil things Hillary has done, this has to rank at the top, just below the four dead Americans who she left unprotected to die in Benghazi. Yet, the Benghazi Butcher rolls on without missing a beat, as the mainstream media cheers her on like she s the horse they re betting on at the Kentucky Derby In September 2012 Hillary blamed an awful internet video for the deaths of four American heroes in Benghazi.Hillary Clinton made the statements as the bodies of the four dead Americans were brought back to US soil.She made the public comments just three days after the assault on the compound that killed Ambassador Chris Stevens, Sean Smith, Tyrone Woods and Glen Doherty.But thanks to leaked Wikileaks emails we now know that Hillary Clinton wrote Chelsea during the Benghazi attacks telling her Americans were killed by an al-Qaeda like group.Hillary later lied and blamed the attack on a YouTube video. And the director of the YouTube video was later arrested.Nakoula Basseley Nakoula (C) is escorted out of his home by Los Angeles County Sheriff s officers in Cerritos, California September 15, 2012 (Reuters / Bret Hartman)Four years after the deadly Benghazi terrorist attack Hillary Clinton is running for president and Nakoula Basseley Nakoula is broke, destitute and living in a homeless shelter.And ISIS is in control of much of Libya.FOX News reported:Four Americans died in the 2012 terror attack in Benghazi, and those who survived saw their stories of heroism told in a Hollywood movie, but the filmmaker whose work was wrongly blamed for touching off the event lives in obscurity, poverty and fear, FoxNews.com has learned.Nakoula Basseley Nakoula, the Coptic Christian whose short video The Innocence of Muslims was initially faulted for sparking the Sept. 11, 2012 terror attack at U.S. diplomatic compounds in Libya, is now living in a homeless shelter run by First Southern Baptist Church in Buena Park, Calif. He has served time in prison, been shamed publicly by the White House and threatened with death. Hmmm I wonder if Hillary is willing to cough up (pun intended) a few of her secret service agents to help protect the life of this innocent man, who will forever live in the fear of being killed by Muslim extremists.",left-news,"Sep 14, 2016",0 +JOHN KERRY’S STATE DEPT Reportedly Funneled Over $9 MILLION To His Daughter’s Foundation,"So much for the most transparent administration in history Because the step-daughter of Theresa Heinz-Kerry, a woman who is reportedly worth a cool billion, needs her daddy to steal from US taxpayers to help fund her non-profit? It looks like John Kerry is using his position as Secretary of State to enrich his family, just like his predecessor Hillary Clinton did.More than $9 million of Department of State money has been funneled through the Peace Corps to a nonprofit foundation started and run by Secretary of State John Kerry s daughter, documents obtained by The Daily Caller News Foundation show.The Department of State funded a Peace Corps program created by Dr. Vanessa Kerry and officials from both agencies, records show. The Peace Corps then awarded the money without competition to a nonprofit Kerry created for the program.Initially, the Peace Corps awarded Kerry s group now called Seed Global Health with a three-year contract worth $2 million of State Department money on Sept. 10, 2012, documents show. Her father was then the chairman of the Senate Committee on Foreign Relations, which oversees both the Department of State and the Peace Corps.Seed secured a four-year extension in September 2015, again without competition. This time, the Peace Corps gave the nonprofit $6.4 million provided by the Department of State while John Kerry was secretary of state.Seed also received almost $1 million from a modification to the first award, as well as from Department of State funds the group secured outside the Peace Corps.The Peace Corps program called the Global Health Service Partnership (GHSP) sends volunteer physicians and nurses to medical and nursing schools in Malawi, Tanzania, Uganda and Liberia, according to Seed s website. More than 40 clinical educators worked at 13 sites in the 2014-2015 program.Kerry and government officials colluded to launch the program and ensure that Seed would get the contract.Is there anyone in this administration who s not using their power and influence to enrich themselves?Rich, liberal elitists pretend they re all about helping people while engorging themselves at the troth on the taxpayer s dime.Time for them to go. American LookoutVia:Daily Caller",left-news,"Sep 13, 2016",1 +BREAKING: MORE HACKED E-MAILS From DNC Released By A Vengeful Guccifer,"It s not the first time that the name of Vladimir Putin has been brought up in the US presidential campaign, but this time the US president used this argument while openly campaigning for Clinton against Trump. The situation has become really ludicrous and it borders on the ridiculous, believes Gregory R. Copley, editor of Defense & Foreign Affairs. In my 50 odd years covering the US government, I have never seen this level of partisanship within the administration where a sitting president actually regards the opposition party as the enemy of the state, Copley told RT.The analyst said that the democrats are blaming the messenger to revert the attention from the message. The message which Donald Trump delivered on RT was unambiguous in his campaign. Just like the fact that WikiLeaks revelation of the hacked emails was very explicit in showing up what the Democratic party itself was doing, Copley added.The US establishment is sacrificing key bilateral relationships in order to win [a] domestic election, believes Copley. He added that neither Obama nor Clinton are interested in unifying the country, but they are rather interested in winning and engaging in what modern democracy seems to have become the tyranny of the marginal majority over the marginal minority. When you think about the number of times that the Clinton campaign has brought up President Putin and the alleged Russian hacking of Hillary Clinton s service, it makes you wonder just how desperate they are, Copley noted. President Obama has lost literally all prestige in an international community with the loss of prestige he has become desperate. Read more: RTAnother round of hacked Democratic National Committee documents have been released. Provided by an anonymous representative of a hacker, Guccifer, the 500 megabytes detail the DNC s information technology infrastructure and internal reports on donors.Forbes reports that on Tuesday in London at the Future of Cyber Security Europe conference, Guccifer addressed cybersecurity experts through an unknown and remote transcriber.The notorious hacker then shared a trove of documents ostensibly obtained via a breach of the DNC s cybersecurity. According to Forbes, a password and login was given to them, and the documents they accessed appeared to show details of DNC donors and finances as well as the information technology setup to protect the sensitive data.In July, just as the Democratic National Convention was getting underway, WikiLeaks released the results of the first DNC hack carried out by Guccifer. That hack revealed signs of bias in favor of Hillary Clinton over her primary opponent Bernie Sanders, and consequently led to the resignation of the DNC chair, Debbie Wasserman Schultz, as well as several other top officers.The DNC responded to the latest hack claim Tuesday through its Interim Chair Donna Brazile, who stated that the DNC is the victim of a crime, which she blamed on Russian state-sponsored agents, while also cautioning that the hacked documents were still being authenticated by the DNC legal team, as it is common for Russian hackers to forge documents. ",left-news,"Sep 13, 2016",0 +ANTI-GUN Zealot KATIE COURIC Hit With $12 MILLION Defamation Lawsuit By 2nd Amendment Group [VIDEO]," Little Miss Sunshine has fooled a lot of people over the years into believing her she was just some innocuous, peppy little host with everyone s best intentions as her primary concern. Unfortunately, Katie Couric may have just ironically shot herself in the foot when she and her director Stephanie Soechtig edited their anti-gun documentary Under the Gun in order to make a gun rights group in Virginia look as if they couldn t answer a simple question.Here s Rush Limbaugh explaining how Katie Couric deceived her viewers with her anti-gun documentary : They re now facing a $12 million defamation lawsuit, according to documents provided to Bearing Arms.Second Amendment rights advocacy organization the Virginia Citizens Defense League (VCDL), along with two of its members, today filed a $12 million defamation lawsuit against Katie Couric, director Stephanie Soechtig, Atlas Films, and Studio 3 Partners LLC d/b/a Epix for false and defamatory footage featured in the 2016 documentary film Under the Gun. The film portrays a fictional exchange in which members of the VCDL appear silent, stumped, and avoiding eye contact for nearly nine seconds after Katie Couric asks a question about background checks. An unedited audio recording of the interview reveals that contrary to the portrayal in the film the VCDL members had immediately begun responding to Couric s question.In the filing, the VCDL, Daniel L. Hawes, Esq., and Patricia Webb allege that the filmmakers knowingly and maliciously manufactured the fictional exchange by splicing in footage that the filmmakers took surreptitiously after telling the interviewees to be silent for ten seconds so that recording equipment could be calibrated. The filing also contains side-by-side screenshots of the film s footage of the VCDL members and anti-gun advocates, alleging that the filmmakers manipulated lighting to cast shadows on the VCDL members and to make them appear sinister and untrustworthy. We were horrified to see how Couric and her team manipulated us and the video footage to make us look like fools who didn t stand up for the Second Amendment, said Mr. Philip Van Cleave, President of the VCDL. We want to set the record straight and hold them accountable for what they ve done. You shouldn t intentionally misrepresent someone s views just because you disagree with them. The lawsuit, filed in federal court (United States District Court for the Eastern District of Virginia Richmond Division), seeks $12 million in compensatory damages, plus punitive damages. The VCDL, Mr. Hawes, and Ms. Webb are represented by Tom Clare, Libby Locke, and Megan Meier of Clare Locke LLP, a boutique law firm specializing in defamation litigation. The fraud committed by Couric and Soechtig should be a career ender for both women, who have been unashamed of their behavior.What is not yet known is if Couric, Soetchtig, and one of their producers will face federal gun crimes criminal charges for obvious felonies they committed in Arizona while making the anti-gun film. Soechtig has now twice confessed (on video and in writing) to committing federal felony crimes that should lead to criminal charges against at least her and the Colorado producer (believed to be Kanau), along with any other Under the Gun staff/producers who took part in the conspiracy to make these clearly illegal interstate sales.ATF Phoenix Special Agent in Charge (SAC) Thomas Atteberry and Assistant Special Agent in Charge (ASAC) Mickey D. Leadingham have little recourse other than to start an investigation into the confessed crimes.You can read the defamation case against Couric here (PDF).Among other things, the complaint alleges that, The Defendants manipulated the footage in service of an agenda: they wanted to establish that there is no basis for opposing universal background checks by fooling viewers into believing that even a panel of pro-Second Amendment advocates could not provide one. The Defendants intentionally disregarded the truth of the actual exchange that had taken place and took at least six intentional steps to manufacture a fictional exchange to support their agenda. In addition to editing footage of VCDL members, the suit alleges that Soechtig s film crew used lighting tricks to make VCDL members look shadowed and sinister, while favoring gun control supporters with much more flattering lighting.For entire story: Bearing ArmsHere is a clip showing how Katie Couric edited Under the Gun to make gun owners look like they don t have an answer to what she has framed as an unanswerable question: ",left-news,"Sep 13, 2016",0 +KID ROCK UNLOADS On Colin Kaepernick At Packed Fenway Park Concert…Crowd Goes WILD! [VIDEO],"During his performance of Born Free at a packed Fenway Park in Boston, Kid Rock took a moment to express his feelings about multi-millionaire NFL QB Colin Kaepernick s decision to kneel during the national anthem as a way to protest Black oppression in America.Watch here:This isn t the first time conservative rocker, Kid Rock fought back against race-baiting activists. When the word got out about Kid Rock being chosen as the Detroit NAACP s Great Expectations Award recipient in 2015, Black activists went nuts.Never mind that he was raising a black son who he fathered when he was just starting out in his career, and that he might be a good role model for black fathers who had abandoned their children and looked up to him as a former Detroiter. Never mind all of the good work he had done for the Black community in Detroit. Local Black activists joined with the National Action Network and condemned their choice for the award, as Kid Rock dared to use the politically incorrect Confederate flag at some of his southern rock performances. They insisted he denounce the Confederate flag and stop displaying it at his concerts.FOX News reports Kid Rock released a statement to them in response, with the host modifying it on-air to say: please tell the people who are protesting to kiss my ask me some questions. Grammy-nominated artist Kid Rock told nearly 10,000 people at the Detroit NAACP branch s annual fundraising dinner that his use of the Confederate flag during on-stage performances has nothing to do with how he feels about blacks. I love America. I love Detroit, and I love black people, the musician said Sunday night during the annual Fight for Freedom Fund dinner at Cobo Center.Kid Rock, whose real name is Robert Ritchie, used the event to diffuse criticism aimed at the Detroit NAACP branch which honored him with its Great Expectations Award. Kid Rock, who has travelled overseas on numerous occasions to entertain and visit our troops has proven time and time again how much respect he has for our troops and for our nation through his actions.Hey Colin here s how a real man respects the sacrifices of our military: ",left-news,"Sep 13, 2016",0 +IF HILLARY HAS TO DROP OUT Of The Race…Here’s What Will Happen,"After months of speculation about Hillary s poor health, she appeared to have a pretty serious episode after leaving the 9-11 memorial service in NYC. Fortunately, someone was able to capture her on video in a press-free zone, as she appeared to be having convulsions and collapsing, forcing the secret service to physically lift her into her vehicle. Many in the media are saying the Democrat Party is scrambling to figure out what to do if Hillary is FORCED to drop out of the race. Of course Hillary wouldn t leave the race on her own for the good of the country or for the good of her party. This is her final shot at the highest office in our nation, and she has already proven there is nothing that will get in her way from her lifelong goal of becoming our first female President. No lie is too big and no scandal will take her down. It s her turn. But in the event that she ends up incapacitated by her illness which, according to many prominent physicians looks more like Parkinson s Disease, here s what would happen if she was forced to drop out:It s never happened before, but if Hillary Clinton has to drop out before Election Day, the Democratic National Committee would pick a successor and it wouldn t have to be runningmate Tim Kaine.If Donald Trump faced the same situation, the Republican National Committee would select a GOP replacement, perhaps by reconvening 2,472 delegates.Clinton s near collapse over the weekend, coupled with the ages of the two major candidates, have brought the far-flung scenarios into the realm of possibility.There s 55 days until the election as of Tuesday and military and overseas ballots are mailed 45 days before the polls open.Thirty-seven states have some sort of early voting, with North Carolina being the first by mail on Sept. 9.What would really complicate matters is if a nominee had to drop out when ballots have already been cast. It would be an unprecedented, complicated mess, one election lawyer said.The Electoral College would then select the next president.If the electors couldn t agree, the House of Representatives would make the selection. NYP",left-news,"Sep 13, 2016",0 +MULTI-MILLIONAIRE #NFL PLAYERS Take Knee During National Anthem On 9-11 To Protest β€œOPPRESSION” Next To Armed Forces Who Risk Their Lives For Less Than 20K Per Year [VIDEO],"Does anyone else find it ironic that black multi-millionaire athletes are protesting oppression in America after 8 years of our first Black President?How much courage does it take for these multi-millionaire athletes to stand in protest against the flag our US military members defend with their lives every day? Members of our Armed Forces are making between $17,892 and $34,696 in basic pay, depending upon time served in the military and rank. But yeah we can see why you multi-millionaire punks who are treated like royalty wherever you go, are all feeling so oppressed that you need to disrespect our flag and the brave men and woman who stand on the field next to you, while you spit on their sacrifices as a way to promote Obama s Black Lives Matter legacy NFL player-activists continued to take a knee Sunday during the national anthem to protest alleged oppression of blacks in America.On Sunday in Seattle, Dolphins running back Arian Foster, wide receiver Kenny Stills, safety Michael Thomas, and linebacker Jelani Jenkins took a knee as everyone else rose to honor America. They are taking a knee for injustice in America, according to civil-rights activist Shaun King.But what is the end game? How will we know when the injustice has subsided to the point so they can stand again?Perhaps when the murder rate in Chicago falls. It s currently on a record pace (512 so far this year) with most of the victims African-American. Or maybe when the black teen unemployment employment rate of 31 percent, six times higher than the national average, improves.Maybe that is what the NFL activists are waiting on, for these two oppressive situations to be fixed.Watch here:We will see. Don t hold your breath. This seems like a one-note song it s clearly an extension of the Black Lives Matter movement, and it s about police killing a few unarmed black suspects. Via: Breitbart News ",left-news,"Sep 12, 2016",0 +YOUR BLOOD WILL BOIL When You See Why College Students Were Forced To Stand Guard Over Thousands Of U.S. FLAGS Meant To Honor 9-11 Victims On Their Liberal Campus,"This is how coddled kids who have never had to deal with losing an innocent family member, friend or co-worker at the hands of evil Islamic terrorists behaves At Occidental College on Saturday, vandals trashed 2,977 U.S. flags planted in the quad to memorialize those who died on Sept. 11.The students who planted the small American flags found them uprooted and thrown in campus garbage cans. Every last flag. Some were even snapped in half.Not only that, dozens of makeshift fliers accompanied the vandalism. Taped to benches and other surfaces, most of the fliers stated R.I.P. to 9/11 victims as well as to 1.45 million Iraqis who died during the U.S. invasion for something they didn t do. Sophomore Alan Bliss, a math and economics major who helped lead the effort to plant the flags, told The College Fix in a telephone interview Sunday that when he and a friend came across the destroyed memorial, three students confronted him and said they found the display triggering. He said the students also accused him of white privilege and ignorance.Occidental is a small liberal-arts college in Los Angeles known as far-left. President Barack Obama attended for two years before transferring to Columbia. So when the right or even moderates try to do something on campus there is extreme push back, Bliss said of his school, adding conservatives are a silent majority there and some students are even scared of speaking up against progressives for fear of retribution.As for the display, Bliss said it was installed Saturday afternoon by his conservative student club, which is affiliated with the College Republican National Committee and Young Americans for Freedom, the latter of which helped sponsor the Never Forget memorial project.Later that night Bliss said he learned bandits had uprooted and tossed the flags. When Bliss and his friend arrived at the scene, it was 12:30 a.m. Sunday morning. The three students who told Bliss the display is triggering denied involvement in the vandalism, he said.Campus safety was called and officers took statements from Bliss as well as the other three students.Meanwhile, Bliss added, as word spread on social media that the Never Forget memorial was razed, students left their dorm rooms in the middle of the night to help replant the flags. As students came home from parties, they chipped in, too. They were just like, I am not Republican, I am not conservative, but this is a terrible act, Bliss said. They stayed there late into the night, 2 a.m., planting flags. It was pretty amazing, it was pretty touching. A Facebook post from the club offers more details on the long evening: Later that morning, a few of us stood guard at the memorial. Four Occidental students came up and snapped a few flags right in our faces. When we confronted them, those cowards got away as fast as they possibly could. When Bliss (pictured) and his friends returned to the display after breakfast Sunday morning, he said he found another 100 flags trashed. And again, Bliss and his peers replanted.Bliss, 20, co-founder and president of the club, which he alanblisslaunched in the spring of 2016, said he plans to fight back. The College Fix",left-news,"Sep 12, 2016",0 +"HILLARY’S PHYSICIAN CLAIMS She Has Pneumonia…Does Pneumonia Cause Convulsions?…Do People With Pneumonia Hug Little Girls, Expose Newborn Grandchildren? [VIDEO]","Hillary s been coughing to the point of almost passing out, spewing strange objects into her glass of water, flinging metal pieces from her pant legs, and convulsing as secret service agents lift her into her vehicle. So today, her doctor clarified what s been causing her Parkinson s disease like symptoms. Her doctor claims she has pneumonia, and that she s had it since last Friday. Do people who have pneumonia lie about it to reporters and blame their bizarre coughing fits on allergies? Do they convulse? Do they visit their daughter and her newborn baby unannounced after being lifted into their car by secret service? Secretary Clinton has been experiencing a cough related to allergies, Dr. Lisa R. Bardack said in the statement. On Friday, during follow up evaluation of her prolonged cough, she was diagnosed with pneumonia. She was put on antibiotics, and advised to rest and modify her schedule. While at this morning s event, she became overheated and dehydrated. I have just examined her and she is now re-hydrated and recovering nicely. Walking pneumonia can be contagious and between the ceremony today and the Barbra Streisand event on Friday night, she was among hundreds of people.Today, including Chuck Schemer and Bill De Blasio. WZEither she s lying gasp! or she s incredibly selfish or maybe she s just both?The touchy, feely infected with pneumonia Hillary can be seen here at the 9-11 memorial service, clearly taking every precaution to not infect everyone around her (that is, if she indeed does have pneumonia and not Parkinson s disease:She also staged a hug with a little girl outside Chelsea s apartment following her convulsions and falling down episode hours earlier:",left-news,"Sep 11, 2016",0 +TAKE THEM OFF OR PAY HUGE FINE! #NFL Won’t Allow Player To Honor 9-11 Victims With Memorial Cleats…Disrespecting Our Flag On 9-11 Is A-Okay,"We re still waiting for the NFL to make a statement about the disrespectful protests by multi-millionaire players who plan to protest an oppressive America and the cops who defend the stadiums, keeping fans and players safe while they play football on 9-11 Even as the NFL turns a blind eye to the lengthening list of players protesting America by refusing to stand for the national anthem, the league has decided to crack down on a player who announced his intention to wear cleats to memorialize the vicious terror attacks on September 11, 2001. Now a police union is vowing to pay the player s NFL fine if he ll wear them despite the league s punishment.The NFL has officially banned Tennessee Titans linebacker Avery Williamson from wearing cleats custom made as a memorial to the victims and first responders who fell in the line of duty during that terrible day on 9/11.In response the disappointed Williamson announced that instead of wearing them during Sunday s game with the Minnesota Vikings he would auction them off with the proceeds going to benefit Operation Warrior Wishes.But after hearing of the NFL s denial of Williamson s request to honor the fallen, two police unions stepped forward pledging to pay what would be a $6,000 NFL fine if the player ignored the league s demands and wore them anyway.For his part, the player said he doesn t want to cause anyone any trouble and just wanted to do a nice thing for the country. I don t want to draw negative attention, so I m just going to focus on playing the game, Williamson said of the ban on the cleats. Once I heard from them, I didn t even try to argue anything. I just left it alone. I didn t want to press the issue. The shoes Williamson calls his patriot cleats are blue with red- and white-striped Nike swooshes featuring the words Never Forget and 9/11 on the back. Also a number 11 representing the Twin Towers appear. The shoes were airbrushed by True Blue Customs in Lexington, Kentucky.In its denial the NFL reminded Williamson that all teams must be uniform on the field and no single player may wear unauthorized gear or sport special decorations upon that gear. The ban is usually aimed at keeping unauthorized financial sponsorships from appearing on field.This isn t the first time the NFL has denied a player s request to honor police or first responders, even as other players are permitted to indulge protests against the U.S.A. and support for Black Lives Matter.Only last month the NFL refused to allow the Dallas Cowboys to wear decals on their helmets showing support for the Dallas Police Department, which lost five officers in one terrible attack in July.The Arm In Arm decal was to have been worn when the team opened its preseason schedule during a game with the Los Angeles Rams.For entire story: Breitbart News",left-news,"Sep 11, 2016",0 +"DISGUSTING! DEEPLY ENTRENCHED, BIG MONEY TIES Between FBI Director James Comey And #CrookedHillary Clinton Are Revealed","Oh what a tangled web we weave, when first we practice to deceive .A review of FBI Director James Comey s professional history and relationships shows that the Obama cabinet leader now under fire for his handling of the investigation of Hillary Clinton is deeply entrenched in the big-money cronyism culture of Washington, D.C. His personal and professional relationships all undisclosed as he announced the Bureau would not prosecute Clinton reinforce bipartisan concerns that he may have politicized the criminal probe.These concerns focus on millions of dollars that Comey accepted from a Clinton Foundation defense contractor, Comey s former membership on a Clinton Foundation corporate partner s board, and his surprising financial relationship with his brother Peter Comey, who works at the law firm that does the Clinton Foundation s taxes.HSBC HoldingsIn 2013, Comey became a board member, a director, and a Financial System Vulnerabilities Committee member of the London bank HSBC Holdings. Mr. Comey s appointment will be for an initial three-year term which, subject to re-election by shareholders, will expire at the conclusion of the 2016 Annual General Meeting, according to HSBC company records.HSBC Holdings and its various philanthropic branches routinely partner with the Clinton Foundation. For instance, HSBC Holdings has partnered with Deutsche Bank through the Clinton Foundation to retrofit 1,500 to 2,500 housing units, primarily in the low- to moderate-income sector in New York City. Retrofitting refers to a Green initiative to conserve energy in commercial housing units. Clinton Foundation records show that the Foundation projected $1 billion in financing for this Green initiative to conserve people s energy in low-income housing units.Who Is Peter Comey?When our source called the Chinatown offices of D.C. law firm DLA Piper and asked for Peter Comey, a receptionist immediately put him through to Comey s direct line. But Peter Comey is not featured on the DLA Piper website.Peter Comey serves as Senior Director of Real Estate Operations for the Americas for DLA Piper. James Comey was not questioned about his relationship with Peter Comey in his confirmation hearing.DLA Piper is the firm that performed the independent audit of the Clinton Foundation in November during Clinton-World s first big push to put the email scandal behind them. DLA Piper s employees taken as a whole represent a major Hillary Clinton 2016 campaign donation bloc and Clinton Foundation donation base.DLA Piper ranks #5 on Hillary Clinton s all-time career Top Contributors list, just ahead of Goldman Sachs.And here is another thing: Peter Comey has a mortgage on his house that is owned by his brother James Comey, the FBI director.Peter Comey s financial records, obtained by Breitbart News, show that he bought a $950,000 house in Vienna, Virginia, in June 2008. He needed a $712,500 mortgage from First Savings Mortgage Corporation.But on January 31, 2011, James Comey and his wife stepped in to become Private Party lenders. They granted a mortgage on the house for $711,000. Financial records suggest that Peter Comey took out two such mortgages from his brother that day.This financial relationship between the Comey brothers began prior to James Comey s nomination to become director of the FBI.DLA Piper did not answer Breitbart News question as to whether James Comey and Peter Comey spoke at any point about this mortgage or anything else during the Clinton email investigation.Peter Comey Re-Designed the FBI BuildingFBI Director James Comey grew up in the New Jersey suburbs with his brother Peter. Both Comeys were briefly taken captive in 1977 by the Ramsey rapist, but the boys managed to escape through a window in their home, and neither boy was harmed.James Comey became a prosecutor who worked on the Gambino crime family case. He went on to the Bush administration, a handful of private sector jobs, and then the Obama administration in 2013.Peter Comey, meanwhile, went into construction.After getting an MBA in real estate and urban development from George Washington University in 1998, Peter Comey became an executive at a company that re-designed George Washington University between 2004 and 2007 while his brother was in town working for the Bush administration.In January 2009, at the beginning of the Obama administration, Peter Comey became a real estate and construction consultant for Procon Consulting.Procon Consulting s client list includes FBI Headquarters Washington, DC. So what did Procon Consulting do for FBI Headquarters? Quite a bit, apparently. According to the firm s records:Procon provided strategic project management for the consolidation of over 11,000 FBI personnel into one, high security, facility.Since 1972 the Federal Bureau of Investigation has had its headquarters in a purpose built 2.1 million square foot building on Pennsylvania Avenue. Having become functionally obsolete and in need of major repairs, GSA and the FBI were considering ways to meet the space needs required to maintain the Bureau s mission and consolidate over 11,000 personnel.Procon assisted GSA in assessing the FBI s space needs and options for fulfilling those needs. Services provided included project management related to site evaluations, budgeting, due diligence, and the development of procurement and funding strategies.For entire story: Breitbart News",left-news,"Sep 11, 2016",0 +FLASHBACK: GRAPHIC VIDEO SHOWS Hillary Supporters Beating β€œDeplorable”Trump Supporters Bloody,"Did Hillary forget about her deplorable supporters who beat innocent Trump supporters bloody at one rally after another only a few months ago? But WE are the #BasketOfDeplorables? Share this. Because we aren't! pic.twitter.com/vRN2GqIYzo Black Women 4 Trump (@TallahForTrump) September 10, 2016",left-news,"Sep 11, 2016",0 +WOW! OBAMA Just DESTROYED Hillary With This Tweet…From 4 Years Ago!,"Here s the video clip that captured Hillary insulting and writing off nearly half the country. And here s Mitt Romney s comments at a private event that was secretly recorded. Many will argue that his 47% of Obama supporters are entitled comment helped to sink his candidacy. We actually think Romney was unfairly targeted for these comments, because he facts and figures to back up his assertion. Barack Obama was very vocal about the fact that all of America should be outraged by Romney s insensitive comments. Will Barack Obama hold Hillary to the same standard as he held Mitt Romney? You don t need to answer that question.Here s Obama s tweet from 4 years ago. Only 4 short years later, the same could undoubtedly be said about Hillary s basket of deplorables comment.RT if you agree: We need a President who is fighting for all Americans, not one who writes off nearly half the country. Barack Obama (@BarackObama) September 18, 2012",left-news,"Sep 11, 2016",0 +"POWERFUL! HE BECAME A POLICE OFFICER AFTER Watching The Twin Towers Fall On 9-11…Today, He β€œHumbly Begs” Seahawks Players To Not Sit For National Anthem","Dallas Police Officer Dan Cincinnatus wrote an amazing letter to Seattle Seahawks player, Russell Wilson imploring him to not sit while the fans honor our flag during the playing of the National Anthem. The Seattle Seahawks team has apparently organized a team sit-down during the playing of the National Anthem as a way to protest black oppression in America. Many Americans, including us, believe this is truly the most disrespectful act of anti-americanism we have ever seen in professional sports and has nothing whatsoever to do with multi-millionair black athletes being oppressed by America. Read Dan s letter and tell us what you think in the comments below or on our Facebook page.From Dan Cincinnati s Facebook page:In response to the rumors of a Seattle Seahawks team sit-down for the Star Spangled Banner on 09/11, I wrote this open letter to Russell Wilson and posted it on his Facebook page.Dear Mr. Wilson,My name is Dan Russell. I am a lifelong Seattle Seahawks fan, a native Washingtonian, and I have the humble privilege of serving as a Police Officer in my community.I am the Officer in these photos two of which went viral taken in Dallas on 07/07 at the scene where 14 police officers were shot in an ambush; five of whom perished from their injuries.I decided to dedicate myself to a life of Service on a Tuesday morning sitting in my parents living room on 09/11/2001, as I watched live footage of a plane crash into the World Trade Center. I woke up my brother, a serving United States Marine at the time, to give him the news America was under attack.On that sunny and bright Tuesday, 2,996 Americans lost their lives. 343 of those lost were firefighters, and 71 were law enforcement officers. In response to the worst terrorist attack in our Nation s history, millions answered the call to Service to Serve their Nation in the military, to Serve their communities as Police Officers, firefighters, dispatchers, paramedics, or as the family of one of these intrepid selfless individuals.Every day, more choose to answer the call to Serve inspired by those events of fifteen years ago and the selfless sacrifice of so many that came before them.I chose to Serve on 09/11/2001. After Ferguson in 2014 I found myself questioning my choice of career and vocation. A visit to Ground Zero reminded me that I was Serving something bigger than myself something beautiful and everlasting.America.I humbly ask I beg that you do not sit down for The Star Spangled Banner on this coming Sunday, the 15th anniversary of 09/11/2001.To do so would be a slap in the face to millions of fans, millions of public Servants, millions of Americans, to 09/11 first responders, to the survivors, and to the families of all that were involved and impacted by that terrible day, most of all To those 2,996 who fell in an act of hatred towards our country and all we stand for.You have so many avenues of making a stand, of letting your voice be one of compassion, reconciliation, and building rather than tearing down. You have shown that you are an inspiring leader, man of community, faith, family, and charity. You have a voice that will be heard.Please, use your voice in one of those other avenues do not allow yourself to become one that succumbs to the sensationalism and misguided choices that are currently causing so much division in our country.Stand for The Star Spangled Banner.We who Serve will stand with you.Respectfully, Dan Russell Seahawks FanRussell Wilson has announced that he will NOT take part in the planned sit-down by players on the Seattle Seahawks team. Here is his response.HERE is the link to Dan s letter on Facebook.We d like to offer Officer Cincinnatus a standing O for his well-written and powerful letter!",left-news,"Sep 10, 2016",0 +"WHY IS THE MEDIA HIDING This Endorsement?…KKK Klan Leader On Hillary: β€œShe’s A Democrat, The Klan Has ALWAYS Been A Democratic Organization”[VIDEO]","It s time for the media to start doing their job. Instead of making baseless claims about Trump to fulfill their insatiable desire to label him a racist, perhaps they should be questioning Hillary about her DOCUMENTED racist history Dolly Kyle, a long-time friend of the Clinton s, wrote a scathing tell all book exposing the sickening hidden truth about Bill and Hillary Clinton. Hillary s war on just about anyone who is beneath her, or who would dare to get in the way of her ascent to the White House.Kyle claims that when the Clinton s were behind closed doors they were a very different couple than the public sees. Behind the Reverend Jesse Jackson s back, the Clinton duo called him, That G**damned n****r .When will the media do their job and report the truth about this horrible opportunist?",left-news,"Sep 10, 2016",0 +"IF HILLARY IS ELECTED And Becomes Too Sick To Serve, Could Her Rapist Husband Become A De Facto President?","The applications for White House interns just took a sharp nose-dive Former President Bill Clinton could practically serve an unconstitutional third term as president if Hillary Clinton becomes sick in office if elected, given the previous first ladies who acted as presidents on behalf of their sick husbands.Former First Ladies Nancy Reagan, Mamie Eisenhower and Lady Edith Galt Wilson all made presidential decisions while their husbands were ill in office.Galt Wilson in particular acted as the de facto president when President Woodrow Wilson suffered a stroke in 1919 to prevent Vice President Thomas Marshall from assuming the presidency because Marshall was too friendly to Wilson s political rival in Congress. If a President Hillary Clinton s health were to decline, it is a certainty that former President Bill Clinton would emulate Galt and act in his wife s stead as president, said investigative journalist Wayne Madsen. Senator Tim Kaine was chosen as Mrs. Clinton s running mate because he, as was Marshall, is a milquetoast politician who would not seek to become acting president of the United States in the event of the incapacitation of the president. For Bill Clinton, serving as the de facto president would be an effective third term as president, something barred by the U.S. Constitution. Additionally, Woodrow Wilson s personal physician concealed the president s stroke from the public, which of course draws comparisons to how the Hillary campaign is downplaying concerns over Hillary s health, despite 71% of doctors stating her problems could be disqualifying. Both physicians and other voters think that health concerns are relevant when choosing a presidential candidate, stated Jane M. Orient, M.D., the executive director of the Associations of American Physicians and Surgeons.Via: InfoWars",left-news,"Sep 10, 2016",0 +BLACK RESIDENTS NOT HAPPY After Street Artist Makes One Brutally Honest Change To Divisive Message [VIDEO],"The Obama s have convinced Black communities across America they are victims. It s true they are victims, but they re victims of a fatherless culture, and not of the White man or cops as Barack Obama would like Americans to believe. When will the men in these communities start taking responsibility for raising their children? Until these grown men start taking an active role in raising their own children, these lawless (and sometimes innocent kids who get caught in the line of fire) will never have the opportunity to grow up and realize their full potential. You can t have entire communities of boys and girls growing up without dads and expect a different result than the one we re seeing today. We think this street artist hit a HOME RUN with their powerful message to this community FOX 2 Detroit There were mixed reaction to the controversial tagging of a contentious catchphrase in Highland Park. The slogan is on an apartment building on Woodward and Pilgrim. The message is cogent to today right now especially this particular area because there are not a lot of black dads who are actually being fathers, one person said.Stacey Calwise spoke about her 8 and 4-year-old children. Their dads are black but they re not around. So as far as black dads matter, not in their case, she said.WATCH:",left-news,"Sep 9, 2016",0 +THESE β€œPOLLS” DON’T LIE! HILLARY PLANS HUGE Black Baptist Church Rally…Massive Number Of Empty Seats…Workers Forced To β€œShrink” Room,"The way Trump is packing in thousands of supporters at every rally in every state he visits, it s pretty clear his popularity way overshadows that of #CrookedHillary. She s barely getting enough people to fill a phone booth at her rallies! This event, at the Baptist National Convention in Kansas City turned out to be downright embarrassing for Hillary and her campaign. In a venue meant to hold 5,000 people, Hillary only drew about 1,000. Perhaps there just isn t a huge amount of interest with Baptist church members in Kansas City when it comes to spending time listening to a sociological liar Workers cutting the room down by a third with lower than expected turnout for #clintonkc speech. pic.twitter.com/L60YFfBpO1 Frank Morris (@FrankNewsman) September 8, 2016Check out the number of empty seats!Convention hall turned out lights in un-occupied part of hall for @HillaryClinton speech, now partitioning it off pic.twitter.com/O5Az8EfiRD Brian Abel (@BrianAbelTV) September 8, 2016Here are the requested ""during speech"" pics of KC convention hall pic.twitter.com/ZRGOm77xnO Brian Abel (@BrianAbelTV) September 8, 2016And finally, only 1,000 people filled a venue meant for 5,000. Who needs polls that are rigged by leftist media or polling firms with an agenda. From now on, we re going to continue to use the number of supporters who actually take time out of their busy day to see the candidates as a true indicator of who s leading in the race Front of press constituted 10 rows. 14 seats per section, 6 sections. Less than 1,000 of the >5k setup https://t.co/C6BcyCIl9F Brian Abel (@BrianAbelTV) September 8, 2016h/t Gateway Pundit",left-news,"Sep 9, 2016",0 +FEMALE SAILOR FACES DISCIPLINE By US Navy For Posting Video Of Herself Sitting In Protest Of National Anthem…Because…”It’s Racist”,"***WARNING***If you watch this video, you will encounter strong language and even stronger stupidity A female sailor who posted a video of herself sitting through morning colors in protest of supposed racism in the national anthem is being disciplined by the U.S. Navy.Disciplinary actions toward the female sailor are ongoing, a spokeswoman for the U.S. Navy told Military Times. We are always doing training to make sure that sailors know the pros and cons of using social media, and they must always observe appropriate conduct, and they re always subject to the UCMJ at all times, she added.The national anthem basically says land of the free, home of the brave, except for hirelings and slaves and I just can t support anything like that, the female sailor said in the video she posted on Facebook. She continues I think Colin had a really good point when he said we had bodies in the streets. ",left-news,"Sep 9, 2016",0 +ARROGANT BILL CLINTON MOCKS COAL MINERS For Supporting Trump After Hillary Promises To Shut Down Coal Industry If She’s Elected [VIDEO],"The arrogance of Bill Clinton is astounding. While addressing a crowd of Hillary supporters in Pennsylvania, he mocks the hard working coal miners in West Virginia and Kentucky because they re saying they won t support his wife after she promised to double down on Obama s promise to bankrupt the coal industry.Watch this West Virginia coal miner confront Hillary over remarks she made during a CNN town hall where she proudly exclaimed, We re gonna put a lot of coal miners and coal companies out of business. Watch the stunning arrogance with which Barack Obama delivers his punishing message of government overreach to American coal miners and anyone associated with the coal industry in America, If somebody wants to build a coal fire plant, they can. It s just that we re going to bankrupt them, because we re going to charge a huge sum for all that greenhouse gases. And now, here s former president Bill Clinton mocking the coal miners for not getting behind Barack Obama in 2012 and now the polls are showing they re not about to vote for another president who swears to destroy their livelihoods and the towns where generations of coal miners have lived.",left-news,"Sep 9, 2016",0 +CHIP OFF THE OLD BLOCK: Harvard Bound Malia Obama Caught In Frat House Picture With Large Party Bong,"Malia Obama is taking a party gap year before she begins school at the prestigious Harvard University. Even though it was reported that Barack Obama was furious with the pot smoking, twerking, Malia Obama after she was caught at a rowdy party that was reportedly busted by the police on Martha s Vineyard it doesn t seem to have slowed her down The idea that Malia is embarrassing the family is laughable, given the antics of her father and mother over the past 8 miserable years A picture circulating on social media appears to show Malia Obama near an item that resembles a large bong.The image was taken at a University of Pennsylvania fraternity house on Sunday, according to Radar Online.The 18-year-old is wearing the same distinctive Smoking Kills T-shirt that she was seen sporting at the Budweiser Made in America festival in Philadelphia that day.The teenager, who is taking a gap year and will attend Harvard in 2017, also sported a crimson baseball hat with an H on it a nod to her future alma mater. Daily Mail ",left-news,"Sep 9, 2016",0 +CRAZY VIDEO OF MUSLIM JIHADESS Being Dragged Up Hill In Burqa After Police Arrest Her For Plot To Blow Up Train,"Feel good video of the day A female ISIS recruiter who planned to blow up a French train station was engaged to a jihadist who beheaded a Catholic priest and the terrorist who murdered a police couple.French police believe one of the gang, known only as Sarah H., 23, was due to marry Larossi Aballa, 25.Aballa murdered a police man and his officer wife outside Paris in June before he was himself shot dead.Molins said the woman was engaged to Larossi Abballa, who killed two police officials in Magnanville in June and filmed the aftermath on Facebook Live before dying in a police raid.He said she was also betrothed to Adel Kermiche, who slit the throat of an elderly French priest during morning Mass in July. Her current fiance was arrested on Thursday, Molins said. He added: In the last few days and hours a terrorist cell was dismantled, composed of young women totally receptive to the deadly Daesh ideology. Today it emerged that the female jihadi cell the first of its kind in France had wanted to attack the Gare du Lyon in Paris, which is one of the busiest rail stations in Europe. Police and officers from the DGSI, France s counter terrorism intelligence agency, had been on the trail of the trio since Sunday, when a car full of gas cannisters was found parked in Paris. In a briefing after the raid, French Interior Minister Bernard Cazeneuve said: These three young, radicalised women were preparing an imminent and violent attack. Three women were arrested in Bossy-Saint-Antoine, in the Essonne following the finding, and an officer was stabbed by a suspect who was then shot in the head. Via: Daily Mail ",left-news,"Sep 9, 2016",0 +IDENTITY OF HILLARY’S MYSTERY β€œHANDLER” Is Finally Revealed [VIDEO],"About a month ago, people started noticing a large black man who always seemed to rush to Hillary s aid during coughing fits, or when she exhibits bizarre behavior.Hillary's Handler? Brain washer? pic.twitter.com/5lsCTc8Vdk Mike Cernovich (@Cernovich) August 7, 2016Hillary attempted to disparage Trump during one of her first appearances before the press since the last time in July where she appeared to have a seizure while being asked about her vice presidential options.Paul Joseph Watson of InfoWars claims to have unlocked the mystery behind the mystery man who always seems to be there to lend a helping hand (arm or to act as a human brace) when Hillary is coughing, falling or just needs a little help speaking (not unusual at all for a presidential candidate right?) We re just wondering where Trump s special handler has been hiding all year? Maybe he doesn t need one because he s a perfectly healthy and capable candidate .Just something to consider ",left-news,"Sep 9, 2016",0 +NAVY SEALS FORCED TO ABORT American Hostage Rescue Effort…Obama Too Busy Golfing On Martha’s Vineyard To Approve Mission,"So an American hostage (who should be one of our top priorities), had the opportunity to be rescued by a group of Navy SEALS, but Obama was too busy to approve the mission?A group of Navy SEALS were forced to return from a hostage rescue mission in Afghanistan after President Barack Obama failed to approve their operation while he was on vacation on Martha s Vineyard.According to sources speaking to Ami Newswire, the special operations force traveled swiftly to recover two hostages, but were ordered to stand down because Obama did not have time to approve the mission.Obama approved the mission a day later, but when the special forces team returned, the hostages had been moved just four hours earlier, according to the report.The two civilian hostages are English teachers: United States citizen Kevin King and Australian citizen Timothy Weeks. The missions took place Aug. 10 and 11, in Afghanistan, according to Ami Newswire, both days that Obama spent a large part of the day golfing in Martha s Vineyard.On August 10, Obama golfed from 10:30 a.m. 3:19 p.m. at Vineyard Golf Club and on August 11, Obama golfed from 12:57 p.m. 5:39 p.m at Mink Meadows Golf Course according to White House pool reports.FORE entire story: Breitbart News",left-news,"Sep 9, 2016",1 +SHOCKING: ENTIRE FACEBOOK PAGE DEDICATED To Evidence Of Donald Trump Death Threats,These images were all taken from a Facebook page dedicated to capturing death threats against Donald Trump. I thought I had seen everything until I came upon this page. The lack of value these (mostly) young people place on the sanctity of life is stunning. How many of these people do you think have been visited by the FBI? How many of these common thugs have been arrested? What if there was a Facebook page exposing the death threats made against Hillary? Do you think it would have been all over the news? All of these images and the video below can be found on the Operation Mogul Fury Facebook page. We commend this person for their hard work in uncovering these vile threat spread out across so many social media accounts.,left-news,"Sep 8, 2016",0 +WOW! β€œWe Mexicans Need To Kill Donald Trump Before He Becomes President…Cross The Border And Go And Kill Trump And His Supporters” [VIDEO],"And now a message of peace and unity from one of our neighbors to the South: We, Mexicans, have to kill Donald J. Trump before he becomes President. He is a threat to every single one of us. There are many Mexican Americans living in the U.S. right now and I m asking them to kill Donald Trump before he becomes President. The one in Mexico who have the means, I m asking you to cross the border and go and kill Donald Trump, and as many of his supporters as possible. Anywhere he goes just try to bomb the place, shoot up the place, do something. B..b but he looked like such a nice boy. Don t call him illegal he just wanted a better life he s just a victim This punk isn t the only one threatening the life of Trump. Watch this video that exposes the truth about how the media ignores these threats:",left-news,"Sep 8, 2016",0 +FLASHBACK [VIDEO]: Libertarian Gary Johnson Discusses Solutions To Syrian Conflict…TODAY On MSNBC: Gives EMBARRASSING Answer To Basic Question About Syrian War,"Libertarian Presidential candidate Gary Johnson was asked by MSNBC host Mike Barnacle, What would you do if you were elected about Aleppo? To the horror of viewers and hosts on the MSNBC panel, Gary Johnson responded, What is Aleppo? Watch the Libertarian presidential candidate 7% of Americans say they plan to vote for in November:Gary Johnson was interviewed by Joe Rogan on CSPAN about his thoughts on the Syrian conflict. Watch him fudge his way through a discussion about a country where he doesn t even know the name of the city at the epicenter of that conflict: GARY JOHNSON: I think we bear a responsibility for the refugee crisis and we should be taking on our fair share. What is the mathematics of having disrupted 11 million Syrians, half the population? When it comes to the U.S., I think we can deal with this effectively. Should it be carte blanche? No, but we can have a system in place to accept refugees right off the bat. Other refugees might be questionable, backgrounds or whatever. We ve directed enough of our resources on the military side to deal with the refugee side of it humanely and in a way that reflects what America is all about.JOE ROGAN: When I ve talked to military operatives though, they believe a proactive attack, or proactive action, is much more likely to stop ISIS or any-GARY JOHNSON: Well and that, that s been our tact to date. And I m gonna say that, without exception, that every one of those military interventions have had an unintended consequence of at best. You know, we, we, we go, we re, we always deal with atrocity. There atrocities going on. We go in to deal with that atrocity, and at the end of the day, the new dictator, the new despot that we put into place to replace the bad despot, at the end of the day, is just as bad or in many cases worse. We cut off the head of the hydra, and lo and behold, there are more heads.ROGAN: So how does one stop that? I mean, have you ever tried to come up with some sort of a solution or look at some sort of a long-term plan that would somehow or another calm the world, or at least, allow the United States to make peace?JOHNSON: One of the reasons that I m seeking to become President of the United States is I think I d do a really good job of presiding over, over all the intelligence that we do have regarding all of this. I don t want, I don t want to present myself as having the answers, as much as, you know what, give me, give me the intel, let me be part of this discussion, and um, but I m gonna enter in to this discussion, as a real skeptic, um, on what we ve done to this point, and a real skeptic on what appears to be what we re gonna do in the future regarding all this. Isn t there a more effective way of dealing with this?I wouldn t be seeking this job if um, if I didn t think I could make a difference in it. And I, I do not want to misstate. I don t, I don t wanna play cards. Obama draws lines in the sand. I m not gonna draw lines in the sand. If you draw any lines in the sand, you d better be prepared to back up what you said with action. And that s also been an issue with Obama.ROGAN: What was your take when Obama went on television, and was talking about how we needed to invade Syria? And Syria was a huge issue, and the American public was up in arms, both the right and the left. People were like, What are you talking about? This is craziness. And then the administration backed off. I mean, was it, in my opinion, it was one of the first [ ] it was one of the first examples of the United States, sort of collectively, the will of the people, like being openly expressed, that the idea of erring Syria was outrageous. Nobody wanted to do it. They didn t make any sense to people, this gas attack. How was this anymore horrible than a lot of shit that s been going on over the world all the time? What is, what is it about Syria that all of a sudden we have to go invade Syria? One more intervention in another country, and the administration backed off?JOHNSON: Great example. People are fed up with this, and in fact, you know, 22 million people in Syria, and 11 million of them have been displaced. Don t we, don t we have a share in, share in that consequence?ROGAN: What was the motivation? What s the motivation for the United States to want to invade there in the first place?JOHNSON: Well, wasn t it the, McCain going over there, beating his chess, and uh, along with Lindsey Graham, and uh, and let s go over there and support the good guys? Well, the good guys are the minority, and the good guys, at the end of the day, are um Look, this is somehow we re gonna determine the outcomes of, in other countries? I am, I mean, that s just, it s preposterous. That uh, as individuals we can do that.The funny thing about Gary Johnson is that he pretends to have a strong grasp on foreign policy as it relates to Syria in the video below, but when asked how the US became involved in the conflict, the best answer he can give is to blame it on John McCain and Lindsey Graham? How did this guy ever even make it onto the ballot? And even more frightening, is how he managed to convince 7% of Americans he s a legitimate candidate Watch: ",left-news,"Sep 8, 2016",0 +HILLARY CHEATED! Who Really Fed Hillary The Answers To Her Questions At Veteran’s Forum?,"She never does things the way the rest of us do. She s always got an angle she s always got a way around doing things the way the everyday people she claims she represents do them. How can any female say that lying, cheating and conniving Hillary is a role model for woman with a straight face? Crooked Hillary Clinton wore an ear piece in last night s Commander in Chief Forum hosted by NBC and MSNBC. This was the first event where both Donald Trump and Hillary Clinton were invited to attend together. Each candidate received a short period with host Matt Lauer. It was expected that both candidates would provide unaided answers to the questions asked but it appears Hillary did not.Donald Trump tweeted after the event his disdain for candidate Clinton using the ear piece which provided her a boost in answering questions. Trump tweeted We can t let Hillary get away with wearing an ear piece during tonight s Veteran Forum .https://twitter.com/P0TUSTrump/status/773724216247984129Trump s not the only one who noticed:My article is the top fat link on Drudge. Nice. https://t.co/mw4f4s1xot pic.twitter.com/jiamqzVV33 Paul Joseph Watson (@PrisonPlanet) September 8, 2016Others noted her cheating ways as well accusing Hillary of eye movements and gaps between speech that showed she was listening and not thinking My article is the top fat link on Drudge. Nice. https://t.co/mw4f4s1xot pic.twitter.com/jiamqzVV33 Paul Joseph Watson (@PrisonPlanet) September 8, 2016https://twitter.com/AltStreamMedia/status/773732560824180736bocavista2016: RT BlkMan4Trump: #NBCNewsForum I think we all know who was on the other end of #HillarysEarPiece pic.twitter.com/XqjIbMd5It #N TrumpIsBlackLikeMe (@BlackManTrump) September 8, 2016Actor James Woods asks reminds us of Wikileaks email from Huma to Hillary regarding her earpiece :pic.twitter.com/T3gpMPelJl James Woods (@RealJamesWoods) September 8, 2016Cheating like this is not totally unexpected. President Obama was accused of doing the same thing in the debates in 2012 with candidate Romney and some have warned that this may happen again a few weeks ago. The picture of the wireless earpiece above is similar to one Obama may have used during those debates. As noted by thetruthdivision.com if you go back and watch the second and third debates in 2012, examine Obama s mannerism and head movements while he was watching Mitt Romney speak.Via: The Truth Division h/t GP ",left-news,"Sep 8, 2016",0 +BOYCOTT! GOLDMAN SACHS Uses Union Thug Tactics Against Top Employees To Prop-Up #WallStreetHillary [VIDEO],"This is how the unions do things in America. Is this where you want your money invested? Bernie Sanders must be so happy to have endorsed #CrookedHillary It s okay to keep the money train flowing into Hillary campaign coffers, but Goldman Sachs is actually banning employees from donating to Trump? How is this legal??? Hillary Clinton is facing more and more heat for accepting $675,000 to give just three speeches to Goldman Sachs employees. What exactly is that hefty fee buying? Critics contend there is a revolving door between Wall Street and Washington, where Wall Street execs shuffle back and forth from the financial sector to key jobs working for their friends in Washington, where they are able to influence financial laws and regulations. Yet despite all the heavy criticism Wall Street has taken in recent years, Clinton still chose to take hundreds of thousands of dollars from PACs, employees, directors and their families associated with the biggest banks. The StreamJust two months after leaving the State Department, Hillary Clinton began a short but very lucrative speaking career to banks, securities firms, trade associations, and three times, Goldman Sachs.In October 2013, Hillary Clinton was paid $225,000 to speak at Goldman Sachs Builders and Innovators conference, held at the Ritz Carlton Dove Mountain Resort in Marana, Arizona. It was structured as a conversation between Clinton and Goldman Sachs CEO Lloyd Blankfein, according to two attendees. The audience was filled with tech entrepreneurs and investors. CNN",left-news,"Sep 7, 2016",0 +TOMI LAHREN Takes A HAMMER To Hillary: The β€œMost Competent Woman in History” doesn’t know what β€œC” means? [VIDEO], There are many C words for Hillary but competent is not one of them .OUCH! ,left-news,"Sep 7, 2016",0 +GARY JOHNSON IS A COMPLETE IDIOT….And Here’s Why [VIDEO],"7% of Americans actually claim they ll vote for leftist candidate and faux Libertarian, Gary Johnson in the upcoming presidential election. No words ",left-news,"Sep 7, 2016",0 +"WOW! MSNBC’s Senior Political Analyst Hammers FBI Director: β€œTo Release This [Hillary emails] On A Friday, As If He’s An Arm of the Clinton Campaign” [VIDEO]","Say what??? When former Clinton cheerleader Mark Halperin is disgusted by Hillary s dirty dealings and FBI Director James Comey s willingness to provide cover for Hillary and her criminal acts it s a pretty big deal Does anyone else feel like the formerly respected FBI Director James Comey is exhibiting unexplainable Supreme Court Justice John Roberts like behavior? The question is, who is he answering to, Barack Obama or the Clinton Crime Syndicate? ",left-news,"Sep 7, 2016",0 +"CHARLES BARKLEY DROPS TRUTH-BOMB: Blacks, Not White People Or Cops Are Keeping Blacks Down"," It s a dirty, dark secret; I m glad it s coming out WOW I guess we won t be seeing Charles Barkley sitting for the national anthem because he s resents the White man or neighborhood cop for keeping him down NBA legend and all around awesome person, Charles Barkley, was recently interviewed by a local Philadelphia radio station about the current racial issues plaguing America. During the interview, Barkley stated that unintelligent, brainwashed African-Americans are the ones keeping successful ones down, not white people, or cops.What prompted Charles Barkley s response was a question posed to him on the radio show, Afternoons with Anthony Gargano and Rob Ellis; he was asked about a rumor that Seattle Seahawks quarterback Russell Wilson was being accused by his fellow teammates of not being black enough. Colin Kaepernick s and Chris Brown s most recent debacles are prefect examples of Charles logic.Charles Barkley finished out his interview by stating:Via: Blue Lives Matter",left-news,"Sep 7, 2016",0 +FRESHMAN ORIENTATION: It’s Racist To Ask Asian Students For Math Help…Don’t Ask Black Students If They Play Basketball…And MORE Insanity You Won’t Believe!,"You know the Left has won when communism replaces education A freshman tentatively raises her hand and takes the microphone. I m really scared to ask this, she begins. When I, as a white female, listen to music that uses the N word, and I m in the car, or, especially when I m with all white friends, is it O.K. to sing along? The answer, from Sheree Marlowe, the new chief diversity officer at Clark University, is an unequivocal no. The exchange was included in Ms. Marlowe s presentation to recently arriving first-year students focusing on subtle microaggressions, part of a new campus vocabulary that also includes safe spaces and trigger warnings. Microaggressions, Ms. Marlowe said, are comments, snubs or insults that communicate derogatory or negative messages that might not be intended to cause harm but are targeted at people based on their membership in a marginalized group.Among her other tips: Don t ask an Asian student you don t know for help on your math homework or randomly ask a black student if he plays basketball. Both questions make assumptions based on stereotypes. And don t say you guys. It could be interpreted as leaving out women, said Ms. Marlowe, who realized it was offensive only when someone confronted her for saying it during a presentation.Clark, a private liberal arts college that has long prided itself on diversity and inclusion, is far from the only university stepping up discussions of racism and diversity in orientation programs this year.Once devoted to ice cream socials, tutorials on campus technology systems and advice on choosing classes, orientation for new students is changing significantly, with the issue taking on renewed urgency this year as universities increasingly try to address recent racial and ethnic tensions on campuses as well as an onslaught of sexual assault complaints and investigations.A bystander intervention presentation for arriving freshmen at Wesleyan University last Thursday We Speak We Stand featured students acting out fictional episodes of campus sexual violence, harassment and problematic drinking, with examples of how to intervene. Each of you has the power to bring to light sexual violence in our community, one student told the group.In August, the University of Wisconsin system, which includes the Madison flagship and 25 other campuses, said it would ask the State Legislature for $6 million in funding to improve what it called the university experience for students. The request includes money for Fluent, a program described as a systemwide cultural training for faculty and staff members and students.But that budget request has provoked controversy. If only the taxpayers and tuition-paying families had a safe space that might protect them from wasteful UW System spending on political correctness, State Senator Stephen L. Nass, a Republican, said in a statement issued by his office, urging his fellow lawmakers to vote against the appropriation.Mr. Nass s objection to spending money on diversity training reflects a rising resistance to what is considered campus political correctness. At some universities, alumni and students have objected to a variety of campus measures, including diversity training; safe spaces, places where students from marginalized groups can gather to discuss their experiences; and trigger warnings, disclaimers about possibly upsetting material in lesson plans.Some graduates have curtailed donations and students have suggested that diversity training smacks of some sort of communist re-education program. -Via NYT s",left-news,"Sep 6, 2016",0 +YIKES! WHAT THE HECK Did Hillary Just Cough Up Into Her Glass?…And Why Is There An Ambulance In Her Motorcade? [VIDEO],"Hillary was seen passing up a bottle of water in the midst of another one of her coughing fits in front of her press cheerleaders on her new campaign plane yesterday. Passing up a bottle of water in the middle of a coughing fit would seem strange, but what was even more strange is that she passed up a bottle of water for a glass of water that was handed to her by someone on her staff from behind the curtain. Pretty much everything Hillary does is done from behind a curtain so the idea that Hillary is likely hiding a serious illness like say .Parkinson s Disease is not really all that far fetched.DOES HILLARY HAVE PARKINSON S DISEASE?As a neurological disorder, Parkinson s disease (PD) has been shown to affect motor skills in the limbs, inhibit muscle coordination, and sometimes contribute to dysphagia.1 Dysphagia is the medical term for difficulty swallowing. Thickened liquids are often used in the management of dysphagia to improve bolus control and to help prevent aspiration. A range of starches and gums has historically been used to thicken liquids. Although thickened liquids improve swallow safety, they appear to have a great potential for unintended physiological consequences.What the heck did Hillary just cough up into her glass during her speech in Cleveland?https://twitter.com/NolteNC/status/773264547813744648Meanwhile a very interesting addition was spotted in Hillary Clinton s motorcade yesterday. There s a probably a perfectly good explanation for an ambulance being added to her motorcade. Maybe it s in case Hillary falls off the stage. She has been stumbling quite a bit and has been seen grabbing on to railings, chairs, tables, or pretty much anything she can get her hands on that helps to keep her upright. But it s only her health and she is only running for President of the most powerful nation on earth so, what difference does that make right?Watch the great coverage of Hillary s pathetic rally in Cleveland yesterday by this young InfoWars reporter. The ambulance appears at the 6:40 mark:In case you missed it Watch Hillary spit something eeeeewww!back into her glass of of water and whatever else is mixed in with the water: ",left-news,"Sep 6, 2016",0 +GRANNY CLINTON GOES WAY LEFT: Fear Mongering On The Cause Of Hurricane Hermine,"Who wrote this garble for granny Clinton? She s off her rocker! Yes, climate changes ",left-news,"Sep 6, 2016",0 +WATCH CBS HOST EMBARRASS DINGBAT PELOSI After Claiming β€œToo Much Being Made About Hillary Emails”…It’s A Distraction From Zika [VIDEO],"Am I the only one who feels like I m living in the Twilight Zone when I hear Nancy Pelosi begin a discussion about a certain threat to our national security by saying, I m the top Democrat on the Intelligence Committee . Her admission to being a key figure on our House Intelligence Committee should scare every single American, no matter what political party you identify with.Listening to this woman talk only underscores the urgency of cleaning house in Washington this November. Listen to her call Hillary s reckless decision to leave top-secret classified emails open to hackers around the world a technical error . Our national security is at risk over a crooked Secretary of State who deliberately set up a separate email server to hide goodness knows what and the top Democrat on the Intelligence Committee calls it a distraction from Zika?",left-news,"Sep 6, 2016",0 +HOW A SIMPLE GLASS OF WATER Could Expose The Truth About Hillary’s Serious Health Issues And Cause Her To Lose The Election [VIDEO],"Every American needs to consider this new evidence about Hillary and how her campaign is helping to hide her poor health from voters unless of course, the only reason you re planning to vote for Hillary is because you like her VP candidate, Tim Kaine Why does Hillary reject a bottle of water for a glass of water during her coughing fit in front of press on her new campaign plane? Why does Hillary have a stool and GLASS OF WATER next to her at all times during public appearances? Why does Hillary tell press she s suffering from allergies when allergens aren t even high in the specific region where she s speaking? Why is Hillary resting while Donald Trump is out running circles around her on the campaign trail? Why does the media cover for her lies and MOST IMPORTANTLY, why is anyone supporting this woman who is clearly not well enough to even campaign for the highest office in our nation???During the Republican National Convention last June, two Secret Service agents approached InfoWars and asked to speak to them about Hillary s health. The Secret Service contacted me. They said that Hillary Clinton has Parkinson s disease. They [Hillary s people] spent over a quarter million dollars on these stairs to allow her to step down from the vehicle to the ground because she has trouble walking. They [Secret Service] said that any kind of flashes or strobes will set her off into a seizure, and that s why they wanted to come us.They wanted to contact us and give us information because they knew we [InforWars] would be able to get this out. [Unlike the MSM,] we wouldn t be scared to do it. And you know it really makes a lot of sense when you watch all these videos. The fact that she s refusing to do these news conferences. Hillary had not done a press conference for 8 months. Her last press conference was on December 4, 2015.DOES HILLARY HAVE PARKINSON S DISEASE?As a neurological disorder, Parkinson s disease (PD) has been shown to affect motor skills in the limbs, inhibit muscle coordination, and sometimes contribute to dysphagia.1 Dysphagia is the medical term for difficulty swallowing. Thickened liquids are often used in the management of dysphagia to improve bolus control and to help prevent aspiration. A range of starches and gums has historically been used to thicken liquids. Although thickened liquids improve swallow safety, they appear to have a great potential for unintended physiological consequences.Like this unintended physiological consequence maybe? Why does Hillary always have a stool and GLASS OF WATER at every public appearance? Don t most people in this day and age drink from a bottle of water?Again the stool and the GLASS OF WATER And again On Feb. 4, WND reported Hillary Clinton has been prescribed Armour Thyroid, a natural medication made from desiccated pig thyroid glands, for her hypothyroid condition and Coumadin a brand name of warfarin, which initially was developed as a well-known rat poison for her congenital tendency to form blood clots.WND also reported the medication Clinton has taken since 1998 to deal with her blood-clotting problems may have side effects that are hazardous to her health, including blurred vision and confusion, both of which she has experienced. And a California physician warned Coumadin could be more life-threatening to her than the possibility of a recurring blood clot.Bill Clinton, during a question and answer session at the Peterson Foundation in Washington, on May 14, 2014, told the audience that the concussion Hillary suffered required six months of very serious work to get over. On Nov. 16, 2015, in an exchange between Hillary Clinton s aides Huma Abedin and Monica Hanley dated Jan. 26, 2013, regarding Clinton s schedule, the aides said it was very important to go over phone calls with Clinton because the former secretary of state was often confused. Clinton s five-minute bathroom break at the third Democratic debate in Goffstown, New Hampshire, on Dec. 19, 2015, initially attributed to the distance of the woman s bathroom from the stage, was reported to have caused a flare up of problems from brain injury that required Clinton to sit in a chair off-stage to recover from fatigue, dizziness and disorientation.WND just last week reported that at least 10 prominent physicians have been questioning Hillary Clinton s health.Based on publicly available information, the following physicians have raised concerns: Dr. Jane Orient, M.D., executive director of the Association of American Physicians and Surgeons, said images of Clinton being helped up stairs and propped up, and videos showing odd, seizure-like head movements require an explanation to voters, she contends. The author of Emerging Diseases: Protecting Your Family from Pandemics, Viral Threats, and Rogue Vaccines noted the vituperation and anger that she s faced for raising questions. I m not making a diagnosis, she told WND on Monday. But I can look at the video. You can look. She said for a medical professional to simply ignore the evidence would be completely reckless. Meeting someone with these symptoms personally would require a How are you? she said. These are not ridiculous questions. Dr. Lee Hieb, author of Surviving the Medical Meltdown: Your Guide to Living Through the Disaster of Obamacare, agreed. They made a huge deal about [Sen. John] McCain because of his melanoma, she told WND. Melanoma doesn t give you dementia! She said the images and videos are evidence that should be reviewed and explained to voters, contending Clinton is not being forthcoming. If she doesn t want the American people informed we know where she stands. Citing Clinton s previous concussion, Hieb said such injuries can cause long-term side effects, seizures, personality changes and cognitive deficits. The Fox News medical A-Team of Dr. Marc Siegel and Dr. David Samadi had questions. In 2008 I looked over a thousand pages of John McCain s records because of a melanoma he had 10 years ago. What about Hillary? In 2009, a severe fall. She breaks her elbow. In 2011, she boards a plane, falls. In 2012, she has a severe concussion which Bill Clinton says took her six months to recover from, Siegel said. He continued: Then she ends up with a blood clot in the brain and a lifetime of blood thinners. Just that point alone if she s prone to falling, you can see from that picture up there that it looked like she can barely get upstairs without two people carrying her. Guess what if she falls and hits her head? She ll get a blood clot. Dr. Drew Pinsky s television show on the HLN cable network, Dr. Drew on Call, was canceled after he raised questions about Clinton s health in an interview on KABC-AM in Los Angeles. Alt-Right fanatics and conspiracy theorists immediately questioned her health is she ok? And concerns over Hillary s worst coughing fit ever was raised by MSNBC.But as Paul Josepth Watson reports, MSNBC regurgitated claims by Hillary s campaign aides that, Allergens were high in Northeast Ohio on Monday, before asserting that there is no evidence to indicate she is unwell. Whore press already running defense for #HackingHillary, blaming pollen. What about the 10 previous times? pic.twitter.com/lwDNYjhEhI Paul Joseph Watson (@PrisonPlanet) September 5, 2016The problem for that propadandist line is It was a complete fabrication.As numerous websites that track daily allergen levels confirmed, grass pollen was low, tree pollen was low and ragweed pollen was moderate. ",left-news,"Sep 6, 2016",0 +HE’S BACK! HILLARY’S COUGHING FIT Draws Her Mysterious Handler Out Of Shadows…Who Is This Guy? [VIDEO],"About a month ago, people started noticing a large black man who always seemed to rush to Hillary s aid during coughing fits, or when she exhibits bizarre behavior. Hillary attempted to disparage Trump during one of her first appearances before the press since the last time in July where she appeared to have a seizure while being asked about her vice presidential options.Watch this video in slow motion. Pay particular attention to the expressions on the interviewers faces: On August 6, Mike Cernovich started asking about Hillary s mystery handler:Hillary's Handler? Brain washer? pic.twitter.com/5lsCTc8Vdk Mike Cernovich (@Cernovich) August 7, 2016The man is dressed like a secret service agent but his actions prove otherwise.In a recent campaign stop in a Union Hall in front of a sparse crowd, at about the time when some liberal protesters began to protest, Hillary Clinton suddenly froze. She looked dazed and lost. Seeing this, a group of men rushed to assist the candidate on the stage. One man however gently pats the candidate s back and then says, Keep Talking. Secret Service agents walk on stage during Hillary Clinton rally https://t.co/Btp1na4Pxt ABC News Politics (@ABCPolitics) August 4, 2016An expert on Secret Service tactics told TGP Secret Service agents would not touch a candidate in the manner that this individual did and especially Hillary Clinton. It has been widely reported on Hillary s disdain for the agents who work to protect her. The man who touches Hillary may be a member of Hillary s close staff but he is NOT a Secret Service agent.Mike Cernovich pointed out earlier that Hillary s handler carries what looks like a Diazepam pen.Hillary s mysterious handler disappeared from the campaign trail in mid-August after several reports were written about his strange appearances on the campaign trail.Hillary also cut down on her appearances at the same time.On Monday Hillary Clinton suffered another severe coughing spat on her plane and later during a speech in Cleveland. Via: Gateway PunditLook who came to her rescue!Watch the video here at the 1:10 mark as Hillary is unable to stop her coughing fits and heads towards the front of the plane where is met with the mystery handler who appears to be closing the curtains to the front of the plane. The mystery handler accompanies Hillary to the front of the plane where he outreaches his arms to protect her from being seen by media and appears to be consulting with another man at the front of the plane.Watch how quickly a woman who appears to be part of Hillary s campaign rushes to the back of the plane to divert the attention of Hillary s bizarre coughing fit from Hillary s cheerleading media squad at the back. ",left-news,"Sep 6, 2016",0 +CHECK OUT TINY CROWD At Hillary Rally In MUST WIN State Of Ohio,"My kids draw bigger crowds at their neighborhood lemonade stands! From GP: She [Hillary] will speak at Luke Easter Park at 1:00 PM ET.Hillary is speaking at the park in 25 minutes with her vice presidential running mate Tim Kaine.So far only a couple hundred supporters have turned out to see her.Crowd waiting for Hillary Clinton and Tim Kaine at Luke Easter Park in Cleveland. pic.twitter.com/b8QMTGGCXN Tom Troy (@TomFTroy) September 5, 2016Hillary Clinton starts rally in Cleveland 80 minutes late, talks after coughing fit she attributes to allergies. pic.twitter.com/vW5GmvTfRX Tom Troy (@TomFTroy) September 5, 2016CLINTON IN CLEVELAND: Ted Strickland kicks off speeches at #Cleveland Labor Day festival. @WEWS pic.twitter.com/YnWLUtpsUx Tara Molina (@TaraMolinaTV) September 5, 2016Compare Hillary s lethargic, tiny crowd in Ohio today to Trump s massive and enthusiastic crowd in Canfield, Ohio on the same day:Thank you Ohio! #AmericaFirst pic.twitter.com/p68GAJdhwu Donald J. Trump (@realDonaldTrump) September 5, 2016",left-news,"Sep 6, 2016",0 +"INT’L LEADERS CAN’T HIDE DISRESPECT For Obama At Final G20: Philippines Leader Calls Barack Obama,”Son of a bitch”…China Makes Him Exit β€œAss” Of Air Force One…Putin Has Tense Meeting With Him [VIDEO]","International leaders aren t making any secret about their disdain and lack of respect for Obama in his final G20 summit PHILIPPINES President Barack Obama is threatening to cancel a meeting with Philippine President Rodrigo D tente after the fiery political figure called the U.S. president a son of a bitch. According to the Associated Press, Duterte demanded that Obama be respectful during the G-20 summit. Otherwise, he said, son of a bitch, I will swear at you in that forum. Duterte was referring to a potential discussion about his violent war on the drug cartels, killing over 2,400 people in the process.During a press conference in China at the G-20 summit, Obama hinted that the meeting between himself and Duterte could be canceled. What I ve instructed my team to do is to talk to their Philippine counterparts to find out is this in fact a time when we can have constructive, productive conversations, he said.Obama said that the United States would always assert the need for due process in prosecution of drug criminals, citing basic international norms. He added that he would bring it up in a meeting, despite D tente s comments. BreitbartCHINA The leader of the world s largest economy, who is on his final tour of Asia, was forced to disembark from Air Force One through a little-used exit in the plane s belly after no rolling staircase was provided when he landed in the eastern Chinese city on Saturday afternoon.When Obama did find his way on to a red carpet on the tarmac below there were heated altercations between US and Chinese officials, with one Chinese official caught on video shouting: This is our country! This is our airport! RUSSIA President Obama shared a tense exchange with Russian premier Vladimir Putin at the G20 summit in China this morning as the two failed to agree over a ceasefire in Syria.Sly Putin could be seen grinning as he clasped hands with stony-faced Obama, who is serving the final months of his Presidency before November s election. Sun",left-news,"Sep 5, 2016",1 +WILL JULIAN ASSANGE BE ASSASSINATED Before He Releases β€œOctober Surprise” He’s Threatened For Hillary [VIDEO],"Besides Trump, no one has a bigger target on his back than DNC and Hillary email leaker, Wikileaks Julian Assange Earlier this week we learned the FBI found an additional 15,000 emails former Secretary of State Hillary Clinton failed to turn over to the State Department during their criminal investigation of her private server use. We ve known for more than a year she deleted 30,000 emails her attorneys deemed personal business, which many speculate included information about the relationship between her official office and the Clinton Foundation.Last month, WikiLeaks founder Julian Assange promised to release additional and damning information surrounding Clinton s personal email use and said the Democrat presidential candidate should be worried about what s coming. Now, Assange is following up on that promise and warning about an October surprise that will absolutely come before the presidential election.Watch Julian Assange talk about Hillary s October surprise here:https://youtu.be/3AinW5C1kbY We re working around the clock. We have received a lot of material because of American election process and the major DNC revelation which has now led the resignation of five top officials in the DNC, including Debbie Wasserman Schultz, Assange told Fox News Megyn Kelly. It s a complex business what we do. We have to assess the voracity. We have a perfect ten year record so far in never gets it wrong and we want to keep that reputation, understand how things should be formatted, what media we should be involved in, what is the best way to stage it out? Do we accumulate everything and essentially publish all in one batch or do we smaller batches? People involved in that election [U.S. presidential election] have a right to understand who it is they are electing, Assange continued. We have a lot of page of material, thousands of pages it s a variety of different types of documents from different types of institutions associated with the election campaign, some quite unexpected angles that are quite interesting and some that are entertaining. TownhallBut will Julian Assange be able to keep himself out of the Clinton s line of fire? People who expose or cross Hillary don t usually fare too well. If you don t believe me, ask Vince Foster ah scratch that!",left-news,"Sep 5, 2016",0 +WHILE #UnFitHillary Rests And Parties With Donors…Key Swing State Polls Show Trump’s HARD WORK Is Paying Off,"Wow! These are not good numbers for Hillary in states where Democrats have been winning for decades!Heading to Youngstown, Ohio now- some great polls. #AmericaFirst pic.twitter.com/cGwDLSOFUt Donald J. Trump (@realDonaldTrump) September 5, 2016",left-news,"Sep 5, 2016",0 +HAPPY LABOR DAY! 5 STUNNING FACTS: How Obama Family Has Taken Full Advantage Of Everyday Working Americans,"Happy Labor Day! Today is a day to celebrate working Americans and the contribution they make to our nation and to its prosperity. It s also a great time to consider what Obama has done to help Americans get jobs, improve wages, and to improve their living conditions. Have you ever wondered how much time off the average American takes for a family vacation as compared to Obama, or how much time they spend on the golf course? How much does the average American, who can actually afford to take a family vacation spend? How does the average American senior who s paid taxes their entire lives fare next to Michelle s 5-star, American taxpayer funded mom?A record 94,708,000 Americans were not in the labor force in May, 2016 664,000 more than in April and the labor force participation rate dropped two-tenths of a point to 62.6 percent, near its 38-year low, according to the Labor Department s Bureau of Labor Statistics.When President Obama took office in January 2009, 80,529,000 Americans were not participating in the labor force; since then, 14,179,000 Americans have left the workforce some of them retiring and some just quitting because they can t find work. By almost every economic measure, America is better off than when I came here at the beginning of my presidency, President Obama told the people of Elkhart, Indiana in June, 2016. We cut unemployment in half, years before a lot of economists thought we would. While the unemployment rate in May dropped to 4.7 percent, BLS reported, less than half of its Obama-era high of 10 percent in October 2009, the labor force participation rate overall, has deteriorated over Obama s two terms.FIVE FUN LABOR DAY FACTS 1) OBAMA S NET WORTH SINCE 2007:Barack and Michelle Obama s net-worth has risen 438% since Obama decided to run for office. Apparently, being a public servant and an oppressed First Lady pays big dividends.According to financial disclosure reports, President Obama has an estimated net worth of $7 million dollars.Since he was worth $1.3 million in 2007, that makes the millionaire 438% more wealthy than when he first ran for office.EVERYDAY AMERICANS:The average American income in 2015 was $53,657. Americans didn t get a raise last year. In fact, they haven t gotten one in years.The typical American family income was $53,657 in 2014, barely changed from $54,462 a year earlier, the U.S. Census Bureau reported Wednesday.What s worse it s far below the peak set in 1999. That s a major reason why so many Americans are still gloomy about the economy six years into the recovery.2) OBAMA VACATIONS:Obama took an average of 21.5 vacations days per year in his first four years as president.Judicial Watch did a little digging on the travel costs of Obama s vacation on the West Coast back in October and found in the process that Obama has now racked up OVER $73 MILLION in travel expenses in his 7 years as president.Though some of the expenses incurred while fundraising are supposed to be reimbursed by political parties and campaigns, only a small portion of the president s travel costs are actually repaid, and, unsurprisingly, the White House keeps the formula for such cost-sharing secret. Perhaps most depressing about the president s exorbitant travel expenses is that those figures do not even present the full cost of his spending on vacations, which inevitably include huge security, room and board, and entertainment (think golf) expenses.As for his West Coast fundraising jaunts, Obama used the trip as a way to promote his gun control agenda, party with Kanye West, and hit up Hollywood elites for big-dollar donations. Oh yeah, and he briefly squeezed in a visit with the families of victims of the San Bernardino terror attack that took the lives of 14.AVERAGE EVERYDAY AMERICAN:Private-industry workers in the United States who have at least 20 years on the job get an average of 19 days of paid vacation per year.According to American Express, the average vacation expense per person in the United States is $1,145, or $4,580 for a family of four. More than half of Americans, 56%, have not taken a vacation in the last year, according to the insurance company Allianz Global Assistance. That s equivalent to 135 million people. The survey defined vacation as a week off from work during which those surveyed travelled at least 100 miles away from home.Another survey of 1,005 Americans, conducted last year by Skift, found that just 15% of Americans planned to take a real vacation in 2014. That same survey found that 33% of Americans couldn t afford a vacation, 30% were too busy and that 22% were going to take a short vacation over a summer weekend.3) OBAMA S LEISURE TIME:Barack Obama has played over 300 rounds of golf, or an average of over 40 rounds per year since he took office in 2008.EVERYDAY AMERICAN:The National Golf Foundation identifies core golfers in America as those who play an average of eight rounds per year.4). OBAMA AND MICHELLE S LUXURIOUS TAXPAYER FUNDED 5-STAR EXISTENCE:Since the beginning of Barack Obama s administration, the Obamas have become increasingly notorious for unnecessary, luxurious travel, under the guise of official business.According to records obtained by Judicial Watch through FOIA requests and subsequent lawsuits, the Obamas and Bidens have spent millions of taxpayer dollars on trips, beginning with the Obamas much-publicized New York City date night in 2009 up through the president s most frequent golf outings and the first lady s Aspen ski jaunts.Judicial Watch uncovered an expensive combination of trips by the Obamas to Africa and Honolulu, which cost taxpayers $15,885,585.30 in flight expenses alone. The single largest prior known expense for accommodations was for Michelle Obama s side-trip to Dublin, Ireland, during the 2013 G-8 conference in Belfast, when she and her entourage booked 30 rooms at the five-star Shelbourne Hotel, and where she stayed in the 1500 square-foot Princess Grace suite at a cost of $3,500 a night.The total cost to taxpayers for the Obamas Ireland trip was $7,921,638.66. To date, the known beyond-first-class travel expenses of the Obamas and Vice President Joe Biden exceed $57 million.In February, Michelle Obama took a weekend trip to Aspen, Colorado that cost taxpayers a pretty penny; $57,068.80 in travel expenses alone for the 7.4 hour-round trip flight, according to U.S.Air Force records.5) THE ULTIMATE 5-STAR, TAXPAYER FUNDED OBAMA FAMILY FREE-LOADER:Michelle Obama s mother, Marian Robinson, has been living like a queen ever since her daughter moved into the White House. Just take a look at all of the vacations you ve paid for her to take as an extended member of the First Family:Tagging along with the First Family doesn t come cheap, but of course, Robinson isn t the one footing the bill. That responsibility lands squarely on the shoulders of hard-working taxpayers like you and me.So why are we saddled with this extra expense at a time when the American taxpayer is already so burdened by an out-of-control national deficit? According to the Washington Examiner, it s because Robinson cares for her grandchildren in the White House. Really???The Obama girls are certainly old enough to care for themselves. At the very least, they do not need a glorified nanny to accompany them around the world, costing millions of extra dollars in travel expenses. Malia is preparing to start college; she s definitely too old for a babysitter.Perhaps the Obamas are not breaking any laws by ensuring that Marian Robinson gets to live the high life during their years in the White House, but they are being incredibly insensitive, which honestly, we have come to expect from the self-indulgent family. After all, the First Lady is embarking on her third vacation in as many months in just a couple weeks.EVERYDAY AMERICAN:The average American retiree (or those 65 and older) is spending about $3,600 per month or about $43,600 per year. Using the 4% rule, that would mean a nest egg of over $1 million would be needed to finance the average lifestyle.More and more Americans over the age of 65 are struggling with mounting debt levels, fueled primarily by mortgages and credit cards. The average debt held by senior citizens has ballooned to $50,000 in 2010, up 83% since 2001, according to Federal Reserve data crunched by the Employee Benefit Research Institute.Much of this is due to an increase in housing-related debt. Families headed by someone at least 60 years old had the largest increase in average mortgage debt, in terms of percentage, between 2000 and 2012, according to the St. Louis Federal Reserve.Of course, Marian doesn t have to worry about housing, food or 5-star vacation costs. She was quietly moved into the taxpayer funded White House in 2008 under the guise of a nanny for the Obama girls. She has somehow managed to continue living on the tax-payer dime without any media scrutiny. Even though the oldest Obama daughter is now in college and the youngest daughter is perfectly capable of brushing her own teeth, taxpayer funded granny has enjoyed a lifestyle that 99% of American seniors can only dream about. The king and Queen of extravagant vacations, free-loading grannies and golf and will be gone in 4 months and the only thing we ll have to show for it is a multi-million dollar tab.Work harder America the Obama s lived it up on our dime and now we have a massive tab to pay.Happy Labor Day!",left-news,"Sep 5, 2016",0 +OBAMA DEFENDS KAEPERNICK’S Decision to Disrespect American Flag: β€œHe’s generated more interest in something that needs to be talked about”,"When Obama had the opportunity to speak out against 49er s quarterback Colin Kaepernick s disrespect for our flag, he chose instead to defend his actions, explaining that it was okay for him to sit out the national anthem, as long as he was bringing attention to the cop-hating/killing, divisive Black Lives Matter terror group President Obama said San Francisco 49ers quarterback Colin Kaepernick is exercising his constitutional right to sit out the national anthem, but the president acknowledged that the silent protest is a tough thing for military service members to accept.At a news conference in China on Monday, the president said he did not doubt Kaepernick s sincerity in his decision not to stand for the anthem ahead of games to protest the treatment of African Americans by law enforcement in U.S. cities. Obama noted a long history of sports figures protesting political or social issues. There are a lot of ways you can do it, Obama said after the G-20 summit here. As a general matter when it comes to the flag and the national anthem and the meaning that holds for our men and women in uniform and those who fought for us that is a tough thing for them to get past to then hear what his deeper concerns are. But I don t doubt his sincerity. I think he cares about some real, legitimate issues that have to be talked about. If nothing else, he s generated more conversation about issues that have to be talked about. Obama said he has not closely followed the controversy surrounding Kaepernick s actions while he has been overseas, but he said he was aware of the public response, which has been sharply divided. The president has sought to balance his own response to the unrest and mistrust between African Americans and police officers over the past several years, including in Baton Rouge and Dallas this year. You ve heard me talk in the past about the need for us to have an active citizenry, Obama said. Sometimes that s messy and controversial and gets people angry and frustrated. But I d rather have young people that are engaged in the argument and trying to think through how they can be part of our democratic process than people just sitting on the sidelines not participating at all. My suspicion is that over time he s going to refine how he thinks about it. Maybe some of his critics will start seeing that he had a point about concerns about justice and equality. That s how we move forward. Washington Post",left-news,"Sep 5, 2016",0 +LEAKED DOCUMENTS: GEORGE SOROS GAVE 600K To Pro-Refugee Groups To Influence β€œAttitudes”," Leaked documents from left-wing financier George Soros s Open Society Foundations continue to reveal the extent to which the group has influenced the political response to Europe s refugee crisis. Internal documents show OSF used $600,000 in reserve funding in March 2016 to bring pro-refugee positions into the political mainstream. Jordi Vaquer, OSF s regional director for Europe, approved a $600,000 proposal entitled, Countering the anti-migrant rhetoric and toxic narratives surrounding migration in Europe. According to OSF documents, half of the $600,000 would go towards lobbying efforts. All $600,000 came from OSF s Europe Reserve Fund. A summary of the proposal notes that the proposed reserve fund allocation will allow for additional resources to be allocated towards countering xenophobic attitudes in Europe, move parts of the political mainstream towards more pro-refugee positions, and build constituencies around a more progressive approach to migration and asylum. Read more: Daily Caller",left-news,"Sep 4, 2016",1 +"GARY JOHNSON: Meet The β€œCreepy” Pro-Amnesty, Anti-Gun, Pro-TPP, Pro-Abortion, Democrat Party Operative And His Anti-Gun Rights, Friend Of Clinton’s VP Pick [VIDEO]","For anyone who believes they re more CONSERVATIVE than the average Trump supporter because they re planning to vote for Libertarian candidate Gary Johnson and his running mate, former Governor Bill Weld you may want to re-think your conservative position. It turns out, you re really just voting for another Barack Obama without the race card to fall back on or Hillary without the criminal background Libertarians should be allergic to power grabs by the executive for the obvious reason that they lend themselves to concentrated authority and (usually) bigger government. If you want to slow the state down, a robust, sharply divided Congress that jealously guards its constitutional prerogatives from the president should be your ideal even in cases where the executive happens to be acting towards an end you deem salutary. In this year of all years, admirers of Obama s various forms of overreach should be thinking hard about how President Trump might build on his precedents. To a constitutionalist, which most mainstream libertarians claim to be, all of this is second nature.Is Gary Johnson a constitutionalist?THRUSH: How about Obama s executive order, which was decried as being a great constitutional violation by the Republicans, Obama s executive order on immigration. Did you consider that to be a violation or did you consider that a reasonable use of targeted executive power?MR. JOHNSON: I saw it as a reasonable use, challenging Congress to action. And an untold story with regard to Obama and immigration is he s broken up 3 million families. He has deported 3 million heads of households that have gone back to Mexico and their families have remained in the United States.If Obama issued an executive order to the IRS demanding that they collect 10 percent more in tax from individuals than the Internal Revenue Code provides, would Johnson deem that legal? What if the order instructed the agency to collect 10 percent less tax? Would his opinion of its legality change? Because it shouldn t. Bear in mind, Obama s 2014 DAPA amnesty has already been blocked by a preliminary injunction that was upheld on review by the Fifth Circuit so Johnson had plenty of legal cover here to say that he s troubled by Obama s procedural approach despite the fact that he happens to agree with the policy ends. Instead he seems to endorse the bizarre legal theory pushed by some leftists that if Congress isn t moving quickly enough for the president s taste in enacting a policy he supports, he can go ahead and challenge them by enacting it himself and leaving it to Congress to overrule him if they feel strongly to the contrary. How the hell does a libertarian arrive at that model of government? The president does what he wants, and then it falls to the people s representatives to try to muster a two-thirds majority to override his policy? What? HotAirHere is Gary Johnson in 2 minutes:Gary Johnson s running mate, Bill Weld wants all firearms that have five rounds or more banned.The NYT s reported on gun-grabber Governor Bill Weld here:Watch Gary Johnson s running mate former Governor Bill Weld endorsing Barack Obama. The most stunning part of the entire interview with MSNBC s Chris Matthews is when he calls radical leftist Barack Obama a Once in a lifetime talent. Here s a fun fact uncovered by Newsweek: Weld has been friends with both Hillary and Bill Clinton for quite some time. According to Newsweek, Weld and Hillary both worked together on the House impeachment committee in 1974 and almost worked for Bill during Bill s presidency in 1997. Weld has also gone on to say that he does not believe Hillary is in the wrong or should be punished for her emails. Some experts worry that his closeness to the Clintons could be a problem other Libertarians. Weld was also chosen as Bill Clinton s ambassador to Mexico before he withdrew after being denied a hearing by the Chairman of the Senate Foreign Relations Committee Sen. Jesse Helms. ",left-news,"Sep 4, 2016",0 +CNN PANEL ROARS WITH LAUGHTER At Tim Kaine’s Lame Defense Of Clinton Not Holding A Press Conference [Video], ,left-news,"Sep 4, 2016",0 +HILLARY’S #UNFIT TO SERVE…And Her Cover-Up Is Imploding! [VIDEO],"Wow! This video really shows how the media covers for Hillary, while reminding us of their constant obsession over John McCain s health when he ran for President in 2008. Hillary is not well that s pretty clear from watching her very strange and confused behavior of late. The question is how sick is she, and will she even survive the remainder of this grueling campaign season?",left-news,"Sep 3, 2016",0 +HILLARY IS FURIOUS OVER EMAIL HACKS…Openly Threatens War With Russia…Media Is SILENT [VIDEO],But the media s concerned Trump is the threat to our national security with his reckless words. LOL!Watch #UnFitHillary threaten Russia here:,left-news,"Sep 3, 2016",0 +POLICE UNION Threatens 49er’s With BOYCOTT: TAKE ACTION Against Bench-Warmer Kaepernick’s β€œInappropriate Behavior” Or We May Choose To β€œNot Work At Your Facilities”,"Dear San Francisco Police Union: We wanted you to know that if you decide to boycott the 49er s, America supports you 100%. If the 49er s are unable to speak out against this sickening bench-warmers anti-american,and anti-law enforcement antics, they can figure out how to protect themselves at their next home game. Maybe they could ask the Black Panthers or Black Lives Matter thugs to patrol the stadium I m sure the fans would love that idea LOL!The union for police officers who work San Francisco home games says its members may boycott policing the stadium if the 49ers don t discipline Colin Kaepernick for refusing to stand during the national anthem and for his statements about law enforcement.A letter from the Santa Clara Police Officers Association sent to the 49ers was obtained Friday by KNTV-TV, the NBC affiliate in San Jose.It says that Kaepernick s protest has threatened our harmonious working relationship with the 49ers. About 70 officers from the Santa Clara Police Department patrol Levi s Stadium when the 49ers play there. If the 49ers organization fails to take action to stop this type of inappropriate behavior it could result in police officers choosing not to work at your facilities, the letter reads. The board of directors of the Santa Clara Police Officer s Association has a duty to protect its members and work to make all of their working environments free of harassing behavior. It also criticized what it called anti-police statements made by Kaepernick, calling them insulting, inaccurate and completely unsupported by any facts. ABC News",left-news,"Sep 3, 2016",0 +AMERICAN UNIVERSITY HIRES Former Islamic Terror Recruiter: β€œI trust him” [VIDEO],"9-11 is a distant memory for liberals George Washington University has hired a former Islamic extremist to work at its center on homeland security a man who once denounced the United States and made threats against the creators of the TV series South Park for depicting the Prophet Muhammad in a bear suit.While reformed extremists have worked at universities in Europe to help fight terrorism, this is believed to be a first in the United States.Jesse Morton, who was known as Younus Abdullah Muhammad when he was a recruiter for the al-Qaeda, brings a unique perspective to counter-terrorism work, said Seamus Hughes, deputy director of the Program on Extremism at George Washington University s Center for Cyber & Homeland Security .Watch Younus Abdullah Muhammad here:During his days as an extremist, Morton earned a master s degree in international affairs from Columbia University.Hughes said before making the hiring decision, he discussed Morton with the FBI, leaders in the security community and the lawyers that prosecuted Morton.He said he s sure Morton is completely reformed from the days he served time in federal prison after inciting people to join a terrorist organization. I trust him, he said. We did our due diligence. Nadia Oweidat, a fellow at the think tank New America who s interviewed dozens of former extremists, said she doesn t doubt Morton s sincerity. People go through phases. They evolve and are finally able to see the light, she said.She doesn t think Morton made up his de-radicalization to get a shorter prison sentence. When an extremist defects, they risk being completely targeted by their community it s like saying you re gay publicly, she said. There are life-altering consequences and you don t approach it lightly. She said other organizations should also recruit former extremists in the hopes of preventing future massacres such as the San Bernardino shooting or the November terror attack in Paris, both committed by radicalized Islamists. CNN",left-news,"Sep 3, 2016",0 +"DETROIT POLICE FORCED To Call Out BOMB SQUAD To Protect Trump From Hillary Supporters Offended By Speech About Bringing Jobs Back To Blacks, Faith","Manufactured protests Hillary, George Soros, Barack and radical union style Yawn Does Trump talking about bringing jobs back to Detroit really scare these protesters so bad that they feel compelled to pick up manufactured signs and pre-printed t-shirts to protest him? The department s bomb squad truck was parked nearby and Secret Service officers shooed people off the sidewalks in front of the church and told them they d have to go elsewhere. -Detroit FPWatch Trump s full speech at Detroit s Great Faith Ministries church here:https://youtu.be/BecyLcXD2LgLiberals specialize in manufactured outrage. Here s a perfect example:NEW Protests getting heated outside Detroit church where Trump is visiting this morning ( : @vaughnFNC) pic.twitter.com/ECsG13uAy9 Chris Snyder (@ChrisSnyderFox) September 3, 2016Pay close attention to the mass manufactured signs. The people in the video wearing #NO Trump Detroit t-shirts were likely issued these shirts when they agreed to be paid protesters.It s not uncommon for Democrats to bus people in from other states to protest when they can t find enough interest in their own backyards. The printed t-shirts are usually a good way to track the paid protesters to make sure they re doing what is expected of them:They're chanting, ""No Trump.""BUT what they mean is: ""This $15/hr protest gig is the ONLY JOB available in Detroit.""pic.twitter.com/c36ONcCCre Boston Bobblehead (@DBloom451) September 3, 2016Here s Hillary s Michigan Communications Director is attempting to make voters believe no one showed up for Trump in Detroit. But Trump isn t even present in the church yet. This is how the liberal Hillary machine rolls, with lies and false propaganda:Lots of empty rows for #TrumpinDetroit inside Great Faith Ministries (photo via @ChadLivengood) pic.twitter.com/0b6ZEMGIRy Mitchell Rivard (@mitchellrivard) September 3, 2016Here s an actual picture of the crowd who came to see Trump speak at the Great Faith Ministries church in Detroit:",left-news,"Sep 3, 2016",0 +PROTESTERS CAN’T STOP A HUMBLE TRUMP: Delivers A Powerful Message To Detroit [Video],"Donald Trump just delivered a humble and heartfelt speech in Detroit.https://youtu.be/BecyLcXD2LgHe s been bashed on social media all day for his visit. Hillary s thugs were out in force because they re shaking in their boots that Trump might win. The people deserve better and hopefully they ll wake up and break free of doing the same thing they ve done for decades. Detroit needs someone like Trump!DOING THE SAME THING OVER AND OVER THE DEFINITION OF INSANITY:I m protesting #TrumpInDetroit pic.twitter.com/UucWlm4aK8 madamecain (@madamecain) September 3, 2016Republican presidential candidate Donald Trump praised the black church Saturday at the Greater Faith Ministries International church as he made his first direct outreach to African-American voters.TRUMP IN DETROIT: I will always defend your church so important and defend your right to worship, said Trump, who was introduced by Bishop Wayne T. Jackson to polite applause.The New York businessman emphasized issues such as fighting for good-paying jobs, expanded school choice and a civil rights agenda in his first campaign appearance before a predominantly African-American audience. He acknowledged the discrimination African-Americans still face in the country and pledged to work to heal it. We re all brothers and sisters, he said in measured tones from notes during almost 10 minutes of remarks. We must love each other and support each other and we are all in this together. The nation is too divided and talk past each other, Trump said. I m here today to learn about how to move beyond racial and economic divides. I am here to listen to you, he said.The real estate developer noted that he had seen people sitting on the street and inactivity and a lack of jobs in the surrounding neighborhood when he came to the church. We re going to turn it around. We re going to turn it around, pastor, Trump said to Bishop Jackson after noting that he had seen people sitting on the street and the lack of activity and jobs in the surrounding neighborhood.Before the service, he shook hands with the audience and showed off a baby to the congregation. Trump sat in service with Omarosa, the villain from his The Apprentice reality television series and his director of African-American outreach.He also introduced and hugged Dr. Ben Carson, the native Detroiter who ran against him in the Republican presidential primaries and now is an adviser. It was uncertain whether Carson would take Trump on a tour of a Detroit neighborhood after the service. VIA: DETROIT NEWS",left-news,"Sep 3, 2016",0 +HILLARY’S STATE DEPARTMENT DESTROYED 13 Of Her Mobile Devices With Hammers…WATCH Incredible 2015 Video: Hillary Tells Reporters She Only Used ONE Mobile Device [VIDEO]," I thought it would be easier to carry just one device for my work and for my personal emails instead of two. Just the kind of person we need running our country a lying, corrupt and crooked woman; who feels she deserves the highest office in our nation because she comes equipped with the proper genitalia Any woman (or man) who supports this common criminal should be hanging their head in shame:",left-news,"Sep 3, 2016",0 +HOW CAN THIS HAPPEN IN AMERICA? Atheist Mayor Suspends And Jails LA Fireman For Praying At Scene Of Fire," Communism begins where atheism begins. -Karl MarxEarly this morning, a small town in Louisiana suspended one of its firefighters, 39-year-old Ronnie Edwards, without pay for praying at the scene of an uncontained fire. Edwards, who has been with the DeQuincy Fire Department since he was 21, was also arrested and sentenced to 30 days in jail. I just do what our Lord & Savior, Jesus Christ, would do, Edwards told local DeQuincy news station DQLA6. It s not about me, it s about spreading his message, you know? He works through me, I m just fortunate enough to be part of that. According to sources within the DeQuincy Fire Department, Edwards, known to locals as The Praying Fireman , has been praying at the scene of fires since he joined the department in 1998, and it is only recently that the ritual has become an issue. Ronnie [Edwards] would always pray after we put out a fire, most of the time in the front yard or something, fellow firefighter Eugene Ketchum said. It never really bothered anyone, it was just something he did. We put our lives on the line whenever we respond to a fire. I figure if praying helps him out then why not let the guy pray? Ketchum said that things changed in 2014 when DeQuincy elected the first democratic mayor in its history, an African American atheist named Lawana Jones. He said that when Jones heard that Edwards made a habit of praying at fires she sent a memo to all city employees advising them that any expression of personal religious belief while on duty was a violation of their contract with the city.According to DeQuincy city attorney Paul Horner, Jones made four previous attempts to address the issue personally with Edwards, but Edwards became more defiant with each meeting. Refusal to obey an official city order is a misdemeanor and we must take action to address the crime, Horner told reporters. We didn t want to suspend the man and have him arrested but we were out of options. Mayor Jones, spoke with ABC News, about her decision to suspend and imprison Edwards for praying while at work. I m not anti-religious, said Mayor Jones in a written statement, But there is an appropriate time and place for everything. When he prays while on duty, he gives the impression that the City of DeQuincy is endorsing one particular religion over another. That is not the message that my office wants to send; it s not what the people of DeQuincy elected me to do. Jones continued, If you live in a county where democracy is established, you should be aware that the idea of the separation of church and state is the only way to prevent the government from forcing religion on you and directing your religion and its doctrines. Religion is one of the most important factors in most people s lives and it should be treated with reverence. In order to keep the government from directing religion and making it change how you are allowed to believe, church and state need to be separate. This allows for more openness when it comes to the decisions of the country. And in a world where everyone has different beliefs and different religions, a forced religion can cause an uprising and the dissolvent of a nation. You re supposed to do your job, not involve politics and religion into it. Republican Presidential Nominee, Donald Trump, caught wind of Edward s misfortune and while speaking to Fox News offered some harsh words for Mayor Jones. I can tell you; when I win the White House, there s gonna be some changes in DeQuincy. They re gonna reinstate Ronnie Edwards; they re gonna give him his back pay; they re give him restitution for the time he spent in jail; and Lawana Jones is going to pay for it. And if Mayor Jones doesn t want to do that, I ll have her thrown in jail so fast her head will spin. In spite of all that has happened, Edwards says that he is not bitter. The Bible says that there will be sacrifices when you choose to follow the path of righteousness; it says that you will be reviled by the wicked. I will continue to pray that Mayor Jones comes to accept Jesus Christ, and will keep praying that God sees fit to put Donald Trump in the White House, but whether or not any of that happens, I still trust God and know that everything is happening according to his divine plan. Edwards is scheduled for release from the DeQuincy City Jail on September 29th. ABC",left-news,"Sep 2, 2016",0 +WATCH CNN HOST FREAK AFTER On-Air β€œFact-Check” Proves All 13 Of HILLARY’S Mobile Devices DESTROYED With Hammers [VIDEO]," Hang-on, hang-on, hang-on, hang-on Brooke Baldwin desperately tried to discredit the story about Hillary s 13 Blackberries being destroyed by State Department employees. Unfortunately for Brooke, and the entire leftist machine, Hillary s ship is sinking and they just can t bail fast enough to save her https://twitter.com/magnifier661/status/771874124884905984",left-news,"Sep 2, 2016",0 +LIBERAL SMACK DOWN OF THE DAY: Watch What Happens When A Racist MSNBC Host Tries To Shame Latino Trump Supporter For Using β€œIllegal” Alien Term [VIDEO],"The Left is not able to get away with shaming conservatives as easily as they were in the past. Outspoken conservative GOP Presidential candidates like Donald Trump, Ben Carson, Ted Cruz, Mike Huckabee and Carly Fiorina started fighting back against the liberal media at the outset of the presidential election season, opening the door for conservatives like Steve Cortes to fight back when appropriate and boy, was this the appropriate time!MSNBC s Joy Reid, filling in for Chris Hayes, goes head-to-head with Steve Cortes, a Latino Trump supporter of Donald Trump, for using the term illegals to describe illegal immigrants.Reid was also incredulous that Cortes would use that term, being that he is a Hispanic. Cortes told Reid his parents came to the U.S. legally. She wasn t impressed and lectured Cortes that she is also the daughter of immigrants. When it comes to the bedrock principles, I don t disagree with him at all, Cortes defended Trump on Thursday s broadcast of MSNBC s All In with Chris Hayes. Those are twofold. Number one, we have to secure our border. Number two, there can be no citizenship for illegals. You cannot reward criminality. Reid stopped him right there. Hold on a second, the MSNBCer said. I m going to stop you right there. You are Hispanic, Steve. Are you comfortable with that term, illegals? That is a pejorative to a lot of people. Why do you use that term? Reid asked, not believing a Latino would use such a term. You know why, because words matter, Cortes said. Yeah, they do, Reid shot back. If you do something that is against the law, it s illegal, Cortes reminded Reid. If you go into a store and you shoplift, you re not an undocumented holder of a good, you re a thief. If you come to the United States against the immigration laws of the United States, you re not undocumented, You re illegal. You said that you didn t agree with all the things he said last night. point out two or three of the things that you did not like? Reid asked. Joy, listen, I would have a softer tone on illegals, Cortes suggested.This time the interview came to a screeching halt. Can you do me a favor? Just while you re talking to me, can you not use that terminology? a very offended Reid asked. No, I will not do you that favor, Cortes responded. Oh, interesting, a stunned Reid said. Because the English language matters, Cortes told Reid. They re here illegally. We can t get over that. My father came here legally. Real Clear Politics",left-news,"Sep 2, 2016",0 +BREAKING: #UnfitHillary Told FBI She Couldn’t Remember Answers To Questions Because Of CONCUSSION…Used 13 Mobile Devices…Hillary’s Lawyers Couldn’t Locate Any Of Them,"Dirty, lying, rotten to core Hillary is either lying about not remembering or lying about having fully recovered from the blood clot on her brain. Which one is it Hillary?What a great role model for young girls and women everywhere Clinton was interviewed by the FBI on July 2 but the meeting wasn t tape recorded or conducted under oath The only surviving account of the grilling was released Friday by the FBI She also said she couldn t recall receiving any emails that she thought didn t belong on an unclassified system Said she was concussed in 2012 when she was receiving guidance so couldn t rememberHillary Clinton told the FBI she could not recall answers to some of their questions about her secret server scandal because she had been concussed in 2012.The extraordinary disclosure was made as the FBI published details of its agents interview with the former secretary of state which was conducted days before the agency s director ruled out any charges against her.Agents noted that Clinton could not recall being trained to handle classified materials as secretary of state, and had no memory of anyone raising concerns about the sensitive information she received at her private address.The Democratic presidential nominee also did not recall receiving any emails she thought should not be on an unclassified system, the FBI s report declared.She did not recall all of the briefings she received on handling sensitive information as she made the transition from her post as secretary of state, due to a concussion she suffered in 2012. Clinton said she received no instructions or direction regarding the preservation or production of records from (the) State (Department) during the transition out of her role as Secretary of State in 2013, the FBI files say. However, in December of 2012, Clinton suffered a concussion and then around the New Year had a blood clot (in her head).And the FBI files also showed how she passed the buck to her former State Department underlings, saying she relied on their judgment when deciding what was and wasn t appropriate to send through her homebrew private email server while she was America s top diplomat. She relied on State [Department] officials to use their judgment when emailing her and could not recall anyone raising concerns with her regarding the sensitivity of the information she received at her email address, the FBI s account reads.Clinton told investigators she was unfamiliar even with basic markings of confidential materials, such as the (C) markings that denote confidential material portions of emails.Clinton stated she did not know what the (C) meant at the beginnings of the paragraphs and speculated it was referencing paragraphs marked in alphabetical order, according to the documents.The FBI documents state that on February 9, 2016, the Justice Department asked Clinton s lawyers at Williams & Connelly to turn over the 13 mobile devices she used over the time period. The lawyers couldn t locate any of them, and the FBI was unable to acquire or forensically examine any of these 13 mobile devices. Via: Daily Mail ",left-news,"Sep 2, 2016",0 +WOW! REMEMBER WHEN MEDIA SAID TRUMP Mocked Disabled Reporter? Here’s PROOF They LIED! [VIDEO],"Kudos to Catholics4Trump for providing evidence that the story Hillary and her comrades in the media have been telling American voters for months about Trump mocking a disabled man was nothing more than an opportunity for them to fabricate a story about Trump, in hopes of making him look like an awful human being. Meanwhile, it accomplished what they had hoped for. It took the focus off Hillary and her corrupt and dangerous behavior as our Secretary of State and helped to diminish Trump in the eyes of many Americans. But here s the proof they were lying:At the Democratic National Convention speakers repeated the claim, amplified ad nauseam by the left and establishment GOP opponents over the past year, that Donald Trump mocked the disability of New York Times reporter, Serge Kovaleski. This accusation has served as a very convenient tool to both smear Trump s character and to avoid having to confront him on substantive political issues. But is it true? Here is the story the media is not telling you.It all started on November 21, 2015 when, at a rally, Trump said he remembered seeing reports of Arab Americans celebrating the 9/11 terror attacks on rooftops in New Jersey shortly after the twin towers fell. As he told George Stephanopolous in an interview the next day on ABC s This Week :Stephanopolous and all of the major news outlets immediately denied the existence of any such news reports following 9/11. One paper, the Washington Post, even went so far as to write a detailed article claiming to fact check Mr. Trump. After an exhaustive review, the Post lectured that there was absolutely no evidence of Trump s claim and deemed it false.Imagine the Washington Post s surprise when Trump uncovered one of the Washington Post s own reporters, Serge Kovaleski, supporting the claim in an article Kovaleski wrote for them on September 18, 2001. Kovaleski wrote:Very embarrassing for the media, especially the Washington Post which had done such a great job scouring news reports after 9/11 that they missed their very own story on the subject. It was in this state of embarrassment that the media was desperate to distract from the matter. The Washington Post ended up finding Kovaleski, now writing for the New York Times, so he could do damage control. Kovaleski predictably tried to backtrack from his 2001 account saying he didn t remember the details:Enter Donald Trump s rally in South Carolina soon thereafter. During the rally Trump pointed all of this out and paraphrased Kovaleski s backtracking as he impersonated a groveling reporter changing his story under pressure. While he did this, Trump moved his hands around quickly, acting flustered.Soon thereafter, the media revealed still photos of Kovaleski with his right hand in a permanently flexed position downward announcing that he was disabled. The media then shifted from trying to defend their oversight of the 9/11 Post article and instead, with disapproving shocked outrage, accused Trump of mocking a reporter s disability. Some liberals went even further and freeze-framed a millisecond of the Trump video at the exact moment when his hand went into a flexed posture. Then they dishonestly put this screen capture side by side with a picture of Kovaleski s flexed hand. Thus, you saw the following photo spread like wildfire over social media with commentary condescendingly and horrifyingly excoriating trump as a monster:The media s clear implication was that Trump was mocking the way Kovaleski moved his arms. People watching the clip of Trump s impersonation only knew that Kovaleski was disabled. Thus, they naturally assumed Kovaleski s disability must be similar to cerebral palsy where he has limited control of his movements and is prone to have muscle spasms or move his arms in jerky motions as Trump was doing at the rally. This is precisely the image the media wanted in people s minds. They wanted this to be the story: that Donald Trump knowingly and intentionally mocked the flailing arm motions of someone who can t control his muscles. They knew this would naturally trigger a visceral reaction of disgust from viewers and outrage amongst the disabled and all decent Americans, many of whom, to this day, think this is exactly what happened. Is it?What the media did not choose to show you was video of Serge Kovaleski. Notice how the media only showed and still shows photos of him. This was done for a reason. As it turns out, Kovaleski s disability is a congenital condition called arthrogryposis. Arthrogryposis causes restricted movement in the joints but does not cause spasms or uncontrolled moving of the limbs like cerebral palsy does.To show the depths of the deceit, one CNN reporter explained, while displaying a still photo of him, that Kovaleski, suffers from a chronic condition that impairs movement of his arms. Again, the implication is that Kovaleski can t control his arms from moving.To the contrary, Kovaleski appears perfectly calm when giving interviews. Thus, if Trump truly wanted to mock Kovaleski s disability, he would have had to stand perfectly still with a flexed right hand and not flail his arms. don t believe me? Watch the video:Here is Trump explaining that he NEVER mocked the leftist NYT s reporter who was using Trump s misconstrued comments and body language to do a hatchet job on his character:Here s Hillary using a bogus story about Trump created by the leftist media in an attempt to distract from her criminal and reckless behavior as Secretary of State:And finally, watch Trump use almost the EXACT hand movements when referring to the NOT disabled Ted Cruz or the General he spoke of while using similar hand movements:https://youtu.be/ydGOPzW227EBy the way here s the video proving Trump was also correct about Muslim s celebrating in Jersey City after 9-11 terror attack:Via: Catholics4Trump",left-news,"Sep 2, 2016",0 +"#CrookedHillary’s Karma! NEW POLL Shows Trump Takes Lead In BLUE STATES: Michigan, Wisconsin, New Hampshire And Maine","Just think how Trump s polling numbers would look if the media wasn t beating the anti-Trump drum 24/7 and if Hillary was forced to talk to reporters about the rash of new evidence uncovered by conservative media over the past two weeks Ipsos is a top-ranked polling firm and it is producing a series of state polls showing Donald Trump doing dramatically better than the polls by other trusted polling firms. Those Ipsos state polls show Trump clinching leads in New Hampshire, Wisconsin, Michigan, and Maine.That s really big because President Barack Obama won all those states in 2012. Obama won Wisconsin by 6.7 points, Michigan by 9.5 points, Maine by 15.1 points, and New Hampshire by 5.8 points.The firm s accumulation of state polls, however, still leaves Clinton far ahead of Trump in total electoral votes.The likely difference between Ipsos which conducts polling for the Reuters news service and the many other polling firms is their turnout prediction for November. Winning the White House depends as much on who comes out to vote as which candidate Americans prefer. Each week, we poll more than 15,000 people, then factor in likely turnout among key demographics to see how voting would play out in the Electoral College, according to Ipsos. Currently, Reuters/Ipsos estimates overall turnout at around 60%, although that rate varies among different demographic groups. Minority turnout, for example, is expected to be about 43%, while about 59% of African-American women and 69% of White men are projected to cast ballots, according to a site run by Reuters and Ipsos. Breitbart ",left-news,"Sep 2, 2016",0 +ONE HEART-BEAT AWAY…JOE BIDEN: It’s β€˜OK Sometimes’ to Be Uninformed Guy Who β€˜Has No Idea What the Hell He’s Talking About’ [VIDEO],"Does anyone else get the sense Biden was picked to be the VP just to make Obama look smart?Vice President Joe Biden remarked at a Hillary Clinton campaign event Thursday that it s OK sometimes to be an uninformed guy who has no idea what the hell he s talking about. Biden, however, was referring to Republican presidential nominee Donald Trump. I don t believe the guy s a bad guy. I just think he is thoroughly, totally, completely uninformed, Biden said. He has no idea what the hell he s talking about. And guess what? That s OK sometimes. That s OK sometimes. Biden went on to point out for the rally audience, for the second time in less than a month, the military aide who travels with him and holds the nuclear launch codes in case something happens to the president. WFB",left-news,"Sep 1, 2016",0 +"GEORGETOWN University Will Track Down, Recruit And Admit Students Who Are Descendants Of Slaves They Sold in 1838","Georgetown University has a 16.4% acceptance rate. That number just got smaller with their latest announcement to use the admissions office as a way to atone for their racist actions in 1838. The same Catholic university that invited Planned Parenthood s president, Cecile Richards to speak to their students in March, 2016, is now offering preferential treatment (reparations) for students related to slaves they sold almost 200 years ago. Social justice warriors have replaced religion in the majority of our Catholic universities and colleges. Our government is using political correctness to strip away the faith of the citizens and replace it with government dependency. They are determining what our values should be, as defined by government officials, like those of our radical President, Barack Obama and his radical predecessor Hillary Clinton Georgetown University will give preference in admissions to the descendants of slaves owned by the Maryland Jesuits as part of its effort to atone for profiting from the sale of enslaved people.Georgetown president John DeGioia told news outlets that the university in Washington will implement the admissions preferences. He says Georgetown will need to identify and reach out to descendants of slaves and recruit them to the university.On Thursday morning, a university committee released a report that also called on its leaders to offer a formal apology for the university s participation in the slave trade.In 1838, two priests who served as president of the university orchestrated the sale of 272 people to pay off debts at the school. The slaves were sent from Maryland to plantations in Louisiana. NYP",left-news,"Sep 1, 2016",0 +HOW THE CLINTON’S GOT RICH Off Donations From People Who Thought They Were Helping Poverty-Stricken Haiti Earthquake Victims [VIDE0],"In January 2015 a group of Haitians surrounded the New York offices of the Clinton Foundation. They chanted slogans, accusing Bill and Hillary Clinton of having robbed them of billions of dollars. Two months later, the Haitians were at it again, accusing the Clintons of duplicity, malfeasance, and theft. And in May 2015, they were back, this time outside New York s Cipriani, where Bill Clinton received an award and collected a $500,000 check for his foundation. Clinton, where s the money? the Haitian signs read. In whose pockets? Said Dhoud Andre of the Commission Against Dictatorship, We are telling the world of the crimes that Bill and Hillary Clinton are responsible for in Haiti. Haitians like Andre may sound a bit strident, but he and the protesters had good reason to be disgruntled. They had suffered a heavy blow from Mother Nature, and now it appeared that they were being battered again this time by the Clintons. Their story goes back to 2010, when a massive 7.0 earthquake devastated the island, killing more than 200,000 people, leveling 100,000 homes, and leaving 1.5 million people destitute.The devastating effect of the earthquake on a very poor nation provoked worldwide concern and inspired an outpouring of aid money intended to rebuild Haiti. Countries around the world, as well as private and philanthropic groups such as the Red Cross and the Salvation Army, provided some $10.5 billion in aid, with $3.9 billion of it coming from the United States.Haitians such as Andre, however, noticed that very little of this aid money actually got to poor people in Haiti. Some projects championed by the Clintons, such as the building of industrial parks and posh hotels, cost a great deal of money and offered scarce benefits to the truly needy. Port-au-Prince was supposed to be rebuilt; it was never rebuilt. Projects aimed at creating jobs proved to be bitter disappointments. Haitian unemployment remained high, largely undented by the funds that were supposed to pour into the country. Famine and illness continued to devastate the island nation.The Haitians were initially sympathetic to the Clintons. One may say they believed in the message of hope and change. With his customary overstatement, Bill told the media, Wouldn t it be great if they become the first wireless nation in the world? They could, I m telling you, they really could. I don t blame the Haitians for falling for it; Bill is one of the world s greatest story-tellers. He has fooled people far more sophisticated than the poor Haitians. Over time, however, the Haitians wised up. Whatever their initial expectations, many saw that much of the aid money seems never to have reached its destination; rather, it disappeared along the way.Where did it go? It did not escape the attention of the Haitians that Bill Clinton was the designated UN representative for aid to Haiti. Following the earthquake, Bill Clinton had with media fanfare established the Haiti Reconstruction Fund. Meanwhile, his wife Hillary was the United States secretary of state. She was in charge of U.S. aid allocated to Haiti. Together the Clintons were the two most powerful people who controlled the flow of funds to Haiti from around the world.Bill and Hillary weren t the only ones profiting off the devastation of poor Haitians. This video shows how Hillary s brother cashed in on a lucrative gold-mining permit in Haiti:An unusual nexus of mining interests, relief work in Haiti, and a former U.S. first family is raising new ethics questions that could affect Hillary Clinton s presidential ambitions.Clinton s brother, Tony Rodham, was a board member of a North Carolina mining company that enjoyed prime access to Haitian gold deposits in the wake of post-earthquake relief work organized in part by former president Bill Clinton through the Clinton Foundation.Another board member of the firm, VCS Mining, was former Haitian Prime Minister Jean-Max Bellerive, who co-chaired the charitable Interim Haiti Recovery Commission with Mr. Clinton.https://youtu.be/nlS4SimQfv8The Haitian protesters noticed an interesting pattern involving the Clintons and the designation of how aid funds were used. They observed that a number of companies that received contracts in Haiti happened to be entities that made large donations to the Clinton Foundation. The Haitian contracts appeared less tailored to the needs of Haiti than to the needs of the companies that were performing the services. In sum, Haitian deals appeared to be a quid pro quo for filling the coffers of the Clintons. For example, the Clinton Foundation selected Clayton Homes, a construction company owned by Warren Buffett s Berkshire Hathaway, to build temporary shelters in Haiti. Buffett is an active member of the Clinton Global Initiative who has donated generously to the Clintons as well as the Clinton Foundation. The contract was supposed to be given through the normal United Nations bidding process, with the deal going to the lowest bidder who met the project s standards. UN officials said, however, that the contract was never competitively bid for.Clayton offered to build hurricane-proof trailers but what they actually delivered turned out to be a disaster. The trailers were structurally unsafe, with high levels of formaldehyde and insulation coming out of the walls. There were problems with mold and fumes. The stifling heat inside made Haitians sick and many of them abandoned the trailers because they were ill-constructed and unusable.The Clintons also funneled $10 million in federal loans to a firm called InnoVida, headed by Clinton donor Claudio Osorio. Osorio had loaded its board with Clinton cronies, including longtime Clinton ally General Wesley Clark; Hillary s 2008 finance director Jonathan Mantz; and Democratic fundraiser Chris Korge who has helped raise millions for the Clintons. Normally the loan approval process takes months or even years. But in this case, a government official wrote, Former President Bill Clinton is personally in contact with the company to organize its logistical and support needs. And as Secretary of State, Hillary Clinton has made available State Department resources to assist with logistical arrangements. InnoVida had not even provided an independently audited financial report that is normally a requirement for such applications. This requirement, however, was waived. On the basis of the Clinton connection, InnoVida s application was fast-tracked and approved in two weeks. The company, however, defaulted on the loan and never built any houses.An investigation revealed that Osorio had diverted company funds to pay for his Miami Beach mansion, his Maserati, and his Colorado ski chalet. He pleaded guilty to wire fraud and money laundering in 2013, and is currently serving a twelve-year prison term on fraud charges related to the loan. Several Clinton cronies showed up with Bill to a 2011 Housing Expo that cost more than $2 million to stage. Bill Clinton said it would be a model for the construction of thousands of homes in Haiti. In reality, no homes have been built. A few dozen model units were constructed but even they have not been sold. Rather, they are now abandoned and have been taken over by squatters.THE SCHOOLS THEY NEVER BUILT USAID contracts to remove debris in Port-au-Prince went to a Washington-based company named CHF International. The company s CEO David Weiss, a campaign contributor to Hillary in 2008, was deputy U.S. trade representative for North American Affairs during the Clinton administration. The corporate secretary of the board, Lauri Fitz-Pegado, served in a number of posts in the Clinton administration, including assistant secretary of commerce.The Clintons claim to have built schools in Haiti. But the New York Times discovered that when it comes to the Clintons, built is a term with a very loose interpretation. For example, the newspaper located a school featured in the Clinton Founation annual report as built through a Clinton Global Initiative Commitment to Action. In reality, The Clinton Foundation s sole direct contribution to the school was a grant for an Earth Day celebration and tree-building activity. Via: National Review",left-news,"Aug 31, 2016",0 +"PELOSI’S HACKED EMAIL SHOWS TOP-SECRET Memo To Staffers: Make #BLM Activists Think Dems Are On Their Side, But Don’t Let Them Come In Large Groups…”DO NOT Say β€˜ALL Lives Matter!”","Docs leaked by Guccifer 2.0 show a memo from Nancy Pelosi giving directions to her minions about how to handle Black Lives Matter terror group.In the memo, Pelosi is careful to tell the DCCC staff to talk to BLM members, but make sure you don t allow them to meet with you in large numbers. In other words, feed the animals, but keep them at an arms length. This is exactly the kind of rhetoric you would expect from 5-star Nancy (who s net worth is listed at $74.11 million). Keep them engaged so you don t lose the Black voting block, but don t let them get too close Most notable is advising Democrats not to say All lives matter or to talk about black-on-black crime as this is the worst thing to say to Black Lives Matter activists.It describes BLM as radical , which is pretty accurate and notes that it extends beyond questions of police brutality to criminal justice reform . What they leave out is they don t want reform, they want eliminate prisons and police.Notice also it advises: Don t offer support for concrete policy positions . In other words, listen and pretend you care, while offering nothing.Via: Weasel Zippers",left-news,"Aug 31, 2016",0 +RETIRED COP PENS Gut-Wrenching VIRAL Letter To 49er’s QB Colin Kaepernick…THIS IS A MUST READ!,"It s easy to see why this letter went viral. Bravo Officer Chris Amos bravo!An Open Letter to Colin Kaepernick,Dear Colin guess you have been pretty busy these last few days. For the record I don t think any more or less of you for not standing for the National Anthem. Honestly, I never thought that much about you, or any professional athlete for that matter, to begin with. I ve read your statement a few times and want you to know I am one of the reasons you are protesting. You see I am a retired police officer that had the misfortune of having to shoot and kill a 19-year-old African American male. And just like you said, I was the recipient of about $3,000 a month while on leave which was a good thing because I had to support a wife and three children under 7-years-old for about 2 months with that money. Things were pretty tight because I couldn t work part time. Every police officer I ve ever known has worked part-time to help make ends meet.You know Colin the more I think about it the more we seem to have in common. I really pushed myself in rehab to get back on the street, kind of like you do to get back on the field. You probably have had a broken bone or two and some muscle strains and deep bruising that needed a lot of work. I just had to bounce back from a gunshot wound to the chest and thigh. Good thing we both get paid when we are too banged up to play , huh? We both also know what it s like to get blindsided. You by a 280- pound defensive end, ouch! Me, by a couple of rounds fired from a gun about 2 feet away, into my chest and thigh. We also both make our living wearing uniforms, right? You have probably ruined a jersey or two on the field of play. I still have my blood stained shirt that my partner and paramedics literally ripped off my back that cold night in January. Fortunately, like you I was given a new one. Speaking of paramedics aren t you glad the second we get hurt trainers and doctors are standing by waiting to rush onto the field to scoop us up. I m thankful they get to you in seconds. It only took them about 10 minutes to get to me. By the grace of God, the artery in my thigh didn t rupture or else 10 minutes would have been about 9 minutes too late. We also have both experienced the hate and disgust others have just because of those uniforms we wear. I sure am glad for your sake that the folks who wear my uniform are on hand to escort you and those folks that wear your uniform into stadiums in places like Seattle!I guess that s where the similarities end Colin. You entertain for a living, I and almost 800,000 others across this country serve and protect. Are there some bad apples within my profession? Absolutely and they need to be identified and fired or arrested! But you know what, the vast majority do the right thing, the right way, for the right reason. Did I mention that seconds before I was shot, an elderly African American gentleman walking down the sidewalk, turned to my partner and I as we rode past and said, Get them. Get who you ask? The thugs terrorizing an otherwise good and decent neighborhood, home to dozens of good, decent African American families trying to raise those families in communities not protected by gates and security guards. No these folks and families depend on America s Law Enforcement Officers.Colin I have buried 7 friends, killed in the line of duty and three others who have committed suicide. I have attended more funerals than I care to remember of neighboring departments who have lost officers in the line of duty, during my career. Law Enforcement Officers with different backgrounds, upbringings, and experiences united by their willingness to answer the call to protect and serve their fellow citizens.Colin I am sorry for the endorsement deals you may lose and the dip in jersey sales, but please know you will NEVER lose what these men and women and their families have lost. And so whether you stand or sit during the National Anthem means very little to me. As for me and the men and women on whose team I was privileged to serve, we will put on our ballistic vests, badge, and gun, kiss our loved one s goodbye, for some tragically for the last time, and out into a shift of uncertainty we will go. We will continue to protect and continue to serve and we will be standing at attention Colin, not just for the playing of our National Anthem, but far more importantly for the playing of Taps. V/R Chris Amos ",left-news,"Aug 31, 2016",0 +HOLY RIGGED ELECTION! Obama Regime Considers Special Declaration To Take Charge Of Elections! [VIDEO],"If the Obama regime is allowed to wrest control of our elections from the states America better get used to the idea of a President #CrookedHillary Even before the FBI identified new cyber attacks on two separate state election boards, the Department of Homeland Security began considering declaring the election a critical infrastructure, giving it the same control over security it has over Wall Street and and the electric power grid.The latest admissions of attacks could speed up that effort possibly including the upcoming presidential election, according to officials. We should carefully consider whether our election system, our election process, is critical infrastructure like the financial sector, like the power grid, Homeland Security Secretary Jeh Johnson said. There s a vital national interest in our election process, so I do think we need to consider whether it should be considered by my department and others critical infrastructure, he said at media conference earlier this month hosted by the Christian Science Monitor.DHS has a vital security role in 16 areas of critical infrastructure and they provide a model for what the department and Johnson could have in mind for the election.DHS describes it this way on their website: There are 16 critical infrastructure sectors whose assets, systems, and networks, whether physical or virtual, are considered so vital to the United States that their incapacitation or destruction would have a debilitating effect on security, national economic security, national public health or safety, or any combination thereof. A White House policy directive adds, The federal government also has a responsibility to strengthen the security and resilience of its own critical infrastructure, for the continuity of national essential functions, and to organize itself to partner effectively with and add value to the security and resilience efforts of critical infrastructure owners and operators. At the time, Johnson did not mention specific security issues, but the FBI has since cited one hack and another attempt.Johnson also said that the big issue at hand is that there isn t a central election system since the states run elections. There s no one federal election system. There are some 9,000 jurisdictions involved in the election process, Johnson said. Washington Examiner",left-news,"Aug 31, 2016",1 +WIFE OF MUSLIM Immigrant Screams: β€œF*CK AMERICA!” After Husband Is Threatened With Deportation For Major Food Stamp Fraud In NY [VIDEO],"Such a nice little immigrant family. Let s bring 100,000 more of these wonderful, assimilating immigrants to America right away, so we can support them while they flip us off The owner of a Buffalo deli is being held on $2 million bail for welfare fraud charges.Ahmed Alshami, 37, is charged with criminal possession of public benefit cards, misuse of food stamps and criminal use of a public benefit card for defrauding the welfare system.Alshami is the owner and operator of IGA Express Mart, a corner deli at 271 Ludington in the City of Buffalo.According to the Erie County District Attorney s Office, between October 9, 2014 and March 21, 2016 Alshami is accused of buying EBT (food stamp) cards from people willing to trade them for cash. He usually paid people half of what the cards are worth.It is alleged that Alshami would use the food stamps to buy items to be sold in his store. In some instances, it is alleged the defendant would tell the original card holder to go to Tops, Wegmans, Walmart, or another big box store and buy the items for him.The purchases totaled $3,811.56.The DA s Office also says on March 16 of this year, Alshami allegedly knowingly and unlawfully entered an unoccupied rental property at 37 Davey St. He is accused of stealing the kitchen cabinets, hot water tank and baseboard heating units.Alshami pleaded not guilty to the misuse of food stamps and burglary charges.Outside of court on Tuesday, his daughter flipped off our cameras while his wife said, Are you happy now? F&*& you. F&*& America. Via: WKBW Buffalo",left-news,"Aug 31, 2016",0 +"WATCH TED CRUZ Promise To Support Trump If He Became Nominee…Today, Cruz (Hillary) Supporters Run Ads Against Trump In Swing States [VIDEO]","I was a die-hard Cruz supporter. I trusted him. I believed in him and I donated to his campaign. Today I am ashamed at the people I stood side by side with in the battle to take back our country from the Left, who seem hell-bent on not only allowing the Socialist Left to control the narrative, but actually aiding them in the process. The turning point for me was not the lack of endorsement for Trump at the RNC, but the time that Trump fans were viciously attacked in Chicago just for supporting a candidate they believed in. Cruz blamed Trump for the violence his supporters were victims of that night. At that moment, I knew I could no longer support a man who put his own candidacy before the support of thousands of Americans who are entitled by the very Constitution Cruz so vehemently defends, to their right to freedom of speech and to freedom of assembly. On March 3, 2016 Senator Ted Cruz told the FOX News debate audience he would support Donald Trump if he was the Republican nominee.Bret Baier: Senator Cruz will you support Donald Trump if he is the nominee?Senator Ted Cruz: Yes, because I gave my word I would. And what I have endeavored to do every day in the senate is do what I said I would do.Here s what Cruz actually did when he was invited to speak at the RNC convention and was given the opportunity to endorse Trump :Here s how the crowd at the RNC reacted over Ted s NON-endorsement of Trump:Ted Cruz fails to endorse Donald Trump; crowd boos as he walks off stage.pic.twitter.com/Fr28ZRg0JX Breaking911 (@Breaking911) July 21, 2016Today, die-hard Cruz supporters are paying for ads in swing state to help Hillary win:Regina Thomson and Ted Cruz.Thomson, a Cruz supporter, led the Free the Delegates campaign against Trump to steal delegates from the record-setting Republican nominee.Now disgruntled Cruz supporters are running campaign ads against Donald Trump in swing states. Via: GPPolitico reported:Anti-Trump Republicans are preparing to launch a broadcast TV ad in a handful of swing-state suburbs urging Donald Trump to quit the presidential race so the party can replace him with a more electable nominee.The ad, titled Keep Your Word, features footage of Trump during the Republican primary in which he suggested he d drop out if he saw his poll numbers decline ..The 30-second spot is marked for a limited run on broadcast networks in suburban Florida, Virginia, Ohio and Michigan, according to Regina Thomson, a Colorado Republican activist and leader of Free the Delegates, the organization that failed to stop Trump s nomination at last month s national convention. All four states are central to Trump s path to the White House, though he s trailing in most polls of those states.",left-news,"Aug 30, 2016",0 +BREAKING: #CrookedHillary Told FBI She Only Deleted Personal Emails…FBI Just Recovered 30 DELETED BENGHAZI Emails,"She s the most crooked criminal to ever seek the office of President of the United States. The State Department says about 30 emails that may be related to the 2012 attack on U.S. compounds in Benghazi, Libya, are among the thousands of Hillary Clinton emails recovered during the FBI s recently closed investigation into her use of a private server.WATCH Hillary lie here:Government lawyers told U.S. District Court Judge Amit P. Mehta Tuesday that an undetermined number of the emails among the 30 were not included in the 55,000 pages previously provided by Clinton. The State Department s lawyer said it would need until the end of September to review the emails and redact potentially classified information before they are released.The State Department says about 30 emails that may be related to the 2012 attack on U.S. compounds in Benghazi, Libya, are among the thousands of Hillary Clinton emails recovered during the FBI s recently closed investigation into her use of a private server.Clinton has previously maintained that the only server emails that were not handed over to the State Department were related to personal matters not having to do with her professional duties.Following the Benghazi email discovery, Jason Miller, Senior Communications Advisor for Donald Trump s presidential campaign said in a statement: Today s disclosure that 30 additional emails about Benghazi were discovered on Hillary Clinton s private server raises additional questions about the more than 30,000 emails she deleted. Hillary Clinton swore before a federal court and told the American people she handed over all of her work-related emails. If Clinton did not consider emails about something as important as Benghazi to be work-related, one has to wonder what is contained in the other emails she attempted to wipe from her server. Government lawyers told U.S. District Court Judge Amit P. Mehta Tuesday that an undetermined number of the emails among the 30 were not included in the 55,000 pages previously provided by Clinton. The State Department s lawyer said it would need until the end of September to review the emails and redact potentially classified information before they are released.A law enforcement official also told The Associated Press on Tuesday that the FBI is expected to release documents soon related to its investigation, which focused on whether Clinton and her aides mishandled government secrets.The official, who wasn t authorized to discuss the matter by name and spoke on condition of anonymity, said documents in the case would be made public as the FBI responds to Freedom of Information Act requests. It wasn t immediately clear when the documents would be released or exactly what they would include.For entire story: TIME",left-news,"Aug 30, 2016",0 +OCTOBER 1st Could Mark End Of Free Speech On The Internet: How Obama Regime May Be Turning Control Of Internet Over To U.N.,"Anyone who s paying attention to the stunning final acts by this President should not be shocked by this potential threat to the world s freedom of speech. He is anything but a lame duck The United States could give control of one of the internet s underlying systems to the United Nations after pledging not to, it has been claimed.The government has announced plans to relinquish control of the online addressing and numbering system, turning it over to a private international organization.For years, the US Department Of Commerce has been responsible for managing URLs and ensuring they lead to the proper web pages.It has subcontracted the task to a private nonprofit, the Internet Corporation for Assigned Names and Numbers (Icann).But the US government, which funded much of the internet s early development, has so far retained veto power.Although the US role has been minimal over the years, many foreign governments have complained that the internet can never be truly international if the US retains veto power.They have sought instead to shift responsibility to an inter-governmental body such as the UN International Telecommunication Union.But business, academic and civil-society leaders balked, worried that UN involvement would threaten the openness that has allowed the internet to flourish.Concerns were also raised that UN control would give authoritarian states like China and Iran equal votes among other countries in influencing policies that affect free speech.Lawrence E. Strickling, assistant secretary for communications and information at the Commerce Department, said the endorsed plan won t replace Commerce s role with a government-led or inter-governmental solution.But the UN could end up managing the addressing system after all, according to Wall Street Journal columnist L Gordon Crovitz. He based his theory on an inquiry by Americans For Limited Government, an advocacy group that sent a Freedom Of Information Act request related to Icann s future.Icann had asked for all records relating to legal and policy analysis concerning antitrust issues for Icann, Crovitz reported. Icann currently benefits from an antitrust exemption because it operates under government control, he said.The contract between Icann and the US government is expected to expire on September 30. Via: Daily Mail",left-news,"Aug 30, 2016",1 +"FLASHBACK VIDEO: JESSE JACKSON Praises Donald Trump For His Commitment To Bringing Blacks, Minorities Into Corporate America","Oops! Hillary and her race-baiting campaign team are NOT going to want the Black community to see this video Donald Trump doesn t want to give the Black and minority communities a hand-out he wants to give them self-respecting JOBS. He wants to see every American reach their full potential regardless of the color of their skin. This is a concept so foreign to the Democrat Party that the only response they re able to come up with is falsely accusing Trump of being a racist and hoping it sticks. For decades, the Democrats have been able to get away with falsely labeling Republicans But Donald Trump is NOT your average Republican, and he s about to bring down the Democrats false narrative like a house of cards.Enjoy:https://youtu.be/7U6Pp5iflTs ",left-news,"Aug 30, 2016",0 +Hispanic Man Living In β€œHood” Has BRUTAL Message For β€œLefty”: My dead friends were not shot by β€œWhite Right wing extremists” [VIDEO]," It s easy to blame the White man that way, you don t have to be accountable for your actions I lived in Oakland [CA] all my life, and the people that robbed my mama at gun-point, when she was just a hard-working immigrant trying to get ahead honestly, it wasn t White, right-wing extremists, it was black and brown people. Why don t you cheat on your wife and blame her for it? My hardworking mom was not robbed by ""White Right wingers.""My dead friends were not shot by ""White Right wingers"" pic.twitter.com/RqyeWnShpu Oak-Town Unfiltered (@hrtablaze) August 30, 2016",left-news,"Aug 30, 2016",0 +"MOTHER OF SON KILLED IN AFGHANISTAN To Anti-American 49er’s QB Colin Kaepernick: β€œMy heart is exploding, my lungs are without air, my blood is boiling, my body is shaking, and tears are running down my face” [VIDEO]","When multi-millionaire San Francisco 49ers quarterback Colin Kaepernick decided to take a stand against an oppressive America, some very patriotic Americans hit back.Prior to the 49er s pre-season game against WI Green Bay Packers, multi-millionaire quarterback Colin Kaeprernick, who was raised by White parents made the decision to sit out the national anthem as a form of protest: I am not going to stand up to show pride in a flag for a country that oppresses black people and people of color, Kaepernick told NFL Media in an exclusive interview after the game. To me, this is bigger than football and it would be selfish on my part to look the other way. There are bodies in the street and people getting paid leave and getting away with murder. Kaepernick s decision didn t sit well with many Americans, but this Gold-Star Mom Teri Maxwell Johnson, who lost her son in Afghanistan isn t just going to sit by idly without letting this whiny, oppressed anti-American know how she feels.From Gold Star Mom Teri Maxwell Johnson: My heart is exploding, my lungs are without air, my blood is boiling, my body is shaking, and tears are running down my face. Colin Kaepernick of the San Francisco 49ers is refusing to stand for the national anthem. His comment stated he would not stand and show pride in a flag that represents an oppressive nation while there are bodies in the street and people getting paid leave and getting away with murder .Mr. Kaepernick, I am sitting in my livingroom looking outside at my American Flag flying at half staff. You see, my son s body lay in a street after an IED blew up the vehicle he was fighting in. His blood stains the sands of Afghanistan. He died protecting the ideals of the flag you refuse to respect. He died so that ungrateful, privileged, arrogant men like you can be just that ungrateful, privileged, and arrogant.There are brave men and women all around that stand between evil and you. Men and women willing to die to protect you because they believe in the ideals this country was founded on. Men and women of all races and all religions. Ask them, sir, about pride in the American Flag. Ask them how their heart feels when they hear the National Anthem being sung. You are a public figure, someone young people look to as an example.Shame on you. Shame on you for your disrepect towards those who are true examples of honesty, integrity, pride, and leadership. Shame on you for disrespecting my son and his life. His sacrifice.**Sgt. Joseph Johnson my soldier, my son, my hero**Gold Star Mom Terri Maxwell-Johnson told Jake Tapper (below) how she feels about Kaepernick s disrespect for our flag after he tweeted out her letter last night:Whatever you may think about Colin Kaepernick's decision, here's how it impacted one Gold Star Mom. pic.twitter.com/3uaUxNsFoM Jake Tapper (@jaketapper) August 28, 2016Here is her interview:",left-news,"Aug 29, 2016",0 +BWAH-HA-HA! ARTIST BRILLIANTLY Captures Hillary’s Reaction To Her Fear Of β€œAlt-Right” Media,"Hillary would like American voters to believe the alt-right media (new nickname for media who s not afraid to out her and the Clinton Crime family) is out to get her and they would be correct. Hillary and Bill have been given a pass by the mainstream media for decades. Thanks to alternative media sources, Hillary is no longer able to behave like the queen of the Clinton Crime Syndicate and get away with it. Hillary should be afraid of the alt-right boogeyman they can t be bought and won t be frightened by the Clinton Crime family. And best of all, they re not going away until every American knows the truth about #CrookedHillary #HillarysBoogeyMen #Trump #Breitbart @RealAlexJones #pepe #pickle #Brexit #Putin #Harambe https://t.co/Oj98iIxEAZ pic.twitter.com/L2pQjUmdef BenGarrison Cartoons (@GrrrGraphics) August 29, 2016Here s Hillary interrupting her seizures, coughing fits and 3-day naps to call out the Alt-right :",left-news,"Aug 29, 2016",0 +BEYONCE Performs Graphic Anti-Cop Song…Dancers β€˜Shot’ One By One On Stage [Video],"Beyonce gets political in her graphic anti-cop performance at the MTV VMAs last night. The MTV awards use to be a fun-filled night of entertainment but now it s a chance for political activism to take center stage. Prior to the show, Beyonce met with the Michael Brown s mom and other moms of people killed by police officers. We guess she forgot about the fact that all of these cases are legitimate cases of crimes being committed by the deceased. The truth is way too buried because it s more profitable for the truth to be twisted. Where were the families of police officers like the Dallas officers murdered in cold blood? Nope, Beyonce had to stick with a lie and be the political activist she always has been. Remember the Super Bowl? Yes, that was where she had her dancers form an X on the field in support of the Black Panthers fist raised in the air and all. I have one thing to say about all of this While performing a medley of songs from her hit album, Lemonade, the pop megastar was surrounded by backup dancers dressed as angels. However, as red lights flooded the stage, each of the angels was shot down during the performance, which viewers said was a representation of police brutality. The imagery of the Beyonce performance with the angels getting shot down , one person tweeted. Beyonce too deep. All the angels were shot, police brutality, another wrote.I think I need a moment after watching @beyonce s #VMA performance https://t.co/lYVFfrIenO MTV (@MTV) August 29, 2016 Read more: Daily Mail ",left-news,"Aug 29, 2016",0 +4 THINGS THE MEDIA WON’T TELL YOU About β€œOppressed” Anti-American NFL QB Colin Kaepernick,"San Fransisco 49er s quarterback Colin Kaepernick refused to stand during the national anthem during a recent NFL football game. He claimed he would no longer stand for a flag that represents a country who oppresses blacks. Does he even know what oppression is?1). Kaepernick coincidentally converted to Islam only two months ago.2). He is engaged to Nessa Diab, a Black Lives Matter activist who promotes what she calls authentic Islam. The Kaepernick s will also have a traditional Muslim wedding.3). Kaepernick was abandoned by his black family as a child and was adopted by a white family. Did he suffer like he claims or was he taken care of when no one else wanted him? You only hear him talking tough now because something else is driving his anti-American anger.4).To date, Kaepernick has donated $0 (ZERO) to Black Lives Matter or any other group affiliated with helping minorities. His net worth is estimated to be over $100 million, yet he has donated zero dollars to the issues he claims to be so passionate about. When the National Anthem is played, I salute because I am a black man born and raised in the inner city afforded the opportunity for greatness in my own right. May you seek God s forgiveness and find humility, because we, the people are not going to forget what you did and said. Conservative Daily PostFormer US Rep., Allen West had these tough words for anti-American pro-BLM Colin Kaepernick: BLM activists are thugs that vandalize cities and collect welfare checks while our veterans are sleeping under a bridge overpass because they fought for Kaepernick to have the freedom to utter ignorant remarks like he did. ",left-news,"Aug 29, 2016",0 +TRUMP’S BEST CAMPAIGN AD EVER Just Came From Barack Obama…ENJOY! [VIDEO],"After watching this video, one thing is abundantly clear When it comes to #CrookedHillary Clinton, some things never change: ",left-news,"Aug 28, 2016",0 +NEW BLACK PANTHER LEADER: Trump Is Right…Asks Blacks To β€œRe-examine The Relationship” With Democrat Party…”Democrats Pimp Us [Blacks] Like Prostitutes” [VIDEO],"Donald Trump has been crucified by the leftist mainstream media, GOP RINO s and Democrat leaders non-stop for his brash outspoken ways. But after 54 years of voting for Democrats, and getting absolutely nothing but a permanent ticket to their inner city plantation, his tough talk is starting to resonate with minorities who want to make a better life for themselves. They want to see a President who truly cares about seeing them succeed and isn t just in this race as the next step in his political career This is not going to set well with pandering Hillary Quanell X, leader of the New Black Panther Party in Houston, Texas, said this week on a local news program that black Americans should truly examine Donald Trump s outreach to the black community and reexamine the relationship that black voters have with the Democratic Party.America s in trouble. And I want to say to black and white people, only a fool fights in a burning house. This house is on fire.Read the transcript of Quanell X s remarks:Donald Trump last week went to Milwaukee because of the rioting behind the police shooting of a young African-American male by a black officer and the city was being burned down in certain parts of the black community by protesters so Donald Trump decided to go to Milwaukee and speak about the conditions of America and why he felt black people should vote for him. He even went on to lay out reasons why he felt we should.Let me say this to the brothers and sisters who listened and watched that speech. We may not like the vessel that said what he said, but I ask us to truly examine what he said, because it is a fact that for 54 years, we have been voting for the Democratic party like no other race in America. And they have not given us the same loyalty and love that we have given them. We as black people have to reexamine the relationship where we are being pimped like prostitutes, and they re the big pimps pimping us politically, promising us everything and we get nothing in return.We gotta step back now as black people and say, we ve gotta look at all the parties and vote our best interests.He spoke directly to black people. And I want to say and encourage the brothers and sisters. Barack Obama, our president, served two terms. The first black president ever. But did our condition get better? Did financially, politically, academically, with education in our community, did things get better? Are our young people working more than what is was before he came into office? The condition got worse. So now we as black people have to do and remember what the honorable Elijah Mohammed said. No politician can save the black community; we ve gotta do it ourselves.Via: Breitbart News ",left-news,"Aug 28, 2016",0 +WHY TRUMP SUPPORTERS ARE LAUGHING After WikiLeaks Founder Julian Assange Announces What He Has On Trump,"Fans of #CrookedHillary are not going to like this WikiLeaks founder Julian Assange has said that the information they have on Donald Trump is not more controversial material than what comes out of Donald Trump s mouth every second day. We do have some information about the Republican campaign, Assange said. I mean, it s from a point of view of an investigative journalist organization like WikiLeaks, the problem with the Trump campaign is it s actually hard for us to publish much more controversial material than what comes out of Donald Trump s mouth every second day, I mean, that s a very strange reality for most of the media to be in. Assange has also claimed he has further information relating to Hillary Clinton that he plans to release closer to the November election.Assange alluded to what information the October surprise as it is now being called may contain saying, I don t want to give the game away, but it s a variety of documents from different types of institutions that are associated with the election campaign, some quite unexpected angles, some quite interesting, some even entertaining. Assange isn t focusing entirely on Clinton however, urging anyone with information on Trump to come forward, If anyone has any information that is from inside the Trump campaign, which is authentic, it s not like some claimed witness statement but actually internal documentation, we d be very happy to receive and publish it, he said on NPR s Morning Edition in August. Breitbart News",left-news,"Aug 28, 2016",0 +WATCH ANGRY 49ERS FAN Burn Colin Kaepernick Jersey…With The National Anthem Playing…Awesome!,"IT S A TREND! Angry fans are stepping up to burn the jersey of the 49ers quarterback after he chose to stay on th bench during the national anthem. Maybe he should just remain on the bench for the rest of the season! Check out the awesome video below of a fan burning the jersey with the national anthem playing in the background!Furious San Francisco 49ers fans have started burning Colin Kaepernick jerseys after he refused to stand for the national anthem as part of a racial protest.One fan even played The Star-Spangled Banner as he set light to the Number 7 shirt, watching with his hand on his chest as it burned.Another, who uploaded a video to Instagram under the handle Nate3914, called the $19 million-per-year athlete an ignorant son of a b****. He added: People die every single day defending that flag you refuse to stand for and I won t stand for that. This jersey was the worst $50 investment I have ever had you should never play in the NFL again, move to Canada. Thousands of football fans also took to Twitter in order to shout down Kaepernick s protests, accusing him of being unpatriotic, spoiled, and childish.Tomi Lahren, of news site The Blaze, tweeted saying: If this country disgusts you so much. Leave. Others would die to be in your spot you cocky child. Read more: Daily Mail",left-news,"Aug 28, 2016",0 +MIKE ROWE SENDS A BRUTAL MESSAGE To The Media Trying To Label TRUMP Supporters As β€œUneducated”,"An electrical contractor wrote to the 54-year-old host of Dirty Jobs to say that he finds it offensive when the media constantly refers to majority of the Republican nominee s supporters as uneducated white men. If the media is referring to Trump supporters who happen to be male caucasians suffering from a lack of knowledge brought about by an absence of formal or practical instruction, than I guess uneducated white men is a fair description, Rowe responded in a lengthy Facebook post. However, if the Trump supporters in question are being dubbed uneducated, simply because they didn t earn a four-year degree, I d say the media s slip is showing. Let s assume that Donald Trump is indeed popular among white men who didn t graduate from college. The first question is, so what? Is this information newsworthy? Obviously, thousands of journalists think it is. To your point, the words uneducated white men now appear in hundreds of articles about Trump. But if this is truly important information, where were these reporters four years ago? In the last election, an even greater majority of African-American males who voted for President Obama had no college on their resume. Maybe I missed it, but I don t recall any headlines or articles that delved into Obama s popularity among uneducated black men. If the media didn t care about the lack of college among black men supporting Obama, why do they care so much about the lack of college among white men supporting Trump? Moreover, when exactly did a lack of college become synonymous with a lack of education? There are many ways to become educated that don t involve the purchase of a diploma. Why would the media ignore thousands of apprenticeship programs, on-the-job-training opportunities, and all the other alternative educational options that have led so many people into so many successful careers? The answer is obvious many in the press are looking for ways to impact the election. If a biased reporter can get away with labeling Trump supporters who didn t graduate from college as uneducated, he can simultaneously imply that any ballot cast for Trump is the hallmark of an uneducated voter. It s impossible for me to have this conversation and not think of my grandfather. Pop never made it to college. In fact, he never made it out of the 7th grade. But he never stopped learning or studying. He started as an electrician s helper, became an apprentice, a journeyman, a master electrician, a contractor, and then a small business owner. Later, as an electrical inspector for the state, he was responsible for guaranteeing the safety of hundreds of buildings in Maryland, as well as all the rides on the carnival midway at the State Fair. He was a modest man of real intelligence, admired and respected by everyone who knew him. But today, he d be right there with you, Albert swelling out the ranks of uneducated white men. Closing the skills gap and making college more affordable is beyond my pay grade, but it seems like we could start by reminding the media that a college degree is not the only path to success. It s well and good to promote higher education, but it s crazy to suggest the most expensive road to enlightenment is the best path for the most people. And it s equally nuts to pressure our kids to keep borrowing vast sums of money to become educated in careers that no longer exist. The media has minimized your work, insulted your intelligence, and ignored your contribution to civilized life. Try not to take it personally. Just keep doing what you do. Run your business. Vote your conscience. Keep the lights on for the rest of us. Read more: Daily Caller ",left-news,"Aug 28, 2016",0 +ABC NEWS: Emails Show Hillary’s Top Aide Arranged β€œSpecial Seating” At State Dinner For Top Clinton Donors [VIDEO],"This woman should be in a jail cell not sitting around laughing and opening pickle jars on the Jimmy Fallon show. Judicial Watch s release this week of 725 pages of State Department emails involving Hillary Clinton aide Huma Abedin demonstrates the Obama administration considers a large percentage of the emails sent through Clinton s private server too sensitive for Congress or the American public to read.Of the 725 pages, more than 250 pages were 100 percent redacted, many with PAGE DENIED stamped in bold.Judicial Watch said the new cache includes previously unreleased email exchanges in which former Abedin provided influential Clinton Foundation donors special, expedited access to the secretary of state. Judicial Watch added that in many instances, the preferential treatment provided to donors was at the specific request of Clinton Foundation executive Douglas Band. The Abedin emails reveal that the longtime Clinton aide apparently served as a conduit between Clinton Foundation donors and Hillary Clinton while Clinton served as secretary of state. In more than a dozen email exchanges, Abedin provided expedited, direct access to Clinton for donors who had contributed from $25,000 to $10 million to the Clinton Foundation, Judicial Watch said in a statement announcing the release. WNDWATCH:#CrookedHillary scandal #9,999 and counting ",left-news,"Aug 28, 2016",0 +BLACK MEN FOR BERNIE FOUNDER Campaigns In Swing States For TRUMP: β€œBill And Hillary Did Major Damage To Our Communities Last Time In White House” [VIDEO],"Apparently, using thug Michael Ferguson s mom as a prop at Black functions was not enough to be granted the Black vote Black Men for Bernie founder Bruce Carter s mission to restore black communities didn t end when Vermont Senator Bernie Sanders lost to Hillary Clinton in the Democratic primary. He opposed Hillary Clinton and the Democratic establishment then because he knew that they didn t represent the minority communities he engaged in politics to fight for.After the leak of internal DNC emails, Carter is convinced that the Democratic Party rigged the primary against his candidate and that Hillary Clinton s Democratic Party has no intention of changing the policies that led to the destruction of the communities he s working to improve.Bruce Carter still believes that Hillary Clinton is the poster child for the kind of cronyism, corruption, and evil that the Bernie revolution was built to overthrow. He doesn t believe Hillary Clinton when she labels Donald Trump and his supporters as racists because he knows she falsely labeled her opponents in the primary as sexist Bernie Bros. Carter s preparing to take the experience, knowledge, and contacts his group built during the primary to campaign against Hillary Clinton and for Donald Trump and other Republicans in battleground states across the country.Bruce Carter and Black Men for Bernie are at war with the Democratic establishment, whom he says pander for votes but haven t delivered meaningful results to minority communities for decades. Carter became politically active to support Bernie Sanders, who taught him how the establishment s only real constituency was the donor class. When he paired that knowledge with what he knew about the decline in the black and minority neighborhoods he loves, he realized Democratic politicians and the media had been lying. Bernie inspired us to disrupt the status quo because it only works for the elites and not regular people who are struggling, Carter told Breitbart News. If black communities vote for Hillary Clinton and Democrats in November, nothing will change because Democrats will continue to believe they don t have to do anything to earn our votes. Carter became one of the most prominent and recognizable supporters of the Sanders campaign by traveling the country in a tour bus and fleet of vehicles wrapped with the Black Men for Bernie logo and a picture of Sanders being arrested during the civil rights movement. His online videos received millions of views and featured celebrities like Mark Ruffalo and ice cream makers Ben and Jerry.This guy knows what he s doing when it comes to rallying the troops to get behind his candidate. Watch Carter organizing supporters for Bernie before Hillary cheated him out of the chance to become the Democrat Party candidate:Carter told Breitbart News that his greatest awakening of how Democrats exploit minority voters came when he learned from the Washington Post that the Democratic Party spends less than 2 percent of its campaign resources with minority-owned companies, even though they get better than 90 percent of the black vote. It is a practice that Carter calls political slavery. Now Black Men for Bernie are rebranding and again planning to tour the country with an emphasis on battleground states. Carter says he s going to organize black and minority communities to vote against Hillary Clinton and the Democratic establishment. Donald Trump is a business man and a real estate mogul who could provide knowledge and resources to transform urban communities through the development of minority-owned businesses, Carter said. With this tour, we re going to show Mr. Trump and Republicans that the black and minority communities are ready to work with anyone willing to work with us to build opportunities in businesses, employment, and housing. We don t want welfare, we need opportunity. Carter had a lot of ideas when asked about what Trump could do to help him win black votes away from the Democrats. When Donald Trump tells black people, what do you have to lose by voting for me, he s getting close to a message that will work, but it s not quite there yet, Carter explained: We re going to go back to these communities in Florida, Ohio, Pennsylvania, Michigan, and across the country to lead people to the facts about the Clintons and Democrats failures with our struggling communities, Carter said:For Carter and the Black Men for Bernie, they can t unlearn what they discovered about Hillary during the primary. We know that Hillary Clinton is for Hillary Clinton and the rich donors of the Clinton Foundation, Carter said. We know that Bill and Hillary did major damage to our communities the last time they were in the White House. We know they will lie about their opponents by unfairly labeling them sexists and racists and radicals. Donald Trump isn t a typical politician and he isn t beholden to the same old political powers, Carter continued. We want to earn our seat at the table in his administration and I think he and the Republicans are smart enough to realize that when we deliver them a historic number of minority votes, they better do a better job than the Democrats have done or they re never going to get an opportunity like this again. For entire story: Breitbart News",left-news,"Aug 27, 2016",0 +"MN: Why Did Police β€œStand Down”? GROTESQUE VIDEO Shows Male Hillary Supporter PUNCHING Elderly Trump Supporter Several Times, Other Trump Supporters Spit On, Assaulted And Robbed","Republican presidential nominee Donald Trump was in Minneapolis Friday night for a fundraiser held at the city s convention city that was besieged outside by violent liberal protesters.Trump supporters attending the rally were punched, spit on and robbed while Trump s Secret Service motorcade was blocked by protesters who jumped on one of the vehicles.Update: Protests at Donald Trump event turn unruly late. Police: No arrests, minor damage. https://t.co/T6fT3A7dk1 pic.twitter.com/RbJLBZK024 Star Tribune (@StarTribune) August 20, 2016Now this The Trump supporters said the police stood back at they were assaulted, robbed and spit on. No arrests were made. PJ Media reported:A week ago in Minneapolis, Republican donors attending a Trump fundraiser were assaulted, robbed and spat upon by a violent leftist mob as they were leaving the event. Attendees say that even though there was a strong law enforcement presence at the convention center downtown where the fundraiser was held, they were not afforded any police protection when coming to and leaving the event and even more incredibly, there were no arrests.Many people who attended the event told Fox 9 that police seemed to back down from intervening, but the Minneapolis Police Department insists there was no stand-down order. GP ",left-news,"Aug 27, 2016",0 +ACTOR TIM ALLEN: Hillary Isn’t Capable Of Being Funny…Bill Clinton Creepily Checked Out His Wife When They Met [VIDEO],"Megyn: What about Tim Allen? You re one of the few conservatives in Hollywood. You re out of the closet as a conservative. Who do you like for President? Megyn: What about Hillary Clinton? Tim Allen: All my staff, we asked the girl writers, the females, the women they said It s about time . So one of us said, If it was Sarah Palin would it still be about time ? Tim Allen: Did she [Hillary] actually bark like a dog? Did I actually see that? She doesn t have a skill set for jokes. She s just not her husband, who I ve met, and is actually kind of a neat guy. Although, he was eyeballing my wife the entire time we were talking. I think this guy he really was. And he kept looking at me, but he kept looking at her Heh, heh, how you doing, it s nice talking to ya, I really love your show. ",left-news,"Aug 27, 2016",0 +"β€œHILL”-ARIOUS VIDEO: HILLARY TAKES BREAK From Seizures, Coughing Fits, 3 Naps A Day To Slam Trump And β€œAlt-Right”",This video brilliantly dispels every one of Hillary s false claims and throws them right back in her face Absolutely brilliant!,left-news,"Aug 26, 2016",0 +ERIC TRUMP Says Political Correctness Motivated His Dad To Run: Renaming Of β€œChristmas Tree”…Forcing Firemen To Remove American Flag From Trucks,"Millennial propaganda tool for the Democrat Party, Buzzfeed news publication attempted to do a hit piece on Eric Trump. They claim that when Eric was giving his list of reasons his father chose to run for office, which included the insanity of the political correctness we see today, that he incorrectly stated the White House Christmas tree is called a Holiday Tree. But did he really misspeak?Buzzfeed never addressed the core of Eric Trump s comments, which were really about the ruin of our nation over political correctness. Instead, Buzzfeed chose to dissect one small part of what Eric Trump said about the White House Christmas tree, which, as it turns out, was actually mostly accurate.The White House Christmas tree was renamed the Holiday Tree in the 1990 s, Republican House Speaker Denny Hastert changed the name back to Christmas tree in 2005. This is the garbage young Americans are reading every day in their social media newsfeed. It s one of the primary reasons we see so many young people walking around in a stupor with Bernie Sanders or Hillary bumper stickers on their Prius .From Buzzfeed Eric Trump, listing off reasons his father is running for president, said in an interview this week that one of the motivations was the renaming of the White House Christmas tree to holiday tree. The tree placed on the White House lawn during the holiday season is still called the National Christmas Tree. He opens up the paper each morning and sees our nation s leaders giving a hundred billion dollars to Iran, or he opens the paper and some new school district has just eliminated the ability for its students to say the pledge of allegiance, or some fire department in some town is ordered by the mayor to no longer fly the American flag on the back of a fire truck, Trump told James Robison in an interview posted this week.Buzzfeed never questioned the validity of the ransom money our President covertly paid to Iran. They never questioned whether or not schools and local governments are attempting to eliminate the pledge of allegiance, so as not to offend immigrants or refugees. It s funny how they never suggested the story about the firemen being forced to remove the American flag from the back of their trucks was not 100% accurate. Nope just the accuracy of the Christmas tree comment Or he sees the tree on the White House lawn has been renamed Holiday tree instead of Christmas tree, continued Trump. I could go on and on for hours. Those are the very things that made my father run, and those are the very things he cares about. Chain emails that began when President Obama took office falsely claimed that tree had been renamed. A tree on Capitol Hill was briefly called a Holiday Tree in the 1990s, but the name was changed in 2005 at the direction of then-Speaker Dennis Hastert.Watch Eric Trump s awesome speech at the RNC, where he talks about why his dad is running and why he s the most qualified man in America to step in and assume the office of President of the United States: ",left-news,"Aug 26, 2016",0 +OFFENDING THE GLOBALISTS: Teen Kicked Out Of UN Building For Wearing Bill Clinton β€œRape” Shirt [VIDEO],"Freedom of speech is not a universally accepted right, which is just one more reason the U.S. has no business funding the globalist UN and their activities When you re visiting the UN Building in NYC, it might be a good idea not to offend the globalists or anyone in a leadership role with the globalists https://youtu.be/yvLrss1H4G8The Bill Clinton RAPE shirt can be purchased at InfoWars at this LINK. We are in no way affiliated or benefitting from the sale of this t-shirt. We just thought you might like to know where you can pick one up and spread the truth about the sexual predator husband Hillary has enabled for decades .",left-news,"Aug 26, 2016",0 +CNN CANCELS POPULAR DR DREW Show After He Tells Viewers He’s β€œGravely Concerned ” About Hillary’s Health [VIDEO],"Another stunning cover-up for #Unfit Hillary by her most committed media cheerleader One week ago, board-certified medicine specialist, TV personality and CNN employee Dr. Drew Pinsky broke the mold of conformity, when he said that he is gravely concerned about presidential candidate Hillary Clinton s health, pointing out that treatment she is receiving could be the result of her bizarre behaviors.Appearing on KABC s McIntyre in the Morning, Pinsky said he and his colleague Dr. Robert Huizenga became gravely concerned .not just about her health but her health care, after analyzing what medical records on Hillary had been released. Pinsky pointed out that after Clinton fainted and fell in late 2012, she suffered from a transverse sinus thrombosis, an exceedingly rare clot that virtually guarantees somebody has something wrong with their coagulation system. What s wrong with her coagulation system, has that been evaluated? asked Dr. Drew.Pinsky described the situation as bizarre, and said that Hillary s medical condition was dangerous and concerning . Dr. Drew also went on to add that it was a sign of brain damage when Hillary had to wear prism glasses after her fall. Just as stunning as Pinsky s assessment which promptly went viral and led to the immediate takedown of the original interview webpage by KABC-AM radio, was that it came from an employee of HLN, which is part of the pro-Clinton CNN network.As such it is probably not surprising that earlier today, just one week later, CNN executive vice president Ken Jautz announced Thursday that Dr. Drew and I have mutually agreed to air the final episode of his show on September 22. Zero Hedge ",left-news,"Aug 26, 2016",0 +#CrookedHillary Uses Twitter To Accuse Trump Of Being A β€œRacist”…Forgets To Mention $20K+ In Donations From KKK In 2016 [VIDEO],"Hillary Clinton is bending over backwards to convince American voters that Donald Trump is a racist because a White Supremacist and a KKK member said they plan to vote for him. ]who eulogized KKK leader, mentor and close friend, Robert C. Byrd, and about the $20,000 donation she accepted from the KKK just this year!? Here s a tweet from the woman who REFUSES to speak to reporters after being caught in yet ANOTHER SCANDAL. This time, its been revealed that Hillary and her grifter and serial rapist husband have been selling our nation for favors through their pay-to-play slush fund, the Clinton Foundation (Criminal Piggy Bank). Oh yeah about that tweet:It's not a coincidence that white supremacists proudly support Trump. pic.twitter.com/3OX4I1GSkr Hillary Clinton (@HillaryClinton) August 25, 2016Hillary Clinton s presidential campaign has received more than $20,000 in donations contributed by members of the Ku Klux Klan, a prominent member of the hate group said Monday.Mr. Quigg, the leader of the Klan s California chapter, announced last month that he had abandoned supporting Republican presidential front-runner Donald Trump in lieu of backing his likely Democratic opponent. The Klansman claims that members have raised more than $20,000 for Mrs. Clinton and have donated it anonymously to her campaign.Clinton campaign spokesman Josh Schwerin disputed the grand dragon s claim and said the former secretary of state has rejected the group s endorsement. Washington TimesWatch Hillary s praise for KKK leader, Senator Robert C. Byrd:",left-news,"Aug 25, 2016",0 +"When #BlackLivesMatter, Golf Take Priority Over Our Vets: 76 YR OLD VET Kills Himself In VA Parking Lot After ER Allegedly Denied Appointment With Doctor For Mental Problems","There aren t too many stories that are more shameful or disturbing than this one. What has been done to fix the horrible quality of care our veterans have been receiving during Obama s eight years in office? What would the VA look like today if Obama spent as much time trying to fix this broken health care system for our veterans as he spent trying to improve his golf swing or organizing with Black Lives Matter terrorists? If anyone thinks Hillary would do a better job with our vets and their health care, they only need to do is look at Benghazi to see how much she cares about members of our US Military. Hillary continues to brag about her failed efforts to inflict a similar government run health care system on every American A veteran took his own life in the parking lot of a VA hospital in Long Island, New York, over the weekend after he was allegedly denied an appointment with an ER doctor for his mental problems.Peter Kaisen, 76, of Islip, was pronounced dead from a self-inflicted gunshot wound outside Building 92 at the Northport Veterans Affairs Medical Center on Sunday.According to a note posted on a funeral home s website, Kaisen was married, had children and grandchildren.The Suffolk County Police Department has confirmed that Kaisen had been a patient at the VA hospital but said nothing about a possible motive behind the suicide.However, two hospital employees talking anonymously to the New York Times, which broke the story, revealed that Kaisen had been frustrated that he could not see a doctor in the emergency room, where he went to seek help related to his mental health.One of the sources told the paper that the 76-year-old veteran shot himself inside his car after being denied service in the ER. The source wondered why Kaisen had not been sent to the hospital s mental health center, or put in contact with a psychologist by phone. Someone dropped the ball, the unnamed hospital staffer told The Times. They should not have turned him away. The VA medical system, which serves nine million servicemen, has been under scrutiny since 2014, when it was revealed in a scathing report from the inspector general s office that about 1,700 veterans at a Phoenix hospital faced chronic wait times and were at risk of being lost or forgotten .The VA later confirmed that at least 35 veterans died while awaiting treatment in Phoenix.VA officials in Phoenix were also accused of falsifying records to cover up the long wait times for medical appointments.Entire story: Daily Mail",left-news,"Aug 25, 2016",0 +UNRECOGNIZABLE After Major Plastic Surgery…HOLLYWOOD LIB Renee Zellweger Criticizes Trump: β€œWhy are we talking about how women look?” [VIDEO],"Someone should find out if Hillary supporter, Renee Zellweger had a lobotomy, while the hypocritical actress (who questioned why appearances matter so much) was having her face completely reconstructed.As Zellweger trashed Trump, she declared Hillary Clinton as one of the most prepared people to ever seek the presidency. There s never been anyone better prepared in our lifetime, the actress said.Zellweger also criticized Republican nominee Donald Trump.In a lengthy interview timed to her long-awaited return to the big screen as Bridget Jones, actress Ren e Zellweger opened up about her support for Hillary Clinton, her disdain for Donald Trump and her disappointment that women in Hollywood getting older is viewed as a negative thing. Speaking publicly about the controversy surrounding her appearance, the 47-year-old Bridget Jones s Baby actress told the Hollywood Reporter: I ve never seen the maturation of a woman as a negative thing. I ve never seen a woman stepping into her more powerful self as a negative. But this conversation perpetuates the problem, she continued. Why are we talking about how women look? Why do we value beauty over contribution? We don t seem to value beauty over contribution for men. It s simply not a conversation. Zellweger found herself at the center of a debate about cosmetic surgery in Hollywood after Variety film critic Owen Gleiberman derided both the actress and the practice in a June 30 op-ed, titled Renee Zellweger: If She No Longer Looks Like Herself Has She Become a Different Actress? In it, Gleiberman denounced the vanity-fueled image culture that promotes plastic surgery as a ritual, which he says drastically altered the way Zellweger s character in Bridget Jones s Baby looks from how she appeared in the original film, 2001 s Bridget Jones s Diary. Breitbart",left-news,"Aug 25, 2016",0 +INCOMING FRESHMEN Are Put On Notice With Welcome Letter From U of Chicago Dean Of Students…”Trigger Warning” Crybabies Stay Home,"Wow! The University of Chicago sends impressive letter to incoming Freshman warning them that freedom of speech is alive and well at their college. This letter makes it pretty clear that they will not be joining with hundreds of other colleges across America to squelch the free speech rights of anyone who disagrees with the Black Lives Matter, progressive social justice warrior nonsense.After a student at the University of Illinois Chicago Hyde Park campus threatened to shoot up the campus and Kill White devils in November 2015, over the shooting of a young black man by police in Chicago, the school made the decision to shut down the campus for a day. Colleges need to get out in front of this social justice warrior/Black Lives Matter terror movement before it gets out of hand on college campuses this year. In a welcome letter to freshmen, the College made clear that it does not condone safe spaces or trigger warnings: pic.twitter.com/9ep3n0ZbgV The Chicago Maroon (@ChicagoMaroon) August 24, 2016Here is the video showing the shut down of the University of Chicago campus:",left-news,"Aug 25, 2016",0 +β€œTRUMPOCRATS” Speak Out: Lifelong Democrats Dump Hillary…Abandon Party To Support Trump [VIDEO],"Unless the Democrats can figure out a way to effectively steal the vote from millions, we predict Trump will win in a landslide election. Despite what the media would like Americans to believe, Hillary will be lucky to have Chelsea vote for her in November NEW YORK CITY, New York Meet the Trumpocrats, or so the sizable collection of lifelong Democrats breaking with their party because of their disgust with nominee for president Hillary Rodham Clinton and supporting instead Republican nominee Donald J. Trump call themselves.Christian Rickers, the Virginia-based executive director of the Trumpocrats PAC a Super PAC designed to help his like-minded lifelong Democrats abandon the sinking Democratic ship due to Hillary Clinton s nomination and join the Trump movement walked Breitbart News through why he is leading the effort among Democrats who support Trump for president.Rickers argument centers on trade policy, and Trump s ardent opposition to the Trans Pacific Partnership (TPP) that Clinton supported publicly more than 40 times but now claims she opposes. He points back to Bill Clinton s backing of the North American Free Trade Agreement (NAFTA) from his time as president, and Rickers says Democrats everywhere should be terrified of how much further Hillary Clinton would go if she s elected president.Rickers said in a phone interview:Rickers said in a phone interview:I m a lifelong Democrat, really since I was a little kid, and I still am a Democrat. But the Clintons for instance, where I am from, my hometown, when I was a kid we had 15 manufacturing plants and we now have one. Nobody does anything there anymore, and that s the same thing happening in a lot of small towns across the country really. The Clintons are really the cause of this, the cause of manufacturing going overseas with NAFTA and the trade deals and all of that. Donald Trump, he says a lot of crazy sh*t, but the one thing that he does say, that he really does want to do something about that and that he wants to protect our people with better trade policies and new trade policies.On the Trumpocrats PAC website is a video of David Muscat Saunders, another lifelong Democrat, talking with Fox News. Breitbart",left-news,"Aug 24, 2016",0 +WATCH: HARRY REID Caught Calling Benghazi Mother β€œCrazy”,"Harry Reid s disrespectful comments are just another example of a leftist Democrat who puts politics before honor every time.Sen. Harry Reid is fighting back against claims that Hillary Clinton was responsible for the deaths of four Americans in Benghazi, Libya by calling the most outspoken parent crazy. While speaking to reporters, Reid slammed Patricia Smith, the mother of Sean Smith, who died in the 2012 terrorist attack. At the national convention, they had that poor Smith woman some out and say, Hillary Clinton killed my son, Reid told reporters (wearing sunglasses inside). How crazy, he said.The Senate Minority Leader was referring to Smith s speech to the Republican National Committee in July. American MirrorHere s Hillary lying about a video being reason for the attack on the unsecured Benghazi compound, even though she ALWAYS KNEW (see email above) that it had NOTHING to do with the attack:Here s the speech Sean Smith s mother, Pat Smith gave at the RNC Convention. Who s the crazy one Harry? ",left-news,"Aug 24, 2016",0 +WHY Did Hillary Use FAKE NAME β€œDiane Reynolds” For Chelsea In Newly Released Emails That PROVE She Lied About Benghazi? [VIDEO],"What a role model for mothers in America or at least for the ones who have FAKE NAMES for their daughters when they use private servers to cover up their corrupt behavior Wikileaks found 67 emails between Hillary Clinton and daughter Chelsea under her fake name, Diane Reynolds .In one email Hillary tells Chelsea (Diane) she is sitting in a meeting on Libya waiting for the other shoe to drop. Don t all parents write to their children at a fake email account during foreign policy meetings?In another email Hillary wrote Chelsea during the Benghazi attacks telling her Americans were killed by an al-Qaeda like group.Hillary later lied and blamed the attack on a YouTube video. GPHere s Hillary lying about a video being reason for the attack on the unsecured Benghazi compound, even though she ALWAYS KNEW (see email above) that it had NOTHING to do with the attack:Here s Hillary s Benghazi victim, Sean Smith s mom, Pat Smith telling how Hillary lied to the parents about the cause of the attack being a video:Here s Hillary saying Pat Smith is a liar during one of the Democrat debates:Via: Gateway Pundit",left-news,"Aug 24, 2016",0 +TAXPAYER FUNDED COLLEGE Gives Lessons On β€œHow To Stop White People”,"When the majority of students, regardless of color, accept this twisted premise, Obama has won his war on America and has successfully divided us by race The State University of New York at Binghamton (SUNY-Binghamton) is offering a training class titled StopWhitePeople2k16, to instruct residential assistants (RAs) on how to deal with uneducated people who don t believe in ideas like white privilege.The class is just one of several available to RAs at the school, and was discovered by the Binghamton Review, a student newspaper. Residential assistants are students who agree to assist with overseeing and monitoring residential life in return for receiving a free room from the school. Apparently, though, Binghamton RAs also have the responsibility of stopping white people. The premise of this session is to help others take the next step in understanding diversity, privilege, and the society we function within, the class description says. Learning about these topics is a good first step, but when encountered with good arguments from uneducated people, how do you respond? This open discussion will give attendees the tools to do so, and hopefully expand upon what they may already know. (RELATED: Public College Students Warned To Check Your Privilege )Read more: Daily Caller",left-news,"Aug 24, 2016",0 +COMRADES IN LIBERAL MI College Town Filled With Medical Marijuana Stores IGNORE State Law To Punish LEGAL Tobacco Users [VIDEO],"University of Michigan is located in Ann Arbor, MI, and is home to over 43,000 students. Students at U of M and residents of Ann Arbor can purchase legal marijuana on just about every corner. But purchasing legal cigarettes just became a problem for anyone under the age of 21, despite a state law that allows anyone 18 years of age or older to purchase legal tobacco products in the state of Michigan. Why, and how can a city council make these kinds of emotional decisions that supersede state law? Because liberals always know what s best for you There is no room for discussion. Decisions made by progressive government officials don t have to be based on logic, or in this case, on state law; they just have to have enough emotion behind them to sway their comrades on the city council. This story is a perfect example of why Americans need to know who is running for city council in their hometowns and major cities when election time comes around The Ann Arbor City Council last week voted for an ordinance that will ban the sale of tobacco products to people under 21, making it the first city in Michigan to raise the legal purchasing age from 18.Kai Petainen, an Ann Arbor resident who attended the city council meeting, said he recently went to a funeral of a 23-year-old who died from a drug overdose. That friend used tobacco as a gateway drug, he said. It s a funeral of a person who died at only 23 and it was from an overdose. That person began using tobacco at a young age, and eventually they were using other drugs as well, he said. Tobacco use can lead to other drugs and it can and does destroy lives. Tobacco shops in Ann Arbor have said the ordinance will drive customers out of the city.The Council voted 9-2 on Aug. 4 for an ordinance sponsored by Council Member Julie Grand, a Democrat representing the city s 3rd Ward.Ann Arbor officials were explicit about their lack of concern with whether the ordinance conflicts with state law, and that they hope the rest of the state follows the city s lead. The tobacco lobby has inflicted enough misery on this country and I m happy to do anything we can to play a leadership role on this effort in Michigan, Kirk Westphal, a Democratic council member from the 2nd Ward said, according to The Ann Arbor News. It s particularly important to me, said Council Member Chip Smith, a Democrat from the 5th Ward. But really what compels me to support this is the fact that Ann Arbor is a leader in things, and this is exactly the type of thing we should be leading on, and I m very happy to support this. In addition to the apparent conflict with a state law preempting local regulations, critics of the ordinance are concerned that its effect would be to send people under 21 to neighboring cities like Ypsilanti or Canton to buy tobacco products.Jack Eaton, a Democrat from the 4th Ward, and Jane Lumm, an independent from the 2nd Ward, voted against the ordinance. According to The Ann Arbor News, they cited Michigan s Tobacco Products Tax Act of 1993 as the cause for their concern.The act says municipalities shall not impose any new requirement or prohibition pertaining to the sale or licensure of tobacco products for distribution purposes. MICapConThis new ordinance that will prohibit the sale of tobacco to anyone under the age of 21 years, goes hand-in-hand with the University of Michigan s NO SMOKING ANYWHERE ON CAMPUS law that went into effect on July 1, 2011.Watch the idiocy of this intrusive campus law explained here:Meanwhile, Michigan State University just made it ILLEGAL to SMOKE TOBACCO IN YOUR OWN PRIVATE VEHICLE as long as you are on campus property!Beginning on Aug. 15, a new tobacco-free policy at Michigan State University will make drivers subject to a $150 fine for choosing to smoke or chew tobacco while traveling on public roads that cross the school s East Lansing campus.The ordinance was passed by the board of trustees on June 17, 2015. Its effective date was set for more than a year later on Aug. 15, 2016. A new policy is an effective, cost-efficient way to protect the health of the campus community and encourage tobacco users to reduce or eliminate consumption, thus increasing life, longevity and vitality, the MSU tobacco-free website states. Most tobacco users want to quit, and tobacco-free environments encourage users to quit and help them maintain a tobacco and nicotine free status. Students and MSU employees could face additional sanctions. Students who continually violate the ordinance could face sanction through the student judicial system, and employees could face repercussions via Human Resources (just as students and employees could for violating any MSU ordinance), Cody said.The ban also extends to the use of e-cigarettes and smokeless tobacco on campus, including inside a private vehicle. ",left-news,"Aug 24, 2016",0 +"DON’T EXPECT GOVERNMENT Or Black Lives Matter To Help: PRIVATE CITIZENS, FREE MARKET Provide Much Needed Help For Total Strangers In LA Flood","After Obama was embarrassed by Donald Trump acting more presidential than he, as Trump traveled to one of the poorest states in America bringing a semi-truck filled with needs for the LA flood victims. He finally managed to find his way off the golf course on Martha s Vineyard to visit the people who couldn t have cared less if he showed or not, by the time he got there. Like Trump said, it was too little too late for Obama s phony photo-op.Of course, only Obama could turn the flood into a race issue. While refusing so far to survey the Louisiana flood disaster until days later, he did let state and local officials know that he s watching to make sure they don t engage in racial discrimination. In a 16-page guidance issued Tuesday, the Obama administration, led by the Justice Department, warned Louisiana recipients of federal disaster assistance against engaging in unlawful discrimination on the basis of race, color, or national origin (including limited English proficiency). The guidance s frameworks highlight the importance of complying with nondiscrimination requirements of civil rights statutes, addressing the needs of the whole community, and ensuring equal opportunity to access recovery efforts. Black residents should be asking where the thousands of Black Lives Matter protesters, who are so concerned about the lives of Blacks in America are when they really could ve used their help? George Soros, Al Sharpton and Barack are so good at organizing, why weren t they putting their heads together and coming up with a plan to help the poor black residents of LA who had lost everything they owned to the historic flooding? They can be organized in a very short time to create chaos, burn cities and loot, but where are they when they have an opportunity to do something positive for Blacks in LA? The recent flooding that hit Louisiana is the worst natural disaster to hit the United States since Hurricane Sandy hit New Jersey in 2012. So far we know that at least 13 are dead and tens of thousands were left homeless in the flooding. Even worse, most of those affected do not have flood insurance. Up to $21 billion worth of housing stock was wiped out by the deluge of rain.The recovery will be long and difficult in one of the poorest states in the country. There is the challenge of finding employment and housing for all these displaced people. Given the fact that Louisiana is a hot and humid state most of the year, there will also be the issues of dealing with mold and increased injuries as people try to rebuild.But one of the greatest stories of the Louisiana flooding is how the people and free markets are playing a role in helping to both rescue people and deliver relief much quicker than the government.Black patriot Arlene Barnum asks, Where s the BlackLivesMatter men? Citizens to the RescueThe rains that swamped parts of Louisiana over a period of a few days were relentless. Local governments and first responders were overwhelmed with calls for help from people trapped in their homes by rising waters.#CajunNavy pic.twitter.com/hjScnNu7Gy Ben Sanders (@BenSandersLaw) August 14, 2016Instead of waiting for the government to come rescue them, the people of Louisiana used their own privately-owned boats to save their neighbors. This Cajun Navy drew its ranks and fleet from Louisiana s large numbers of sportsmen. People who needed rescue contacted a Facebook group and the boats used smartphone apps such as the GPS app Glympse and the walkie talkie app Zello to coordinate. The Cajun Navy was responsible for saving the lives of thousands of Louisianians and their pets and livestock.#CajunNavy is shown deploying in this pic by Troy @gulfsails #BatonRougeFlood pic.twitter.com/P9yI0QRQoM walter michot (@WalterMichot) August 15, 2016#CajunNavy doing what they can to help in #BatonRouge pic.twitter.com/7nltb8Q1nU Ashley Doan (@AshleyMDoan) August 15, 2016The people of Louisiana also distributed immediate relief to their displaced neighbors much more efficiently than the government was able to. One of the best examples of this was the conversion of a movie studio into a shelter housing over 2,000 people. The Celtic Media Centre is one of Louisiana s premier film production studios located in Baton Rouge, which was one of the cities hardest hit by the flooding. The studio s executive director, Patrick Mulhearn, saw how devastated his neighbors were by the high water and decided to open up Celtic as an emergency shelter.There were smaller examples of churches opening themselves up, without prodding by either the Red Cross or the state government, as storm shelters for those who lost everything. Such shelters are all over the parishes that were flooded, and have largely been stocked with supplies by volunteers all over the state. People are even taking donations to the parking lots of stores that were unaffected to bring food, water, and other supplies to the flood zone.People looking to donate supplies have been coordinating their relief efforts on Facebook and other social media. If people are looking to donate supplies, they can use social media to find places to drop them off. If people in other parts of the state and out of state want to donate, they re being directed on social media to places where they can help.Even while the streets of Louisiana flooded, trucks from Wal-Mart and UPS did not stop rolling. Wal-Mart, in particular, was able to use its corporate meteorologists to plan delivery routes and shift deliveries of much-needed supplies such as baby formula and water to the affected areas. UPS is able to prioritize delivery of items such as mail order prescription drugs. Companies are rushing supplies into the disaster area quicker than lethargic government agencies and the Red Cross.Motivated by HistoryIn 2005, after Hurricane Katrina, Louisianians tried waiting on the government. That help never came and over 1,500 Louisianians died in the flood waters of New Orleans, St. Bernard Parish, Plaquemines Parish, and Jefferson Parish. The people of Louisiana learned the hard way that they had to rescue themselves.The people of Louisiana were motivated by a sense of community. While the Federal government was giving anti-discrimination lectures to flood victims, the Cajun Navy was rescuing people of all races. Louisiana has come together like never before.But it wasn t just the compassion of the people of Louisiana that saved lives. Companies which were seeking profit were also responsible. Everyone from the smartphone app developers to the retailers who provided the products to sustain and save lives played a role in this. Businesses and entrepreneurs meeting the needs of customers were literally lifesavers.For entire story: Kevin Boyd",left-news,"Aug 23, 2016",0 +HOLLYWOOD LIBS Raise Big Money For #CrookedHillary…Poor LA Flood Victims Ignored," The Democratic presidential nominee is in the midst of a multiday, high-dollar fundraising blitz across the country.After a weekend packed with five fundraisers in Martha s Vineyard and Cape Cod in Massachusetts (including one with an appearance by Cher), Clinton is traveling today to California, where she will attend seven fundraisers over the next three days.Pop icon and prolific tweeter Cher hosted a fundraiser for Hillary Clinton on Cape Cod Sunday that reportedly raised more than $1.5 million for the Democratic presidential nominee s campaign. Approximately 1,000 people attended the summer celebration event at the Pilgrim Monument & Museum in Provincetown, including the 70-year-old Believe singer, who did not perform, according to the Cape Cod Times.She then travels to the Hamptons in New York this weekend for even more fundraising events.The Clinton campaign s decision to prioritize private fundraisers over public campaign events appears to be twofold.Hollywood A-lister Jennifer Garner hosted a fundraiser for the Democratic nominee for president Hillary R. Clinton campaign Thursday, Aug. 18th at the home of Benjamin and Penelope Pierce from 4:30 p.m. to 6:30 p.m. Thursday, according to the Bozeman Daily Chronicle.Jennifer Garner, the star of Dude, Where s My Car? is a active supporter of Democratic candidates. In the 2016 cycle, she donated $5,940 to Act Blue, a left-wing Political Action Committee, as well as 5,400 to the aborted congressional campaign of Democract Melissa Gilbert, who starred in the 1970s TV series Little House On The Prairie. Garner, who no longer uses the surname Affleck in legal filings since beginning the process of divorcing actor Ben Affleck, also gave $2,700 to California Democrat Kamala Harris s Senate campaign. Breitbart",left-news,"Aug 23, 2016",0 +HILLARY WORKER From California CAUGHT On Video Committing Voter Fraud In Nevada,"This video proves why every American needs to know and understand our laws as they pertain to voter fraud. The average American would see this woman registering people to vote in a parking lot with a Trump sign on her billboard and think nothing of it. Many people would be afraid to confront her. Kudos to the guy filming this incident for knowing and understanding how this woman was clearly violating voter registration laws and for videotaping it and using it as an educational tool.It would be a bonus if the woman committing voter fraud is found and punished accordingly. Remember every vote a Democrat steals is a vote stolen from a legal registered voter. The Democrat machine will be out in full force from now until election time. Stay alert America. This is our country. Millions have fought and died for our nation and we should never allow it to be stolen by people with bad intentions. If you see something say something. Take a picture, film it, and get it out for everyone to see. The only way to stop this criminal behavior is to shine a light on it .The words written in Spanish at the bottom of her ILLEGAL anti-Trump poster is an especially nice touch.The video was first published on YouTube on August 20th and it shows the type of voter fraud that the Clinton campaign is willing to commit in order to steal the upcoming election.Recent tweets on the net have identified the Hillary fraudster as Susan Berman who is the President of Impact Research International.On the organization s site Berman is noted as having an approachable style and warm personality .A list of her clients from the website shows the following Susan Berman s profile underscores honesty and integrity in her profile at Impact Research. Sorry Susan, but that s not what this video of you holding the anti-Trump poster while registering voters in a state other than CA shows us. Here s the Nevada law that prohibits Susan Berman from doing exactly what she was doing in a parking lot in Nevada:Under Nevada Revised Statute 293.505(10), while registering a voter, a field registrar shall not:(a) Solicit a vote for or against a particular question or candidate;(b) Speak to a voter on the subject of marking his or her ballot for or against a particular question or candidate; or(c) Distribute any petition or other material concerning a candidate or question which will be on the ballot for the ensuing election.Via: Gateway Pundit",left-news,"Aug 23, 2016",0 +MELANIA PUNCHES BACK…HARD…After Leftist Publication Admits They Had No Basis For Story Created To Destroy Melania…But Published It Anyway [VIDEO],"They had no basis for publishing their article and yet they published anyway. This is journalistic malpractice at its finest:From the Daily Mail: The book makes a number of unpleasant claims such as one that a modeling agency Melania worked for in Milan before moving to New York was something like a gentleman s club .The claims are all unsubstantiated and the Mail could find no trace of the book s author, Adam Schlecter. It is quite possibly the work of an enemy of Trump there are many.Yet the fact a book with such a title even exists must be an acute embarrassment to the Trumps.Say what???Melania Trump has started legal action against the Daily Mail and other outlets for what she claims is a defamatory article about her past.Charles Harder, an attorney for Trump, said in an email that the legal action goes beyond just the Daily Mail and is not limited to the United Kingdom, where the Daily Mail is headquartered. Mrs. Trump has placed several news organizations on notice of her legal claims against them, including Daily Mail among others, for making false and defamatory statements about her supposedly having been an escort in the 1990s, Harder said in an email. All such statements are 100% false, highly damaging to her reputation, and personally hurtful. She understands that news media have certain leeway in a presidential campaign, but outright lying about her in this way exceeds all bounds of appropriate news reporting and human decency. The article in question was published last week by the Daily Mail and questions Trump s biography and history as as model.For entire story: Politico ",left-news,"Aug 23, 2016",0 +"VANISHED: FBI FILES Related To Mysterious β€œSuicide” Death Of Hillary’s Trusted WH Counsel, Vince Foster DISAPPEAR From National Archives","Corruption is nothing new for Hillary and Bill. What is truly stunning is the mountain of evidence that clearly shows their criminal behavior has been going on for decades How did documents describing Hillary Clinton s role in the death of White House counsel Vince Foster vanish?Foster is believed to have shot himself with a .38 caliber revolver at Fort Marcy Park along the Potomac River on July 20, 1993From NewsMax April 4, 2001. Vince Foster s Gun Serial Number Searched Before DeathWhen Vince Foster was found dead from an apparent gunshot wound to the head in 1993, the government was quick to write off the death as a suicide.That sat well with Bill Clinton and Vince s closest confidante, Hillary Rodham Clinton.For years, detail after detail emerged questioning the official ruling.Significant questions were raised about the unusual gun a .38 Colt revolver made from the parts of three guns with two serial numbers found conveniently in Vince s hand.The Park Police said one of the serial numbers indicated the gun was vintage 1913 and had no pedigree.Foster family members insisted neither Foster nor his father ever owned the old revolver.Recently, a NewsMax.com reader named Craig Brinkley contacted us.Curious about the gun, Brinkley had filed a Freedom of Information Act request with the FBI, asking details of requests on the gun s serial numbers with the NCIC the National Crime Information Center.The NCIC keeps records of all law enforcment inquiries of serial numbers.On March 23, 2001, the FBI responded to Brinkley s request.Serial number 356555, one of the numbers on the gun, was never searched, not by the FBI, the Park Police or by that investigation by Ken Starr.Serial number 355055 was found on the frame of the gun. Brinkley believes that was the gun s real nnumber.That number was indeed searched by the Park Police, on the evening of Foster s death, more exactly at 22:45 EDT on July 20, 1993.Interestingly, searches were conducted on the same serial number no fewer than three times earlier that year, before Foster s death, on March 3, March 7 and April 29.Was someone checking to see that this gun had a clean predigree and was untraceable?We called Marilyn Walton at the FBI s Access Integrity Unit. She told us that the government does not disclose which law enforcement agencies requested a trace on the serial number. She said it could have been made by local or federal agencies who have access to the NCIC computer.She noted that serial numbers are often duplicated, and usually when a request is made, it includes additional information, such as the gun s make and model.In all four cases no such information was entered, just the number. Walton added that many guns share similar serial numbers.Is it a coincidence that in the year of Foster s death, four searches were conducted on the serial number found on the old gun none ever before or after? Two former FBI agents involved in the investigation tell Daily Mail Online they issued reports linking Hillary s tirade to Foster s suicideIn interviewing Clinton White House aides and Foster s friends and family, the FBI found that a week before Foster s death, Hillary held a meeting at the White House with Foster and other top aides to discuss her proposed health care legislation.Hillary angrily disagreed with a legal objection Foster raised at the meeting and ridiculed him in front of his peers, former FBI agent Coy Copeland and former FBI supervisory agent Jim Clemente told me. Copeland was Starr s senior investigator and read the reports of other agents working for Starr.During the White House meeting, Hillary continued to humiliate Foster mercilessly, according to both former FBI agents, who spoke about the investigation for the first time. Hillary put him down really, really bad in a pretty good-size meeting, Copeland says. She told him he didn t get the picture, and he would always be a little hick town lawyer who was obviously not ready for the big time. Indeed, Hillary went so far as to blame Foster for all the Clintons problems and to accuse him of failing them, according to Clemente, who was also assigned by the FBI to the Starr investigation and who probed the circumstances surrounding Foster s suicide. Foster was profoundly depressed, but Hillary lambasting him was the final straw because she publicly embarrassed him in front of others, says Clemente. Hillary blamed him for failed nominations, claimed he had not vetted them properly, and said in front of his White House colleagues, You re not protecting us and You have failed us, Clemente says. That was the final blow. After the White House meeting, Foster s behavior changed dramatically, the FBI agents found. Those who knew him said his voice sounded strained, he became withdrawn and preoccupied, and his sense of humor vanished. At times, Foster teared up. He talked of feeling trapped.On Tuesday, July 13, 1993, while having dinner with his wife Lisa, Foster broke down and began to cry. He said he was considering resigning.Archived material related to the case, housed at National Archives in College Park, Md. were examined by the author to no availAfter filing a Freedom of Information request, it was determined that the agents reported have gone missing FBI agents reports of interviews documenting that Hillary Clinton s stinging humiliation of her friend and mentor Vince Foster in front of White House aides triggered his suicide a week later are missing from where they should be filed at the National Archives, Daily Mail Online has learned exclusively.On two separate occasions, this author visited the National Archives and Records Service in College Park, Md., to review the reports generated by FBI agents assigned to investigate the 1993 death of Bill Clinton s deputy White House counsel.On the first visit, archivist David Paynter provided the box of records that he said contained the FBI reports of interviews conducted by FBI agents on Foster s death.On a second visit, archivist James Mathis provided what he said were those same documents.While the box contained dozens of FBI reports concerning Foster s death including interviews with the medical examiner, U.S. Park Police officers, and White House aides about the contents of Foster s office the reports on Hillary Clinton s role in his death were absent.After filing a Freedom of Information request with the National Archives, Martha Murphy, the archives public liaison, reported that she directed a senior archivist to conduct a more thorough review of the relevant FBI files, including those that had not been previously made public in response to FOIA requests. He examined all eight boxes but found no interviews by any investigator that detail either a meeting between Hillary Clinton and Vince Foster or the effects of a meeting between Hillary Clinton and Vince Foster on Vince Foster s state of mind, Murphy reported in an email. We did not limit ourselves to interviews by the two individuals [FBI agents] you mention. While Murphy said the archives searched for the records that would be responsive to your request and concluded that they could not be found, when asked for comment, John Valceanu, the archives director of communications and marketing, said, We do not agree with your conclusion that the records you requested are missing from the National Archives simply because we were unable to locate any responsive records in response to your request. While confirming that the records could not be located, Valceanu held out the possibility that the FBI interviews were not filed where they should have been and were somewhere else in the more than 3,000 boxes of records amounting to 7.5 million pages generated by the Starr investigation.This is not the first time documents related to the Clintons have apparently vanished from the National Archive.In March 2009, the archives found that an external hard drive from the Bill Clinton White House containing confidential documents was missing.When it could not be located, the inspector general s office announced that it had opened a criminal investigation.Offering a reward of up to $50,000 for information leading to recovery of the hard drive, the archives asked that tips be reported to the Secret Service. At the time, the archives said it had a backup drive.Via: Daily Mail ",left-news,"Aug 23, 2016",0 +EXTORTION? HOW IRAN Used Nuke Deal To Force Obama To Retreat From Embarrassing β€œRed Line” Threat To Syria,"If I were a European and was forced to deal with the massive influx of Muslim refugees from Syria, I d be pointing the finger at President Obama, who clearly can t himself when it comes to caving to Iran.Foreign Affairs journalist for the Wall Street journal, Jay Solomon told MSNBC s Andrea Mitchell that Iran actually threatened to end nuke talks if Obama enforced his red line threat with Iran:.@WSJSolomon: Iran threatened to end nuclear talks if @POTUS enforced red line against Assad after chemical attack: pic.twitter.com/czFeFA2K10 Kenan Rahmani (@KenanRahmani) August 22, 2016",left-news,"Aug 23, 2016",1 +WIKILEAKS BOMBSHELL RELEASE: #Unfit Hillary’s Advisors Contacted NFL Commissioner For Advice On β€œCracked Head” [VIDEO],"Hillary Clinton adviser Philippe Reines at the State Department contacted the NFL Commissioner in 2012 to inquire about severe head injuries.Hillary Clinton thanked Reines and added, Having a cracked head is no fun at all. The email was sent on December 24, 2012. GPAfter being gone for a month due to illness, Secretary of State Hillary Rodham Clinton returned to work on January 7 to cheers and gifts.Clinton who first went on leave for a stomach virus, was delayed on her return when she fell resulting in a concussion, before being hospitalized for a blood clot according the Associated Press via The Christian Science Monitor.Watch the State Department cover for #Unfit Hillary here. It s all fun and games until a crooked candidate with poor health runs for the highest office in our nation. ",left-news,"Aug 23, 2016",0 +HERE’S WHY OLE MISS Won’t Be Playing β€œDIXIE” Before Football Games This Year…There Goes Another SOUTHERN Tradition…,"INCLUSIVENESS! That is the reason given in the statement by he Ole Miss Athletic Department another SOUTHERN TRADITION bites the dust! At what point do SOUTHERNERS say, ENOUGH! The traditions of the Southern colleges like Ole Miss are being stopped for fear of hurting people s feelings for not being included? THIS IS THE SOUTH and THIS is the reason so many people from everywhere choose to go to one of the Southern Colleges! These colleges are FULL of tradition. Would we go to any other part of America and demand that they stop a tradition like singing Dixie ? This is ridiculous! SO WHY ARE THEY STILL CALLED THE REBELS ? Ole Miss band will no longer play Dixie before football games.Ole Miss Athletics Department issued a statement saying it was time for the university to create new traditions.Dixie a song that was the unofficial anthem of the Confederate States of America during the Civil War has been a staple of Pride of the South s lineup for nearly seven decades. Recently the band stopped playing the song during games, but had continued to perform it in The Grove on game days.The athletic department released the following statement about the change: The newly expanded and renovated Vaught-Hemingway Stadium will further highlight our best traditions and create new ones that give the Ole Miss Rebels the best home field advantage in college football. Because the Pride of the South is such a large part of our overall experience and tradition, the Athletics Department asked them to create a new and modern pregame show that does not include Dixie and is more inclusive for all fans. ",left-news,"Aug 21, 2016",0 +HILLARY CHEERLEADER Publication Warns Republicans: DUMP JESUS…Or Become Irrelevant,"God family, guns and country these are some of the most important things to the majority of Republicans, yet means very little to leftist Democrats. Without God, we become the communist nation the Democrat party has been pushing us towards for decades God doesn t just go away because the Left wants Him to. Unfortunately, this is what happens when a political party who elects godless presidential candidates like Bernie Sanders and Hillary Clinton who sincerely believe that Government can replace God in the lives of American citizens.Salon Magazine has accused the Republican Party of being out of touch with post-Christian America, warning the GOP that if it doesn t renege on its alliance with Christianity, it will soon become irrelevant.Ted Cruz s failure to get the GOP nomination, Matthew Sheffield proclaims in Salon, is a perfect window into trends that will set the pace of American politics for decades to come: Americans are moving away from Christianity, including people most likely to vote Republican. To back up his claims, Sheffield cites the 2014 Pew Research study finding that 23 percent of Americans say they re unaffiliated with any religious tradition, up from 20 percent just three years earlier.The trend away from religion, and Christianity in particular, Sheffield argues, is the real cause of Republicans woes and their failure to win the last two elections. The likely reason why Republicans have declined in popularity among the non-religious is GOP s long habit of identifying itself as a Christian party, he states. The later attempt to add in a Judeo- prefix has done little to stop the bleeding. While the statistics showing a rise in the religiously unaffiliated are undoubtedly sobering to people of faith, Sheffield fails to mention that the very same Pew study showed that over 70 percent of Americans continue to identify as Christian. That means that to an overwhelming majority of Americans, God matters. Breitbart",left-news,"Aug 21, 2016",0 +COLIN POWELL SAYS HILLARY LYING About Private Email Server Conversation: β€œhas no recollection of the dinner conversation” [VIDEO],"For anyone who s paying attention, Hillary just got caught in ANOTHER big lie Former Secretary of State Colin Powell has no recollection of the dinner conversation recounted by Hillary Clinton to FBI agents, as documented by journalist Joe Conason in a forthcoming book.Conason s anecdote, reported Thursday night by The New York Times, recounts a small dinner party at Clinton s Georgetown home toward the beginning of her time as secretary of state, with former secretaries Madeleine Albright, Henry Kissinger and Condoleezza Rice also in attendance. During that dinner, Conason reports, Albright asked the former secretaries to impart advice to Clinton. Powell told her to use her own email, as he had done, except for classified communications, which he had sent and received via a State Department computer, Conason wrote in his book Man of the World: The Further Endeavors of Bill Clinton, of which the Times said it acquired an advance copy. Powell, according to Conason s account, told Clinton that his use of personal email had been transformative for the department and thus confirmed a decision [Clinton] had made months earlier to keep her personal account and use it for most messages. A spokeswoman for Powell s office issued a statement following the Times story: General Powell has no recollection of the dinner conversation. He did write former Secretary Clinton an email memo describing his use of his personal AOL email account for unclassified messages and how it vastly improved communications within the State Department. At the time there was no equivalent system within the Department. He used a secure State computer on his desk to manage classified information, the statement continued. The General no longer has the email he sent to former Secretary Clinton. It may exist in State or FBI files. Watch here:Powell s pushback comes amid an ongoing legal dispute between Clinton s lawyers and Judicial Watch over whether the conservative legal watchdog group can depose the former secretary of state as part of its lawsuit over State Department records.Read more: Politico",left-news,"Aug 20, 2016",0 +"SECRET SERVICE AGENT Says Hillary Has Parkinson’s Disease…Has Trouble Walking…Flashing Lights, Strobes Cause Seizures [VIDEO]","Hillary had several chances over the years to treat her Secret Service detail with kindness and respect. She chose instead, to berate them and treat them like second class citizens. Her arrogance and mistreatment of those who have been hired to protect her life is now coming back to bite her Good morning, ma am, a member of the uniformed Secret Service once greeted Hillary Clinton. F off, she replied.That exchange is one among many that active and retired Secret Service agents shared with Ronald Kessler, author of First Family Detail, a compelling look at the intrepid personnel who shield America s presidents and their families and those whom they guard. When in public, Hillary smiles and acts graciously, Kessler explains. As soon as the cameras are gone, her angry personality, nastiness, and imperiousness become evident. He adds: Hillary Clinton can make Richard Nixon look like Mahatma Gandhi. Hillary s horrible treatment of her Secret Service detail is now coming back to bite her, as agents are eager to tell the truth about her poor health and how they ve been working to keep it a secret for quite some time.It turns out that the Secret Service is the source of leaks on Hillary s rapidly deteriorating health.According to InfoWars reporter Joe Biggs, during the Republican National Convention last June, two Secret Service agents approached InfoWars and asked to speak to them. Biggs describes what happened, beginning at around the 5:30 mark of the video below: The Secret Service contacted me. They said that Hillary Clinton has Parkinson s disease. They [Hillary s people] spent over a quarter million dollars on these stairs to allow her to step down from the vehicle to the ground because she has trouble walking. They [Secret Service] said that any kind of flashes or strobes will set her off into a seizure, and that s why they wanted to come us.Watch here:They wanted to contact us and give us information because they knew we [InforWars] would be able to get this out. [Unlike the MSM,] we wouldn t be scared to do it. And you know it really makes a lot of sense when you watch all these videos. The fact that she s refusing to do these news conferences. Hillary had not done a press conference for 8 months. Her last press conference was on December 4, 2015. (Washington Post)Watch Hillary here as Clinton embraces the owner of Joe Biden s childhood home on her recent trip to Scranton, PA with one arm, while holding onto the railing on the front walk. Moments later, she pivoted and grabbed the railing with the other hand.Then she pivoted back, only to reach for the railing again with the other hand.Inside the house, she held onto a chair and moved to lean on the kitchen table. Click HERE for entire story.At this point, Alex Jones makes the observation that Hillary s campaign rallies seem to have fewer flashes and strobe lights than Trump s rallies. So Biggs proposes that InfoWars brings cameras with flashes and strobe lights to one of Hillary s rallies and see if they re stopped at the gate and barred from bringing the equipment inside. DC Clothesline ",left-news,"Aug 20, 2016",0 +"NOT KIDDING: Obama’s Weak Immigrant Vetting Process Doesn’t Even Include Asking If They Belong To ISIS, Al Qaeda Or Muslim Brotherhood","This new information just adds more validity Trump s argument, that the US needs to take a more serious look at the way we vet immigrants if we want to protect our national security While State Department and the U.S. Citizenship and Immigration Service branch of the Department of Homeland Security do ask if immigrants have been involved in terrorism, the most well known of over a dozen terrorist groups aren t listed in applications, according to the analysis from homeland security expert Mark A. Sauter.The form asks if the applicant has ever belonged to a terrorist group, but neglects to ask if they currently belong to one. How hard would that be to update? He said that federal officials told him that the questions about terror group involvement are required by federal law, meaning that congressional action is needed to include modern-day threats in the written questions.However, detailed written questions are asked about Nazi cooperation, as are questions about whether applicants are drunks, polygamists, or Communists. One survey does single out Colombian terror organizations in the written questions, though they have never attacked inside the U.S. The lack of specific questioning about the biggest threat to the United States as the country eyes thousands in line from Syria, Afghanistan, Iran and elsewhere seeking residency raises new questions about how immigrants are vetted, and gives ammunition to Republicans like presidential candidate Donald Trump who has called for extreme vetting to weed out likely terrorists. The Examiner ",left-news,"Aug 20, 2016",0 +VIRAL VIDEO: MAN CALLS OUT BLACK LIVES MATTER For Not Helping Louisiana Flood Victims,Jerry L Washington asked the obvious question: Where s the Black Panthers and Black Lives Matter Organizations at now??? I haven t seen not 1 Also please leave a donation so we can help as many families as we can who has lost everything. gofundme.com/2khyfguc ,left-news,"Aug 20, 2016",0 +"WOW! This Video Might Explain Why #UnfitHillary Is Taking Weekends Off From Campaigning…Caught Grasping For Railings, Table, Chairs, ANYTHING To Hold Herself Up","Notice at the beginning of the video where Joe Biden hops out of his vehicle and briskly makes his way up the stairs for a photo op in front of his childhood home. The cameras catch his every move. But where is Hillary? It s pretty clear that this photo-op for Hillary was all orchestrated by Hillary and the press. The cameras were focused solely on Biden while Hillary limps up the stairs (the camera s catch her walking towards Biden, but only very briefly, as she appears to have some sort of physical disability that s preventing her from walking without assistance). Does anyone else think Joe Biden might be having some serious regrets about not running for President? It s somewhat ironic that Joe was likely pushed out of the way by the corrupt Clinton machine, only to have to cover for #unfit Crooked Hillary virtually months before the general election in his childhood home. Standing outside the home, Clinton embraced the owner with one arm while holding onto the railing on the front walk. Moments later, she pivoted and grabbed the railing with the other hand.Then she pivoted back, only to reach for the railing again with the other hand.Inside the house, she held onto a chair and moved to lean on the kitchen table.Earlier in the day, she was caught on camera stumbling while trying to make her way from the podium during a rally with Biden.Here s Joe Biden covering for #UnfitHillary again during her rally, as he was forced to catch her, as she was falling as she stepped down from the podium: American Mirror",left-news,"Aug 20, 2016",0 +VIOLENT DEMOCRATS Punch And Harass TRUMP Supporters…Burn Flags At Fundraiser [Video],"The left showed its true colors last night with serious violence and anti-American flag burning. Donald Trump held a fundraiser at the Minneapolis Convention Center that began and ended with violence and destruction. These people must not understand that punching people and burning American flags wins you ZERO support.It s one thing to be on opposite sides of an issue and opposite parties but THIS is shameful and hateful behavior by Hillary s henchmen.Protesters blocked the entrance hoping Trump couldn t get in: Then DURING THE TRUMP FUNDRAISER in Minneapolis, the crowd of Hillary supporters were banging on doors and windows as the crowd inside the convention center held their event but then the Trump supporters had to walk through a gauntlet to leave. You will be shocked to see the terrified Trump supporters being hit and yelled at:Some protesters got aggressive at the end of the night as Trump supporters left Minneapolis fundraiser. @StarTribune pic.twitter.com/gNcZGYhqBm Renee JonesSchneider (@reneejon) August 20, 2016TRUMP SUPPORTERS WERE PUNCHED, VERBALLY ABUSED AND HAD GARBAGE THROWN AT THEM:Trump supporters run gauntlet to get into Minneapolis Convention Center pic.twitter.com/Ax8lfdqIUR Jaime DeLage (@JaimeDeLage) August 20, 2016HILLARY SUPPORTERS BURNING THE AMERICAN FLAG:Flag burning outside the Minneapolis Convention Center as #DonaldTrump supporters leave event. pic.twitter.com/ZU7XSuTALL Jaime DeLage (@JaimeDeLage) August 20, 2016PROTESTERS JUMPED ON THE HOOD OF A CAR IN TRUMP S MOTORCADE:Protesters, earlier tonight, trying to stop #Trump s motorcade after his fundraiser in the convention center pic.twitter.com/UUguW2viZ1 Emma Sapong (@EmmaSapong) August 20, 2016",left-news,"Aug 20, 2016",0 +South Africa’s β€œFEMALE” Olympian Favored To Win Gold In Women’s 800 Meter Race Tonight THREATENS Other Athletes On Social Media…Should β€œShe” Even Be Competing With Women? [VIDEO],"Should there be a medical test to prove the sex of an olympic athlete, or should the athlete be able to decide where they are more comfortable competing? South Africa s female athlete, Caster Semenya will compete against the world s top female athletes as the overwhelming favorite for the gold tonight at 8 pm.Semenya is apparently under armed guard protection after sending out this taunting threat to anyone who questions his/her gender: You try to give me stress ..I give you heart attack.. ITS A WARNING.. TRY ME.. pic.twitter.com/i5hQsyboBL Caster Semenya (@caster800m) August 13, 2016UPDATE International reports suggest that security has been beefed up for the athlete ahead of her race. Several news outlets are reporting that Olympic officials are concerned about Semenya s welfare and are fearful of unrest from the fans of rival runners spilling over into physical violence.The reports state that journalists have been barred from approaching the athlete and she won t be allowed to conduct any media interviews. She will also be accompanied by Rio Olympics security staff at all times.The International Olympic Committee and Rio organisers have apparently refused to talk about the runner.Last night, the Department of Sport and Recreation would not be drawn into speculation that Semenya had been put under armed guard.There is, in reality, only a silver medal up for grabs in the women s 800m on Saturday.It is likely that on the night of Saturday, Aug. 20, in the Olympic Stadium in Rio de Janeiro, a 25-year-old South African woman named Caster Semenya will win a gold medal. Her victory will come in the 800 meters, a race in which her times have been approaching a decades-old world record thought by many in the sport to be unapproachable. Her performance will be stunning: She is 5 10 and weighs 161 pounds, with muscular arms, broad shoulders and narrow hips. She has a severe jawline, hard and strong, and a competitor s unflinching eyes. In a 2009 article, Ariel Levy of The New Yorker described Semenya as breathtakingly butch. This is not Semenya s first appearance on the global stage; she has been a world-class runner for eight years and won a silver medal in the 800 in London. But now she is dominant, and the alleged but unverified source of that dominance has made her one of the most significant and potentially transformative athletes in Olympic history. Her races in Rio will trigger an emotional debate on gender and sports, one that is far more challenging than the comparatively simple issue of doping. She looks the way she looks, and then she runs away from the field, says Joanna Harper, a medical physicist in Portland and the first transgender woman to consult with the International Olympic Committee on gender and sports. And then, yeah, all hell breaks loose. SISemenya has the condition hyperandrogenism, which naturally increases levels of testosterone. It is argued by some this gives her an unfair advantage over her rivals, who have lower levels and therefore have less musculature and strength.An IAAF ruling that capped tester one levels for female athletes and saw Semenya s performances dip was overruled by CAS last year and her times have returned to unbeatable.The issue is hotly debated, with some saying Semenya s right to compete is paramount and others saying her competitors right to a fair playing field is equally as important.Semenya is focused purely on running, and everyone else is focused on whether she will break the world record of 1:53.28 in the final. Daily TelegraphWatch Caster Semenya speak to a reporter here:In the 2009, tests conducted during the world athletics championships, where Semenya s gender became the subject of heated debate following her victory in the 800m, revealed evidence she is a hermaphrodite, someone with both male and female sexual characteristics.Semenya, 18, has three times the amount of testosterone that a normal female would have. According to a source closely involved with the Semenya examinations IAAF testing, which included various scans, has revealed she has internal testes the male sexual organs which produce testosterone.Only the certainty of an even more savage backlash from South Africa has made the IAAF hesitant about slapping a ban on Semenya and revoking her gold medal.South Africa embraced Semenya after the storm of controversy from Berlin, declaring her our girl . From the day news broke on August 19 that the IAAF had initiated gender verification tests on Semenya, various factions within South African society and politics have attacked the Monte Carlo based IAAF.The African National Congress MP and National Assembly sports committee chairman Butana Komphela has already lodged a complaint with the United Nations High Commission on Human Rights, accusing the IAAF of racism and sexism. There s all sorts of scans you do. This is why it s complicated. In the past you used to do a gynaecological exam, blood test, chromosome test, whatever. That s why they (the findings) were challenged, because it s not quite so simple. So what they do now is they do everything, and then they can say look, not only has she got this, she s got that and the other. The problem for us is to avoid it being an issue now which is very personal: of the organs being a hermaphrodite, of not being a real woman. It s very dramatic. Daily Telegraph ",left-news,"Aug 19, 2016",0 +REFUGEE STUDENTS SUE PA School District Because School Isn’t Good Enough For Them,"Gee I sure hope their FREE housing, FREE education, FREE food, FREE health care and FREE monthly spending stipend is good enough for them A group of refugees is suing a Central Pennsylvania school district, saying the academy they were put in after their arduous journey to America is not up to snuff.Represented by the Pennsylvania branch of the American Civil Liberties Union, the six refugees sued Lancaster schools in federal court, saying they were dumped in a disciplinary school and are being denied access to a quality education. The students range in age from 17 to 21, and hail from Somalia, Sudan, Democratic Republic of Congo and Burma. [The] Plaintiffs are refugees who have fled war, violence, and persecution from their native countries, reads a statement from the lawsuit. Having finally escaped their turbulent environment to resettle in America, these young immigrants yearn to learn English and get an education so they can make a life for themselves. The refugees hoped to enter McCaskey High School, known for its superior academic program, but instead were sent to Phoenix Academy, an alternative high school for underachieving students in the district. Phoenix students are subject to pat-downs, banned from bringing personal belongings like watches and jewelry and forced to wear colored shirts that correspond with behavior. U.S. News and World Report s 2016 rankings show Phoenix Academy has a graduation rate of 54 percent, and its 458 students perform substantially below the state average on standardized tests. More than 90 percent of the students come from poor families, and there are just 11 full-time teachers at the school, according to the magazine. Our clients have already experienced much trauma and loss before arriving in this country, Reggie Shuford, executive director of the ACLU of Pennsylvania, said in a statement. Rather than helping them make the difficult adjustment by providing educational resources required by law, the school district has denied them an education completely or forced them into an alternative school, where they are often bullied and don t learn. Officials for the school district say the six students were sent to Phoenix for a special program geared towards their needs. [The District] believes the lawsuit is without merit, Superintendent Damaris Rau said in a statement. We are confident we are doing an excellent job supporting our refugee students who often come to school with little or no education. A special acceleration program at Phoenix was created for under-credited students, both refugee and non-refugee, which gives them the opportunity to earn credits toward a high school diploma by the age of 21, Rau said.At Phoenix, the students receive various services including remedial services, English classes for Second Language Learners, after school programs, job and computer skills as well as mentoring services, Rau added.Earlier this week, some of the students testified about their educational experience in an Eastern District of Pennsylvania courtroom.Khadidja Issa, who arrived in America from Chad with her family by way of their home country Sudan, said on Tuesday school officials told her she was too old for school and should get a job instead. I responded that I didn t want a job without an education, she said.Issa, who lived in a refugee camp from the age of 5 to 17, also said that she found the search procedure invasive while attending the school. I have been to school before and I ve never seen a place where they pat you down in order to enter school, and they do it every day, she said. FOX News",left-news,"Aug 18, 2016",0 +NFL STAR Delivers TOUGH Message About β€œExterminating Blacks” For Any Voter Who Supports Hillary [VIDEO],"Hillary Clinton is a Planned Parenthood s champion. She was greeted like a rock star at the Planned Parenthood Action Fund event in June, 2016. She mocked Donald Trump s defense of life, while highlighting her undying support for destroying the life of the most vulnerable. She s been bending over backwards to pander to Blacks for their votes, while trying desperately to gain the confidence of the Black Lives Matter movement. But isn t Hillary s concern for Black lives just another one of her lies? She is the darling of Planned Parenthood after all, and their stated goal has always been to kill off the Black population? Finally, a prominent Black professional athlete is speaking out and telling the truth about the true intentions of this killing machine for profit.Christian NFL player Ben Watson does not hesitate to call out Planned Parenthood s targeting of minority women and their babies for abortions.In a recent interview with Turning Point Pregnancy Resource Center in San Diego, the Baltimore Ravens player talked about the racial divide in America and how it factors into the abortion issue. abortion saddens me period, but it seems to be something that is really pushed on minorities and provided to minorities especially as something that they should do, Watson said.He pointed to Planned Parenthood s founder Margaret Sanger and her eugenic push to exterminate people she deemed unfit. Today, it s working, Watson said. We sit here and talk about advancing the black agenda, whatever that means, we talk about our interests, and what s important to us like having political power and advancement and all those things and then we are turning around and we are killing our children, Watson continued. And we are buying the lie that it s our personal decision to make. Here s Hillary Clinton slamming Donald Trump over his defense of life and her willingness to destroy it at a Planned Parenthood event:The NFL star said he is sympathetic to the women who are struggling with an unplanned pregnancy. But Watson, a husband and father of five children, said many men are not stepping up to help their children and the women in their lives like they should. He urged men to take responsibility for their actions. He need to be there to support her through the physical changes of the pregnancy, and help and provide emotional strength, and do it together, Watson continued. As much as he has a role in making the baby in the first place, it needs to take both of them the whole way through. Sometimes, Watson said he does have the opportunity to talk with other NFL players about abortion and his pro-life convictions. Just like in almost any career setting, Watson said they talk about many different things, including politics and religion. You ve got guys that consider themselves Conservative and pro-life, and you ve got guys that consider themselves Liberal and pro-choice, and it kind of goes back and forth, he said. What I love is that in most of the situations I have been in, not all of them, but most, even if we sometimes talk abrasively to each other, we still have love for each other. Last year, after the Center for Medical Progress began releasing its undercover Planned Parenthood videos, Watson wasn t shy about speaking up for unborn babies either.He posted on his Facebook wall:As horrific as it is, the issue isn t really the sale of human parts. It s the legal practice that allows this to even be a possibility. Killing children and simply discarding the leftovers is not any more acceptable than profiting off of them. #PlannedParenthood Asked if he has faced backlash for his stance, Watson told Turning Point, I won t say I m not afraid, and I will say that I ve received some flack for some of the things I ve said I decided that you know, if the spirit of God has prompted me to say something, I m gonna trust in God and say it. Via: Life News",left-news,"Aug 18, 2016",0 +FEDERAL JUDGE Goes On Rant About Cops Killing Blacks….Declares: β€œBlack Lives Matter!”…Blames Deaths Of Cops On Cops,"This is a great story for anyone who doesn t understand the power one liberal judge can wield from the bench. U.S. District Judge Robart, who is presiding over a 2012 consent decree requiring the city to adopt reforms to address federal allegations of police bias, rebuked the Seattle police union for holding up reforms as it bargains over a new contract, The Seattle Times reported. The court and the citizens of Seattle will not be held hostage for increased payments and benefits, the judge said, according to the paper. To hide behind a collective-bargaining agreement is not going to work, he said.Kevin Stuckey, who recently became president of the Seattle Police Officers Guild, said the union is prepared to sit down with the city and reach a deal.Judge Robart, a George W. Bush appointee, said proposed police reform legislation should include putting a civilian in charge of police oversight, shutting down a police-led disciplinary board and creating a civilian position of inspector general.Judge Robart threatened to call a hearing and override the city s bargaining process with the union if he concluded the union was interfering with reform, The Times reported. The judge ended Monday s hearing by citing a statistic that claimed 41 percent of the shootings nationwide by police were of blacks. Black lives matter, he said, drawing an audible reaction in a courtroom, The Times reported.Judge Robart added that the recent targeted shootings of police officers across the country signaled the importance of strengthening police and community relations.Commissioner Enrique Gonzalez said he s very encouraged that a federal judge has actually said that black lives matter, because now we know that not only is this movement happening in the streets even a federal judge has acknowledged that people of color have been on the receiving end of police brutality and this needs to change, The Stranger reported. Washington Times",left-news,"Aug 18, 2016",0 +HOW MALIA OBAMA’S POT SMOKING FRIEND Is Connected To Her Father…And Why This THUG With BRUTAL Criminal History Is Now In Trouble With The Law (Again),"Barack Obama is above the law his daughter is above the law their friends are above the law Chicago politics at its finest.Smoking pot and twerking at Lollapalooza are the least of Malia Obama s problems after it was just discovered who her male friend is. Her right-hand man who was seen partying by her side and taking drags off her joint isn t exactly the person you would want your daughter hanging out with, but it doesn t seem to be a problem for Barack.Radar Online, who broke the news about Malia smoking pot at Lollapalooza, has learned that the 20-year-old guy by her side in that leaked footage is rapper Taylor Bennett, who is well known by cops in Cook County, Illinois, and he is now in trouble with the law again.The victim of the brutal attack that sparked Bennett s legal issues was left with bleeding on the brain, when Bennett and a friend fled the scene. He turned himself in to police a month later, according to the police report obtained by Radar. He was charged with a felony and two misdemeanors and pleaded no contest in April 2016, in exchange for his probationThis thug was let off easy after committing that crime since he was given summary probation in lieu of jail time, after pleading no contest to one felony and two misdemeanors he was charged with. However, on August 4, 2016, right after partying with the president s daughter, he was found to be in violation of supervision and ordered back to court for probation violation, Radar reported.Bennett is the younger brother of Chance the Rapper and son of a politically connected dad who worked for both President Barack Obama and Mayor Rahm Emanuel.Chancelor Bennett (better known as Chance The Rapper ) is seen above in the center of the photo with his brother, Taylor, and their father Ken. The Bennett brothers are making waves in hip hop music while their father is becoming a powerful force in Chicago politics. As an integrated effort, Chance and Taylor s music helps their dad s boss Mayor Rahm Emanuel reach young voters; in turn, Mr. Bennett s roles as First Deputy Chief of Staff and Director of Public Engagement allow him to further his sons careers by exposing them to new cultural settings.Mr. Bennett is the highest-paid African-American in the Mayor s Office.While most fathers wouldn t want their daughters hanging around a violent thug like this, when your dad is an adamant supporter of Black Lives Matter and mom hangs out with rappers, guys like this are who they want in their family s inner circle. MWN",left-news,"Aug 18, 2016",0 +BOOM! Poll Shows Support For Trump With Blacks SURGES…DESTROYS Romney’s Numbers With LATINO Voters [VIDEO],"Pandering Hillary just took a YUGE hit!Republican Donald Trump is surging with African American voters and gaining more support from Latino voters than Mitt Romney and John McCain.The latest LA Times Daybreak poll has Hillary up by just six-tenths of a point.Trump is surging with black voters and doing better with Latino voters than Romney or McCain.In the last ten presidential election cycles the highest black vote share for a Republican was 12% for Bob Dole in 1996. Trump has 14.6% of the black vote in today s LA Times poll.Here are just a few examples of support for Trump from the Black and Hispanic community:Black Votes Matter That's why people are leaving the Democratic Plantation of chains! #SelfMade #Trump2016 Voters pic.twitter.com/lnQjlVswf9 Florida Street Team (@ChatRevolve) August 15, 2016#LatinosForTrump want #HillaryClinton in Jail where she belongs for lying to #Latinos es Mala la vieja #Trump2016 pic.twitter.com/tEWXt5mScF Florida Street Team (@ChatRevolve) August 14, 2016#FireTrumpIn4Words Latinos Are Voting Trump #Trump2016 #MAGA #Miami #Ohio #PA #Virginia #BlacksForTrump pic.twitter.com/8i1Mx97LqU Florida Street Team (@ChatRevolve) August 13, 2016If Donald Trump captured 25 percent of the African American vote he would win in a landslide.And Trump has 26.7% of the Latino vote.Mitt Romney gained 21 percent of the Latino vote in the 2012 election. Senator John McCain received 23 percent of the Latino vote in the 2008 election. Via: Gateway Pundit",left-news,"Aug 18, 2016",0 +TARGET CAVES AFTER CUSTOMERS BOYCOTT Of Transgender Bathroom Policy Takes Toll Bottom Line,"Way to go! Target has suffered financially since the boycott over their transgender bathroom policy so they re making a move now so little kids don t have to be exposed to transponders using their bathroom. Target reportedly plans to spend $20 million on adding single-stall bathrooms to all of its locations by next year, in an apparent move to placate shoppers outraged over its transgender bathroom policy. It s clear that some of our guests like and some dislike our inclusive bathroom policy, Target Chief Financial Officer Cathy Smith told reporters in a media briefing, Fortune magazine reported Wednesday.Ms. Smith did not say whether the backlash had cost Target business, but added, We are not satisfied with our second quarter traffic and sales performance. The single-stall bathrooms, which are already in a vast majority of Target locations, are expected to be fully installed by March, Fortune reported.In April, the discount retailer sparked national backlash and calls for a boycott after announcing its transgender-friendly bathroom policy, which allows transgender employees and customers to use the bathroom that corresponds with their gender identity. Read more: WT",left-news,"Aug 18, 2016",0 +WATCH: NY FIREFIGHTERS HOLD Touching Flag Removal Ceremony After Commissioner Orders ALL U.S. Flags To Be REMOVED From Fire Trucks For INSANE Reason [VIDEO],"As progressivism gets more of a stronghold in America, patriotism is being strangled by the anti-American Left Fire commissioners in Upstate New York ordered a fire department to remove the U.S. flags that were mounted on its firetrucks because they said the display was a liability to the firefighters and other motorists.Fire Chief Tory Gallante with the Arlington Fire District in Poughkeepsie said the Board of Fire Commissioners told him Monday to remove the two flags, which were fastened to the engine and the ladder truck. Obviously, I was disappointed with their directive, he told The Washington Post.Gallante said that about 50 firefighters, veterans and members of the community came out Tuesday afternoon for a small, impromptu ceremony to properly take them down. The guys were upset about the decision and wanted to remove them with dignity and respect, he said.Firefighters flag removal ceremony can be seen here:Video from the ceremony shows the emergency response vehicles lined up outside the Arlington Fire District headquarters, where firefighters stood at attention.Both of the flags were taken down, properly folded and then handed to Gallante.Gallante added that he was not told to remove patriotic decals on the firetrucks.Joseph Tarquinio, president of the Arlington Professional Firefighters Association, said the union approached the fire chief months ago, proposing to pay for the flags and requesting permission to mount them.Gallante agreed, but he had conditions including that the flags must be safely and securely fixed to the firetrucks and kept clean and well-maintained.Tarquinio said the union purchased two 3-by-5-foot flags made to withstand high winds and had them properly installed by the fire station s own mechanic.Tarquinio said, in the past, the department had U.S. flags on the firetrucks and would take them down during the harsh New York winters. When the department got new equipment a few years ago, he said, the flags were not put back. So with everything going on in the country, we thought it was time, he told The Washington Post. It was our way to show support not for one particular sect but for the nation as a whole. The new flags had been flying with no known issues, Tarquinio said, when three of the five fire commissioners expressed concerns about liability, which Tarquinio called a gross overstatement. Officials said since the board s decision Monday night, the fire department has been flooded with phone calls and emails from veterans and others in the community who oppose the order. A rally for the flag has been organized for the weekend, according to the Poughkeepsie Journal. Washington Post",left-news,"Aug 18, 2016",0 +BREAKING: BRAZIL Detains Two US Olympic Swimmers In Robbery Investigation…Let Our Swimmers Go!,"This all started a few days ago when Ryan Lochte claimed he was robbed and his wallet was taken:Ryan Lochte was reportedly held up at gunpoint this weekend in Rio apparently at a party in the city, but an IOC spokesperson says it s not true. Lochte s mom says her son called her right after the stickup and says it was terrifying according to a Fox Sports Australia reporter. The reporter says the thief or thieves made off with Ryan s wallet. Ryan was invited to the party by Brazilian swimmer Thiago Pereira, along with 3 of Lochte s teammates. It was discovered later that his wallet was spotted on him when he went back through the metal detector at the entrance to the Olympic Village. A Brazilian Judge wanted to detain Lochte but he had already arrived back in the US. Now they have our two swimmers for questioning LET OUR SWIMMERS GO!Team USA swimmers Jack Conger and Gunnar Bentz who were with Ryan Lochte during the alleged robbery in Rio got yanked off an airplane as they were trying to leave Brazil. Conger and Bentz were detained by authorities, but says it s still gathering information as to find out exactly why. Earlier on Tuesday, cops in Rio said they were suspicious of the swimmers claim they were robbed at gunpoint early Sunday morning. The USOC says cops went to the Olympic Village to interview Lochte and teammate James Feigen, but discovered they d already left the country. Looks like they nabbed Conger and Bentz at the last possible moment.Read more: TMZ Sports",left-news,"Aug 17, 2016",0 +WHY TRUMP’S NEW CEO Will Be The Left’s Worst Nightmare,"No one understands the dirty Democrat underbelly better than Stephen K. Bannon. He s been in the trenches fighting with the underdog conservative movement for years. He was a close friend of Andrew Breitbart s and he understands better than anyone what we re really up against with Hillary and how the Left will stop at nothing to win. Trump didn t need another go-along to get-along RINO as his CEO. The New York Times described Bannon today as a Media firebrand. He needed someone who doesn t think voter fraud is some made up right-wing conspiracy. Bannon s studied the Occupy movement, he even directed a film exposing the players, the organizers and the future of the radical leftist movement. Donald Trump s second overhaul of his presidential campaign staff in as many months is an effort to remake his organization more in his own image, after trying and struggling to conform to the role of a traditional politician guided by political operatives.Some Republicans welcomed the addition of new senior staff to Mr. Trump s team, hoping it would bring a dramatic change to his faltering trajectory in opinion polls against Democrat Hillary Clinton. But some in the GOP also said they were worried that Mr. Trump couldn t recover lost ground by choosing a provocative media entrepreneur who has never run a campaign to lead his team.In keeping with his expressed desire in recent days to be himself, Mr. Trump has brought in as his campaign s CEO Stephen Bannon, the executive chairman of Breitbart News, a conservative media outlet that delights in bashing the GOP establishment, among others. I m going to do whatever it takes and do it the way I think will win, Mr. Trump said in a Tuesday night interview with The Wall Street Journal.When the Occupy movement began a year ago, many initially dismissed it as a gathering of harmless college students. But the late Andrew Breitbart saw in the movement professional left-wing anarchists and radicals who sought to use the Occupy protests to violently overthrow the United States government, then destroy its institutions and the free market system.Breitbart s friend, Stephen K. Bannon, was one of those who had initially not taken the Occupy movement seriously until he saw occupiers shut down the Brooklyn Bridge. He knew then Breitbart was right, and immediately started a project with Breitbart that would turn into Occupy Unmasked, a movie that opened nationwide in theaters this week that systematically dismantled the notion that the Occupy movement was good-natured and peaceful.Here s a clip from Bannon s Occupy Unmasked movie, directed by Trump s new CEO, Stephen K. Bannon:The lessons from the movie Occupy Unmasked are important to keep in mind as liberal intellectuals again try to mainstream a radical and violent movement to breathe life into something that, for now, has faded. The movie documents all the violence, filth, rapes, and systemic coordination between left-wing radicals and labor unions like the SEIU that was the real story behind the Occupy movement.In glorifying the Occupy movement and looking ahead to the its future, liberals revealed that a potential second coming of Occupy could be even more dangerous and violent than the first.Enter Obama s Black Lives Matter terror movement which is really nothing more than a second Occupy Movement, inspired and cheered on by our very own President of the United States. Today, the Occupy Movement has a bigger umbrella. It s no longer just made up of misfits and anarchists, the movement now has shifted to appeal to the raw emotions of Blacks living in Democrat ruled ghettos. The Left has taken the focus off the Democratic politicians who intentionally keep these citizens dependent on the government, and made them believe that the only chance they have of escaping the poverty that traps them in violent neighborhoods, is to target the cops who bravely patrol their neighborhoods. Young white students have been inspired by radical educators to join the violent, chaotic movement as a way to cleanse them of their perceived racist sins. Leftist radicals like George Soros are helping to fund the movement and keep the chaos going at least through the election. Voter fraud efforts will be kicked into high gear, as the GOP elite sit back and scoff at people like Steve Bannon who know the real score, and are truly ready to take on the fight we will need to win this #WAR (Breitbart s rally cry for conservatives to join the fight against the Left and take back our country) against Hillary s radical machine.Stephen K. Bannon is exactly who this nation needs at this exact time in our history, and we believe Trump couldn t have chosen a better General in this #War against the radical Left.Mr. Bannon will take a leave of absence from Breitbart News, which has adopted an antiestablishment stance on the conservative right and has cheered Mr. Trump s call for more restrictive immigration policies and his rebukes of GOP leaders such as House Speaker Paul Ryan of Wisconsin. We don t really believe there is a functional conservative party in this country, and we certainly don t think the Republican Party is that, Mr. Bannon said at a National Press Club conference in 2013.For his part, the former Goldman Sachs investment banker, naval officer and documentary filmmaker recently wrote and produced the movie Clinton Cash, based on a book about the Clinton family s personal wealth. ",left-news,"Aug 17, 2016",0 +LOL! JOE BIDEN FLIES TO SERBIA…Is Greeted With MASSIVE Rally For Trump [VIDEO],"Hillary can t even find this many supporters to attend her rallies in the US! Biden shouldn t have expected anything less from a majority Christian nation overrun by mostly Muslim refugees The welcoming committee in Belgrade, Serbia for Joe Biden's visit earlier today pic.twitter.com/8ujDwTdyeK Ian56 (@Ian56789) August 16, 2016Biden gets massively trolled on his visit to #Serbia (part 2). #Trump #Trump2016 pic.twitter.com/5150fU0nNX Nina Byzantina (@NinaByzantina) August 17, 2016h/t Gateway Pundit",left-news,"Aug 17, 2016",0 +"KREEPY KAINE Says Voting For Hillary Will Help To Put American Women More On Par With Women In Iraq, Afghanistan And Rwanda","How very progressive While Hillary insults women who are victims of sexual abuse, her creepy VP uses women who are forced to live like they re still in the dark ages, as progressive role models for American women Vice presidential candidate Sen. Tim Kaine, D-Va., said Tuesday that the United States has made it difficult for women to be elected to higher office, and argued that America ranks behind Iraq, Afghanistan and Rwanda in this area. It took 144 years before women even got the right to vote in this country, Kaine said at a campaign rally in Fayetteville, N.C. What were we thinking when we said equality mattered, but no. One hundred and forty four years. It took us that long to say in 1920, to say women get a right to vote. And now we re 96 years later and we have just nominated a woman. We know we haven t had a woman president. But in Congress right now, we re doing the best job we have ever done in women in the federal legislature: 19 percent. That s the best job we ve ever done, he said.The Virginia senator claimed smaller, less wealthy countries actually put the United States to shame when it comes to electing women to higher office. Hold on for this, folks. Nineteen percent ranks the United States 75th in the world, below the global average, he said. Iraq is 26 percent. Afghanistan is 28 percent. Number one [is] Rwanda. Sixty-four percent. So for reasons, some of which I understand, some of which I don t, we have made it hard. We have made it hard for women to be elected to the highest positions in our federal legislature and as president, he added.However, with the nomination of Hillary Clinton, that s all about to change, he said. We are about to change that. And that s why I m so excited! he said.Kaine s statistics are based on numbers compiled by the Inter-Parliamentary Union, which bases its data on information provided by National Parliaments. Washington Examinerh/t Weasel Zippers",left-news,"Aug 17, 2016",0 +WATCH β€œARCHITECT” OF OBAMACARE Lie And Spin His Way Out Of Taking Responsibility For Failure…A Real PUTZ! [Video],"Listening to Zeke Emanuel, awkward brother of Chicago Mayor Rahm Emanuel, is always a study in the absurdities of politics. This guy is supposedly the architect of Obamacare but he s just one big jackwagon.Can you believe we ve had people like this determining the healthcare policy for all Americans? He s now providing cover for the failing Obamacare exchanges. Aetna is the latest to essentially withdraw from all but four of the state exchanges for which it had been providing health insurance under Obamacare. Not a success but you wouldn t know it from all the finger pointing going on with this putz.HERE S ZEKE TRYING TO BLAME HIS FAILURE ON POLITICS NICE TRY BUT WE RE NOT BUYIN IT: ",left-news,"Aug 17, 2016",0 +ABOUT TIME! House Republicans Move To Charge Hillary With PERJURY For LYING UNDER OATH Before Congress [VIDEO],"Didn t America have to suffer through a high profile perjury case for another Clinton not so many years ago? Oh yeah that was Bill Clinton who was actually IMPEACHED for LYING to a grand jury. Is there a more corrupt, self-serving power-driven couple in America? WASHINGTON, D.C. Today, House Oversight and Government Reform Committee Chairman Jason Chaffetz (UT-03) and House Judiciary Committee Chairman Bob Goodlatte (VA-06) sent a letter to the U.S. Attorney for the District of Columbia requesting an investigation into whether former Secretary of State Hillary Clinton committed perjury and made false statements when testifying under oath before Congress.The letter states: The evidence collected by the FBI during its investigation of Secretary Clinton s use of a personal email system appears to directly contradict several aspects of her sworn testimony. In light of those contradictions, the Department should investigate and determine whether to prosecute Secretary Clinton for violating statutes that prohibit perjury and false statements to Congress, or any other relevant statutes. Background:During a July 5, 2016 hearing before the House Oversight Committee, Federal Bureau of Investigation (FBI) Director James Comey stated the truthfulness of Secretary Clinton s testimony before Congress was not within the scope of the FBI s investigation. According to Director Comey the Department of Justice requires a criminal referral from Congress to initiate an investigation into Secretary Clinton s congressional testimony.Additionally, Chairman Chaffetz sent a letter to Director Comey requesting the FBI s full investigative file from its review of former Secretary Clinton s use of an authorized private email server.Chairman Goodlatte sent a letter to Director Comey pressing for more information about the FBI s investigation and also led a letter signed by over 200 members of Congress demanding answers from FBI Director Comey regarding the many questions surrounding his announcement that he does not recommend federal prosecution against former Secretary Hillary Clinton for mishandling classified information through private email servers.Full text of letter:The Honorable Channing D. Phillips U.S. Attorney for the District of Columbia 555 Fourth Street NW Washington, D.C. 20530Dear Mr. Phillips:We write to request an investigation to determine whether former Secretary of State Hillary Clinton committed perjury and made false statements during her testimony under oath before congressional committees.While testifying before the House Committee on Oversight and Government Reform on July 7, 2016, Federal Bureau of Investigation (FBI) Director James Comey stated the truthfulness of Secretary Clinton s testimony before Congress was not within the scope of the FBI s investigation. Nor had the FBI even considered any of Secretary Clinton s testimony. Director Comey further testified the Department of Justice requires a criminal referral from Congress to initiate an investigation of Secretary Clinton s congressional testimony. We are writing for that purpose.The evidence collected by the FBI during its investigation of Secretary Clinton s use of a personal email system appears to directly contradict several aspects of her sworn testimony. In light of those contradictions, the Department should investigate and determine whether to prosecute Secretary Clinton for violating statutes that prohibit perjury and false statements to Congress, or any other relevant statutes.Thank you for your attention to this important matter. oversight.house.govWatch Hillary caught in lies during testimony in video here:Watch the impeachment of Hillary s serial sexual abuser husband, Bill for lying before a grand jury about his affair with young intern Monica Lewinsky: ",left-news,"Aug 16, 2016",0 +MUST SEE: House Oversight Committee Releases Most Damning Video Of Hillary’s Lies To Date,Crooked lying Hillary ,left-news,"Aug 16, 2016",0 +HOW PEOPLE MAGAZINE COVER Proves Hillary Has ALWAYS Been Wildly Unpopular With Women,"Does anyone else get the sense Hillary is not quite as popular with Americans as the media would like us to believe? She can barely fill a phone booth with supporters at her rallies and the activity with her social media accounts pale in comparison to Donald Trump s. Will the media be able to convince enough Americans that voters actually like or trust Hillary by November? Flashback to 2014, before the full-force of Hillary s reckless handling of highly classified emails put our national security at risk: People magazine has been a propaganda arm of the Left for decades. The June 16, 2014 cover promoting Hillary as our next President is no exception. Unfortunately, the propagandists at People Magazine underestimated the disinterest and dislike Americans had for Hillary Clinton when they made the decision to place her on their cover.According to AdWeek s report on the best and worst covers of 2014, the Clinton cover was People s most unpopular cover of the year, selling only 503,890 copies.Considering that 70% of People magazine s readers are women, this embarrassing cover flop should be of great concern to the campaign of the first female candidate for President Watch:The most successful cover? Unsurprisingly, Robin Williams memorial issue from August sold a total of 1,169,800 copies.- Huffington PostThis is just more proof of how UNpopular Hillary Clinton truly is with American voters and most especially with a demographic she can t afford to lose women voters.",left-news,"Aug 16, 2016",0 +MUST WATCH VIDEO: WATCH WHAT TRACK & FIELD OLYMPIAN Does When Our National Anthem Is Played [Video],Usain Bolt was mid-interview when our National Anthem began to play he stops to honor it! Way to go! ,left-news,"Aug 16, 2016",0 +"MEDIA IMMEDIATELY REPORTS Alleged Killer Of Imam, Assistant Was Catholic…Takes Days To ID Religion Of Muslims Who Commit Acts Of Terror In US [VIDEO]","There is no question that the killing of any innocent human is a tragedy. So how is it that the media determines just how much of a tragedy each unjust killing is? When 13 US Army members were murdered by Nidal Hassan, a Muslim psychiatrist who worked on the same US Army base, why did it take the media so long to report about his allegiance to radical Islam or his cries of Alluha Akbar as he slaughtered and wounded unsuspecting military members? Should the media have kept his devotion to Islam from the public in order to protect members of his faith from unjust persecution? Only months ago, Obama s Attorney General Loretta Lynch threatened to punish anyone who used what the DOJ considers hate speech against Muslims, but never mentioned Christians, Hindus or Jews. Why did the media identify the CATHOLIC faith of the Hispanic man who killed the NY Muslim Imam and his assistant within hours of his capture, while hiding the faith of Muslims who commit acts of terror against Americans? Why does the media and our government go out of their way to protect members of the Muslim community, while racing to out the alleged Catholic Hispanic killer?Where were the large crowds of Mulsims protesting the hate after 9-11 in NY? Where were they after the worst mass murder in American history by radical Muslim Omar Mateen in Orlando?The suspect accused of murdering an imam and his assistant in New York had hatred toward Muslims after 9/11, his brother has said as police investigate whether he was hired as a hitman. Hispanic Oscar Morel, 35, of Brooklyn, was charged Monday night with two counts of second-degree for the killings of Imam Maulana Alauddin Akonjee and Thara Uddin after cops say they recovered what they believe is the gun at his home.Investigators found clothes similar to those worn by the gunman in surveillance video of the killing stuffed into the wall of the suspect s home along with the weapon.Police and the Queens District Attorney would not say why Morel has not been charged with first degree murder but it may be because it will be easier to upgrade the charges at a later stage.Morel worked as a janitor at The New School, a private university in New York, and was brought up in a Catholic family.His brother Alvin told the New York Post his brother was furious after attack on the Twin Towers but insisted it was only temporary .He said: The only time we ever felt anything was 9/11, Alvin Morel said. We felt that same anger. We all had a hatred. The New York Daily News also reported that detectives were working on the theory that somebody hired Morel as a hit man.Police have not yet speculated on a motive, though New York Police Department s chief of detectives said the possibility that the murders were a hate crime is certainly on the table .After his arrest, more information about Morel and the shooting were revealed:Morel, 35, is Hispanic, went to Catholic school and worked as a private university janitorHe has been charged with second-degree murder and will be arraigned at Queens Criminal Court on Tuesday morningSecond degree murder means the killing was not pre-meditated, but the charges could be upgraded Morel told police he was in the area at the time of the slaying and admitted he was the man in the surveillance video but said he didn t shoot anyone The NYPD have said: We strongly believe this is the individual They expressed confidence after detectives found a gun and clothes similar stuffed into the wall of Morel s homeHis brother said he had animosity towards Muslims after 9/11, but it had subsided Alvin Morel also said his brother was a good guy and was in disbelief at what happened Muslims in the community where the imam and his assistant were killed say they have been harassed Residents in the Bangladeshi-Muslim community in Queens and Brooklyn have described harassment in recent months by people who shouted anti-Muslim epithets.But Morel s brother said: We re Catholic-school kids we don t do this. He s a good guy. He also added on Facebook: I cant believe what has happened. I don t believe whats injustice. GOD help my brother mother father and my self. Boyce added: We believe, because of the evidence we ve acquired thus far, that we strongly believe this is the individual. Some have said that the men being shot in the head could have been the result of a feud between Muslims and Hispanics.The arrest was announced just hours after about 1,000 people gathered under tents to praise Akonjee, 55, and Uddin, 64, in an Islamic funeral service where emotions ran high.The ceremony featured several speakers who said they believed the victims were targeted because of their religion. Some members of the congregation shouted, Justice! periodically throughout the service.After the ceremony, part of the crowd marched to the spot a few blocks away where the shooting took place.Mayor Bill de Blasio told those gathered that the entire city was mourning with you. Some in the largely Bangladeshi Muslim community in Queens and Brooklyn have described harassment in recent months by people who shouted anti-Muslim epithets.Read more:Daily Mail",left-news,"Aug 16, 2016",0 +REMEMBER 24/7 Media Coverage Of Bush’s β€œHurricane Katrina”? Louisiana Hit With Historic Flooding…Caskets Floating…Obama Declares State Of Emergency…Goes Golfing!,"Remember the criticism George W. Bush received for not doing enough for residents of Louisiana after the horrible floods caused by Hurricane Katrina? Could you imagine the feeding frenzy by the media would have had if Bush declared a state of emergency and then went golfing? The media s double standard for our Organizer In Chief compared to the criticism of GW Bush is beyond the pale President Barack Obama declared Louisiana was in a state of disaster on Sunday after a historic flood left at least five people dead, with emergency crews working to rescue thousands more. Governor John Bel Edwards said more than 10,000 people are now in shelters and more than 20,000 people have been rescued across south Louisiana.More than a foot of rain fell overnight on Friday in a deluge estimated to occur once every 500 years, according to the Pacific Standard.In shocking photos showing the devastation, caskets that had washed up from a graveyard floated down the street in Denham Springs, Louisiana.Four people have been reported dead, said Devin George, the state registrar for vital records, earlier Sunday.A woman s body was later recovered by divers from inside a flooded vehicle in East Baton Rouge Parish, appearing to raise the death toll to five.Witnesses said the woman was seen Saturday night attempting to turn around in high water when her vehicle was swept away, said Casey Rayborn Hicks, a spokeswoman for the sheriff s office.In one dramatic rescue Saturday, two men on a boat pulled a woman from a car that was almost completely underwater, according to video by WAFB.Watch video of dramatic rescue HERE.The woman, who s not initially visible on camera, yells from inside the car: Oh my god, I m drowning. One of the rescuers, David Phung, jumped into the brown water and pulled the woman to safety.Obama issued the disaster declaration after speaking with Edwards, making federal aid available in the parishes of East Baton Rouge, Livingston, St. Helena and Tangipahoa, hit hardest by the floods.Edwards said in a statement that other parishes could be added to the list.Emergency officials still were working on strategies to rescue an undetermined number of people trapped by the waters. We re very much still in the search and rescue mode, said James Waskcom, director of the state s Office of Homeland Security and Emergency Preparedness.In Livingston Parish, phone service was spotty due to the high waters and most shelters were full. Via: Daily Mail ",left-news,"Aug 15, 2016",0 +MEDIA HIDES TRUTH ABOUT #UnFitHillary: FALLS OFF PODIUM…Takes Weekends Off From Campaigning In Front Of Tiny Audiences [VIDEO],"#UnFit Hillary spoke to another small crowd today in Scranton, PA:Once inside the rally, Hillary fell off the podium after introducing Joe Biden to the few folks that came to see Crooked Hillary and Crazy Joe:But the REAL news, and the news you won t be seeing in the mainstream media, is that #UnhealthyHillary is taking the weekends off from campaigning.By reviewing the activities of Presidential candidates Trump and Clinton a new phenomenon has appeared. While Trump continues to smash Clinton in attendance at events, Hillary appears to have decided to take weekends off.Clinton took the weekend of August 6th and 7th off and she decided to take three days off this past weekend August 12th through 14th. She also has no events scheduled to participate in this coming Thursday through Saturday August 18th through 20th. This in essence would mean another three days off after three days of events scheduled starting today. In total Clinton has taken 7 days off in August out of the first 14 days and is scheduled to continue with this approach through at least this coming Saturday.Donald Trump on the other hand has taken only two days off in August, Sunday August 7th and Sunday the 14th. Trump has 7 days where he has participated in more than one campaign event.As previously noted, Trump has more than ten times the number of people at his campaign events than Hillary has at hers since August 1st. More than 100,000 people have shown up for Trump events since the beginning of August (with many more turned away due to the events reaching capacity). Hillary on the other hand hasn t even had one tenth of that or not even 10,000 show up at her events since August 1st.Also, it is clear by just looking at the crowds at Trump and Clinton events that Trump has a movement and Hillary has barely a heartbeat.Here s Trump questioning Hillary s low energy campaign:Trump s largest event was in Ft Lauderdale, Florida, where it was estimated that the massive crowd there to see him was near 20,000. The largest crowd Clinton spoke at was in Washington, DC but this was a NABJ/NAHJ Event which had an estimated 4,000 in attendance. Hillary s largest event held by her campaign in August was back on August 1st in Omaha, NE when businessman Warren Buffett joined her and an estimated 3,000 locals. In total when looking at just the Clinton campaign events, barely 8,000 people showed up to the seven campaign events since August 1st. It is unknown why Clinton is taking so much time off. Questions arise whether it is related to her terrible campaign event turnout or her poor health or some combination of both. Gateway Pundit ",left-news,"Aug 15, 2016",0 +OBAMA’S WAR ON COPS Takes Toll On Black Communities: Young Girl Cries Over #BlackLivesMatter Violence In Her Milwaukee Neighborhood [VIDEO],"Communities like Ferguson, Baltimore and now Milwaukee, didn t ask for this war on cops, it was thrust upon them. It was organized, paid for and well-orchestrated by Obama and other Democrats players from a variety of backgrounds. Former Attorney General Eric Holder was caught paying protesters with taxpayer money to come to Sanford, FL to march against George Zimmerman in the Trayvon Martin case that got Obama s Race War/War on Cops started back in March, 2012. With so many stories about the violence and crime coming out of Milwaukee, a bright ray of hope comes from a prayer rally created by a community torn apart by Obama s war on cops.A young girl bravely speaks out against the violence in her neighborhood. The sadness and despair in her shaking voice is truly heartbreaking. These people are trapped in a neighborhood overrun with crime, violence and despair. They re trapped in a neighborhood run by greedy Democrat politicians who have substituted government control for self-respect and dignity. They have taken away these citizens desire to do better, they have stripped them of the belief that they truly can escape their situation. They ve set up Planned Parenthood abortion mills on every corner to keep their population down and have given them just enough to sustain themselves, but not too much to escape government control.Rotten school officials and union leaders tasked with improving their education are only out for themselves, always looking for the next pay raise or special perk that comes with the job. What these self-serving politicians and school administrators are giving to these communities of mostly fatherless kids are a poor education, low self-esteem and no hope for a better life.These young adults are choosing a life of crime over a job. They re choosing to drop out of school instead of getting a job at a local fast-food restaurant while attending a local community college or technical training center. These young adults don t know, or understand the value of sacrificing today for a future tomorrow, because the Democratic Party has convinced them they don t need to worry about the future. They ve convinced them they don t need to be self-sufficient. The only thing they need is the government and that s enough. That s also the reason this frightened little girl seen in the video below, is trapped in this tragic neighborhood filled with violence and crime and may never get out as long as Democrats continue to fool the voters in these crime-ridden cities they are on their side.Thank goodness these citizens, (who are truly a ray of hope in these uncertain times) are able to turn to God for guidance and to ask for protection for their community, and for law enforcement officers who keep their neighborhoods safe. ",left-news,"Aug 15, 2016",0 +EPIC NEWS CONFERENCE About Milwaukee Riots DEMOCRATS Won’t Want You To See: β€œStop Trying To Fix The Police…Fix The Ghettos”,Bravo Sheriff Clarke! Registered Democrat Sheriff David Clarke is the only person in a position of authority in law enforcement who is brave enough to call the Black Lives Matter movement what it truly is. He is also one of the only black leaders in America who is willing to say why we are seeing a race war and war against cops in America today. He is truly a breath of fresh air and deserves to be applauded for his courage and dedication to truth. The idea that he s a Democrat is enough to make liberal heads explode!Watch his epic news conference here:,left-news,"Aug 15, 2016",0 +HILLARY SUPPORTER BRAGS About Looting β€œWhite Businesses” In Milwaukee…Honors Hillary’s Equal Opportunity Card…Brings Sister Along [VIDEO],"In addition to be a disgusting criminal and an idiot, Jerome is also a Hillary supporter. His Twitter account clearly shows besides being an open criminal and racist, he s also a Hillary supporter. His bio shows support for #BlackLivesMatter and Hillary (#ImWithHer).Jayrome Williams also tweets his support for Hillary:Here s Jayrome (damn auto-correct keeps trying to make his name Jerome!) bragging about going out to loot businesses while taking advantage of cries for riots over death of armed black man running from police who refused to drop his stolen gun:https://twitter.com/BrotherTooTurnt/status/765033077995343872https://twitter.com/BrotherTooTurnt/status/764682372746973184https://twitter.com/BrotherTooTurnt/status/764681054846328832Jayrome specifically mentions the White owned businesses he s gonna loot:https://twitter.com/BrotherTooTurnt/status/764706238894604288Here s Jayrome bragging about the loot he got for a hard nights work of stealing from white owned businesses. https://twitter.com/BrotherTooTurnt/status/764889161623011329Here s Jayrome bragging about bringing his sister along for the looting. He wouldn t be a true Hillary supporter if he wasn t willing to give his sister the same opportunity to steal from the white man would he?https://twitter.com/BrotherTooTurnt/status/764710518443704320Here s a re-tweet by Hillary supporter Jayrome Williams. No wonder he supports Hillary. She wants to take guns out of the hands of legal gun owners, leaving only thugs with guns Don't send no threats at gang if you ain't down for war, cause we strapped up with guns that ya'll can't afford! Forgi (@jayforgi) August 11, 2016",left-news,"Aug 15, 2016",0 +TRUMP GIRLS Give Shout Out To Crooked Hillary…And Bring Down The House: β€œIf The Justice Department Don’t Want To Indict You…The American People Will Indict You” [VIDEO],"Diamond and Silk light up the crowd at a Trump rally in NC. They remind Crooked Hillary, that just because Obama s cronies are protecting her from being indicted doesn t mean the American voters are going to give her a pass: And we will render our verdict in November. Are you on the Trump Train? .@DiamondandSilk have a Precise and Clear Message for Crooked Hillary. @HillaryClinton is still a Crook in our Book.https://t.co/0QV7rTi0mC Diamond and Silk (@DiamondandSilk) July 6, 2016Bravo!",left-news,"Aug 15, 2016",0 +SYLVILLE SMITH’S SISTER Becomes Latest Spokesperson For Obama’s #BlackLivesMatter Terror Movement: β€œDon’t Burn Down Sh*t We Need…Take That Sh*t To The Suburbs…Burn That Sh*t Down…We Need Our Sh*t” [VIDEO],"Sylville Smith s sister Sherelle, was suddenly thrust into the spotlight after her brother was shot dead by police after a traffic stop on August 13th. She uses her time in front of several microphones to ask rioters for calm in her city. She implores them to instead to take their fight to the same suburbs where ironically, the semi-automatic handgun found on her brother had been stolen, along with 500 rounds of ammunition only months before. We need our shit says the girl who lives in a city run by Democrats that relies on the working citizens in the suburbs to sustain them.Sylville Smith's sister Sherelle encourages ""protestors"" to burn the suburbs @Cernovich @CassandraRules @rooshv pic.twitter.com/prxR2prcUV DeeconX (@DeeconX) August 15, 2016CNN praised his sister for her comments:This how how @CNN praises people that incite riots @CassandraRules @Cernovich @MongoAggression #Milwaukee #MSM pic.twitter.com/61JRPK2q7w DeeconX (@DeeconX) August 15, 2016The incident started Saturday afternoon when two officers stopped two people who were in a car in the north side, according to the Milwaukee Police Department.Shortly after, both car occupants fled on foot as officers pursued them, police said.During the chase, an officer shot one of the two 23-year-old Sylville Smith, who was armed with a handgun, according to authorities. He (officer) ordered that individual to drop his gun, the individual did not drop his gun, Milwaukee Mayor Tom Barrett said. He had the gun with him and the officer fired several times. Sylville Smith refused to obey the orders of the police officers.Smith was shot twice in the arm and chest, the mayor said. His handgun was stolen during a burglary in Waukesha in March, according to police. The victim of that burglary reported 500 rounds of ammunition were also stolen with the handgun, police said in a statement.The officer, 24, was assigned to District 7 and has six years of service with the Milwaukee Police Department three of those as an officer. Fox6NowResidents who had no evidence of any wrongdoing on the part of the police officer began to burn the city down. Firefighters were slow to respond, as rioters were throwing bricks at police officers, smashing police cars and firing several shots into the crowds.The violence continued again last night:#BREAKING: BLM Rioters arerunning through #Milwaukeestreets, vandalizing property#MilwaukeeUnrestpic.twitter.com/iSdvm7qDpZ AlwaysActions (@AlwaysActions) August 15, 2016 ",left-news,"Aug 15, 2016",0 +MEET THE GUY Milwaukee Is Rioting Over…Interesting PHOTOS Emerge Of Sylville Smith And Friends,"He had a gun that he stole during a burglary in a suburb of Milwaukee, along with 500 rounds of ammo. The cop told Syville Smith to put the stolen gun down as he was fleeing from the them after a traffic stop. He refused. Now he s dead, and they re burning down the city of Milwaukee to honor him.A standoff between police and an angry crowd turned violent Saturday night in the hours after a Milwaukee police officer shot and killed an armed suspect during a foot chase on the city s north side.City police officials said two officers stopped two suspects in a car about 3:30 p.m. The suspects then took off on foot. During the pursuit, a six-year veteran of the department shot and killed a 23-year-old Milwaukee resident, who was carrying a semiautomatic handgun, police said.The officer was not hurt.During his midnight news conference, Barrett said the officer pursuing the 23-year-old man ordered him to drop his gun. The man didn t and the officer fired several times, the mayor said.The man was hit twice, once in the chest and once in the arm. He said police determined there were 23 rounds in the man s gun.Barrett said the officer was wearing a body camera and his understanding was that the camera was operational during the incident. Milwaukee Journal SentinelHere are a few pictures we found on his Facebook account:As it turns out, Syville had a bit of a record:Court records show in February of 2015, Smith was charged with one felony count of first degree recklessly endangering safety and one misdemeanor count of possession of THC. The charges were dismissed by prosecutors in November.August of 2015, Smith was charged with felony intimidation of a witness/person charged/felony. That charge was dismissed by prosecutors in September.In July of 2014, Smith was charged with carrying a concealed weapon a misdemeanor charge. He pleaded guilty in November, and was sentenced to serve one day in the House of Correction.In July of 2013, Smith was charged with felony retail theft intentionally taking $500 to $5,000 as party to a crime. Prosecutors dismissed the charge in October. Fox6NowHere s Syville just hanging out with a few upstanding friends:He seems to have a penchant for posing with guns.This man who says he is Mr. Smith s cousin also seemed to make a threat with this semi-intelligible rant. Police might want to check that out. h/t Weasel Zippers",left-news,"Aug 15, 2016",0 +"OBAMA’S GITMO BOARD RELEASES β€œHigh Risk” Explosive’s Expert, Al-Qaeda Trainer","While Obama golfs in Martha s Vineyard, yet another decision is made to allow a terrorist to return to his homeland. Way to honor our troops who have lost their lives to these evil men Barry President Barack Obama s multi-agency Periodic Review Board (PRB) has approved an al Qaeda-linked Algerian prisoner for release from the U.S. military detention center in Guant namo Bay, Cuba, conceding that the jihadist presents some level of threat. However, PRB claims that the threat posed by the 43-year-old, Sufiyan Barhoumi, can be adequately mitigated, in part due to his lack of extremist views. At one point, the Pentagon deemed the prisoner to be high risk, linked to key al Qaeda leadership, and accused him of participating in hostilities against the US and coalition forces. Barhoumi was identified by the Pentagon as an explosive s expert and Al-Qaeda trainer.He has been held at Guant namo since mid June 2002 and on Tuesday became the second detainee to be approved for release by the Gitmo board after presenting a letter of support from a former guard, notes the Miami Herald.In a statement announcing its latest decision, Obama s parole board notes:The Board recommends repatriation to Algeria due to the detainees strong family support and Algeria s strong record in prior transfers, with security appropriate security assurances as negotiated by the Special Envoys and agreed by relevant USG [US government] departments and agencies.Algeria has been listed by the U.S. government as a terrorism-linked country.Barhoumi presented PRB with a detailed plan to open a pizza shop near his mom in the Algerian capital of Algiers, reports the Miami Herald.For entire story: Breitbart News",left-news,"Aug 14, 2016",1 +MUSLIMS SILENT AFTER TERROR ATTACKS…BUT BLAME TRUMP After Witnesses Give Description Of β€œTall Hispanic” Who Killed NY Imam And Assistant [VIDEO],"Whenever we have a terror attack in America, the media goes to great lengths to make sure no one assumes of the killer was a Muslim. Meanwhile, the media has gone out of their way to convince Americans that all Hispanics hate Trump. Isn t it interesting how quickly they print a story about the murderer of two Muslim men who witnesses describe as a tall Hispanic man and then blame Trump?An imam and his assistant were shot and killed in broad daylight as they walked home from a mosque in Queens. That s not what America is about, Khairul Islam, 33, a local resident told the Daily News. We blame Donald Trump for this. Trump and his drama has created Islamophobia. Another Imam, whose name is unknown at the moment, also blamed the real estate mogul and former NYC mayor for the shooting. For those in leadership like Trump and Mr. Giuliani, and other members of other institutions that project Islam and Muslims as the enemy, this is the end result of their wickedness, the Imam said at a gathering of Muslims protesting the shooting.Other Muslim gatherings were chanting This is Donald Trump s fault, and Muslim hate crime. Witnesses providing leads to the NYPD described the shooter as a tall man of Hispanic descent. The NYPD is currently conducting an extensive canvass of the area for video and seeking additional witnesses as the shooter remains at large. Breitbart",left-news,"Aug 14, 2016",0 +WIKILEAKS JULIAN ASSANGE Reveals Hillary’s Connection To ISIS And Discusses Emails That Could Put Her In Jail [VIDEO],"Afshin Rattans goes underground inside the Ecuadorian Embassy in London with Julian Assange. He talks to the founder of Wikileaks, Julian Assange about how his recent DNC leaks have no connection to Russia. Plus what are Hillary Clinton s connections to ISIS and Russia.",left-news,"Aug 14, 2016",0 +"FATHER OF ARMED THUG Killed By Milwaukee Cop Speaks Out: Blames Whites, β€œThey got us killing each other”…Blames Himself For Being Bad Role Model, β€œYour Hero Is Your Dad” [VIDEO]","Thugs burned down several buildings Saturday night in Milwaukee over the shooting death of a 23-year-old black man armed with a stolen gun by Milwaukee police during a foot pursuit. The deceased man s father is now speaking out. Who he s blaming should have every logical American scratching their heads Note to Dad: You can t blame the white man or the 2nd Amendment because your son stole a gun from a home in the suburbs and refused to obey when the police officer who was pursuing him told him to drop it .The father of a man shot and killed by a Milwaukee police officer Saturday afternoon, August 13th has identified him as 23-year-old Sylville Smith.Court records show in February of 2015, Smith was charged with one felony count of first degree recklessly endangering safety and one misdemeanor count of possession of THC. The charges were dismissed by prosecutors in November.August of 2015, Smith was charged with felony intimidation of a witness/person charged/felony. That charge was dismissed by prosecutors in September.In July of 2014, Smith was charged with carrying a concealed weapon a misdemeanor charge. He pleaded guilty in November, and was sentenced to serve one day in the House of Correction.In July of 2013, Smith was charged with felony retail theft intentionally taking $500 to $5,000 as party to a crime. Prosecutors dismissed the charge in October.FOX6 s A.J. Bayatpour spoke with Smith s father, Patrick on Sunday. He had this to say in the wake of the shooting of his son by Milwaukee police and the violence that followed:Angry crowds took to the streets in Milwaukee on Saturday night/Sunday morning to protest the shooting death of Smith by a police officer hours earlier.Protesters burned several stores and threw rocks at police in the city s north side, leaving one officer injured. Smoke and orange flames filled the night sky.The incident started Saturday afternoon when two officers stopped two people who were in a car in the north side, according to the Milwaukee Police Department.Shortly after, both car occupants fled on foot as officers pursued them, police said.During the chase, an officer shot one of the two 23-year-old Sylville Smith, who was armed with a handgun, according to authorities. He (officer) ordered that individual to drop his gun, the individual did not drop his gun, Milwaukee Mayor Tom Barrett said. He had the gun with him and the officer fired several times. Smith at the scene. It s unclear whether the second occupant of the car is in police custody.Smith was shot twice in the arm and chest, the mayor said. His handgun was stolen during a burglary in Waukesha in March, according to police. The victim of that burglary reported 500 rounds of ammunition were also stolen with the handgun, police said in a statement.The officer, 24, was assigned to District 7 and has six years of service with the Milwaukee Police Department three of those as an officer.He was not injured and will be placed on administrative duty during the investigation and subsequent review by the district attorney s office. Via: FOX6Now",left-news,"Aug 14, 2016",0 +BUSTED: HILLARY’S MEDIA CHEERLEADERS Caught Hiding Truth About Most Corrupt Candidate Ever During Live Interviews [VIDEO],"Wow! This compilation of blatant blocking for Hillary is beyond embarrassing and these journalists should be serving time for journalistic malpractice.We all know the mainstream media is guilty of supporter the Democrat candidate for President in almost every election for decades, the question is: Are we going to allow them to define the narrative and cover for a criminal while destroying the reputation of Trump, who is truly the only ally we have against this corrupt media, or are we going to stand up and shout, NO MORE! ? A few examples of journalistic malpractice: We have chosen to cut off that microphone. Let me be clear here, obviously the majority of Donald Trump supporters are not African American, I don t know how many African Americans were in that building. But that is one person we have chosen to cut off the sound off for. This is happening every day in America are you doing your part to discredit them? After all, silence is consent ",left-news,"Aug 14, 2016",0 +ANGRY BLACK MILWAUKEE RESIDENTS Set City On Fire After Armed Black Man Is Killed By Police: β€œThe black people of Milwaukee are tired…They’re tired of living under this oppression” [VIDEO],"This is Obama s America This will be his legacy. He was elected by over 90% of the Black community. He promised them jobs. Instead, he opened our borders and gave their jobs to illegal aliens who will gladly do the jobs for less money.During Obama s tenure, the percentage of black Americans struggling below the poverty line has advanced, according to the most recent Census Bureau data, from 25.8 in 2009 to 26.2 in 2014 up 1.6 percent. Real median income among black households during those years, according to the Census Bureau, sank from $35,954 to $35,398 down 1.5 percent.The number of black food-stamp participants exploded across that time frame from 7,393,000 to 11,699,000, the U.S. Department of Agriculture reports up 58.2 percent. Also, from Obama s oath of office through the fourth quarter of 2015, the percentage of black Americans who own homes foundered from 46.1 percent to 41.9 percent, according to the Census down 9.1 percent. -National ReviewMilwaukee:A standoff between police and an angry crowd turned violent Saturday night in the hours after a Milwaukee police officer shot and killed an armed suspect during a foot chase on the city s north side.After an hours-long confrontation with officers, police reported at 10:15 p.m. that a gas station at N. Sherman Blvd. and W. Burleigh St. was set on fire. Police said firefighters could not for a time get close to the blaze because of gunshots.Later, fires were started at businesses including a BMO Harris Bank branch, a beauty supply company and O Reilly Auto Parts stores near N. 35th and W. Burleigh streets, a grim and emphatic Mayor Tom Barrett said. He spoke at a midnight news conference at the District 3 police station at N. 49th St. and W. Lisbon Ave.The mayor said some involved in the disturbances took to social media early in the evening to encourage others to come out and participate in trouble-making. He said many of them were young people, and he urged parents to keep tight reins on their children to avoid a repeat of Saturday night. Our police officers are doing everything they can to restore order, he said. But he said everyone needed to help restore calm. If you love your son, if you love your daughter, text them, call them, pull them by their ears, get them home. The mayor said police had shown an amazing amount of restraint Saturday evening.Hamilton said, Our city is in turmoil tonight. He promised a full and open investigation into the the police-involved shooting.Assistant Police Chief James Harpole said at least 200 people had gathered at the disturbances earlier. He said there were multiple gunshots over the course of the evening.When the gas station was set ablaze, there were three people in the building and all got out safely, he said.The news conference ended with Aldermen Russell W. Stamper II and Khalif Rainey delivering strongly worded statements about the disturbance springing from the frustrations of black Milwaukeeans and the problems they face.Rainey, who represents the area where the man was shot by the officer and the disturbance occurred, was particularly pointed. He said Sherman Park had become a powder keg this summer, and ended his remarks by implying that downtown could be the site of disturbances if the issues facing African-Americans here not addressed. This entire community has sat back and witnessed how Milwaukee, Wis., has become the worst place to live for African-Americans in the entire country, Rainey said. Now this is a warning cry. Where do we go from here? Where do we go as a community from here? Do we continue continue with the inequities, the injustice, the unemployment, the under-education, that creates these byproducts that we see this evening? The black people of Milwaukee are tired. They re tired of living under this oppression. This is their existence. This is their life. This is the life of their children. Now what has happened tonight may have not been right; I m not justifying that. But no one can deny the fact that there s problems, racial problems, here in Milwaukee, Wis., that have to be closely, not examined, but rectified. Rectify this immediately. Because if you don t, this vision of downtown, all of that, you re one day away. You re one day away. Earlier in the evening, more than 100 people gathered near the scene of the shooting at N. 44th St. and W. Auer Ave. and at times pushed against a line of 20 to 30 officers, some of whom were in riot gear.At one point, the officers got in their cars to leave and some in the crowd started smashing the windows and side of a squad car. Another vehicle was set on fire. As officers returned to the scene, this time with more in riot gear, as many as seven shots could be heard about 8:45 to 9 p.m.Soon thereafter, the crowd turned on and chased reporters and a photographer from the Milwaukee Journal Sentinel. One reporter was shoved to the ground and punched.Police later tweeted that an officer was hit in the head with a brick that was thrown through a squad window. Police said the officer was being treated at a hospital.At nearly 11 p.m., police tweeted that gunshots again were fired near N. 44th St. and W. Auer Ave.City officials said three people had been arrested during the initial disturbance. Another disturbance developed at N. 35th and W. Burleigh streets.Crowd breaks widows of unoccupied squad near Sherman and Auer. Other squad set afire and broken windows on another. pic.twitter.com/Jux2mJZYyQ Milwaukee Police (@MilwaukeePolice) August 14, 2016City police officials said two officers stopped two suspects in a car about 3:30 p.m. The suspects then took off on foot. During the pursuit, a six-year veteran of the department shot and killed a 23-year-old Milwaukee resident, who was carrying a semiautomatic handgun, police said.The officer was not hurt.During his midnight news conference, Barrett said the officer pursuing the 23-year-old man ordered him to drop his gun. The man didn t and the officer fired several times, the mayor said.The man was hit twice, once in the chest and once in the arm. He said police determined there were 23 rounds in the man s gun.Barrett said the officer was wearing a body camera and his understanding was that the camera was operational during the incident. Via: Milwaukee Journal Sentinel",left-news,"Aug 14, 2016",0 +TYRA FOR TRUMP Hammers The Media On Their Bias Against Trump! [Video],"Tyra for Trump lets it rip on the biased media and tells everyone to STOP listening to the lying reports on Trump!SPREAD THE WORD! DONE WITH MEDIA! US AGAINST THE MEDIA, WE MUST UNITE AND FIGHT BACK! pic.twitter.com/YpUtXpoTOu Tyra (@TRUMPVOTES) August 10, 2016 ",left-news,"Aug 14, 2016",0 +BREAKING: NY IMAM AND ASSISTANT Shot And Killed Outside Mosque…Witnesses Say Killer Was Tall Hispanic Man…Guess Who Crowd Of Angry Muslims Blame? [VIDEO],"Whenever we have a terror attack in America, the media goes to great lengths to make sure no one assumes of the killer was a Muslim. Meanwhile, the media has gone out of their way to convince Americans that all Hispanics hate Trump. Isn t it interesting how quickly they print a story about the murderer of two Muslim men who witnesses describe as a tall Hispanic man and then blame Trump? An imam and his assistant were shot and killed in broad daylight as they walked home from a mosque in Queens.Police said a gunman walked up to religious leader, Maulama Akonjee, 55, on Saturday afternoon as he and his assistant, Thara Uddin, 64, were leaving the Al-Furqan Jame Masjid Mosque in Ozone Park.Both men were rushed to Jamaica hospital, where Akonjee, a married father-of-three, was pronounced dead.His assistant died about fours later.Imam Akonjee was described as a revered religious leader. He came to Queens from Bangladesh a little less than two years ago, according to the New York Daily News.After the shooting a crowd of angry Muslim men gathered at the scene insisting it was a hate crime, saying the two men were specifically targeted. That s not what America is about, local resident Khairul Islam told the newspaper. We blame Donald Trump for this Trump and his drama has created Islamophobia. Did it ever occur to these angry Muslims that Islamaphobia is rooted in the idea that almost every time we have a terror attack on our soil at the hands of a radical Muslim, we rarely see a Muslim who will speak out against it? Police said they received multiple 911 calls of two males being shot at the corner of Liberty Avenue and 79 Street around 1.50pm.Both men suffered gunshot wounds to the back of the head and were rushed to the hospital in critical condition.Witnesses said the shooter was tall and Hispanic.They said the man was carrying a large handgun and wearing a dark blue shirt and short pants. Via: Daily Mail",left-news,"Aug 13, 2016",0 +OOPS! New App Allows Users To Remain ANONYMOUS…Defies Liberal Media Narrative…Shows TRUMP Winning BIG Over Crooked Hillary,"Funny what happens when liberals aren t able to bully or shame someone they don t agree with The results don t read like any poll you ve seen reported in the last weeks, but instead like they have been answered primarily by the most ardent Trump supporters.Some Zip questions: New polls suggest Trump is getting crushed by Clinton. Do they reflect how you are going to vote? Some 64% told Zip they would vote for Trump, compared to 36% for Clinton. In the latest Reuters/Ipsos poll, Clinton leads Trump, 42% to 36%. California, who you voting for? Trump got 55%, compared to 45% for Clinton. In the latest Public Policy Institute of California poll, Clinton has a 16-point advantage over Trump, 46% to 30%.After one week of the media defining what Trump really meant when he suggested 2nd Amendment supporters will defeat Hillary, here is how Americans really feel about Trump s comments: What do you honestly think Trump meant by saying The 2nd amendment people can do something about Hillary? Vote against her? 63% Assassinate her 37% Militi insists his replies are a cross-section of voters in age, gender and geography. These are the same results we saw when he (Trump) was in the primaries, he says. He contends that most media polls are just flat-out wrong and that smartphone answers are the future.Douglas Rivers, a Stanford University political science professor and chief scientist for YouGov, which conducts online polls with such partners as CBS and the Economist, disagrees. What do they know about these people? Rivers says. We worry a lot about who we re talking to. So either the traditional polls are right or Militi is onto something, with a different way of polling that lets citizens answer more openly. We ll find out on Nov. 8, when voters go to the real polls.Read more: USA Today",left-news,"Aug 13, 2016",0 +GAME CHANGER? Trump Recruits Election β€œObservers” To Prevent β€œElection Rigging” By Crooked Hillary,"Dems Panic In 5 4 3 2 1 Donald Trump s presidential campaign started recruiting election observer volunteers late Friday, after the Republican nominee claimed the only way he would lose Pennsylvania is if cheating goes on in certain areas .The application form on the campaign website links directly to a page soliciting campaign donations with the text: I AM YOUR VOICE. Trump repeated claims at a Friday night rally, without evidence, that he fears a rigged election perpetrated in part by voter fraud.No Republican candidate for president has won Pennsylvania since 1988, and in 2012 the state s then Republican government, in court over a voter ID law, admitted in legal papers that its lawyers knew of no instances of in-person voter fraud in the state. The law was struck down in 2014.Despite this, Trump warned that Pennsylvania voters needed monitoring. We re gonna watch Pennsylvania, he said on Friday. Go down to certain areas and watch and study and make sure other people don t come in and vote five times. The only way we can lose, in my opinion and I really mean this, Pennsylvania is if cheating goes on. I really believe it. So I hope you people can sort of not just vote on the 8th go around and look and watch other polling places and make sure that it s 100% fine, he added.Election observers are not unusual and are often relied on to field complaints and concerns from voters. Depending on state law, campaign representatives may be barred from the role. In Pennsylvania, only election officials, certified poll watchers or qualified voters with valid reasons can bring challenges on the grounds of identity or residence, according to the Advancement Project, a civil rights group.The state s election code states that a voter shall have the right to cast his or her vote: without the use or threat of force, violence or restraint; without the infliction or threat of infliction of injury; without any intimidation or coercion upon or against his or her person; or without any other action intended to deny any individual s right to vote. Guardian ",left-news,"Aug 13, 2016",0 +MUSLIM IMMIGRANT BEATS 22-Term MN Democrat…Thanks Packed Room Of Somali Immigrants In Foreign Language…No American Flags Visible [VIDEO],"The number of Muslim registered voters is up 324,000 since the last Presidential election. As our State Department continues to seed small and large communities across America, expect to see more and more of these results. Speaking of America, does anyone see an American flag anywhere in the room during Ilhan Omar s acceptance speech in her native language? Does the idea of Sharia Law still seem like a far-fetched idea in America? Political jobs held by two veteran Democratic politicians have been outsourced to two young immigrants, underscoring the growing impact of mass immigration on white-collar Americans. The two Democrats who have lost their jobs to immigrants are both experienced, established and liberal members of the state s version of the Democratic party: 22-term Rep. Phyllis Kahn and 10-term Rep. Joe Mullery, both from Minneapolis.They were beaten in state primaries on August 9 by two political newcomers: Somali-born, hijab-wearing Ilhan Omar and Thailand-born Hmong immigrant, Fue Lee. The primaries were arranged by the state s Democratic Farmer Labor Party.Ilhan Omar s website attributed her win to immigrant Somalis: More than 250 volunteers and 450 individual donors supported Ilhan s campaign. I am so proud that the majority of contributions to my campaign are from members of the Somali community who believe in my leadership, the site said. Somalis in other states supported her, including Washington state and Ohio.Kahn was actually beaten by two Somalis Omar and Mohamud Noor. She had only 1,726 votes to Omar s 2,404 votes. The second Somali candidate, Noor, edged Kahn with 1,738 votes. Compared to 2014, primary turnout rose by almost 40 percent in the 60B district, which includes most of the University of Minnesota.",left-news,"Aug 13, 2016",0 +CAN HILLARY LIE HER WAY OUT OF THIS ONE? PHYSICIAN Says Hillary Has Parkinson’s Disease…Hillary Admits She Couldn’t Even β€œGet Up” After Convention,"Will Hillary s health be the only thing she can t hide by lying? She s the only presidential candidate who travels with a full-time physician Hillary Clinton stated Friday that she did not know if she could even stand up because she was so exhausted during the disastrous Democratic convention in Philly. By the end of those two weeks that s exactly how I felt, it was, Oh my gosh, I don t know that I can get up, let alone what I will do if I am vertical, Hillary Clinton said in a campaign podcast. I, knock on wood, am pretty lucky because I have a lot of stamina and endurance, which is necessary in the kind of campaign I m engaged in, Clinton stated. Via: Breitbart NewsMeanwhile a top physicians says Hillary has Parkinson s Disease.Hillary Clinton Has Parkinson s Disease, Physician Confirms #HillarysHealth https://t.co/Z8qPlzpvMu Mike Cernovich (@Cernovich) August 12, 2016Hillary s health is declining, as anyone who has looked at her can see. The question is: What condition does she have? A board certified Anesthesiologist has written a memo of Hillary s health.Hillary Clinton (HRC) has suffered a variety of health issues. Unfortunately, she has declined to make her medical records public. In July of 2015 her personal physician released a letter asserting her excellent physical condition. Unfortunately, multiple later episodes recorded on video strongly suggest that the content of the letter is incorrect. This discussion is designed to sort through the known facts and propose a possible medical explanation for these events. In keeping with Occam s Razor, a single explanation that covers everything is preferred.History of Hillary s Health: In 2009, HRC fell and broke her elbow. Little else was made public.[i] On December 17, 2012, while Secretary of State, HRC fell and suffered a concussion.[ii]Later, a transverse sinus thrombosis was diagnosed, resulting in chronic anticoagulation therapy. [iii] Her post-concussion syndrome was declared recovered in about six months.[iv] The original fall was publicly attributed to dehydration following gastroenteritis. An email from Huma Abedin (HRC s closest advisor) on January 26, 2013, says that HRC is often confused. [v] Photos show being assisted up what appears to be the steps of a residential porch. This apparently happened in February of 2016. On August 4, 2016, Reuters and Getty published the photos.[vi] At a rally on May 2, 2016, HRC demonstrates classic PD hand posturing.[vii] She has no lectern in front, so she starts with her right hand pressed against her chest. At the 18:02 mark, she starts gesturing with her right hand, which is in a very unnatural position that is common in PD. On July 21, 2016 HRC was filmed talking to reporters at close range when several spoke at once. Without warning, she started a bizarre head-bobbing episode that must be seen rather than described. After several cycles, she regained control and declared that the reporters must try the iced chai. [viii]WATCH HERE: On July 28, 2016, during the balloon drop, HRC suddenly looks up with a frozen wide-mouth and wide-eyed stare. After a couple of seconds she regains control and a more normal expression.[ix] On August 5, HRC declared that she had short circuited [x] a response to Chris Wallace in an interview that aired July 31 on Fox News Sunday.[xi] August 6, 2016, at a campaign rally, HRC freezes with wide eyes in response to protestors. A large black male who commonly accompanies her leans in and tells her It s OK. We re not going anywhere. Keep talking Shortly after, she laughs strangely and then says OK. Here we are. We ll keep talking. [xii] Several recent photos show HRC with an inappropriately exaggerated wide-mouthed smile and extreme wide-open eyes. Several videos show her laughing inappropriately and for extended periods. Numerous events have been interrupted by prolonged episodes of coughing unrelated to any infectious cause.This discussion will not argue that the black male is carrying a diazepam injector, since there is a plausible argument that it is actually a small flashlight, and is seen in other video to be such. We will also not discuss the circular area on her tongue. It appears to be the site of a mass excision. Benign explanations that do not bear on chronic health issues may easily be proffered.After the 2012 fall, HRC had post-concussion syndrome (PCS). She should have declared herself unable to fulfill her duties as Secretary of State. Her resignation from the position shortly thereafter may have satisfied this need without public medical discussion. If no other questionable medical signs had appeared, this discussion would end here. But the other events and signs point to a single cause for the fall, and it is not the public explanation. Further, HRC s statement early in her tenure as Secretary of State that she would serve only four years can be read in the context of a progressive disease that was known as she assumed the post.It is the premise of this discussion the HRC is most likely suffering from Parkinson s Disease (PD).It explains every one of the items listed above. Further, since it is a diagnosis primarily made by observation, the video record is sufficient to create a high degree of certainty.Via: Danger and Play h/t Gateway Pundit",left-news,"Aug 12, 2016",0 +HILLARY’S STATE DEPARTMENT BLOCKED Min Wage Hike For Haiti’s Poorest Citizens To Keep Costs Down For U.S. Owned Factories,"Corporations first Unfortunately, the poor factory worker in Haiti couldn t help Hillary or her campaign Hillary But just ask her, she ll tell you she s always looking out for the little guy! So much for the champion of the factory worker or the champion of the poor In Haiti, people work for peanuts. Slave wages. Less than $5 per day, but they supply the U.S. with tons of affordable clothing from big-name brands like Levi s, Hanes and Polo. Haiti s big advantage, compared to Asia, is their proximity to us, and thousands of Haitians are employed in the textile industry in part because of that. When Haiti passed a wage raise from $.24 per hour to $.61 per hour, American companies were predictably outraged.Enter Hillary s State Department Hillary Clinton colluded with big business to maintain slave wages for workers in one of the world s poorest countries, according to the host of an RT American comedy news show.Comedian and activist Lee Camp of RT s Redacted Tonight mocked Clinton s efforts to keep 37 cents per hour out of the hands of destitute Haitians. In 2009, while Bill Clinton was setting up one of the family s shell companies in New York, in that same year Hillary Clinton was at the State Department working with U.S. corporations to pressure Haiti not to raise the minimum wage to 61 cents an hour from 24 cents, Camp said April 17. Seriously. Memos from 2008 and 2009 obtained by Wikileaks strongly suggest, but don t prove without a doubt, that the State Department helped block the proposed minimum wage increase. The memos show that U.S. Embassy officials in Haiti clearly opposed the wage hike and met multiple times with factory owners who directly lobbied against it to the Haitian president.The Clinton campaign (as expected) refuted the claim, and the State Department didn t comment.- PolitifactThis took place in 2011, and Hillary Clinton was the Secretary of State. Our corporations were successful, and Haitians continued to work for worse slave wages than they otherwise would have, all so U.S. corporations could take home higher profits.At the time, the U.S. Embassy said that the wage increase didn t take economic realities into account, and that it was a move designed specifically to appeal to the unemployed and underpaid masses of Haiti. Imagine that. Imagine trying to help your people have a better life instead of catering to huge corporations at your people s expense. The horror. News.groopspeakHOPE, not changeIn 2011, Wikileaks made nearly 2,000 cables available to the progressive magazine, The Nation, and Haiti Libert , a weekly newspaper in Port-au-Prince.The two media outlets assessed the cables and found, among many other revelations, that the U.S. Embassy in Haiti worked closely with factory owners contracted by Levi s, Hanes, and Fruit of the Loom to aggressively block a paltry minimum wage increase for workers in apparel factories.The Wikileaks cables show U.S. Embassy officials began monitoring the minimum wage issue as early as 2008, when the Haitian Parliament began discussing doubling or tripling the daily minimum wage of 70 Haitian gourdes to keep up with inflation. That s roughly equal to $1.75 a day, or about 22 cents per hour.(Some context here: Three quarters of Haitians live on less than $2 a day, according to the United Nations World Food Program, while garments constitute about 90 percent of Haiti s exports, according to the Guardian. Haiti increased the daily minimum wage to the equivalent of $5.11 in 2014.)But back in 2008 and 2009, embassy officials repeatedly told Washington that a hike would hurt the economy and undermine U.S. trade preference legislation known as HOPE.The program, shorthand for the Haitian Hemispheric Opportunity through Partnership Encouragement Act of 2006, gives garments manufactured on the island duty free access to U.S. markets. Levi Strauss, Haneswear, Nautica, and Dockers are just some of the American companies that benefit from HOPE. Congress passed HOPE II in 2008, extending the program for another 10 years.In January 2008, Ambassador Janet Sanderson wrote that representatives of the business community including the man tasked with implementing HOPE had met with embassy officials and criticized Haitian President Ren Pr val s efforts to raise the minimum wage as the wrong medicine for the ailing economy.An unsigned embassy cable sent to Washington in December 2008 echoed the private sector s assessment and reported that increasing the minimum wage would have significant impact on business.The State Department continued to promote HOPE as an economic boon for the island. In memos prepping U.N. Ambassador Susan Rice and Clinton for their visits to Haiti, charg d affaires Thomas Tighe told the diplomats to urge the Haitian government take advantage of HOPE and HOPE II.For entire story: Politifact ",left-news,"Aug 12, 2016",0 +CLAREMONT COLLEGES β€œStudents Of Color” REFUSE To Live With Whites: β€œI don’t want to live with any white folks”…”Don’t see how this is racist at all”,"Are these students bullies? Are they racists? Perhaps they re both. Who in the world would want to hire these openly racist students when they graduate? When did it become okay for Hispanics and Blacks to openly discriminate against people who don t have the same skin color? A group of students at the Claremont Colleges in search of a roommate insist that the roommate not be white.Student Kar Ure a (PZ 18) posted on Facebook that non-white students in need of housing arrangements should reach out to either her or two other students with whom she plans to live in an off-campus house. The post states that POC [people of color] only will be considered for this living opportunity. I don t want to live with any white folks, Ure a added.Dalia Zada (PZ 18) expressed concerns to the anti-white discrimination. POC only? Maybe I m missing something or misunderstanding your post, but how is that not a racist thing to say? This is directed to protect POC, not white people. Don t see how this is racist at all responded AJ Le n (PZ 18), a member of the Pitzer Latino Student Union. People of color are allowed to create safe POC only spaces. It is not reverse racism or discriminatory, it is self preservation [sic], Sara Roschdi (PZ 17), another Pitzer Latino Student Union member, stated. Reverse racism isn t a thing. We don t want to have to tiptoe around fragile white feelings in a space where we just want to relax and be comfortable, commented Nina Lee, a Women s Studies major. I could live with white people, but I would be far more comfortable living with other poc. It is not clear whether or not this refusal of dialogue represents the approaches to conversation on racism with fellow students encouraged by professors of Africana Studies or the Residence Life staff at Pitzer College.Another RA and Black Student Union member, Jessica Saint-Fleur (PZ 18) added to the thread of comments, White people have cause [sic] so much mf [sic] trauma on these campuses why in the world would I want to live with that? Bring that into my home? A place that is supposed to be safe for me? The Mission and Values section of Pitzer College s website states, Intercultural Understanding enables Pitzer students to comprehend issues and events from cultural lenses beyond their own. It also adds that [Pitzer College] supports the thoughtful exchange of ideas to increase understanding and awareness, and to work across difference without intimidation. We have the right to be heard and the responsibility to listen. Communication, even at its most vigorous, should be respectful and without intent to harm. Campus ReformVia: Claremont Independent",left-news,"Aug 12, 2016",0 +NFL DENIES Dallas Cowboys’ Request To Honor Slain Police Officers…IGNORES NFL Player Who Posted Pic Of Cop’s Neck Being Slit On Social Media,"The NFL was able to take a stand when it comes to the Cowboys attempt to honoring slain police officers in their hometown, but when an NFL player posts an ISIS type execution of a police officer on social media, they can t seem to find their voice to express their disapproval The NFL has denied the Dallas Cowboys request to wear the Arm-in-Arm decal on their helmets for Saturday s preseason opener against the Los Angeles Rams.The Cowboys had unveiled the decal at an emotional start to their first padded practice of training camp, when they walked arm-in-arm on the field with Dallas police officials, including police chief David Brown, Dallas Mayor Mike Rawlings and the families of the police officers slain in the line of duty last month.The Cowboys, who wear the decal on their helmets during training camp, knew they would not be able to wear the decal for the regular season but had hoped to wear it in the preseason. We certainly understand the position the league takes on this, but it won t diminish our support for that concept of unity and supporting our police force and what they do to make our lives better on a daily basis, coach Jason Garrett said. That arm-in-arm image is something that we really believe in. You heard me talk about it a couple weeks back. What we re trying to do as a football team is build a team that s close. We talk a lot about unity and having each other s backs, and certainly they embody that. Cowboys owner Jerry Jones has this to say about the decal controversy:Tight end Jason Witten spearheaded the idea of the players honoring the police and the families. While a little disappointed, Witten believes the gesture at the start of camp can have a long-lasting impact. What s really important is what we tried to do, and that s to unite that community, our community, and show that support for those families and really honor the leadership of our city, Witten said. I think that decal not being on the helmet is not going to stop that. It s going to continue to do that not only now but in the future as we move forward. As players and an organization that is something we re going to continue to support. ESPNWe reported about Cleveland Brown s player, Isaiah Crowell s Instagram post on July 11, 2016. While Cleveland Brown s acknowledged his post, the NFL has yet to make a public admonishment or levy a fine against him for making what was akin to a terrorist threat on social media against law enforcement.Here is a screen shot of the Instagram post that Crowell posted and then removed:Under the vile picture he posted in ebonics: They give polices all types of weapons and they continuously choose to kill us. 100percentfedup.comCleveland Police force was not taking this lightly. Here s how they replied to Crowell s vile post:Crowell got blasted for posting an illustration last week of a cop getting his throat slashed by a masked person. He posted it on Wednesday after Alton Sterling and Philando Castile s deaths, but the day before 5 Dallas officers were shot and killed. The running back deleted the post and the Browns demanded he publicly apologize, which he did.But Stephen Loomis, President of Cleveland Police Patrolmen s Association, thinks the store-bought apology isn t enough. He needs to go to Dallas, help the families who lost their loved ones last week, write them a check, look them in the eyes and give a heartfelt apology. Loomis says Crowell s post was as offensive as putting a picture of historical African-American men being hung from a tree in the 60s. He adds that if Crowell doesn t go to Dallas and make a donation, I will pull Cleveland officers, sheriffs, state troopers out of First Energy Stadium this season if he doesn t make it right. As for Crowell admitting he was wrong and acted out of rage Loomis says, You re a grown ass man, and you claim you were too emotional to know it was wrong? Think we ll accept your apology? Kiss my ass. TMZ ",left-news,"Aug 11, 2016",0 +SCARY! LEAKED EMAIL PROVES Radical Billionaire Donor GEORGE SOROS Was Pulling Sec Of State Hillary Clinton’s Strings On Foreign Policy,"It was announced last week that George Soros was donating over $25 MILLION to Hillary s campaign. Today we find out that George Soros is making decisions for Hillary that could affect our national security and the security of other nations worldwide.More leaked e-mails from Hillary Clinton during her time as Secretary of State now prove that she was taking foreign policy advice from radical leftist billionaire George Soros.WikiLeaks latest email leak shows how Soros had a direct line to Secretary of State Hillary Clinton when it came to foreign policy decisions she was tasked to act upon.How can we ever trust Hillary to make important decisions that affect the national security of our nation and of foreign nations now that it has been proven she is relying on advice from major donors like the unhinged radical, George Soros?Here is the content of the email. (A screen shot of the actual email can be found below): Dear Hillary, A serious situation has arisen in Albania which needs urgent attention at senior levels of the US government. You may know that an opposition demonstration in Tirana on Friday resulted in the deaths of three people and the destruction of property. There are serious concerns about further unrest connected to a counter-demonstration to be organized by the governing party on Wednesday and a follow-up event by the opposition two days later to memorialize the victims. The prospect of tens of thousands of people entering the streets in an already inflamed political environment bodes ill for the return of public order and the country s fragile democratic process. ",left-news,"Aug 11, 2016",0 +STEALING THE ELECTION…SHOCKING CBS Report Shows How Anyone Can Hack The Vote For $15…VIDEO Shows How Easy It Is To Rig The System,"Roughly 70% of states use some form of electronic voting machine. The ease with which these machines can be manipulated is stunning Donald Trump said this week that he fears the election will be rigged for Hillary Clinton. Although he didn t specify exactly how Clinton, her team, or her supporters would commit widespread voter fraud, allowing her to steal a Presidential election, he insisted that the 2012 Presidential election demonstrated a cause for significant concern.I ve been hearing about it for a long time, Trump told CNN. And I know last time, there were you had precincts where there was practically nobody voting for the Republican. And I think that s wrong. I think that was unfair, frankly. Many of Trump s supporters agree.But how easy is it to actually rig an election? It turns out that while voting machines are notoriously easy to hack, throwing a national election is a major operation that would require serious technical firepower.In a recent CBS News report, hackers demonstrated that individual electronic voting machines the kind used in most precincts are particularly vulnerable.WATCH:Via: Heat Street",left-news,"Aug 11, 2016",0 +SECOND TWIN FALLS SEXUAL ASSAULT CASE…Mohammed Hussein I. Eldai Faces Felony Charges For Sexual Assault Of β€œMentally Retarded” Woman,"Donald Trump was clearly on to something when he said we need to stop allowing unvetted refugees into our country until we get the refugee situation under control TWIN FALLS, IDAHO A town that was recently rocked by the horrific gang-rape of a five-year-old girl by refugee boys has had an arrest in a case involving charges of another disturbing sexual assault case last weekend.Mohammed Hussein I. Eldai, 28, is facing charges of felony sexual assault of a vulnerable adult for an attack that happened Friday afternoon.The alleged victim, who has been diagnosed with mental retardation, encountered Eldai when she was out for a walk in the Saturday afternoon heat and laid down to take a nap.As Twin Falls TV station KM TV reports:She then laid on the sidewalk when her fatigue took over. That s when she says 28-year-old Mohammed Hussein Eldai saw her and asked if she was okay.Court documents say Eldai brought the woman to his house where he made her a drink. She told police Eldai touched her and exposed himself to her while he kept the victim in his bedroom.Neither the media nor the local authorities have released information on why Mohammed Eldai was in Twin Falls, whether he is a U.S. citizen, or whether he has any connection to Twin Falls s controversial refugee program. Sources say that Eldai required the services of an interpreter in court.The June 2nd rape of a five-year-old garnered national attention after local politicians and media attempted to downplay or cover up the incident. In an exclusive interview with Breitbart News, the victim s father revealed that he had watched 30 seconds of the video of the horrific attack in that case.For entire story: Breitbart News",left-news,"Aug 11, 2016",0 +NBC BUSTED MAKING UP EMBARRASSING β€œGOTCHA” Trump Story In Attempt To Help Hillary,"In NBC s attempt to discredit Trump, they ve shined a bright light on their own journalistic malpractice when it comes to the Clintons.But wait does NBC really want us to believe that Florida Congressman Mark Foley, who allegedly sent suggestive emails and messages to congressional pages, was somehow the equivalent of having the Muslim father of a radical Muslim son who only months ago committed a horrific act of mass murder in Orlando in the name of Allah, in VIP seats behind Hillary at a recent rally?From the NBC story:SUNRISE, Florida Donald Trump on Wednesday night admonished Hillary Clinton for having the father of the Orlando shooter seated behind her at a recent campaign rally. Wasn t it terrible? Trump asked, that Seddique Mateen was sitting with a big smile on his face right behind Hillary Clinton When you get those seats, you sort of know the campaign. But as he said those words, disgraced former Congressman Mark Foley smiled up at him from behind the stage.Foley, a Republican who represented southern Florida, was forced to resign his seat in September 2006 in the wake of allegations that he sent sent suggestive emails and instant messages to congressional pages. The former congressman shared Trump s camera shot, with a smile, for the entirety of the hour-long rally. NBC NewsDo you really expect any reasonable voter to believe that former Congressman Mark Foley s presence behind Trump at his Sunrise, FL rally was the equivalent of a Taliban supporting father of a radical Muslim mass murderer?More importantly, in their rush to make Trump look bad, NBC apparently forgot about former President Bill Clinton s oral sex act with a young intern in the Oval Office while he was married to Hillary. Maybe NBC missed the stories about Bill s numerous trips to Pedophile Island with fellow pervert and billionaire donor Jeffrey Epstein?Hey NBC Bill was ON THE STAGE several times during the DNC coronation of Crooked Hillary. Why didn t you call him out? How about the multiple allegations of rape and sexual assault by woman after woman at the hands of Bill Clinton? You know the disgraced President Bill Clinton the guy who was impeached for lying to a Grand Jury about Monica Lewinsky. He s the same guy who stood behind Hillary on the stage at the DNC, yet you never mentioned a word about him and his sordid history of alleged and proven sexual assault. He s the same guy who you re rooting for to move back into our White House. And you re worried about a FL Congressman who allegedly sent suggestive messages to congressional pages sitting behind Trump at a rally? Really?Ahhh but it s Teflon Bill and Hillary Clinton, so what difference does it make right? ",left-news,"Aug 11, 2016",0 +THUG ANNIVERSARY GETS VIOLENT IN FERGUSON: Cellphone Captures Shocking Video Of Protester Blocking Traffic Being Mowed Down By Car…Shots Erupt [VIDEO],"Nothing good can come out of a protest over a thug who was shot to death by a cop defending his own life in a town that was ravaged, looted and burned by more out-of-control thugs. All of these acts were inspired by our racist President and his former, lawless Attorney General Eric Holder. How many more innocent lives will be lost or businesses destroyed over the lie that Michael Brown was innocent and had his hands up when he was shot? Gunfire broke out after a car mowed down a protester in Ferguson, Missouri on the second anniversary of the fatal shooting of Michael Brown. Several people were injured, at least one person seriously.***WARNING***Extremely Graphic Video***The Tuesday night protest took place near and in the street, and the demonstrators sometimes impeded traffic, but retreated from the roadway when warned by police.The man was reported to be badly injured, and was taken by a private car to a hospital, Cowan told The Chicago Tribune.Police responded to reports of gunfire, but found no evidence that anyone had been hit by a bullet, said Ferguson PD spokesman Jeff Small.The 2014 death of Brown at the hands of Darren Wilson, a white Ferguson police officer, was the catalyst for the Black Lives Matter movement. Via: RT",left-news,"Aug 10, 2016",0 +WATCH: REMEMBER WHEN HILLARY SAID She Wasn’t Dropping Out Of 2008 Primary Race…Hinted Obama Might Be Assassinated Before Election [VIDEO],"That Hillary, she sure is a forked-tongued silver-tongued devil. Funny how the media conveniently forgot about the time Hillary hinted she was going to stay in the race despite the effect it may have on Obama s chance of defeating McCain because after all, Bobby Kennedy was assassinated in June right before the election.Because suggesting an opponent in your party may be assassinated before the general is apparently okay if you re a Democrat. This week s controversy over comments by Republican presidential nominee Donald Trump and the assassination of his Democratic rival Hillary Clinton by second amendment people echoes a flap during the 2008 primary when she mentioned the possibility of someone killing Barack Obama.For those who don t remember the events of eight years ago, the Illinois senator had all but locked down his historic nomination, but former first lady was holding on until June, refusing to concede. RTWatch here:",left-news,"Aug 10, 2016",0 +DAN RATHER GOES FULL-ON RADICAL: Media Must Shame Donald Trump Supporters,"Dan Rather just released a Facebook post that s so full of BS that it stinks to high heaven! Please feel free to go on over to his page and let him have it: Dan RatherOur lefty media hacks are coming out of the woodwork to try and bash Donald Trump. It s unbelievable and unprecedented: Disgraced former CBS news anchor Dan Rather is out with a haughty statement on Facebook, urging all of his fellow news anchors and mainstream media editors to destroy Donald Trump and his supporters. This cannot be treated as just another outrageous moment in the campaign, Rather said, referring to the Republican presidential nominee s comments about defending the Second Amendment.Rather appeared horrified by Trump s comment, struggling to explain his shock. By any objective analysis, this is a new low and unprecedented in the history of American presidential politics, he said.Rather challenged the media to hold Trump accountable for his words, urging them to do more to try to shame his supporters. We will see whether major newscasts explain how grave and unprecedented this is and whether the headlines in tomorrow s newspapers do it justice, he said. We will soon know whether anyone who has publicly supported Trump explains how they can continue to do. Via: Breitbart",left-news,"Aug 10, 2016",0 +β€œFOLLOW THE MONEY”: Hillary Gave $125K To Hospital After Receiving Treatment For Blood Clot,"She is the only Presidential candidate who travels with a full-time physician. She s been having brain freezes and admits to short-circuiting and video footage captures her, as she appears to be having a seizure in middle of being questioned by reporters. She can t seem to recall anything and clearly has a serious problem with the truth. Is Hillary Clinton mentally or physically fit enough to serve our nation in any capacity? Maybe it s time to take Hillary s advice and follow the money :Hillary Clinton kicked $125,000 in donations from her family foundation to a hospital after receiving treatment for a blood clot in 2013, the Washington Free Beacon has discovered.Hillary had never donated to the hospital before her treatment for the blood clot.Clinton was discharged from New York Presbyterian Hospital in January 2013 after being treated for a blood clot. Doctors discovered the clot during follow-up treatment for a concussion she sustained weeks earlier after she passed out from dehydration, causing her to fall and hit her head.The New York Times wrote in January 2013:Hillary Rodham Clinton, whose globe-trotting tour as secretary of state was abruptly halted last month by a series of health problems, was discharged from a New York hospital on Wednesday evening after several days of treatment for a blood clot in a vein in her head . Her medical team advised her that she is making good progress on all fronts, and they are confident she will make a full recovery, Philippe Reines, a senior adviser to Mrs. Clinton, said in a statement.Mrs. Clinton, 65, was admitted to NewYork-Presbyterian/Columbia hospital on Sunday after a scan discovered the blood clot. The scan was part of her follow-up care for a concussion she sustained more than two weeks earlier, when she fainted and fell, striking her head. According to the State Department, the fainting was caused by dehydration, brought on by a stomach virus. The concussion was diagnosed on Dec. 13, though the fall had occurred earlier that week.The clot was potentially serious, blocking a vein that drains blood from the brain. Untreated, such blockages can lead to brain hemorrhages or strokes. Treatment consists mainly of blood thinners to keep the clot from enlarging and to prevent more clots from forming, and plenty of fluids to prevent dehydration, which is a major risk factor for blood clots.The Clinton Family Foundation the Clintons second, much smaller foundation then donated six figures to the hospital s fund, according to records filed with the Internal Revenue Service.The same year Clinton received treatment for the blood clot, the foundation made a $25,000 donation to New York-Presbyterian Fund Inc., the fund associated with the hospital.For entire story: Free Beacon",left-news,"Aug 10, 2016",0 +MONEY TO β€œBERN!”…SOCIALIST BERNIE SANDERS Endorses Clinton…Buys THIRD Home On Lake For $600K Only 3 Weeks Later,"Feel the Bern of a lot of gullible young people who were fed a big line of Bullsh*t Socialist Senator Bernie Sanders (VT) is the proud new owner of a summer home in the Champlain Islands, Seven Days has confirmed.The Burlington resident last week plopped down nearly $600,000 on a lakefront camp in North Hero.Sanders new crib has four bedrooms and 500 feet of Lake Champlain beachfront on the east side of the island facing Vermont, not New York. The Bern will keep his home in Burlington and use the new camp seasonally. We ve traveled up to the islands many times over the years almost always on day trips, Sanders wife, Jane O Meara Sanders, told Seven Days in a written statement. We ve been impressed with the North Hero community, eaten at the North Hero House and Shore Acres and have suggested them to friends who were looking for a beautiful place to stay or have dinner. St. Anne s Shrine in Isle La Motte is my favorite church and it is nearby. Last Tuesday, the day of the closing, a relaxed-looking Bernie Sanders posed for a photo at Hero s Welcome General Store on Route 2. The store, a bit south of his new abode, serves a sandwich called Feel the Bun in the senator s honor. The $6.99 deli delight consists of a HUGE homemade roll, sliced turkey, fresh apple chutney, hot pepper relish, lettuce, tomato and provolone cheese. It s not fair that the Billionaire Class controls 99 percent of the bread, the menu description reads. Here s a sandwich for the rest of us to keep us nourished until everything cool is free! Seven Days",left-news,"Aug 10, 2016",0 +GUESS WHO WE SPOTTED IN THE VIP SECTION AT A CLINTON RALLY? Hillary’s Campaign Couldn’t Get Any Creepier,"You won t believe who was spotted in the special section behind Hillary Clinton at her rally yesterday in Kissimmee, Florida? The section behind a candidate is typically reserved so the campaign knew he was going to be there. Remember that after the Orlando attack this man was awful and blamed the attack on guns. He is a local politician and a total creep.What s up with these Democrats?It s Seddique Mateen, father of Orlando terrorist Omar Mateen:Mateen refused to speak to local reporters at the rally but they caught up with him at a rest stop on the road:Via: WPTV We ve been cooperating with the federal government, and that s about it, he said. Thank you. Mateen didn t want to answer any other questions, but just hours later, we ran into him by chance at a rest stop on the way back to West Palm Beach. He wanted to do an interview and show us a sign he made for Clinton. Hillary Clinton is good for United States versus Donald Trump, who has no solutions, he said.He had a sign with him Note the bullet point that reads GOOD FOR NATIONAL SECURITY . ",left-news,"Aug 9, 2016",0 +US SWIMMER Kicks Some Russian Booty After Russian Swimmer Shakes Finger At Her,"US Swimmer Lilly King gave a Russian swimmer a lesson in swimming clean when she raced and beat the swimmer who wagged her finger at her the night before. The interview after the finger wagging was great! Lilly basically said the Russian swimmer s record of not passing the drug test was not cool . Soooo Lilly went out today and kicked some Russian booty The American beat Yulia Efimova in the 100-meter breaststroke and set an Olympic record, too a night after she called out the Russian for bragging after failing a drug test.Efimova was .57 seconds behind King, who finished in 1 minute, 4.93 seconds. American Katie Meili won bronze[ ]King s victory made a statement, too. Asked if she thought the win made a statement to Efimova, King said: I hope I did, that we can still compete clean. That s how it should be. ",left-news,"Aug 8, 2016",0 +"LIBERTARIAN Gary Johnson ENDORSES Black Lives Matter, Anti-Cop Terror Group [VIDEO]","Johnson calls Obama s manufactured race war/war on cops a national emergency Watch below as Johnson exposes his left-winger leanings while attempting to pick up disenfranchised Cruz and Sanders voters If there was any doubt, Gov. Gary Johnson is working harder at winning over former Bernie Sanders supporters than Ron and Rand Paul supporters. For whatever reason, he s taken on several left-wing positions from bashing religious freedom to now supporting Black Lives Matter. At the CNN Libertarian Party Town Hall on Wednesday, Johnson praised the efforts of Black Lives Matter and endorsed the organization.https://youtu.be/y9bwi91j99USpeaking to a Black Lives Matter protestor and registered Democrat who was shot in the leg during a march, Johnson said, What it has done for me is that my head has been in the sand on this, Johnson said. I think that we ve all had our heads in the sand and lets wake up. Discrimination does exist, has existed, and for me personally, um, slap, slap, wake up. The Libertarian Vice Presidential nominee Bill Weld focused less on the Black Lives Matter movement and more on the stats of black youth unemployment, calling it a national emergency.Via: Red Alert Politics",left-news,"Aug 8, 2016",0 +BREAKING: Did Hillary’s Unsecured CLASSIFIED EMAILS Cause Execution Of Iranian Accused Of Working With U.S.? [VIDEO],"Will the State Department ever tell the truth and prove that careless, reckless, lying Hillary was responsible for his death? A State Department spokeswoman dodged questions Monday about whether the discussion of Shahram Amiri, an Iranian scientist who was executed by the Iranian government for working with the U.S., in a pair of Hillary Clinton s private emails may have played a role in his recent fate. We re not going to comment on what may have led to this event, said Elizabeth Trudeau, a State Department spokeswoman. I couldn t speak to Iranian judicial procedures related to this specific case, Trudeau said. We ve made our concerns known writ large around Iranian due process. She noted the State Department had been very public about this case when [Amiri] chose to return to Iran, pointing to a press conference Clinton gave in July 2010.In those remarks, Clinton compared Amiri s ability to leave the U.S. on his own free will with Iran s decision to hold three young Americans against their will. She did not reference the scientist s work with the U.S. government.But emails made public in August show State Department aides referring to Amiri as our friend. An Iranian official was quoted attributing Amiri s execution to his collusion with the Great Satan, America. Washington Examiner",left-news,"Aug 8, 2016",0 +CAUGHT ON CAMERA: MULTIPLE ATTACKS Against Olympic Tourists By Brazen Thugs In Broad Daylight In RIO DI JANEIRO,"No wonder the stands are mostly empty at the Olympic events in the violent city of Rio Di Janeiro.As Rio de Janeiro rings in its tenure as host city to the Summer Olympics with street violence, deadly pollution, jihadist threats, incomplete facilities, and a plague, many around the world are wondering: who thought the embattled Brazilian city would be a good host for anything of this magnitude?The Summer Olympics is the second major global sporting event Brazil clinched hosting duties for under the rule of the socialist Workers Party (PT) and its founder, President Luiz In cio Lula da Silva two years after its surprisingly uneventful run as hosts of the FIFA World Cup. Brazil winning World Cup hosting duties made sense; it was the only candidate. The Olympic bid, however, was a competitive one, with highly developed cities like Madrid and Chicago making the case that they were safer, better-prepared venues for such an event.Hey Hillary supporters here is a preview of what socialism really looks like:https://youtu.be/BFDHd3UCyaUAt the time of Rio s winning Olympic bid, International Olympic Committee (IOC) president Jacques Rogge said of Brazil, There was absolutely no flaw in the bid. IOC Evaluation Commission chair Nawal El Moutawakel implied this was false, but refused to speak ill of Rio de Janeiro. There is a vision between now and many years yet to come, these Olympic Games come right in the middle of a global vision led by President Lula and the entire government, she concluded.Lula, meanwhile, reveled in the significance of hosting the Games for his socialist movement. For us, it will be an opportunity to be equal. It will increase self-esteem for Brazilians, will consolidate recent conquests and stimulate new advances, he said in a speech following the IOC announcement.Lula, an ally of the continent s worst tyrants, from Hugo Chavez to Fidel Castro, did have a vision for Brazil: to use it as a personal piggy bank for himself and his cronies while exploiting the desperation of the poor. Under Lula, officials used the state-run oil company Petrobras to line their pockets with hundreds of millions of dollars by overcharging on contract projects. For years, investigators believed the Petrobras corruption scheme known by its investigative name, Operation Car Wash operated without Lula s knowledge.Judge Sergio Moro, who has become a folk hero for his role in exposing the corruption, found evidence that Lula used Petrobras money to buy himself a beachfront home. Moro opened an investigation into Lula, which immediately prompted President Dilma Rousseff to appoint Lula her chief of staff, granting him immunity.Moro posted audio of Rousseff, the nation s Minister of Energy during the Petrobras scandal, assuring Lula she would appoint him to a government position for immunity purposes if police got too close to uncovering his role in the scandal. Rousseff accused Moro of trying to foment a coup against her.Rousseff has since been impeached. Breitbart News",left-news,"Aug 8, 2016",0 +BRAIN FREEZE! HILLARY CLINTON Goes Blank…Forgets What She’s Talking About [Video],And this woman is going to try and keep up with Trump? I think it s safe to say the debates are gonna be fun ,left-news,"Aug 8, 2016",0 +AMERICAN OWNED DUNKIN’ DONUTS BANS Women Not Accompanied By A Man From Stores In Saudi Arabia,"Dunkin Donuts is an American global donut company and coffeehouse chain based in Canton, Massachusetts, in Greater Boston. How many American companies out there who franchise their businesses are willing to say, no to countries who still uphold 7th century treatment of women? WOMEN in Saudi Arabia have been banned from the American chain Dunkin Donuts unless they are accompanied by a man.Signs have been daubed on doors to the shops in the capital Riyadh saying unescorted women are not allowed inside.Saudi Arabia has strict rules in place to separate men and women, many of whom wear full face veils.Western eateries McDonald s and Pizza Hut have separate entrances for men and women who are also seated apart once inside.Women who go into restaurants with their husbands and children are seated in family areas which are screened off from other diners allowing them to remove the veil covering their faces.Saudi Arabia is the only country in the world where women are banned from driving because of their gender.They are also unable to access education, medical treatment and go out for a meal unless a male chaperone usually a husband or father gives them permission or accompanies themProtesters have argued that western chains such as Dunkin Donuts, McDonald s and Pizza Hut are promoting sexism and the discrimination of women by separating the sexes in their stores.A Twitter campaign using the hashtag #StopEnslavingSaudiWomen is calling for women to be treated as equal to men and the right to drive and enjoy an education in addition to enjoying outings without a chaperone.Earlier this year Express.co.uk reported how Starbucks another American chain had also forbidden women from entering a shop in Riyadh urging them to send their driver in to collect their drink.Via: Express H/T Weasel Zippers",left-news,"Aug 8, 2016",0 +THE YOUNG GIRL THE CLINTONS DESTROYED…Monica Lewinsky: β€œI’m Probably The Only 41 Year Old Who Doesn’t Want To Be 22 Again”," In 1998, I lost my reputation and my dignity. I lost everything and I almost lost my life -Monica Lewinsky, 2015Here is Monica Lewinsky, now a 41 year old woman who is actually being paid to address audiences about how her affair with then President Bill Clinton destroyed her life. What price did Bill Clinton pay for destroying this young girl s life? What price did Hillary pay for enabling his behavior (that bordered on pedophilia given the age difference between Bill and Monica)? This young girl was slut shamed by the entire world while Bill and Hillary, unconcerned with her well-being, huddled together to work out the details of how they would deceive the world with lies and save their political careers and ambitions. Hillary even went so far as to call Monica a narcissistic looney tune. Does anyone really believe the audience at this event had any desire to hear what Monica Lewinsky had to say about the age of media, and how it affects people s lives? They wanted to hear about what it was like to have an affair with the former President of the United States of America, who also happens to be a serial philanderer, and is still married to a woman who pretends to be a champion for other women. The Clinton machine made sure Monica Lewinsky didn t receive any compassion from the media. She was made into a public joke, and humiliated by a rabid press who was looking for someone other than the Clinton s to blame for the shame that Bill Clinton brought to the office of President of The United States.The Clinton s never gave a damn about this young girl they only cared how about how they could spin it with the media, so as not to affect Hillary s Presidential ambitions ",left-news,"Aug 8, 2016",0 +SAY WHAT? Law Firm Who Gave GITMO TERRORISTS Anti-American Propaganda To Host Major FUNDRAISER For HILLARY [VIDEO],"Tickets to the fundraiser for Hillary hosted by a law firm who was banned from GITMO after being caught giving Muslim terror suspects anti-American propaganda are a mere $2,700 per person You can t make this stuff up!In 2007 Hillary Clinton voted YES on preserving habeas corpus for Guantanamo detainees.Sen. Specter s amendment would have stricken the provision regarding habeas review. The underlying bill would have authorized a trial by military commission for violations of the law of war. Here is what Senator Lindsey Graham had to say about the bill from the Senate floor:Senator Graham asked, Do we really want enemy prisoners to bring every lawsuit known to man against the people fighting the war and protecting us? No enemy prisoner should have access to Federal courts a noncitizen, enemy combatant terrorist to bring a lawsuit against those fighting on our behalf. No judge should have the ability to make a decision that has been historically reserved to the military. That does not make us safer. Senator Arlon Spector on the vote: The US Constitution states that Habeas Corpus shall not be suspended, unless when in Cases of Rebellion or Invasion the public Safety may require it. We do not have either rebellion or invasion, so it is a little hard for me to see, as a basic principle of constitutional law, how the Congress can suspend the writ of habeas corpus. Even with all the evidence that pointed to the danger this bill would our nation, Hillary voted Yes while the majority of the Sentate voted against her.Today, the attorney s who defended GITMO prisoners are rewarding Hillary for her vote with a major fundraiser.Watch: ",left-news,"Aug 7, 2016",0 +JUDGE JEANINE IS FURIOUS! β€œHillary Won’t Stop Lying!” [VIDEO],Can you blame her for losing her cool with Crooked Lying Hillary? Share this with all of your undecided friends!https://youtu.be/CCkXOix0g2Y,left-news,"Aug 7, 2016",0 +MOTHER OF CRYING BABY AT TRUMP RALLY: β€œMr. Trump NEVER kicked me or my child out”…Liberal Reporter Backs Up Her Story,"When you re Donald Trump (or any Republican for that matter) and the Washington Post comes to your defense, you know it means there are too many untruths surrounding the story to pull off this particular lie Donald Trump is complaining that the media has spun a fable that he kicked a baby out of his rally in Ashburn, Va.The New York Post, for instance, headlined its article: Trump loves crying baby, then kicks the tot out of his rally. The New York Daily News, in its article on the incident, began: What a baby. Donald Trump booted a fussy baby from a rally Tuesday because the tot was wailing over the businessman s speech. The Guardian newspaper even used the incident to declare that this is a core problem with Trump that he has a total lack of empathy. In reality, this is a situation when the video can lie and Trump s odd sense of humor can backfire. Let s roll the tape.The FactsThere are two parts to the video. During his speech a baby starts to cry, and Trump says: Don t worry about that baby, I love babies. I hear that baby crying. I like it. What a baby. What a beautiful baby. Don t worry, don t worry. The mom s running around like don t worry about it, you know. It s young and beautiful and healthy, and that s what we want. But then about a minute later he says: Actually, I was only kidding. You can get the baby out of here. I think she really believed me that I love having a baby crying while I m speaking. So, just from watching the video, Trump sounds rather cruel. But what s missing is what the mother was doing. As it happens, Daniel Dale, a reporter from the Toronto Star, was sitting right behind her and wrote that the entire incident was mischaracterized.The baby was one row in front of me, three or four rows from the stage, at Trump s event at a high school in Ashburn, Va. When it began to cry, Trump said, Don t worry about that baby, I love babies. I love babies. I hear that baby crying, I like it. I like it. What a baby, what a beautiful baby. Don t worry, don t worry. The mom s running around don t worry about it. People applauded. One minute later, though, the baby began to cry again. This time, the mother quickly decided to take the baby out of the room. Trump, looking in our direction, appeared to notice that she was on her way to the exit.And then he said, Actually, I was only kidding. You can get the baby out of here. That s all right. Don t worry. I think she really believed me that I love having a baby crying while I m speaking? He cupped his hand over his eyes to watch her leave. That s okay, people don t understand. That s okay. A joke? Possibly. An insensitive, heartless, ordinary-person-embarrassing remark? Possibly. Trump s tone is eternally hard to read. But, to my eyes, it certainly was not an ejection it was an unusually barbed endorsement of the mother s own decision to depart.One other salient fact is missing from all the pieces on babygate. Mom and baby, very much not kicked out, came back to their seat a bit later.The baby was sucking a pacifier, silent.Dale had this perspective because he was not sitting in the news media corral. I almost never request press credentials from the Trump campaign anymore partly because I like being in the crowd rather than the pen, he told The Fact Checker. I was lucky, this time, that the usher people seated me very close to the stage, and one row behind the baby. There was one empty seat up there. Virtually no one in the media noticed Dale s version of events. He said he did not seek to interview the mother himself, as he did not realize until later how much attention had been paid to this incident. Washington PostWithin days, the Clinton campaign highlighted the baby affair in a video trashing Trump s week:Trump just said he doesn t throw babies out of his rallies Let s review the record.https://t.co/u3a8RDNNrr Hillary Clinton (@HillaryClinton) August 5, 2016Trump responded (as only Trump can) to this ridiculous allegation while speaking at a rally in WI last night:The mother of the baby who Trump allegedly ejected from his rally, Devan Cierra Ebert is speaking out and setting the record straight about what REALLY happened.Statement from Devan Cierra Ebert who was removed with her crying baby at a Trump Rally: I was the mother in his rally on Tuesday, August 2nd, in Ashburn, VA, with the baby who started to cry. I would just like him to know personally that I, by no means felt I was ever kicked out of his rally.I excused myself and my child when he awoke from his nap and began to cry. It was only because I had to grab my child s belongings and then make my way out of the aisle I was seated in that I wasn t out of there sooner.I realize Mr. Trump doesn t know me personally, but for those that do, know that I am the first one to excuse myself and my child when he begins to cry because I personally believe it s rude to disturb anyone else s ability to hear what they came to see. I ve left movies, violin recitals, and other events if I felt my child was disturbing others. It is the considerate thing to do. I stood right outside the doors of the auditorium continuing to watch and listen to what Mr. Trump had to say. In fact, the police that were right outside in the same hallway with me, treated me with so much respect it was incredible. They were so kind and made me feel welcomed to stand with them.One officer commended me on my bravery to bring my child to Mr. Trump s rally.I fully support Mr. Trump. I thought he responded very graciously to my child crying and he made a lighthearted moment out of what I usually consider to be stressful. I actually was out of the auditorium before he even made his follow up comment about my child and even then, when I was informed of his comment,I laughed. I understand he says things jokingly, and I understand no one wants to speak over or struggle to listen over a crying baby.I am in no way offended and I again reiterate, Mr. Trump NEVER kicked me or my child out of the Briar Woods High School, Trump rally.And for the record, while my child and I stood outside of the auditorium, my eleven year old stepdaughter and my Grandmother sat inside the auditorium and continued to support and listen to everything Mr. Trump had to say.We all were so excited to be able to see Mr. Trump so close to home. I didn t have a babysitter to watch my kids and honestly, to me it was a historical moment that I am happy that my kids were there for.I apologize for the trouble this has caused Mr.Trump. The media has severely blown this out of proportion and made it out to be something that it wasn t and is clearly using this as political gain for the Democratic party.I hope this message sheds light to what really happened.Thank you for your time. Best of luck! You have our vote. Trump 2016 Via: Facebook",left-news,"Aug 6, 2016",0 +WOW! Sheriff Clarke DESTROYS Lie That Obama Is Helping Black Community With BRUTALLY HONEST Commentary On This Photo-Op,"Sheriff Clarke better beef up his security detail after Obama and his Democrat friends sees this truth bomb! Kid, I got everything ready for you, food stamps, failing pubic schools, inescapable poverty, unemployment, crime. pic.twitter.com/Le2KyibUvP David A. Clarke, Jr. (@SheriffClarke) August 6, 2016",left-news,"Aug 6, 2016",0 +BRAVO! CONSERVATIVE ACTOR TOM SELLECK Sets Flag Burner Straight In This Powerful Video,"Conservative Republican actor and outspoken NRA member, Tom Selleck uses his role on Blue Bloods, a CBS hit TV show to show the world what patriotism looks like.The episode is titled Flags of Our Fathers, and in it Selleck s conservative character Frank Reagan comes in contact with a crazed liberal named Gore, who organizes a protest to burn the American flag at a veteran s memorial.According to Conservative Tribune, Reagan tried to talk Gore out of burning the American flag, telling him that he will lose any sympathy for his message by burning the flag. The liberal, however, won t hear any of it and moves forward with burning the flag. Before he leaves, Reagan tells Gore that only a fool seeks peace by inciting violence.Just as Reagan predicted, the riot incites violence and Gore tries to blame the police for not protecting him. Reagan shot him down fast, telling him that the cops did their jobs. When the liberal announces plans to do another similar protest, Reagan then gives him a firm dose of reality. That flag, that you consider a prop and a stunt, has draped the coffins of Americans who died to give you the right to ignore that sacrifice, Selleck s character said. You re spitting on their graves. This scene rings especially true today, when Obama s race-baiters are constantly burning the American flag. We applaud Selleck for courageously telling this story despite the threat of liberal backlash!Via: Mr. Conservative",left-news,"Aug 6, 2016",0 +2016 OLYMPIC OPENING CEREMONY Slips Some Politics Into The Show In RIO,"Did you watch the opening ceremony of the 2016 Olympics in Rio last night? If you did, you probably picked up on some politics slipped into the ceremony. A snoozer on global warming with tons of propaganda was a buzz kill for even those who ve bought into the scam. Also, a bit of colonialism thrown in Overall, with a very small budget, the opening ceremony was great but please, please keep the focus on the athletes! Politicizing the Olympics ruins the spirit of the games!The beginning presented us with HUGE spiders And then super model Giselle walked and walked and walked And then this giant dance number with dancers that look like Teletubbies?Then the ceremony went from this wild Brazilian dance party to a sad trombone .and GLOBAL WARMING PROPAGANDA! UGH!One of the biggest hits of the night on social media was this guy from Tonga John Kerry couldn t quite figure out how to take a photo he s pulling a Bill Clinton with that open mouth look of cluelessness Each team was introduced by Oops! The Saudis might not like a woman driving Finally! The best part of the night TEAM USA!Michael Phelps proudly brought in our flag! ",left-news,"Aug 6, 2016",0 +CHAMPION OF FOREIGN WORKERS: Hillary Gets Standing Ovation In India…”There’s No Way To Legislate Against Outsourcing” [VIDEO],"Every union member who believes the Democrats are looking out for them needs to remember, that President Bill Clinton signed the NAFTA agreement and Hillary defended the outsourcing of American jobs Ladies and gentlemen Here she is, the champion of the foreign worker in 2005: https://twitter.com/magnifier661/status/761359175716712448Is it any wonder Indian gave her a standing ovation?Here s the full gut-wrenching video:",left-news,"Aug 5, 2016",0 +TRUMP SPOKESPERSON THREATENS Trump Rally On Martha’s Vineyard During Obama’s Vacation,"If the Trump campaign arranges a rally while Obama is vacationing on Martha s Vineyard, there will be an awful lot of people making road trips to Massachusetts Trump campaign social media director Dan Scavino, Jr. raised the possibility of the Trump campaign holding a rally on Martha s Vineyard during President Barack Obama s two week vacation there that starts on Saturday.Scavino made the statement on Twitter in response to CBS News reporter Mark Knoller s tweet about Obama s vacation plans.POTUS has it made! We should have a #TrumpRally on the Vineyard next week #TrumpTrain #MakeAmericaGreatAgain https://t.co/zTmRT6mYy3 Dan Scavino Jr. (@DanScavino) August 5, 2016Via: GP",left-news,"Aug 5, 2016",0 +LOL! HILLARY ACCIDENTALLY Calls Trump Her β€œHusband” [VIDEO],Below the belt h/t Weasel Zippers,left-news,"Aug 5, 2016",0 +WATCH: IRAN Made VIDEOTAPE Of Secret $400 Million Ransom Cash-Drop From U.S. To Mock Obama’s Embarrassing Incompetence [VIDEO],"It s starting to get old but Trump was right again Iranian state-run media in Tehran did indeed videotape the arrival of a January 17 flight carrying $400 million in cash from the United States and the money itself judging from a documentary that aired the following month in the Islamic republic. Republican presidential nominee Donald Trump has been in a firestorm of controversy since first claiming on Wednesday to have seen secret footage of money being offloaded from an aircraft.He admitted Friday morning on Twitter what his campaign had said more than a day earlier, that he had seen ordinary archival footage of a different plane, carrying American hostages freed from Iran arriving in Geneva Switzerland after the money changed hands. But it turns out he may have been right without knowing it.The Iranian video was aired February 15 on the state-run Islamic Republic of Iran Broadcasting television network, as part of a documentary called Rules of the Game. A narrator, speaking in Persian, describes a money-for-hostages transaction over video clips of a plane on an airport tarmac in the dead of night and a photo of a giant shipping pallet stacked with what appear to be banknotes.The federal government shipped what many are calling a ransom payment in Euros and other non-U.S. currencies.The copy of the documentary footage DailyMail.com obtained is not of high enough quality to determine which nation s banknotes are depicted.None of the footage is stamped with a date or time, making it impossible to know when it was shot.And the broadcaster blurred out one portion of the screen, covering up something resting on top of the mountain of money.But the documentary begins with a narration saying: In the early morning hours of January 17, 2016 at Mehrabad Airport, $400 million in cash was transported to Iran on an airplane. The film describes the Obama administration s prisoner swap and Iran s cash windfall from Tehran s point of view as a win-lose deal that benefits the Islamic Republic of Iran and hurts the United States, according to two English-language translations DailyMail.com obtained. Via: Daily Mail ",left-news,"Aug 5, 2016",0 +WOW! ANOTHER YOUNG MAN Found DEAD After Serving DNC With Papers In Fraud Suit On Behalf Of Bernie Sanders [VIDEO],"That s the third suspicious death of a man tied in some way to Hillary. Does anyone in law enforcement have an accurate body count of suspicious deaths tied to Hillary? We recently questioned the suspicious murder of 27 year old Democrat Data Director Seth Rich, as he was walking home through his affluent Washington DC neighborhood. He was beaten and shot in the back, but apparently nothing of any value was taken from his body, which would likely mean robbery was not a motive. If robbery wasn t a motive and the police still have no clues what exactly was the motive for his brutal murder? In our previous article, we explored the possibility that he may have been about to blow the whistle on voter fraud. Does anyone have an actual tally of the number of people who had ties to the Clintons that ended up dead? Now Bernie Sanders supporter and activist Shawn Lucas is found dead.On July 3, 2016, Shawn Lucas and filmmaker Ricardo Villaba served the DNC Services Corp. and Chairperson Debbie Wasserman Schultz at DNC s headquarters in Washington, D.C., in the fraud class action suit against the Democrat Party on behalf of Bernie Sanders supporters.Shawn Lucas was thrilled about serving the papers to the DNC before Independence Day.According to Snopes Lucas was found dead on his bathroom floor.We contacted Lucas employer on 4 August 2016 to ask whether there was any truth to the rumor. According to an individual with whom we spoke at that company, Shawn Lucas died on 2 August 2016. The audibly and understandably shaken employee stated that interest in the circumstances of Lucas death had prompted a number of phone calls and other queries, but the company had not yet ascertained any details about Lucas cause of death and were unable to confirm anything more than the fact he had passed away.An unconfirmed report holds that Lucas was found lying on the bathroom floor by his girlfriend when she returned home on the evening of 2 August 2016. Paramedics responding to her 911 call found no signs of life.** This was before Wikileaks released documents proving the DNC was working against the Sanders campaign during the 2016 primary.Shawn Lucas was found dead this week.This follows the death of 27 year-old Democratic staffer Seth Conrad Rich who was murdered in Washington DC on July 8. The killer or killers appear to have taken nothing from their victim, leaving behind his wallet, watch and phone. Shortly after the killing, Redditors and social media users were pursuing a lead saying that Rich was en route to the FBI the morning of his murder, apparently intending to speak to special agents about an ongoing court case possibly involving the Clinton family.Watch here:And on June 22, 2016, former UN official John Ashe accidentally crushed his own throat and died a week before he was scheduled to testify against the Clintons and Democrat Party.Via: Gateway Pundit",left-news,"Aug 5, 2016",0 +AWESOME LETTER TO OBAMA: Who is unfit to be president?,"Did anyone else think it was the ultimate irony that Obama came out and declared Trump to be unfit to be president? Here s a great piece by Jack Cashill that is a letter from Trump to Obama regarding the comment: Please read and share because THIS is the Clinton dirty laundry list to send to your Trump doubters!Jack Cashill drafts letter from Trump to Obama about his candidate .Dear President Obama:It has come to my attention that you have deemed me, Donald Trump, unfit to be president of the United States.Yet here you are, championing Hillary Clinton, the most conspicuously corrupt aspirant to the presidency since Aaron Burr. And I m unfit?Your candidate, as you know, was called out by FBI Director James Comey before Congress for misleading the public about sending classified documents through email, using a single device to send them, returning classified documents to the State Department and deleting work-related emails. And I m unfit?This same candidate was called out by the Washington Post just this past Sunday for lying four Pinocchio s worth to Fox News Chris Wallace about Comey s comments. And I m unfit? Your candidate, as Comey strongly implied, would not be eligible for minimum security clearance were she not president. And I m unfit?In the week before the FBI cleared your candidate, your attorney general Comey s boss had a wildly inappropriate clandestine meeting with the candidate s husband. And I m unfit?Less than two weeks ago, WikiLeaks revealed that your candidate colluded with the DNC to rig the primary process against Bernie Sanders. And I m unfit?Your candidate lied to the families of those killed at Benghazi does it get any lower than that? telling them that that an online anti-Islam video provoked a mob to attack the U.S. mission in Benghazi. And I m unfit?To sell the lie, your candidate had the videomaker an American citizen imprisoned for a year. And I m unfit?As Peter Schweizer reported in his 2015 book, Clinton Cash, During Hillary s years of public service, the Clintons have conducted or facilitated hundreds of large transactions with foreign governments and individuals. Some of these transactions have put millions in their own pockets $136.5 million to be precise. And I m unfit?According to the Washington Post, the Clintons left the White House in 2001 with an unprecedented $190,027 worth of gifts received over the last eight years. After the Post revelation, the Clintons had to cough up $86,000 for items that were actually government property and returned $48,000 worth of furniture. And I m unfit?Leftist Christopher Hitchens said of the your candidate in his indispensable book, No One Left to Lie To, Like him, she is not just a liar but a lie; a phony construct of shreds and patches and hysterical, self-pitying demagogic improvisations. And I m unfit?In 1999, to facilitate your candidate s run for the U.S. Senate in New York, President Clinton sprung 16 unrepentant Puerto Rican terrorists. Resolutions condemning the president s action were passed with a vote of 95-2 in the Senate. And I m unfit?Says Linda Tripp of your candidate, Hillary was not only aware of Monica Lewinsky, she ensured that Monica was removed from the White House and in the end went from being a lack luster first lady with unimpressive approval numbers to wronged wife. Of course, Hillary claimed to have known nothing about the affair. And I m unfit?By the way, your candidate s husband was impeached for lying under oath and obstructing justice. And I m unfit?After the 1994 Democratic implosion, it was your candidate who called in Dick Morris to get her husband re-elected. To fund Morris TV campaigns, she helped orchestrate what Sen. Fred Thompson called the most corrupt political campaign in modern history. And I m unfit?According to the Thompson committee, your candidate and her co-conspirators took advantage of minority groups, pulled down all the barriers that would normally be in place to keep out illegal contributions, pressured policy makers, and left themselves open to strong suspicion that they were selling not only access to high-ranking officials, but policy as well. And I m unfit?To hoover up cash from corporate insiders, your candidate and her husband sold seats on foreign trade missions. In the process, they ruthlessly exploited the deeply compromised Commerce Secretary Ron Brown, the one African-American in the Cabinet. Although sick of being a mother-f -ing tour guide for Hillary Clinton, he went reluctantly to Croatia to cut a deal between the neo-fascists who ran the country and the Enron Corporation. Look it up. He never came back. And I m unfit?One major reason for the Democratic electoral collapse in 1994 was your candidate s mismanagement of a massive health care task force. Said the liberal New Yorker of the illegal decision to keep task force meetings secret, It is hard to believe that this decision did not emanate from Hillary Clinton it was in keeping with her natural bent. She trusted few, and secrecy was a means of maintaining control. And I m unfit?In a 1996 New York Times op-ed titled Blizzard of Lies, the usually restrained William Safire famously called your candidate a congenital liar for her involvement in the commodity trading scandal, the obstruction of justice in the investigation of Vince Foster s death, the Whitewater affair and two grubby in-house scandals known as Travelgate and Filegate. And I m unfit? We reached out to them, your candidate told 60 Minutes in 1992 of the women rumored to have dallied with or been assaulted by her husband. Among the women reached out to was Sally Perdue, who was told by a Clinton goon that if she talked to the media, He couldn t guarantee what would happen to my pretty little legs. And I m unfit? Hillary tried to silence me, Juanita Broaddrick wrote of your candidate. She had reason to keep Broaddrick quiet. Her husband had raped Broaddrick in a Little Rock hotel room. And I m unfit to be president, really?I may be seriously imperfect, Mr. President, but I have never compromised the nation s secrets, sent an innocent man to prison, or enabled a rapist.As to what gives you the right to question my fitness, that I will save for another day.Via: Conservative Treehouse",left-news,"Aug 5, 2016",0 +DANA LOESCH RIPS INTO OBAMA AND HILLARY: Why Gun Control BUT Not Prisoner Control [Video],"Dana Loesch gives us the lowdown on what would happen to our Second Amendment with a Hillary presidency please watch and share! Hillary Clinton and Barack Obama regularly call for more Second Amendment restrictions. But yesterday, the president cut short the sentences of 214 convicts 56 of whom were in prison for gun-related crimes. In the words of Dana Loesch, We don t need gun control. We need judicial control. We need politician control. ",left-news,"Aug 5, 2016",0 +CNN IS EVIL: Carol Costello FAILS When Benghazi Dad Flips Script On Her…#BoycottCNN,"Charles Woods, father of U.S. Navy SEAL Tyrone Woods, who was killed during the Benghazi attack, appeared on CNN Tuesday. CNN Newsroom host Carol Costello repeatedly badgered him about Donald Trump s feud with Khizr Khan, and whether Trump should apologize. I know who should apologize, and that would be Hillary Clinton, for lying to the American families who lost their loved ones as well as to the American public, Woods said.",left-news,"Aug 5, 2016",0 +WOW! TRUMP HELPS HILLARY SEE Her First Big Crowd…You Won’t Want To Miss This! [VIDEO],"Hillary s crowds have been nothing short of abysmal since she first announced she was running. Trump s crowds on the other hand, have been enormous! The video below shows Trump giving Hillary a little preview of what s its like to have thousands of people who actually who actually want to hear you speak Who says Trump isn t a team player?Trump helps Hillary see her first large crowd! @MiceeMouse @BlissTabitha @CarmineZozzora @Lrihendry @BarbMuenchen pic.twitter.com/oWWaPJBjIy Bickle #AmericaFirst (@michaelbickle) August 4, 2016",left-news,"Aug 4, 2016",0 +WHOA! CHRIS MATTHEWS DEFIES Liberal Media Script…Says FBI Director Didn’t Exonerate Hillary: β€œThere Is A Difference Between Acquittal And Innocence”,"LOL! Chris thrill up his leg Matthews does his best to convince Steve Cortez, a Trump surrogate that he s not part of the liberal mainstream media. Matthew s boasts that over his decades long career as a political hack, he s criticized Al Gore s campaign and even gasp criticized Bill Clinton s elicit affair with a young intern. In reality, he criticized Al Gore s campaign because he lost to George W. Bush and even wth the full-force of the crooked Democrat party behind him, they couldn t find a way to make the numbers work in Gore s favor during the hotly contested recount in Florida. We re not even going to comment on the Clinton-Lewinsky scandal. The only reason the media didn t embarrass Hillary for habitually enabling her husband to sexually assault any female who was unfortunate enough to get caught behind a closed door with her rapist husband, is because they always knew this day was coming. They always knew Hillary would scratch and claw her way through any criminal controversy and find herself at the top of the Democrat Party as the anointed one .But oh yeah back to Chris Matthews and his objectivity when it comes to the Clintons:As a side note, here s Chris being objective on Hillary in March, 2016:",left-news,"Aug 4, 2016",0 +RUDY GIULIANI JUST BLEW Hillary’s Phony β€œKhantroversy” WIDE Open…A RANT The Clinton Camp Won’t Want Americans To See [VIDEO]," To me, this is the logo of the Obama administration, bowing to dictators and bowing to terrorists. The liberal media has been relentless in their attack of Donald Trump over his justified response to Khizr Khan s disparaging and misleading remarks during his speech at the DNC in Cleveland last month. Meanwhile they ignore the fact that Obama and Hillary are selling America s national security to terrorist nations like Iran.Khan s speech was intended to make Donald Trump look like a bigot, an isolationist and an anti-American. Fortunately, the mainstream media isn t the only source of news Americans have anymore. Many in the conservative media have been exposing the truth about Mr. Khan since he went off the rails on his Trump bashing speech that night. Following his speech, many Americans with military ties felt compelled to respond. A US Marine and former Navy vet wrote a blistering letter to Mr. Khan. A mother of an active duty soldier wrote a powerful letter refuting Khan s words and questioning his intentions. As it turns out, they were correct about his politically motivated intentions. Khan s ties to the Clintons, the Saudi s and the Muslim Brotherhood are pretty alarming.WATCH HERE:https://youtu.be/xEZUYJSnIk0",left-news,"Aug 4, 2016",0 +MEGYN KELLY CONTINUES HER OBSESSION With Trump…ANGRY He Won’t Apologize To Hillary’s β€œKhan Man” [VIDEO],"We can t be certain, but it almost looked like Megyn had blood coming out of her eyes during her interview with the soft-spoken and sensible Dr. Ben Carson Megyn Kelly pressed Dr. Ben Carson to explain why the Khan family should apologize to Donald Trump, instead of the other way around.Carson said that the Khans said things that are false, like that Trump had never read the Constitution.When Kelly said that Khizr Khan was stating his opinion, Carson said that was unreasonable. Kelly said that she knew Carson as an empathetic and kind man, and asked him if he really believe that this Gold Star Family should apologize to Donald Trump that has sacrificed their son to protect this nation, that were viciously attacked by the presidential nominee that they owe him an apology? Carson responded that society has gotten itself into a tug of war where people try to demonize each other, and that Trump and the Khans need to realize that they are on the same side. Via: Fox News ",left-news,"Aug 4, 2016",0 +VETERAN WHO GAVE TRUMP His Purple Heart Explains Why He Did It…SHUTS DOWN Critics [VIDEO]," He asked me if I wanted it back and I said, no!' The veteran who gave Donald Trump his Purple Heart medal during a campaign rally in Ashburn, Virginia, on Tuesday joined Jenna Lee on Happening Now to explain his gesture.Retired Lt. Col. Louis Dorfman said that he gave Trump his medal because he wants the Republican nominee to remember all the people who have fought and died for our country.Dorfman said that when he shook Trump s hand and gave him the medal, they had a very genuine moment.Lee asked Dorfman about Trump s controversial remark upon receiving the medal: I always wanted to get the Purple Heart. This was much easier. He took it in the manner in which I gave is, Dorfman said, adding that Trump wasn t trying to be offensive with his comment.Why do you believe in him? Lee asked. I just think he d make a good commander-in-chief, Dorfman said. I like what he says. WATCH HERE:Via: FOX News",left-news,"Aug 3, 2016",0 +HILLARY GOT DESTROYED By Chris Wallace On FOX News…But That Wasn’t The End Of It…Laura Ingraham Followed Up With A KNOCK Out Punch [VIDEO],"Hillary shouldn t be on FOX News giving interviews She should be in jail! Queen Hillary didn t quite get the same treatment from FOX News Chris Wallace as she gets when she visits MSNBC s Chris Matthews!Hillary Clinton acknowledges that Americans have a legitimate concern about her trustworthiness, particularly related to her email scandal and the Benghazi terror attacks, but criticized those who have attempted to undermine her Democratic presidential campaign and make a caricature out of her, in an exclusive interview with Fox News Sunday. I think that it s fair for Americans to have questions, Clinton said, in an interview taped Saturday. Every time I run for an office, though, oh my goodness, all of these caricatures come out of nowhere. And people begin to undermine me because when I left office as secretary of state, 66 percent of Americans approved of what I do. FOX Newshttps://youtu.be/G0XAt7aPYBsLaura Ingraham commented on Hillary Clinton s stunning interview on Fox News Sunday.Ingraham said Clinton has an astonishing ability to look into Chris Wallace s eyes and claim that FBI Director Jim Comey confirmed her statements on her email scandal were truthful. That comment earned Clinton four Pinocchios from the Washington Post s fact-checker.Ingraham said Clinton s aside about her mother loving Fox News was all well and good, but the fact of the matter is, this is about her tenure as secretary of state. If she didn t know that you couldn t put a government server in your bathroom, then what does Hillary Clinton really know about basic issues of foreign policy? Ingraham added that Clinton apparently can lie with impunity to most people in the press, other than some of the folks at Fox News. Fox News",left-news,"Aug 3, 2016",0 +SIZE OF CROWDS TRUMP Is Drawing VS HILLARY Proves She’s TOAST [VIDEO],"Earlier this week, it was rumored that Hillary could barely fill a phone booth with supporters at her Ohio rallies, so she ended up cancelling them. The media has no desire to report on the lackluster support of the low-information voter Hillary relies on to send her scratching and clawing to our White House. They also have no desire to report on the thousands of patient Trump supporters who stood in blistering Florida heat waiting in line to see the outsider tell them how he was going to keep America safe and bring jobs back to unemployed and under-employed Americans. Here s one of Hillary s biggest media cheerleader s Andrea Mitchell reporting on one of her Ohio stops. Andrea claims Hillary was hitting Donald Trump on outsourcing bankruptcies & promises to tackle systemic racism. Check out the empty seats. My kids have bigger turnouts at their neighborhood lemonade stands.In Ohio @HillaryClinton hits @realDonaldTrump on outsourcing bankruptcies & promises to tackle systemic racism pic.twitter.com/cckJuvgFjf Andrea Mitchell (@mitchellreports) July 31, 2016Compare Hillary s few supporters in Ohio to Trump s massive crowds in the other swing state of Florida:.@realDonaldTrump welcoming in Daytona Beach, Florida w/ the Ocean Center Convention packed! #MakeAmericaGreatAgain pic.twitter.com/S0312wMvw0 Dan Scavino Jr. (@DanScavino) August 3, 2016Big crowd for Trump in Daytona Beach, Florida pic.twitter.com/raTVcxUONl Jonathan Lemire (@JonLemire) August 3, 2016In Daytona Beach, Trump supporters young and old sport shirts calling for Hillary to be locked up pic.twitter.com/j9g7GmlwrD Jonathan Lemire (@JonLemire) August 3, 2016The scene here in Daytona ahead of Trump rally pic.twitter.com/06mia0qhMT Ashley Killough (@KilloughCNN) August 3, 2016",left-news,"Aug 3, 2016",0 +WOW! Watch Side By Side Comparison Of Hillary’s LIES Next To FBI Director’s Report On Email Scandal [VIDEO],This video is truly one of the best examples of how Hillary lies and manipulates low-information voters into believing she is innocent of any wrongdoing even when it is crystal clear she is guilty ,left-news,"Aug 3, 2016",0 +β€œHILL”ARIOUS…MUST SEE! IOWA PARADE GOERS Treated To β€œHillary In Prison” Float…Water Balloon Passed Out To Throw At Her," HILL larious! If this was a Donald Trump pi ata, the media would be all over this story, making sure the entire country knew how unpopular he was in midwestern America. But since these creative Iowan s choose to put Hillary in jail, which makes an undeniable statement about her credibility, you will likely only see this story here and a few other news sources who are willing to show you what real Americans think about Hillary Kyle Julin. of Manilla, pulls his Hillary Clinton-masked friend Adam Corky, of Odeboldt, through the parade during the Arcadia Fire Department s 100th Anniversary Celebration on Saturday. The group received both accolades and criticisms for handing out water ballons to throw at the candidate. (Carrolls Paper)IT GETS BETTER The men were handing out WATER BALLOONS to throw at the caged Hillary!It was a typical summer celebration in small-town Iowa. The sun was shining on children carrying bags full of candy as the Arcadia Fire Department was celebrating its 100th anniversary on Saturday with a parade, a party in the park and a big water fight that would serve as the grand finale.A young blond boy, no more than 8 years old, ran out into the street near the intersection of West Center and South Gault streets because one float was handing out water balloons. The child grabbed his balloon, took aim and did his best Nolan Ryan impression as he fired the balloon at a man dressed in an orange jumpsuit and Hillary Clinton mask while standing on a platform inside bars, fencing and barbed wire above a Hillary For Prison sign tacked onto the side.Bull s eye.The prideful smile of a job well done was written all over the boy s face.Some in the crowd were laughing and cheering as the float rolled by, but others could be heard moaning and grumbling that it was over the top or a bit too much. It was my idea, Kyle Julin of Manilla said. Pretty much me and Josh (Reetz). It took us about a day-and-a-half to build. Julin said he, Reetz and Adam Corky (Clinton impersonator) are not affiliated with any official political organization. Julin said he s an independent and as of March 2014 Reetz was a registered Democrat.Julin said the crew had been throwing around the idea of entering the parade for a while.Via: Gateway Pundit ",left-news,"Aug 3, 2016",0 +BREAKING: OBAMA COMMUTES 67 Prisoners Serving Life Sentences…214 Federal Prisoners In Total,"Making America Unsafe Again It s the Obama legacy. During his two terms in office, Obama released more prisoners than all nine Presidents before him combined. He s not just flooding our local communities and major cities with felons, he s flooding America s red states with illegal aliens and unvetted Muslim immigrants from countries who hate us, all to ensure Democrat Party dominance. President Barack Obama on Wednesday cut short the sentences of 214 federal inmates, including 67 life sentences, in what the White House called the largest batch of commutations on a single day in more than a century.Almost all the prisoners were serving time for nonviolent drug crimes, reflecting Obama s long-stated view that the U.S. needs to remedy the consequences of decades of sentencing requirements that put tens of thousands of Americans behind bars for far too long. Obama has pushed for a broader fix to criminal justice laws and has used the aggressive pace of his commutations in an effort to pressure Congress and call more attention to the issue.All told, Obama has commuted 562 sentences during his presidency more than the past nine presidents combined, the White House said. Almost 200 of those who have benefited were serving life sentences. Fox News",left-news,"Aug 3, 2016",0 +YOU LIE! OBAMA SECRETLY PAID $400 MILLION Ransom To IRAN For Release Of Americans…BRAGGED About β€œDiplomatic Breakthrough” With Iran,"US Congressman Joe Wilson was right! Obama is a liar His reckless and amateur decisions have made America more unsafe than we have ever been. Now he s asking Americans to vote for Hillary to ensure his lawless legacy lives on The Obama administration secretly organized an airlift of $400 million worth of cash to Iran that coincided with the January release of four Americans detained in Tehran, according to U.S. and European officials and congressional staff briefed on the operation afterward.Wooden pallets stacked with euros, Swiss francs and other currencies were flown into Iran on an unmarked cargo plane, according to these officials. The U.S. procured the money from the central banks of the Netherlands and Switzerland, they said.The money represented the first installment of a $1.7 billion settlement the Obama administration reached with Iran to resolve a decades-old dispute over a failed arms deal signed just before the 1979 fall of Iran s last monarch, Shah Mohammad Reza Pahlavi.The settlement, which resolved claims before an international tribunal in The Hague, also coincided with the formal implementation that same weekend of the landmark nuclear agreement reached between Tehran, the U.S. and other global powers the summer before. With the nuclear deal done, prisoners released, the time was right to resolve this dispute as well, President Barack Obama said at the White House on Jan. 17 without disclosing the $400 million cash payment.Senior U.S. officials denied any link between the payment and the prisoner exchange. They say the way the various strands came together simultaneously was coincidental, not the result of any quid pro quo. As we ve made clear, the negotiations over the settlement of an outstanding claim were completely separate from the discussions about returning our American citizens home, State Department spokesman John Kirby said. Not only were the two negotiations separate, they were conducted by different teams on each side, including, in the case of The Hague claims, by technical experts involved in these negotiations for many years. But U.S. officials also acknowledge that Iranian negotiators on the prisoner exchange said they wanted the cash to show they had gained something tangible.Sen. Tom Cotton, a Republican from Arkansas and a fierce foe of the Iran nuclear deal, accused President Barack Obama of paying a $1.7 billion ransom to the ayatollahs for U.S. hostages. This break with longstanding U.S. policy put a price on the head of Americans, and has led Iran to continue its illegal seizures of Americans, he said.Since the cash shipment, the intelligence arm of the Revolutionary Guard has arrested two more Iranian-Americans. Tehran has also detained dual-nationals from France, Canada and the U.K. in recent months.At the time of the prisoner release, Secretary of State John Kerry and the White House portrayed it as a diplomatic breakthrough. Mr. Kerry cited the importance of the relationships forged and the diplomatic channels unlocked over the course of the nuclear talks. For entire story: Wall Street JournalAs a bonus, here is Rep. Joe Wilson calling out Barack Obama on one of his many lies:",left-news,"Aug 2, 2016",1 +WATCH WHAT HAPPENS When Guy Makes Undercover Video: Applies For Min Wage Jobs…Says He’s β€œUnder FBI Investigation” [VIDEO],"YouTuber Joey Salads makes brilliant undercover video to illustrate the idiocy of the narrative put forth by the Left that American voters shouldn t consider that Hillary has been under FBI investigation (she s actually been under some sort of criminal investigation pretty much her entire adult life).We are about to select the next President of the United States of America her history, and her extreme disregard for the rule of law and our national security actually does matter.Watch what happens when this poor guy tries to get a minimum wage job after he comes clean about his current FBI investigation status:",left-news,"Aug 2, 2016",0 +WOW! BLACK LIVES MATTER MOB Celebrating NYC Police Commissioner’s Announcement To Step Down ATTACKS Trump Supporter While Police Watch [VIDEO],"The domestic terror group is at it again Watch photographers vie for the best angle while watching an aggressive, hateful group of angry protesters attack a lone man for simply wearing a Trump hat vying hat. Not one of these men offered to help this person who appears to be by himself. Meanwhile, cops stand around and allow and innocent man to be assaulted. What has happened to our America?A young white man wearing one of Donald Trump s red Make America Great Again! hats was violently forced out of New York City s City Hall Park by a screaming Leftist racist mob of predominantly self-described black and brown activists all while police stood by and did nothing.The mob was gathered to protest police as part of a #ShutDownCityHallNYC rally in the park. -Via: GPYou ve gotta love how the apparent leader of this mob tells the innocent Trump supporter, We do not condone violence while grasping a hat they took from him and only moments before he is shoved by the mob.Watch:Huge crowd of protesters escort out #Trump supporter at #ShutDownCityHallNYC pic.twitter.com/zHgD50mcXb Alex Rubinstein (@RealAlexRubi) August 1, 2016And then Trump supporter shows up, gets pushed out to chants of ""racist"" #ShutdownCityHallNYC @DNAinfoNY pic.twitter.com/Oj2oE97m2H Irene Plagianos (@IrenePlagianos) August 2, 2016Black Lives Matter thugs celebrated the announcement that New York City Police Commissioner Bill Bratton will step down in September.Bratton will take a job in the private sector, but he did not name the company.The resignation announcement comes a day after 200 anti-police protesters gathered in City Hall Park to demand the NYPD be defunded and Bratton be fired.NYPD Chief of Department James O Neill is set to replace Bratton, 68, who has been in his current post since December 2013. Bratton also served as New York s top cop from 1994 to 1996 and was Chief of the LAPD from 2002 to 2009.During his first tenure as commissioner, under Mayor Rudolph Giuliani in the early 1990s, Bratton was credited with driving down crime with a widely copied, data-driven, crime-fighting strategy before his brash style made him an annoyance to the mayor, who forced him out.Though de Blasio was elected as a sharp critic of a police strategy known as stop-and-frisk which raised concerns over racial profiling and privacy rights he picked Bratton as a sign that he would balance reform and further drive down crime. When you see a policeman, remember that he is your friend, Bratton said Tuesday. That s the vision and that s the passion that I ve had for 45 years. -Via FOX NewsA toast to Bill Bratton's resignation at #ShutDownCityHallNYC. Video by @SoellerPower pic.twitter.com/S7KdtnrdgW Alex Rubinstein (@RealAlexRubi) August 2, 2016 ",left-news,"Aug 2, 2016",0 +ATTENTION BAD GUYS With Weapons: There Are NO MORE SITTING DUCKS At Colleges In This State,"Just a little dose of common sense Guns save lives.A new law went into effect in Texas on Monday that allows certain students to bring guns into classrooms, with supporters saying it could prevent mass shootings and critics saying the measure will endanger safety on campuses.The so-called state campus carry law allows people 21 and older with a concealed handgun license to carry pistols in classrooms and buildings throughout public colleges, including the University of Texas system, one of the nation s largest with an enrollment of more than 214,000 students.The law took effect on the 50th anniversary of one of the deadliest U.S. gun incidents on a college campus, when a student named Charles Whitman killed 16 people by firing from a perch atop the clock tower at the University of Texas at Austin, the state s flagship public university.Texas Governor Greg Abbott, a Republican who supports campus carry, said a gunman could already bring a firearm on to campus, and the law could prevent mass shootings because someone with a licensed concealed weapon could be ready to confront a gunman. Via: NYP",left-news,"Aug 1, 2016",0 +WATCH: UNHINGED CLINTON SUPPORTER Knocks Elderly Man To Ground After He Tries To Stop Him From Burning U.S. Flag [VIDEO],"Hillary s lawless, anti-American supporters were clearly just trying to promote that unity she spoke of during her brilliant DNC speech Police say that a Clinton supporter lit a flag on fire near a group of Trump supporters and attacked a man near the Clinton-Kaine event downtown Saturday afternoon.The incident happened at the intersection of 10th Street and Penn Avenue around 4 p.m.According to a criminal complaint, police were told Joshua Sturman was in the area to support Hillary Clinton, who spoke at a rally at the David L. Lawrence Convention Center later that afternoon. A group of Trump supporters had gathered on the opposing sidewalk in what police say was a peaceful assembly.Sturman crossed the street and walked into the middle of the group of Trump supporters. The criminal complaint says the members of the group were standing close to one another, shoulder-to-shoulder. The complaint says Sturman then pulled out a flag and began to light it on fire.The Trump supporters attempted to put out the fire, which enraged Sturman. Sturman then threw a Trump supporter to the ground and attempted to jump on top of him. Bystanders alerted nearby officers, and police removed Sturman and placed him under detention. Pittsburgh CBS Local h/t Gateway PunditHere s Hillary s historic B.S. unity speech. Maybe these guys were busy burning American flags while she gave it:Watch the first minute. Hillary s unity speech starts at the 18 second mark:https://youtu.be/fTtVQfwEx54",left-news,"Aug 1, 2016",0 +FLASHBACK…UNDERCOVER VIDEO SHOWS HILLARY Telling Top Donor She Stopped Using Email Because Of So Many Investigations: β€œWhy would I want to do email? Can you imagine?”,"This is a shocking story of corruption and collusion even for a Clinton. Hillary should ve been locked up for this one but instead, her campaign finance director takes the fall. How ironic that Hillary would admit to a top donor that she doesn t do emails because of being under so many investigations. That must be a badge of honor for a Democrat .No matter the size of the scandal, Hillary and Bill always find some magical way to escape prosecution. The scandal seen in the undercover video below shows movie producer Peter Paul discussing emails with Hillary Clinton. Paul claims he spent $2 million to produce a major fundraising event for Hillary. Peter Paul admits he hosted the event in order to gain access to the Clintons. The campaign laws that were in effect at that time limited campaign gifts to $2,000.Watch Peter Paul s stunning story below:Peter Paul s whistleblower site explains the timeline and the significance of the smoking gun video.After [Paul] began to blow the whistle in March, 2001, to four US prosecutors on Hillary s role in the false FEC reports filed by her campaign that hid more than $1.2 million in his expenditures, the Attorney General[ s office ] launched a four year investigation leading to the indictment and trial of Hillary s finance director, David Rosen, in May 2005, for election law fraud. Rosen was solely indicted for providing information that only he knew was false, to Hillary s treasurer for reporting to the FEC The Federal Judge, Howard Matz, (appointed by the Clintons in 1998) who officiated over the subsequent trial of Rosen in Los Angeles, made ethically questionable statements to the jury, prior to the commencement of the trial, stating unequivocally that Hillary Clinton was not involved in any direct way whatsoever in the illegal fundraiser On Fox News in 2005, Doug Schoen, a former Clinton adviser, said that, The prosecutors and defense attorneys said she is not involved Prosecutors made the decision that Mr. Rosen should be tried, it s a fact-based case. It has nothing to do with Senator Clinton. The video appears to directly counter these assertions and instead links Hillary and her aide to the planning of the fundraiser. Hillary Clinton is not a part of this case In fact, if Clinton participated in the planning of the fundraising event, it: would make Paul s substantial contributions a direct donation to her Senate campaign rather than her joint fundraising committee, violating federal statutes that limit hard money contributions to a candidate to $2,000 per person. Knowingly accepting or soliciting $25,000 or more in a calendar year is a felony carrying a prison sentence of up to five years In the tape, Clinton is heard via speakerphone thanking Paul, business partner Stan Lee and other colleagues for their efforts in putting together the fundraiser She also describes the role of longtime aide Kelly Craighead as assisting in day-to-day involvement in preparation for the event as her liaison with Paul and his producers Craighead, Clinton says, talks all the time with Paul, so she ll be the person to convey whatever I need. The aide s hands-on role is significant, because the law also implicates a candidate if any of his or her agents are involved in coordinating expenditures with a donor In another portion of the tape, Clinton is heard discussing her direct solicitation of a large contribution from the entertainer Cher. Paul s legal team, the U.S. Justice Foundation, argues the value of Cher s performance alone vastly exceeded the FEC limits The Hillary Clinton Felony Video The video itself is fascinating. The preface to the tape states that it shows Hillary Clinton in the process of committing at least four or five felonies under federal election law -Via: Doug Ross JournalPeter Paul filed and won a civil suit against the Clinton s in 2010. The segment below is from the Supreme Court precedent setting film Hillary The Movie by Citizens United, shows the polygraph test taken by Hillary s largest donor, Peter Paul, corroborating his claims the Clintons promised to have Bill Clinton work with his public company in exchange for Paul paying more than $1.2 million to elect Hillary to her first political office. This video supports the allegations in the civil fraud suit filed by Paul in 2003 and settled with the Clintons in 2010. ",left-news,"Aug 1, 2016",0 +"HILLARY’S β€œKHAN MAN”: Who Is KHIZR KHAN? The SHOCKING Truth About His Job, His Ties To Hillary, Saudi Arabia And The Muslim Brotherhood","Clock Boy Part II. When you peel back the rotten Clinton onion, you usually find the scary truth. In the case of the poor believed parents Hillary and the DNC held up as model immigrants, the truth could not be any more damning. We published a letter from a US Marine and Navy veteran earlier today. If you want to know how military members feel about this fraud, check out the letter HERE.Khizr Muazzam Kahn moved from Pakistan to the United Arab Emirates prior to emigrating into the U.S. Kahn is directly affiliated with the advancement of Muslim immigration into the United States.Mr. Kahn runs a law firm in New York called KM Kahn Law Office:Kahn s primary area of expertise -as advertised- is legal aide and legal services for Muslim immigration assistance.Attorney Khizr Kahn also used to work for Hogan, Hartson and Lovells law firm within Washington DC which has direct ties to the Clinton Foundation.Hogan, Hartson, Lovells are one of the lobbying entities for Saudi affairs in Washington DC.[ ] Hogan Lovells LLP, another U.S. firm hired by the Saudis, is registered to work for the Royal Embassy of Saudi Arabia through 2016, disclosures show. Robert Kyle, a lobbyist from the firm, has bundled $50,850 for Clinton s campaign Many lawyers at Hogan Lovells remember the week in 2004 when U.S. Army Capt. Humayun Khan lost his life to a suicide bomber. Then-Hogan & Hartson attorneys mourned the death because the soldier s father, Khizr Khan, a Muslim American immigrant, was among their beloved colleagues Mr. Khizr Kahn is not some arbitrary Muslim voice called upon randomly to speak at the Democrat National Convention on behalf of former Secretary of State Hillary Clinton.Attorney Kahn is a well documented, and well compensated, conscript and activist for the advancement of Islamic interests into the United States. So it should come as no surprise to see the Clinton Machine use Kahn to serve both of their interests in this political election season. The Conservative TreehouseWell, will you look at that! What a coincidence Loretta Lynch was also employed by Hogan and Hartson:It s well known that if the FBI recommends prosecution in the Hillary Clinton email case, the decision will be put in the hands of Attorney General Loretta Lynch.But little known is the fact that Lynch was a litigation partner for eight years at a major Washington law firm that served the Clintons. Lynch was with the Washington-headquartered international law firm Hogan & Hartson LLP from March 2002 through April 2010.According to documents Hillary Clinton s first presidential campaign made public in 2008, Hogan & Harrison s New York-based partner Howard Topaz was the tax lawyer who filed income tax returns for Bill and Hillary Clinton beginning in 2004. GRThe Muslim who attacked Donald Trump, Khizr Muazzam Khan, is a Muslim Brotherhood agent, working to bring Muslims into the United States. After reading what we discovered so far, it becomes obvious that Khan wanted to trump Trump s Muslim immigration policy of limiting Muslim immigration into the U.S.Khizr Muazzam Khan graduated in Punjab University Law College, as the New York Times confirms. He specialized in International Trade Law in Saudi Arabia. An interest lawyer for Islamic oil companies Khan wrote a paper, called In Defense of OPEC to defend the Organization of the Petroleum Exporting Countries (OPEC), an intergovernmental oil company consisting of mainly Islamic countries.But more than this, Khan is a promoter of Islamic Sharia Law in the U.S. He was a co-founder of the Journal of Contemporary Issues in Muslim Law (Islamic Sharia). Khan s fascination with Islamic Sharia stems from his life in Saudi Arabia. During the eighties Khan wrote a paper titled Juristic Classification of Islamic [Sharia] Law. In it he elucidated on the system of Sharia law expressing his reverence for The Sunnah [the works of Muhammad] authentic tradition of the Prophet Muhammad (Peace be upon him). A snapshot of his essay can be seen here:But Khan s fascination with Islam isn t the only issue. What is more worrisome is that at the bottom of the intro, Khan shows his appreciation and the source of his work and gives credit to an icon of the Muslim Brotherhood: The contribution to this article of S. Ramadan s writing is greatly acknowledged. This alone speaks volumes. Khan used the works of S. Ramadan to lay his foundation for his inspiration regarding the promotion of Sharia. S. Ramadan is Said Ramadan, head of the Islamic Center in Geneva and a major icon of the Muslim Brotherhood, the grandson of Hassan Al-Banna the founder and hero of the Muslim Brotherhood which spread terrorism throughout the world.In regards to his son and his sacrifice, on the other side of the coin, many were the Muslim martyrs who joined the US military. Ali Abdul Saoud Mohamed, for example, enlisted in the Special Forces of the US Army; he was a double agent for Al-Qaeda. How about Hasan K. Akbar, a Muslim American soldier who murdered and injured fifteen soldiers. There was Bowe Bergdahl, an American Muslim soldier who deserted his men to join the Taliban, a desertion which led to six American being ambushed and killed while they were on the search looking for him. And of course the example of Nidal Malik Hassan, who murdered fourteen Americans in cold blood in Fort Hood. What about infiltration into the U.S. military like Taha Jaber Al-Alwani, a major Muslim thinker for the Muslim Minority Affairs, an icon of the Abedin family (Hillary s aid Human) who, while he served in U.S. military, called on arming Muslims to fight the U.S? Al-Alwani is an IMMA (Institute of Muslims Minority Affairs) favorite, Taha Jaber al-Alwani, whom the Abedins say is the source for their doctrine (see Abedins-Meii-Kampf) is an ardent anti-Semite who by the way, runs the United States Department of Defense program (out of all places) for training Muslim military chaplains in the U.S. military. Via: Shoebat.com ",left-news,"Aug 1, 2016",0 +VIDEO SHOWS SCARY TRUTH About What Decades Of Democrat Ruled #DETROIT Looks Like Today…While Dem Mayor Tells Glowing Story Of β€œSuccess”,"We live near the city of Detroit, and anyone could literally drive around for an entire week and see the very same sights as this amateur videographer took. The brilliance of this video is the narration by Detroit s Democrat Mayor Duggan. He revisits the tired old hope and change that we all heard 8 years ago, only this time, Hillary s going to fix it. There are no jobs in Detroit. The manufacturing has been shipped overseas. There is little hope in the city of Detroit, because every time the city gets a large infusion of cash, someone from the Democrat Party is there to mismanage the money or use it in ways it was never intended to be used. Of course, we in the suburbs continue to bail out the schools and bail out those who can t (or won t) pay their water bills. Meanwhile, principals and anyone who has access to Detroit school funds are stealing the from money designated for the kids, while stories of corruption by city officials (all Democrats) barely get a blip in the local news.Here s the real comeback city our Democrat Mayor wants you to believe Hillary gives a damn about: ",left-news,"Aug 1, 2016",0 +WOW! US Marine And Navy Veteran Writes BLISTERING Open Letter To Khizr Khan: β€œDoes it matter whether Mr. Trump has β€˜sacrificed’? Has Ms. Clinton β€˜sacrificed’ for this nation? How about Mr. Obama?”,"Wow! This is a spectacular letter that should be read by every American voter. Veteran Chris Mark truly puts Mr. Khan s public ridicule of Donald Trump into perspective. Bravo Mr. Mark! PLEASE SHARE this everywhere!Dear Mr. Khan,I want to preface this letter by stating that I respect your son s sacrifice for this great nation. By all accounts, he is a true hero that sacrificed himself in service to our country. For that I am thankful.As a veteran, I watched your comments at the Democratic National Convention with a mixture of sadness, and anger. The United States has a military comprised of volunteers. Every single member has made the conscious choice to join the military and serve. There is not a single service member who has been forced into service. It is important for all service members (and apparently, their families) to understand that service to this great nation does not imbue one with special privileges or rights. I found your comments troubling when you said: Have you ever been to Arlington cemetery? Go look at the graves of brave patriots who died defending the United States of America. You will see all faiths, genders and ethnicities. You have sacrificed nothing and no one. Does it matter whether Mr. Trump has sacrificed nothing and no one? has Ms. Clinton ..sacrificed for this nation? How about Mr. Obama? Your comment stating that Mr. Trump has sacrifice no one is alarming. Are you intimating that YOU sacrificed? Sir, your son willingly sacrificed himself. As a father I cannot imagine the pain you must feel but his sacrifice is his own. He was not forced to serve.I am troubled that you would allow a party that has little more than contempt for the US Service Member to parade you into the DNC to denounce Donald Trump. Did you watch when protesters at the DNC booed and heckled Medal of Honor recipient Capt. Florent Groberg? Did you notice your party interrupting the moment of silence for slain police officers? Your own hypocrisy in not denouncing these acts and instead using the DNC as a platform to make a political point is disgraceful. The simple fact is that whether one served or sacrificed does not give greater power to their statements. One vote is as valuable as another. That sir, is why our Country is great. Your condemnation of one person for a statement while standing idly as your party disparages veterans and police officers is the height of hypocrisy.To conflate the need to prevent potential terrorists from entering our country with the belief that all Muslims should be banned is simply wrong and disingenuous. As a reminder, Mr. Trump said: Until we are able to determine and understand this problem and the dangerous threat it poses, our country cannot be the victims of horrendous attacks by people that believe only in Jihad, and have no sense of reason or respect for human life, The irony of your son s own death at the hands of these very people in Iraq should not be ignored. I have little doubt that your son would have recognized the need to protect our country from these very people. In fact, he held is own troops back so that he could check on a suspicious car. Your son understood sacrifice and how to protect his people his soldiers . his fellow Americans As you continue to make the media circuit and bask in the glow of affection cast upon you by a party that has little regard for your son s own sacrifice, and veterans in general, I would ask you to consider your comments and your position more closely.Respectfully,Chris MarkUS Marine and Navy Veteran.Via: Global Security, Privacy and Risk Management -Blog by Chris Mark",left-news,"Aug 1, 2016",0 +HABITUAL LIAR: Remember The Touching Story Hillary Told About Helping A Little Girl In A Wheelchair? It Was All A LIE…Here’s PROOF! [VIDEO],"Last Thursday, during Hillary s acceptance speech at the DNC, she delivered a heart-wrenching and emotional tale about a little girl in a wheelchair. Boy, that Hillary she s always thinking of the less fortunate and doesn t think twice about sticking her neck out to help the little guy. There s only one problem with Hillary s story (and pretty much everything she says) it was all a big LIE! Hillary told the crowd at the DNC and millions more who were watching her on TV, about a poor suffering handicapped girl in a wheelchair in New Bedford, Massachusetts who could not go to school because of her disability. Hillary said she helped the girl get to school.Here s part of the transcript from the LA Times: My mother, Dorothy, was abandoned by her parents as a young girl. She ended up on her own at 14, working as a housemaid. She was saved by the kindness of others.Her first-grade teacher saw she had nothing to eat at lunch and brought extra food to share the entire year. The lesson she passed on to me, years later, stuck with me: No one gets through life alone. We have to look out for each other and lift each other up.And she made sure I learned the words from our Methodist faith: Do all the good you can, for all the people you can, in all the ways you can, as long as ever you can. So, I went to work for the Children s Defense Fund, going door-to-door in New Bedford, Mass., on behalf of children with disabilities who were denied the chance to go to school.I remember meeting a young girl in a wheelchair on the small back porch of her house. She told me how badly she wanted to go to school it just didn t seem possible in those days. And I couldn t stop thinking of my mother and what she d gone through as a child.It became clear to me that simply caring is not enough. To drive real progress, you have to change both hearts and laws. You need both understanding and action.So we gathered facts. We built a coalition. And our work helped convince Congress to ensure access to education for all students with disabilities. WATCH HILLARY SPIN HER BIG LIE HERE:Ken Pittman at WBSM reported:Here s what I learned; The Mayor of New Bedford in 1973 was a guy I happen to know, Mayor John Markey (81 years old and a lifelong Democrat now living in Dartmouth, MA. Mayor Markey is also a retired judge and a man whose credibility and character are beyond reproach. Jack as he is known, is eligible for both court and municipal pension but only accepts one. He is not one to double dip . I called Jack and asked him a few questions about handicap services in 1973 at the New Bedford Public Schools, including wheelchair accessibility. I took over as Mayor in January of 1973. We had a budget for vans with drivers and provided services to students with disabilities. It was Tremblay Bus. They would pick them up and drop them off at their homes. Now, they may not have been able to go to the local school, depending on whether or not the schools were accessible for wheelchairs but there were many schools then which could and did accommodate our handicapped students in wheelchairs . In fact, we had a local guy who was a paraplegic, injured in a diving accident who came to my office many times to advocate for the disabled and I actually spent an entire day in 1973 in a wheelchair to better understand the challenges they face everyday. Soon after that we were cutting out sidewalks for wheelchairs and doing things in New Bedford before the laws ever compelled us to. Via: Gateway Pundit",left-news,"Aug 1, 2016",0 +BRUTAL NEW BENGHAZI AD Exposes Hillary’s Embarrassing Incompetence [VIDEO],You can run but you can t hide ,left-news,"Jul 31, 2016",0 +HILLARY’S ANTI-TRUMP MUSLIM DAD Claims Terror Has β€œNothing To Do With Islam”…Tries To Convince Americans Trump’s Desire To Protect Us From Terror Is Somehow Evil [VIDEO],"We ve inserted our thoughts and a few tweets throughout this article. Our comments can be found in bold red type.Let s start with Trump s Twitter response to Mr. Kahn s passionate speech denouncing Trump at Hillary s coronation. I don t think too many Americans can argue with this:I was viciously attacked by Mr. Khan at the Democratic Convention. Am I not allowed to respond? Hillary voted for the Iraq war, not me! Donald J. Trump (@realDonaldTrump) July 31, 2016Khizr Khan, the bereaved father of fallen soldier Capt. Humayun Khan who attacked Donald Trump last week in a speech at the Democratic National Convention, told CNN s Jim Acosta Sunday morning that terror has nothing to do with Islam. Here is Khan s full quote (emphasis added):https://youtu.be/BPwRRUw2XWoIn addition to this, there was in the speech that my good wife asked me to refrain from saying, I wanted to say we reject all violence. We are faithful, patriotic, undivided loyalty to this country. We reject all terrorism. She asked me not to say that because that was not the occasion for such a statement.Well, if you really believed that and you had an audience of millions who were listening to your impassioned pleas, why didn t you just say it? Americans have been begging for Muslims to denounce the violence committed in the name of Islam against innocent Americans. He had the chance, but it was more important that he unfairly bash Trump for holding an opinion about how to best stop terrorism than speak out against radical ISLAM.This Twitter user @socalmike_SD makes a good point:His son was killed by radical Muslims..ppl Trump doesn't want here in the US..How is that shameful? Ridiculous https://t.co/BhaeZPuN99 Michael (@socalmike_SD) July 31, 2016Khan also asked Senate Majority Leader Mitch McConnell and Speaker of the House Paul Ryan to repudiate Trump, calling it a moral obligation and warning that failing to do so would be a burden on their souls that history would not forgive.Don t worry Khan. If you re looking for an ally in bringing immigrants to America, you ve found the right guy in Paul Ryan. While you re at it, why don t you ask Ryan how the UN can properly vet immigrants coming from Muslim majority nations who hate us In previous remarks, Trump had acknowledged the positive contributions of most Muslims, while focusing on the need to fight radical Islamic terror. In his speech after the Islamic terror attack on a gay nightclub last month in Orlando, for example, Trump said: We have Muslim communities in this country that are great, and we have to form that partnership. Last Thursday, Khan caused a sensation at the convention when he spoke alongside his wife, challenging Trump s proposed ban on Muslim immigration, saying: Have you even read the U.S. Constitution? You have sacrificed nothing and no one. By the way Khan Trump and his children have received death threats and threats of violence. Trump doesn t have to run for President of the United States. He s doing it because he loves our country. Despite what you and the Democrats would like low-information voters to believe, you don t have the corner on loving America Khan made no mention of radical Islam, or terror. His claim that the Constitution bars Trump s ban on Muslim immigration has also been disputed.Here are a few Muslims views on a temporary Muslim ban in America. Pay close attention to the last man of three who are being interviewed:Via: Breitbart News ",left-news,"Jul 31, 2016",0 +GA POLICE Sergeant FIRED For Flying Confederate Flag At Her Home,"The political correctness police are apparently more powerful than those who have been trained and dedicate their lives to defending citizens A Roswell police sergeant who was fired from her job this month for flying the Confederate battle flag in front of her house is appealing her termination and said Tuesday she had no idea the flag was controversial.In an interview with The Atlanta Journal-Constitution, former police sergeant Silvia Cotriss said she had been flying the battle flag below the American flag in front of her Woodstock house for more than a year with no complaints from neighbors or passersby. So she was surprised the week of July 11, when detectives with the department s internal affairs division notified her that she was being investigated for conduct unbecoming an officer on or off duty. If I knew it offended someone, my friends, my family, I wouldn t do it, Cotriss told the AJC. Police officers have to adjust a lot of things in our lives, and for 20 years my whole life has been about making change and being held to a higher standard. We take an oath to help and protect people, so we can t have a private life that s really bad. A man who lives nearby her home was driving his daughter and son to pre-school and noticed a Confederate flag in Coteries yard. It is unclear whether he knew Cotriss, but the man said in an email to Grant that, It is very difficult to explain to my daughter that we should trust our police. But in the same sentiment if I were to ever be pulled over or some situation where my family needs the police to protect and serve, my first thought/fear is that it may be the officer proudly flying his/her Confederate flag. The man claimed Cotriss police vehicle was in the driveway, a charge Cotriss denies.Cotriss said she and her husband, who died recently, had gotten a battle flag in May 2015 during a vacation to Panama City, Fla., for Thunder Beach, a popular biker festival. The battle flag had a motorcycle in the center, and Cotriss flew it beneath the American flag on a towering pole in her front yard. Over time the Confederate emblem became tattered and she recently asked a friend to take it down, she said. A neighbor offered her a new one, without a motorcycle, and her friend accepted it for herThe day before the man had attended Eagle s Nest Church, a predominantly African-American congregation in Roswell, where Grant and the entire Roswell police force had been invited to worship in the aftermath of the Dallas police massacre. Pastor Lee Jenkins extended the invitation and Grant said, in a previous interview, that he accepted because, For me the takeaway from (the protests in) Ferguson was that a lot of African-Americans don t trust police officers and don t see them as I did when I was growing up. And since the unrest in Ferguson, after the shooting of Michael Brown by a police officer, Grant had been visiting several churches in the Roswell area to build bridges. Grant was the only police official to attend the Eagle s Nest service and Jenkins said after the chief addressed the congregation, they gave him a standing ovation.The man who lodged the complaint against Coteries referenced the service in his email to Grant and in an email to Jenkins. Via: AJC",left-news,"Jul 31, 2016",0 +JUDGE JEANINE UNLOADS On Hillary: β€œHow Did You Go From Being β€˜DEAD BROKE’ To Being Worth Over $200 MILLION While In Government?”[VIDEO],"You don t want to miss a second of Judge Jeanine s brilliant analysis of Hillary Vs. Trump Whether you like him or not, Donald Trump talks about real issues. Hillary says he paints a dark divisive picture of an America in decline.' But ask yourselves, are you better off? Do you feel safer than you were before these two came into power? Is America more united than it was? Are race relations better? Is police esteem anywhere near where it was 8 years ago? Whether you like him or not, Donald Trump is hitting all the core issues. Asking all of the right questions starting all the right conversations. A man who is willing to take on political correctness that is DESTROYING this nation. ",left-news,"Jul 31, 2016",0 +WHY HILLARY LOVES The Idea Of Barack Obama As Supreme Court Justice,"Remember when this would seem like a far-fetched idea? Democratic presidential front-runner Hillary Clinton said she loves the idea of appointing Barack Obama to the Supreme Court if she s elected president.At a campaign event in Iowa Tuesday, Mrs. Clinton told the crowd the next president may have to appoint up to three Supreme Court justices. When one attendee mentioned Mr. Obama as a contender, she seemed excited by the recommendation. Wow, what a great idea. No one has ever suggested that to me, I love that, wow, Mrs. Clinton said. He may have a few other things to do, but I tell you, that s a great idea. I mean, he s brilliant, he can set forth an argument and he was a law professor, she added. So he s got all the credentials, but we would have to get a Democratic Senate to get him confirmed. Via: Washington Times",left-news,"Jul 31, 2016",0 +MALIA OBAMA Flashes Her Booty In Front Of Huge Crowd At Chicago Concert,"What was she thinking? 18 yr old Malia Obama was spotted at Lollapalooza in Chicago, dancing onstage with friends. She got a lot of attention when she hiked the back of her dress, flashing her butt briefly. ",left-news,"Jul 30, 2016",0 +TRUMP SAYS β€œNO” To Pro-Amnesty Koch Brother’s Influence…Won’t Meet With Them,"Meanwhile, the Koch brothers are denying they were attempting to meet with Trump. They re probably too busy schmoozing with open-borders Paul Ryan and other more easily influenced politicians. Hillary will most surely be working overtime to capture those unspent millions that won t be going to Trump Trump tweeted this tonight:I turned down a meeting with Charles and David Koch. Much better for them to meet with the puppets of politics, they will do much better! Donald J. Trump (@realDonaldTrump) July 30, 2016The Kochs are effectively indifferent between Trump and Clinton, though several Trump allies within the network have encouraged the billionaire donors to at least meet with the billionaire candidate. Donors who contribute at least $100,000 to the network are invited to hear from Charles Koch and Republican leaders both about the Kochs political work along with their philanthropic and policy-focused spending.Some Koch donors, upset by the leadership s unwillingness to back the Republican nominee, have called for the Freedom Partners retreat to feature a poll to decide whether to marshal their resources toward his White House bid. But Holden said unequivocally that a decisive survey of that kind would not happen.May, 2014 Washington Post columnist Dana Milbank notes that, More than 100 times on the Senate floor in the past few months, the Senate s top Democrat has invoked Charles and David Koch, the billionaire brothers who have pumped hundreds of millions of dollars into conservative causes and campaigns. According to Reid, the Koch brothers are about as un-American as anyone I can imagine and are attempting to buy America. Well, if it is true and what these billionaires are truly engaged in a diabolical plot to undermine the country, then Reid must count himself as one of their prime accomplices.Guess who is putting up lots of money to pressure House Republicans to pass a massive amnesty and immigration increase bill similar to the one Reid championed in the Senate? That would be none other than the Brothers Koch. Immigration ReformThe Kochs have assembled a political operation some consider to be on par with the Republican National Committee, using a constellation of nonprofit organizations to drive elections and policy fights in recent years. They today have 1,200 paid staff members in 38 states.Yet their refusal to back Trump whose language on immigration and trade is found to be too incendiary by the libertarian-inspired Kochs is a leading reason why Trump is expected to be massively outgunned by Clinton and her allies in the advertising wars.The Koch network initially said they would spend $889 million in the lead-up to 2016, with about one-third of that figure dedicated to political activity. Yet Koch officials have scaled back their ambitions, with Holden saying Saturday that the sum was merely a wish list number. They are now on pace to spend about $750 million, including about $250 million on politics.About $20 million in television has already aired, network officials said, with another $20 million still planned for the fall. The network is currently active in five Senate races, and is currently weighing how to get involved in one more: Marco Rubio s reelection fight in Florida. Via: wmtw TV",left-news,"Jul 30, 2016",0 +SWEDISH WOMAN Sexually Assaulted In Broad Daylight By 9 Migrants…Ex-Boyfriend LOSES IT Over Out-Of-Control Migrants…Feminists Attack Victim…Call Her β€œRacist” [VIDEO],"Swedish resident, Rosa Vidarsdottir tells a harrowing story on Facebook of out-of-control, animal-like migrants who, in broad daylight in front of several people, performed sexual acts on themselves and begged her to partake in their disgusting public display. Rosa s former boyfriend, who goes by The Daddy Monster on Twitter was absolutely enraged about what happened to her and blames politicians in Sweden for allowing this kind of barbaric 14th century behavior to exist in his former homeland.Watch here:My ex was just assaulted by 9 migrants during lunch and was rescued by her boss that saw what happened. #migpol pic.twitter.com/uQV9bGeJDz The Daddy Monster (@pissedfather666) July 29, 2016Here is Rosa s most recent Facebook post (translated) where she explains what happened to her, and brilliantly responds to the so-called feminists who are calling her a racist for exposing these sexual deviant migrants. Her actual post in Swedish language can be found below: I was last Friday 29/7 molested by 9st. Migrants in peterlee centre in the middle of the breezeway on the avenue between hotels highlands and thimons patisserie ? this happened in broad daylight at about 12.30 times in front of several witnesses.One of them begged and begged to get a blow job Another wanted to get laid, one just sat on the grass with his hand down his zipper and jerking off The other whistled and shouted after me miscellaneous compliments This was so scary j vla and gross.My boss saw this happen when he was standing inside the thimons and would order his lunch so he got rushed to my rescue..Of course I called the police and told them about the incident. The police seem to know this gang for apparently they ve molested several other girls at different ages. Now last Wednesday actually when they gave up on the 2st. 13-Year-old girls.Now after I have been contacted by a lot of people, even people who were there around when this happened. They think they have seen the gang, think they know who they are and where they live.A big thank you to you all, the police have been taking part of all of the info that added.To your fabulous feminists who sent threatening messages to me yesterday where you accuse me of racism and saying that this is fiction and then writes that this was right for me.. Well what shall I say to you..Maybe a thank you would be at his place because you just proved my point that you aren t real feminists. You are something else entirely, and you ll get a whole speech in your honor shortly.You other girls and women who have heard of you and sending warmth, love and caring through messages, even though we don t know each other. ? thank you from my heart.What j kla lucky that I wasn t alone but had a colleague, who were in the vicinity. Because I hadn t had a chance against 9 guys alone ?Now, it didn t go so far as to a physical harassment which is fortunate, because they didn t have time to touch me thank God, but that they said if I was going to suck their dicks and they said that they wanted to bang me and their dominant Body language was provocative enough and unpleasant behavior and it said a lot about their mentality.Now I know how the two girls felt earlier in the week, now I know how women in general, have felt when they have been confronted by men in the group who tells them what they want to do with them sexually.I ve never been through anything like this in my entire life. Don t ever want to be with it again.I ve read about this stuff, and feel pity for the women, which is the reason why I ve written a lot about these atrocities and tried to highlight the problem because I felt and believe that you have to do something in order to increase the security of people, but especially for women, and Now, this has also happened to me personally. ?I didn t, I thought that I will stop by for a jog around the lake after work at night, through to stop the bike to the gym in the evening, stop by to go for long walks at night, I would have eliminated any risk for assault or molestation For not in my wildest dreams I would have been able to believe that a guy like that could happen during the day, in the middle of the day and also in front of people.This is not an okay behavior.It s not ok at all.",left-news,"Jul 30, 2016",0 +"WOW! WATCH Journalist Cassandra Fairbanks: β€œWhy I, A Bernie Supporter Prefer Trump To Hillary Clinton”","Cassandra s points about why she s supporting Donald Trump over Hillary are based on common sense and facts. These are all ideas that many, if not most Americans would agree with. Is the lure of having free stuff a Democrat in the White House so great, that many Democrats are willing to give up our national security and sovereignty in order to make that happen?Cassandra Fairbanks is a writer for Sputnik News. Here is her message to the over 69K fans who follow her on Twitter, many of whom have been attacking her for switching her allegiance to Trump:***LANGUAGE Warning***",left-news,"Jul 30, 2016",0 +HILLARY DNC SPEECH: β€œWe Are Going To Follow The Money” [VIDEO]… WHILE GEORGE SOROS Makes Stunning $25 Million Donation To Hillary And Other Dems,"Are you paying attention America? A vote for Hillary is a vote for communist billionaire, and chaos financier George Soros. Her election has nothing to do with helping the working class or middle America. Hillary is beholden to Wall Street and one-world-order, communist freaks like George Soros who fund radical groups like Black Lives Matter and Occupy Wall Street re-treads Occupy Spring. He and Hillary will ALWAYS put themselves and their massive fortunes before the little people. Isn t it time to elect someone who really cares about America?Watch Hillary boldly proclaim, We are going to follow the money! Meanwhile back to reality:Billionaire investor George Soros has re-emerged this election cycle as a major Democratic donor, committing more than $25 million to Hillary Clinton and other party candidates and causes, according to Politico.Soros has committed $5 million to a super PAC called Immigrant Voters Win that s devoted to increasing turnout among low-propensity Hispanic voters in key swing states, though FEC records show he d donated only $3 million through the end of June, the period covered by the most recent filings.Soros spent roughly $27 million in a bid to unseat then-President George W. Bush in 2004 but later scaled back his giving, the website reported. Some associates of the Soros Fund Management chairman told Politico they expect him to give even more as Election Day approaches.FOX News host, Bill O Reilly does an excellent job of exposing the truth about billionaire radical George Soros and his anti-American intentions:https://www.youtube.com/watch?v=KegE285GQucThe Hungarian-born financier is worth $24.9 billion, according to Forbes most recent estimate, and his return as a big-time contributor will be a boon to the party as it seeks to retain control of the White House and regain a majority in the Senate.Soros advisor Michael Vachon told Politico that Soros has been a consistent donor to Democratic causes, but this year the political stakes are exceptionally high. Vachon confirmed to CNBC Politico s report of the roughly $25 million in donations so far this cycle. Via: Politico ",left-news,"Jul 30, 2016",0 +"DIRTY, VIOLENT, DIVIDED AND CORRUPT: Disgusted Democrat Exposes Coordinated Corruption, Media Disgusted By Filth, Horrible Organization At DNC [VIDEO]","Hey Democrats If you can t even host a 4-day convention for your own party, how can you ask America to vote for you to run our nation?On Sunday night, at a glitzy reception overlooking the city skyline, the conversations among Washington Democrats and K Street lobbyists were as much about convention-related problems as they were about politics. Every convention has its memorable problems, but this is a lot, one lobbyist said.On Monday, the opening night of the four-day event, the concession stands at the Wells Fargo Center were essentially sold out of water and food before the prime-time speeches even started.This unnamed Democrat was shocked when he realized how many people were being paid to fill convention seats left empty by Democrats who left in disgust by Wikileaks revelations only days before the start of the DNC that proved the Democrat Party intentionally denied Bernie Sanders the opportunity to win his party s nomination:#CrookedHillary+Traitor-N-Chief islam Supreme Leader #obama lock out Bernie delegates>pay 4 supporters.#DemsInPhilly https://t.co/cblWiSSKLu Bruce Porter, Jr. (@NetworksManager) July 28, 2016This tweet just verifies what the Democrat above exposed about the corrupt Democrats, where nothing is as it appears:There are DNC volunteers here too now who chant ""Hillary!"" when the protesters start chanting. pic.twitter.com/780BH8YFOr Emma Loop (@LoopEmma) July 29, 2016Here s what happened when Democrats outside attempted to tear down the huge DNC fence surrounding the venue. This video is SHOCKING and really shows what the media refused to broadcast to mainstream Americans during Hillary s speech:I m in disbelief that this is real footage of #DNCinPHL right now.Absolute madness. pic.twitter.com/IhsOs3bXTY political doggo mike (@mikedogli) July 28, 2016Visitors also were shocked to learn that they couldn t swipe a credit card to pay for a $2.25 subway ride on the SEPTA, instead having to cough up cash. I ve been getting yelled at all day, said a SEPTA booth attendant at the City Hall stop, which has been the staging area for the thousands of Sanders supporters and other protesters.California Democrat Delegates were caught leaving the convention in protest of the dirty dealings of the DNC:California delegates are walking out mid Clinton speech #DNCDisaster #DNC pic.twitter.com/pXgbRKhkqt Cassandra Fairbanks (@CassandraRules) July 29, 2016Watch protesters storm DNC during Hillary s acceptance speech. Where was the security? Were the Democrats woefully unprepared for the violence and protests they would face during their convention? Who organized this event? Trump s campaign was clearly not given enough credit for their flawless convention, as there were no reports of disfunction, violence, or chaos anywhere near or inside of the RNC convention hall.BREAKING: Protesters just stormed the #DNCinPHL #DemsinPhilly Booing #HillaryClinton pic.twitter.com/NmCdZzVhpW Tim Pool (@Timcast) July 29, 2016The protests, including a six-mile march that snarled city traffic, got so raucous Tuesday that police shut down the subway stop closest to the Wells Fargo venue, as demonstrators pushed against the police line and got dangerously close to the delegates and others with official convention passes.Protesters completely shut down media and attendees from attending DNC:Protesters have shut down both exits near The Wells Fargo Center #DemsInPhilly #DNCinPHL pic.twitter.com/D1yI7rZ5nL Tim Pool (@Timcast) July 28, 2016As a result, officials intend to add an extra wall of chain-linked fencing to avoid more problems.Notoriously critical reporters have been among the most outspoken.Watch: To be totally objective and nonpartisan: the logistics at DNC are appalling. Squalid hotels, sweltering workspace, no directions. Chaos, tweeted Megan Liberman, editor-in-chief at Yahoo News.Via: Fox News ",left-news,"Jul 30, 2016",0 +STREET ARTIST Censored For Painting Of Hillary Clinton In Bikini,"Censorship is alive and well when it comes to Hillary Clinton A street artist in Australia had his Instagram account deleted and now he s being told to take down the painting on the side of a building. Hillary is pictured (below) in a sort of bikini/monokini that is pretty raunchy. It s a copy of a photoshopped image that s been on the internet for years. This really is censorship of the worst kind because it s a known image. Obviously, Instagram is a Hillary fan: Speaking on Melbourne radio, Lushsux said he suspected that his Instagram account, which he said had some 110,000 followers, was deleted due to him posting a photo of the raunchy Hillary image. Melbourne (AFP) An Australian mural of US presidential nominee Hillary Clinton in a revealing, stars and stripes swimsuit may be taken down, after it has reportedly been deemed offensive.The creator of the painting, the street artist who goes by the name Lushsux and who has also painted murals of the likes of Donald Trump and Kim Kardashian, branded calls to remove it pathetic .The provocative mural is on the wall of a small business in the Melbourne suburb of Footscray, and reports say the business has been asked by the local Maribyrnong Council to remove it. We believe it is offensive because of the depiction of a near-naked woman, not on the basis of disrespect to Hillary Clinton, in accordance with the Graffiti Prevention Act 2007, the council s chief executive Stephen Wall told Fairfax Media on Friday.Wall said local police had been asked to urgently provide their opinion on the mural, adding that the council intended to issue a notice to the building s owner to remove it within 10 days.Lushsux accused the council of being out of control, telling Fairfax the mural was on par offence-wise with a deodorant ad.Speaking on Melbourne radio, Lushsux said he suspected that his Instagram account, which he said had some 110,000 followers, was deleted due to him posting a photo of the raunchy Hillary image. It s hard enough to be an artist to lose your social media following in this day and age is a big loss, he told 3AW on Friday..Via: Yahoo",left-news,"Jul 30, 2016",0 +49 Year Old β€œPolitical Refugee” Flies To Dubai Days Before Trial For RAPE Of Grade School Girl In Washington,"How does a refugee who is facing trial for the rape of a school aged girl board a plane in America and fly overseas to another country? The little girl who was allegedly raped by this man probably wishes she had a plane she could ve boarded to get away from him. A 49-year-old man reportedly boarded a flight for the United Arab Emirates two days before he was to stand trial in Kennewick on charges of raping and molesting a grade-school girl.A nationwide arrest warrant was issued this week for Khalid A. Fathey after he was a no-show at his Benton County Superior Court trial.The U.S. Marshals Service then discovered that Fathey left Seattle on July 23 on a plane bound for Dubai, said Deputy Prosecutor Anita Petra.Fathey was free on his personal recognizance since being charged with the sex crimes in May 2015. He now faces a new charge of bail jumping.Judge Vic VanderSchoor waited 1 1/2 hours Monday in case Fathey had car trouble or another problem before calling off the trial, releasing the jurors and ordering the arrest warrant.Kennewick attorney Kevin Holt, who was hired by Fathey, said he met with his client for about eight hours on July 21 and then prepared for the trial. He assured me that he would be here Monday morning, Holt said.Holt said his client is from northern Iraq. Fathey had been in the military and worked with the United States government after the 2003 invasion, he said.Since Fathey was no longer welcome in Iraq under the new regime, he sought political asylum and came to the United States with his wife and children as political refugees, Holt said.Fathey and his wife were paid by the state for four years to be full-time caregivers for a Tri-City woman who had medical issues, he said.Fathey contends the sex crimes did not happen and were made up by the girl s family. Fathey and his family had to move to Spokane from Kennewick about six months ago because they were afraid for their safety in the Tri-Cities, especially after someone reportedly set fire to their car, said Holt.Prosecutors allege the girl s mother became suspicious in December 2014 when she found the girl and Fathey together, and Fathey appeared nervous. The girl later disclosed to her mother that Fathey allegedly kissed her and touched her sexually several times over a six-month period. Fathey told (the girl) never to tell or she was going to get in trouble, documents said.Before the police were involved, Fathey called his religious leader, who had them sit down together with the girl s parents, court documents said. Fathey admitted to the inappropriate touching but would not elaborate, documents said.The girl s mother fainted during the meeting, and police were called.Fathey is charged with one count of first-degree rape of a child and two counts of first-degree child molestation. All three counts include the aggravating circumstance that he used a position of trust to commit the crimes.Read more here: Tri-City Herald",left-news,"Jul 30, 2016",0 +HAS BILL CLINTON LOST IT? Watch Him Yank Balloon From Little Girl At DNC Celebration…And More Super Senior Moments [VIDEO],"By now, pretty much everyone has seen pictures or video footage of Bill Clinton snoozing while Hillary gave her powerful speech filled with lies and empty promises.At times, Bill just couldn t contain himself over the excitement of his beloved wife being coronated by a hostile crowd in Philly We watched him walk around the stage after Hillary s coronation looking like he was in some type of stupor, but the footage of him with the little girl at the bottom really takes the cake.Hillary s loser brother was about to hit the balloon when he realized he was standing next to the queen and quickly retreated He was so excited to hit the balloon, then he realized who he was standing next to #DemsInPhilly pic.twitter.com/kZjzwZ6A4y Brandon Wall (@Walldo) July 29, 2016After watching Hillary s regular coughing fits, and knowing that she has to travel with a full-time physician, shouldn t American voters be asking themselves if either one of these aging grifters are well enough to occupy our White House?Here s Bill looking a little confused about why there are suddenly so many balloons around him:Bill Clinton just hanging out with the balloons, having a blast pic.twitter.com/JKCW1zqay7 Steven Dennis (@StevenTDennis) July 29, 2016Here s Bill wishing Hillary would pay attention to him. Good luck Bill. Your best days are definitely behind you bill: hey hill check this outhillaryhey hillaryhillhey hillary check this outhillary look what i hillhillary pic.twitter.com/MAbRFW1yeY Ingrid Ostby (@ingridostby) July 29, 2016Here s Bill after he seems to have captured a special big blue balloon with stars from the DNC celebration. Oh look, there s a little girl who would love to hold that balloon Oops! Not so fast little girl! That s Bill Clinton s balloon. The Clinton s don t give things away they take them. Find your own balloon little girl ",left-news,"Jul 29, 2016",0 +SHOCKER! WHY BERNIE SUPPORTERS At DNC Overwhelmingly Say They’ll Vote TRUMP…[VIDEO],"It s only logical that the people who supported Bernie Sanders, the anti-establishment candidate would be more attracted to a successful business man who s never spent a day of his life as a politician. Making the decision to support Donald Trump, who said he would only run if our nation got so bad he couldn t take it any longer, to a woman who s spent her entire life scratching and clawing her way to the top, and harming anyone who got in her way of her ultimate goal seems like a no-brainer. The $21 million Hillary pulled down from speaking engagements on Wall Street over a 2 year period might have something to do with it as well .This week at the Democratic National Convention, much of the focus was not on nominee Hillary Clinton, but on Bernie Sanders and his enthusiastic contingent of young supporters.While some had speculated that Sanders supporters would fall in line after his endorsement of Clinton, it appears that this consolidation has yet to gain any momentum.Bernie supporters, emboldened by the recent DNC email leak, took to the streets in Philadelphia to voice their displeasure with Hillary and the Democrat party as a whole.With chants of Hell no DNC, we won t vote for Hillary and Lock her up, the protesters made it clear they would not be casting their votes for Hillary Clinton. But who would they be voting for instead?Campus Reform went to the DNC to speak with these protestors about how they planned to vote in November, and the results will be shocking to many. I m throwing this race to Trump! said one protester I was strong for Bernie, and now I m taking a stand for Trump, said another.When asked why he would be voting for Donald Trump, one protester noted that, as he spent time talking to Trump supporters, we agree on a lot of the major issues that we re facing in this country. We re both mad about the same things. Citing the anti-establishment nature of the Sanders and Trump campaigns, one protester pointed out that, for some people, Bernie is the person they stuck with, but there are some anti-establishment things they want, and they ll go with Trump. Via: Campus Reform",left-news,"Jul 29, 2016",0 +"27 Year Old REFUGEE Says He HATES Sweden, Only Reason He’s There Is To F**K Swedish Girls","The Left have thrown their women and children to the dogs literally. Open borders have consequences The victim of a man who allegedly sexually harassed four women has told a local newspaper that the migrant told them that he hates Sweden and is only there so that he can f*** Swedish girls .In a central square in Vimmerby, in the early hours of Sunday morning, four women were approached by a migrant shouting abuse, who then pulled his trousers down in front of them.The man started to follow the young women and when they asked him to stop, telling him they felt uncomfortable with his behaviour, the 27 year old became aggressive. One of the women told the Dagens Vimmerby that, after becoming agitated, the migrant then began screaming that he hates Sweden and telling them that he s only in the country to f*** Swedish girls and spend their money.The migrant then spat at the women, undressed in front of them and proceeded to urinate on a bench in the square. Police found the 27 year old in a side street shortly afterwards and arrested him on the spot for indecent exposure and sexual harassment.It was later found that the suspect had previously received a deportation order, because his request for asylum was rejected as invalid. The man has now been transferred to Sk ne province, where he is in custody waiting for the expulsion to be enforced. Calle Persson, one of the policemen on duty in Vimmerby that night, warned however that criminal cases against migrants can delay their deportation. Via: Breitbart News",left-news,"Jul 29, 2016",0 +HUMILIATING: Democrats Use RUSSIAN WARSHIPS As Backdrop For Tribute To U.S. VETERANS At DNC,"Maybe Hillary s Russian uranium deal included a cameo of Russian warships on the DNC stage? It certainly wouldn t surprise anyone . On the last night of the Democratic National Convention, a retired Navy four-star took the stage to pay tribute to veterans. Behind him, on a giant screen, the image of four hulking warships reinforced his patriotic message.But there was a big mistake in the stirring backdrop: those are Russian warships.While retired Adm. John Nathman, a former commander of Fleet Forces Command, honored vets as America s best, the ships from the Russian Federation Navy were arrayed like sentinels on the big screen above.These were the very Soviet-era combatants that Nathman and Cold Warriors like him had once squared off against. The ships are definitely Russian, said noted naval author Norman Polmar after reviewing hi-resolution photos from the event. There s no question of that in my mind. Naval experts concluded the background was a photo composite of Russian ships that were overflown by what appear to be U.S. trainer jets. It remains unclear how or why the Democratic Party used what s believed to be images of the Russian Black Sea Fleet at their convention.In a new survey of American military personnel, Donald Trump emerged as active-duty service members preference to become the next U.S. president, topping Hillary Clinton by more than a 2-to-1 margin. MTA spokesman for the Democratic National Convention Committee was not able to immediately comment Tuesday, saying he had to track down personnel to find out what had happened.The veteran who spotted the error and notified Navy Times said he was immediately taken aback. I was kind of in shock, said Rob Barker, 38, a former electronics warfare technician who left the Navy in 2006. Having learned to visually identify foreign ships by their radars, Barker recognized the closest ship as the Kara-class cruiser Kerch. An immediate apology [from the committee] would be very nice, Barker said. Maybe acknowledge the fact that yes, they screwed up. Via: Military Times ",left-news,"Jul 29, 2016",0 +"MUSLIM PREACHER CHARGED AFTER RANTING, SPITTING β€œAlluha Akbar” In Police Officers Face…Screamed At Woman On Streets For Wearing β€œTight Jeans”…Muslim Bystanders Cheer Him On [VIDEO]","The best part of the whole video is when this pompous Muslim street preacher tells the police officer that the woman in the tight jeans confronted him. He goes on to say, if the cop doesn t believe him, to ask any of the Muslims who are surrounding and encouraging him to berate the police officer. Things are about to get very ugly in these areas around London where Muslims have formed very strong enclaves of citizens and refugees who have no intention of assimilating with British citizens An Islamic street preacher has been arrested and charged after allegedly screaming abuse at a woman for wearing tight jeans and shouting Allah Akbar in a police officer s face.Krissoni Henderson appeared to be caught on camera angrily confronting the officer who was investigating a complaint made against the 31-year-old.The unnamed policeman was called to New Street in Birmingham city centre at around 5.30pm on July 4 following a 999 call from a 38-year-old woman who said she feared for her safety after a verbal confrontation. She alleged she had been shouted and sworn at.In the footage below, a man alleged to be Henderson is wearing traditional Islamic dress and standing with another man and a woman. Here is my witness, he appears to yell, gesturing to the woman, if you want to arrest me arrest me. He vehemently explains that the woman who complained had walked up to him rather than the other way round, making him the innocent party. Do you think I m scared? he says skeptically to the officer who is trying to reason with them.He then begins to shout with increasing force over the policeman: Freedom of speech, we are not going to take your racism anymore. We re not terrorists and we are not suicide bombers, throw your television in the dustbin. This is a free country and we can speak freely in public! He goes on to claim that the woman who complained had threatened him when she approached him. But when the officer asks if he can give him the common decency of not shouting over him the preacher continues to bellow his reasoning.And as the policeman walks away slightly to attempt to defuse the situation he yells after him, Go, go find some rapists! Again the officer asks for the common courtesy of being listened to but the preacher repeats his argument of having a witness.He apparently works himself as he confronts the fluorescent jacketed man, screaming that he is scared of no one but Allah and spitting Allah Akbar in the officer s face.Eventually the policeman turns to the crowd which has amassed and explains: This young man has the right to assembly. He can stand here and shout and alarm. He can shock and offend If he commits a public order offense then he will be arrested. However it is clear the crowd is very much on the preacher s side and as the officer walks away they begin to gather in around the man, jeering and heckling the retreating policeman. Via: Daily Mail ",left-news,"Jul 29, 2016",0 +DINESH D’SOUZA BRILLIANTLY Schools Hollywood Reporter On Why Racist Democrats Keep Minorities On The Plantation [VIDEO],"If you haven t seen Dinesh D Souza s HILLARY S AMERICA yet, it is a MUST see! Watch here, as Dinesh explains why his historically correct movie casts the truth on the Democrats racist roots, discusses his time in prison and much more THE SOUND STARTS AT THE 1:00 MARK WHEN D SOUZA BEGINS TO SPEAK: ",left-news,"Jul 28, 2016",0 +WHOSE CONVENTION SPEECH HAD MORE VIEWERS?…The Answer May Surprise You [VIDEO],"It would appear American voters are more interested in what the Republican party has to say about the future of our nation than the out-of-control Democrat Party driven by the Saul Alinsky disciples of chaos, division and hate It was like a political Coachella last night at the Democratic National Convention and not just because Lenny Kravitz was playing. With star turns from Vice President Joe Biden and then primetime performances from VP hopeful Tim Kaine and then President Barack Obama himself, the Wells Fargo Center in Philadelphia was rocking even more so when nominee Hillary Clinton made an onstage appearance at the very end to hug it out with POTUS though it didn t lead to ratings fireworks it seems in the early numbers.An estimated 24.2 million viewers watched the president address the crowd in the Wells Fargo Center in Philadelphia Wednesday night.Those numbers are 18 percent lower compared to the ratings Ted Cruz got when he spoke at the Republican National Convention in Cleveland last week. This is the first time the RNC coverage has outperformed the DNC.The numbers are surprising considering Joe Biden, Tim Kaine and Obama were the speakers Wednesday. Daily CallerHighlights of controversial Ted Cruz RNC speech: Even with all the big names onstage last night, convention-to-convention, the combined rating of the DNC stumbled against Donald Trump and the RNC. Day 3 in Philadelphia was down 18% in the fast affiliates key demo from the drama of Day 3 in Cleveland when Ted Cruz refused to endorse the candidate and running mate Mike Pence spoke. DeadlineAnd here are a few highlights from Barack Obama s speech last night: ",left-news,"Jul 28, 2016",0 +WATCH Obama Mention Himself 119 Times During Hillary Endorsement Speech…And Then I Parted The Red Sea…LOL!,Narcissist isn t a strong enough word to describe this twisted little man ,left-news,"Jul 28, 2016",0 +HILLARY’S NEW AMERICA: Uniformed Police Officers NOT ALLOWED On DNC Floor [VIDEO],"Meanwhile, police officers were outside the walls of the DNC literally putting out fires started by Bernie s flag burners and protecting the very people who mock and scorn them inside. Unimaginable hate, and violence was directed at the same police officers who have been treated like the enemy of the DNC on the streets and outside of the enormous fence erected by the DNC to keep legal citizens out. This is Hillary s America. It s the same America Obama has worked tirelessly to create. Is this the America we want to leave to our children and grandchildren? Thursday on Fox News Channel s Fox & Friends, in an appearance from the site of the Democratic National Convention in Philadelphia, former New York City Mayor Rudy Giuliani called the convention the most anti-police and the most anti-law enforcement he had ever seen.However, he also said that according to high-ranking police officers in Philadelphia, uniformed law enforcement was not allowed on the floor of the convention.WATCH:Rudy Giuliani: Last night was the Democrat insider fantasy land, they didn't talk about one world problemhttps://t.co/6DhXRBrG50 FOX & friends (@foxandfriends) July 28, 2016Via: Breitbart NewsRudy Giuliani: This is the most anti-police, anti-law enforcement convention I've ever seen in my whole life.https://t.co/sHnZAAE430 FOX & friends (@foxandfriends) July 28, 2016",left-news,"Jul 28, 2016",0 +NO KIDDING! HERE’S WHY HILLARY SUPPORTERS Will Get Us ALL KILLED [VIDEO],Wow! The Dems are so out of touch ,left-news,"Jul 28, 2016",0 +BREAKING! #DemExit BERNIE SANDERS LEAVES DEMOCRAT PARTY!,"It s over for Hillary It s officially over for the Democrat Party Obama built this!The nomination was barely sealed up at the Democratic National Convention before Bernie Sanders, who had campaigned against Hillary Clinton for the party s nod, went back to being an Independent.Sanders, who considers himself, officially, an Independent in Congress because his views lean further left than the Democratic party s platform, caucuses with Democrats. But until declaring an intention to run for the presidency in 2015, he had rarely, if ever, identified as a member of the Democratic Party (he s been in politics since 1979).And now, despite pleading with his base to support Hillary, even though they re concerned that she s too moderate, Sanders will return to Vermont and to his seat in the Senate, and he ll do it with no official party affiliation.Bernie Sanders tells @bpolitics breakfast w/reporters he'll return to the Senate as an Independent, not a Dem: 'I was elected as an Ind.' Susan Page (@SusanPage) July 26, 2016Debbie Wasserman Schultz, who was forced to resign as Chairwoman of the DNC after leaked emails revealed she d tried to keep Sanders from challenging Clinton for the party s nomination, might even be vindicated sort of.Sanders has struggled all along with whether to call himself a Democrat, even ducking the question of his party affiliation, raised by local Vermont media, just days after he declared. He later tried to reinforce that he was, indeed, a Democrat. But Sanders certainly wasn t a party player and that s exactly the concern Wasserman Schultz voiced in the Wikileaks document dump.Via: Heatstreet",left-news,"Jul 27, 2016",0 +LOL! Black Conservative DESTROYS β€œCurrent Day Slave” Elijah Cummings’ DNC Speech…”Boss Lady Gonna Be Proud Of You!”," Democrats are the party of KKK The problem is, you keep running back to Massa Hillary can you give my people some handouts?' If Hillary is the answer is your answer, you up sh*t creek without a paddle! ",left-news,"Jul 27, 2016",0 +#DNC GIVES ANTI-HILLARY Dems Free Speech Cage Outside Convention [VIDEO],"It s just cleaner that way You know, keeping anyone who disagrees with Hillary in a caged area Shutting down free speech it s the American Democrat way ",left-news,"Jul 27, 2016",0 +WOW! 60 YR OLD Black Vietnam Veteran SHOT For Supporting Trump [VIDEO],"Just another tolerant violent liberal, shooting a man who defended his nation because he didn t agree with his opinion Who gave the Left the green light to use violence to shut up an opposing view?A political discussion at a bar in Cleveland ended with a Vietnam vet being shot in the leg because of his support for Donald Trump.60-year-old Paul Jones, Jr. was having a conversation with a friend at Winston s Place near E. 131st Street and Miles Avenue on Monday evening.A man sitting nearby overheard the chat and immediately became aggressive. He butted in the conversation, Jones told WEWS from his hospital bed. The conversation wasn t directed at him or to him. The man continued to get more irate, going to his car to retrieve a gun before he returned and shot Jones in the thigh.The shooter fled the scene and detectives are still searching for him. I m quite sure you have a lot of people having their own opinions. But that doesn t mean you should hurt somebody because you have your own opinion, said Jones mother Latosca.Via: InfoWarsh/t Gateway Pundit",left-news,"Jul 27, 2016",0 +BREAKING: IRS Will Investigate β€œLawless” CLINTON FOUNDATION On Charges Of β€œPublic Corruption”…”Pay To Play” Activities,"The house of cards is falling as America eagerly awaits Wikileaks next major dump that promises to expose evidence that should indict Hillary IRS Commissioner John Koskinen referred congressional charges of corrupt Clinton Foundation pay-to-play activities to his tax agency s exempt operations office for investigation, The Daily Caller News Foundation has learned.The request to investigate the Bill, Hillary and Chelsea Clinton Foundation on charges of public corruption was made in a July 15 letter by 64 House Republicans to the IRS, FBI and Federal Trade Commission (FTC). They charged the foundation is lawless. The initiative is being led by Rep. Marsha Blackburn, a Tennessee Republican who serves as the vice chairwoman of the House Committee on Energy and Commerce, which oversees FTC. The FTC regulates public charities alongside the IRS.The lawmakers charged the Clinton Foundation is a lawless pay-to-play enterprise that has been operating under a cloak of philanthropy for years and should be investigated. Read more: Daily Caller",left-news,"Jul 27, 2016",0 +#DNCWalkOut Report: Over 1000 Bernie Sanders Supporters Left #DNC After Hillary Nomination…#FeelTheBern #DemExit [VIDEO],"The Queen of the DNC is in big trouble 1000+ Berners walked out CA is GONE UT Gone Oregon Gone ..& more #DNCWalkOut 1/2 empty #Demexit https://t.co/1uG9312AS6 #AllLivesMatter (@BootStrapzOrg) July 27, 2016",left-news,"Jul 27, 2016",0 +SHOCKING SUMMARY Of The DNC Convention So Far…Did We Leave Anything Out?,What a crazy group of professional agitators and political scumbags this has been REALLY entertaining and a bit creepy too ,left-news,"Jul 26, 2016",0 +"WATCH Protesters At DNC: β€œI’ll Take Trump Over Hillary Any Day…She Won’t Win If It Comes To Black Votes” CROWD SHOUTS: β€œDon’t Vote For Hillary, She’s Killing Black People”","Inside, on the DNC stage, Hillary is pandering to moms of dead thugs and family members who lost someone they loved because they either tried to take a weapon from an officer or attempted to use their own weapon against an officer. But outside the DNC walls, Black protesters are hammering Hillary. Blacks have a message for Hillary, and it appears they re telling her she s wasting her time that she ll never get their votes.In the end, all of Hillary s pandering to Blacks and special interest hate groups may have been a colossal waste of Hillary s time.Black protesters at the DNC are making their voices heard, and the one thing that is clear, is that Crooked Hillary is NOT getting their vote. Funny thing is, their saying they ll vote for Donald Trump. He didn t have to make a spectacle of Black Lives Matter members, he simply had to promise that he d make it a priority to find jobs for Americans and to Make America Great Again Watch:",left-news,"Jul 26, 2016",0 +"HILARIOUS! #BlackLivesMatter Protest Hillary At #DNC: Carry β€œHILLARY, DELETE YOURSELF” Banner [VIDEO]","Pandering Hillary s getting a little karma Black Lives Matter are now protesting at the #DNCinPHL with the sign 'Hillary, delete yourself.'pic.twitter.com/QU9HZCmdRj Breaking911 (@Breaking911) July 26, 2016",left-news,"Jul 26, 2016",0 +"PRIORITIES: AS VETS LAY DYING, WAITING For Medical Care…Obama’s Crooked VA Spent MILLIONS On Artwork","Is it any wonder veterans are getting behind Donald J. Trump in huge numbers? Isn t it about time we took care of our veterans the way they deserve to be taken care of? The VA under the Obama administration has never been more dysfunctional and corrupt. Hillary is nothing more than Obama in a pants suit. Our veterans deserver better than 4 more years of the most disrespectful Commander In Chief our nation has ever known. This corrupt VA has to be completely overhauled. Every American should demand nothing less!Hundreds of veterans have died while waiting to get care from the Department of Veterans Affairs, all while the department spent millions of taxpayer dollars on high-end art.According to an investigation by COX Media Washington, D.C. and American Transparency, the VA has spent $20 million on high-end art over the last 10 years, $16 million of that spent during President Obama s tenure.The investigation found one particularly egregious example: $670,000 combined spent on two sculptures at a VA center for the blind.Other examples include $21,000 spent on an artificial Christmas tree, $610,000 spent over five years for a new facility in Puerto Rico and more than a million dollars combined on three art projects in Palo Alto, Calif. Instead of hiring doctors to help triage backlogged veterans, the VA s bonus-happy bureaucracy spent millions of dollars on art, Andrew Andrzejewski, founder and CEO of OpenTheBooks.com, writes in Forbes. Washington Examiner",left-news,"Jul 26, 2016",0 +BOOM! DINESH D’SOUZA Just Exposed The Gut-Wrenching Truth About Democrats With One Tweet From DNC,"Dinesh D Souza s fascinating movie, Hillary s America debuted to rave reviews in theaters across America on July 22nd. D Souza brilliantly exposes the truth about the Democrat party s history of racism and the way they ve taken advantage of minorities to benefit themselves throughout the history of the United States. It s pretty safe to say, he is probably the least welcome face at the DNC. If you re on Twitter, please help us to keep the liberals enraged, by sharing this insightful tweet from the floor of the DNC by the brilliant Dinesh D Souza:Hilarious! The Dems have to put the words of the Pledge of Allegiance on the TelePrompTer pic.twitter.com/BcwqC3DRMA Dinesh D'Souza (@DineshDSouza) July 25, 2016Click HERE to see clip from Dinesh D Souza s new movie Hillary s America and to find a link to theaters in your area who are showing his outstanding movie.Here s another Dinesh truism:The overlords of the Democratic plantation are here in Philly to proclaim the virtues of dependency pic.twitter.com/aqyGi4cDSw Dinesh D'Souza (@DineshDSouza) July 26, 2016",left-news,"Jul 26, 2016",0 +"β€œALLAHU AKBAR” MUSLIM EXTREMISTS Forced Catholic Priest At Knifepoint To Kneel While They Performed β€œArabic Sermon”….Filmed Beheading Of Priest…Two Terrorists Shot DEAD…19 Yr Old Was KNOWN TERRORIST Allowed To Live With Parents, Roamed Freely During Day [VIDEO]","FRANCE HAS THE BLOOD OF THIS PRIEST ON THIER HANDS! Their political correctness allowed this KNOWN TERRORIST to roam freely in the streets! Shame on their progressive values that made it possible for this beautiful 84 year old priest, who was filling in at the church to be beheaded by these monsters! The ISIS knifemen who stormed into a church in Normandy filmed themselves butchering an elderly priest after forcing him to kneel before they performed a sermon in Arabic at the altar, a terrified witness has revealed today.The 84-year-old priest, named as Jacques Hamel, had his throat cut in a Normandy church this morning in an attack that also left a nun critically injured and both jihadis dead.The two killers, who were both known to French authorities, were shot dead by police marksmen as they emerged from the building shouting Allahu Akbar . The building was later searched for bombs.One of the extremists who stormed into the church in Saint-Etienne-du-Rouvray near Rouen during mass was a French 19-year-old named Adel K., who was being monitored by electronic tag after twice attempting to join fanatics in Syria. Unbelievably, his bail terms allowed him to be unsupervised between 8.30am and 12.30pm the attack happened between 9am and 11am.Adel K is understood to have forced the priest to kneel while his accomplice, who also lived locally and was on a terrorist watchlist, filmed the brutal killing.This afternoon it emerged that the murdered clergyman was deputising while the regular parish priest was on holiday. French authorities say they have arrested a third man over the attack a 17-year-old man believed known as HB and believed to be a relative of Adel K.It was also revealed that the Catholic church involved was on a terrorist hit list found in the apartment of a suspected ISIS extremist last April.Former French President Nicolas Sarkozy called for a merciless response to the killing while horrified ex-Prime Minister Jean-Pierre Raffarin said he feared everything is being done to trigger a war of religions .France s Socialist president Francois Hollande addresses the Islamic terror attack with the press here: A nun who was in the church during the attack said the priest was forced to the ground before his throat was slit.French authorities admitted that both of the attackers were subject to security S files, meaning both were known terror suspects who should have been under surveillance.Adel K. was a convicted terrorist who was meant to be living with his parents in Saint-Etienne-du-Rouvray with an electronic tag on his ankle.In March 2015, while still a minor, he tried to reach the terror group s base in Syria via Germany, but was arrested in Munich. He was placed under judicial control with his parents, but after his 18th birthday again tried to return to the Middle East.Accompanied by two childhood friends, Adel K. headed to Switzerland overland and then took a plane to Turkey, hoping to cross the border into Syria.Turkish police deported him back to Switzerland and, after being sent back to his hometown, he was tried and found guilty of associating with a terrorist enterprise on May 22 2015.After spending less than a year of his two-and-a-half-year sentence in prison, he was released on March 22 this year.For entire story: Daily Mail ",left-news,"Jul 26, 2016",0 +CNN ASKS IF BRUTAL CHILD RAPE CASE Will Affect Hillary’s Political Ambitions: Victim Says Hillary Clinton β€˜Lied Like A Dog’ In My Case [VIDEO]," This was a 12 year girl who was raped brutally, was put in a coma. She was a virgin. She was told she could never have children again. Hillary s response to the court in this case was: This girl seeks out older men.This person is mentally unstable. This girl had made up rape charges before. One big problem NONE of it was true!Hillary knew the child rapist was guilty, yet she still voluntarily worked to get him off on a legal technicality. https://www.youtube.com/watch?v=BXTpqVY_RN4WATCH FOX News hosts dissect what really happened with this sickening case:This is Hillary s war on women and even little girls!",left-news,"Jul 26, 2016",0 +"[FLASHBACK VIDEO] MICHELLE OBAMA TO HILLARY: β€œIf You Can’t Run Your Own House, You Certainly Can’t Run The White House!”","Last night the press swooned over Bitter Mooch s speech at the DNC She s such an asset to Hillary s campaign. The Democrat party should feel good about the fact that it took several innocent cops lives to be lost, riots, race wars and cities being burned to the ground before Mooch was finally proud of her country.https://youtu.be/uLm4w-z91B4Here s Mooch explaining how the next victim in line for Presidency deserves to be the leader of the free world simply because she was born with a vagina. Watch her as she stirs up the racial strife and division last night at the DNC.Here s the truth about how Mooch feels about Hillary, and how she wanted Biden to give her a whooping' in the primaries:",left-news,"Jul 26, 2016",0 +DEMOCRATS AGAINST TRUMP’S WALL For Lawbreakers…But NOT Against Wall To Keep Bernie Sanders’ Fans Out,"Democrats brought illegal after illegal alien on stage today during their communist convention. (We re still wondering how ICE allowed so many illegal aliens to appear on a national stage, embarrassing their entire organization). The Democrats spent no time using these lawbreaker to mock Republicans and the rule of law. They use every opportunity they can to mock Donald J. Trump and the sane Americans who believe it is vital to our national security to build a wall on our southern border.Meanwhile, the DNC has built a massive 4 mile wall around their convention. There have been no known threats of violence from tea party members or Republican operatives, so who are they trying to keep out? Well it appears they re trying to keep out the Bernie Sanders supporters from these telling photos.The party of inclusion seems to have lost its way hmmm maybe they re not quite as inclusive as they d like us to believe Police briefly detained more than 50 people after they tried to storm the barricades outside the Democratic National Convention on Monday in a show of anger over Bernie Sanders treatment by party leaders, even as he urged his supporters to fall in line behind Hillary Clinton.Several hundred Sanders supporters and other demonstrators converged in the sweltering heat on Broad Street and made their way 4 miles to the convention site as the gathering was being gaveled to order, chanting Nominate Sanders or lose in November! and Hey, hey, ho, ho, the DNC has got to go! They carried signs reading, Never Hillary, Just Go to Jail Hillary and You Lost Me at Hillary. Undocumented delegates #Berned #DNCPHL #DNCConvention #NeverHillary pic.twitter.com/m82YX35ebW Lori Hendry (@Lrihendry) July 25, 2016As tensions mounted outside the Wells Fargo Center, police moved metal fences into place and closed the nearest subway station to arriving trains. Fifty-five people were issued citations for disorderly conduct when protesters tried to climb over police barricades at the edge of the security zone surrounding the convention, police said. -Newscenter1",left-news,"Jul 25, 2016",0 +ALL KIDDING ASIDE…DID HILLARY JUST HAVE A SEIZURE In Middle Of Q & A With Journalists? You Be The Judge… [VIDEO],"Whoa! We asked the question yesterday in more of a tongue-and-cheek manner. That was before we saw the serious question that had just been asked of Hillary by reporters. Like everyone else who saw the video, we assumed someone had said something humorous that caused her to behave like she was having seizure. But after watching the actual question that was asked, just prior to what truly does appear to be some sort of seizure, we re having second thoughts about Hillary acting out.Watch the only Presidential candidate who travels with a full-time physician having what appears to be some sort of seizure You be the judge ",left-news,"Jul 25, 2016",0 +WIKILEAKS JULIAN ASSANGE Says He Has NEW Emails That Should Indict Hillary…And Why He’s A Trump Fan [Video],Julian Assange tells what he ll do next and what motivates him. He also believes Trump will be great for freedom of the press in America ,left-news,"Jul 25, 2016",0 +DEMS BOOED GOD At The Last Convention…This Time They Booed During The Opening Prayer…You Won’t Believe Why [VIDEO],"No respect for God No respect for our Constitution And no respect for America What a sickening bunch of heathens Because the Democrats leftist ideology trumps God every time In case you missed it, here s what it looked like when the Democrats voted to remove God from the party platform at the 2012 DNC:",left-news,"Jul 25, 2016",0 +BREAKING NEWS: Bernie Supporters Caught Plagiarizing Trump Supporters By Chanting…. β€œLOCK HER UP!” [Video],Lefty Bernie Supporters chant HRC has got to go! in the streets of Philadelphia during the DNC Convention: ,left-news,"Jul 25, 2016",0 +RECKLESS: CLINTON PRESIDENCY Could Mean U.S. Muslim Population Would Exceed Germany’s 4.8 Million [VIDEO],"Hillary Clinton always putting a radical ideology and her own personal financial gain before the best interests of America. Is this really the kind of leader America needs after 8 miserable, lawless years of Barack Obama? Under two terms of a President Hillary Clinton, the U.S. Muslim population would exceed Germany s current Muslim population, according to data from Pew Research Center and the Department of Homeland Security.According to a Pew report published earlier this week, as of 2010, there were 4.8 million Muslims in Germany. In September, 2015, Democratic presidential candidate Hillary Clinton that the United States should accept 65,000 refugees from Syria to help alleviate the humanitarian crisis created by the war there. We re facing the worst refugee crisis since the end of World War II and I think the United States has to do more, the former secretary of state said Sunday on CBS Face the Nation. I would like to see us move from what is a good start with 10,000 to 65,000 and begin immediately to put into place the mechanisms for vetting the people that we would take in. Via: CBS NewsHere s Trump on the out-of-control refugee crisis and common sense ideas on how he thinks America should deal with it:A Pew report from January of this year estimated that there are roughly 3.3 million Muslims living in the United States. This means that today the U.S. already has a larger Muslim population than does Kuwait, or Brunei, or Bahrain, or Djibouti, or Qatar. Under current policy, Pew projects the number of Muslims in America will outnumber Jews by 2040. However, under a President Hillary Clinton it s possible that date could come much sooner.Under two terms of a Hillary Clinton presidency, the U.S. would have a Muslim population that is larger than Germany s Muslim population of 4.8 million.Based on the most recent DHS data available, the U.S. permanently resettled roughly 149,000 migrants from predominantly Muslim countries on green cards in 2014.Yet, as Donald Trump explained during Thursday night acceptance speech at the Republican National Convention, Clinton has called for a radical 550% increase in Syrian refugees on top of existing massive refugee flows coming into our country under President Obama. Specifically, Clinton had said that, as president, she would expand Muslim migration by importing an additional 65,000 Syrian refugees into the United States during the course of a single fiscal year. Clinton has made no indication that she would limit her proposed Syrian refugee program to one year.As Trump explained, Clinton s Syrian refugees would come on top of the tens of thousands of refugees the U.S. already admits from Muslim countries.Adding Clinton s 65,000 Syrian refugees to the approximately 149,000 Muslim migrants the U.S. resettled on green cards in the course of one year, means that Clinton could permanently resettle roughly 214,000 Muslim migrants in her first year as President. If Clinton were to continue her Syrian refugee program throughout her Presidency, she could potentially resettle roughly 1.5 million Muslim migrants during her first two terms.These projections suggest that after seven years of a Hillary Clinton Presidency, the U.S. could have a Muslim population that is larger than Germany s Muslim population of 4.8 million.These projections are rough estimates, and the population size could be impacted by additional various factors including births, deaths, and conversions. Via: Breitbart News",left-news,"Jul 25, 2016",0 +SANDERS SUPPORTERS Ready To Raise Hell At DNC After E-mail Leaks Prove Dems Stole Election From Bernie,"Wow! What a week for the Democrats! Nothing like the truth to bring the Dems to their knees! With the start of the DNC Convention, it s looking like the Bernie supporters are going to put on a huge demonstration. This ll be interesting since their chairwoman has been ousted and Hillary just hired her. And they said the Republicans are divided? This gathering of leftists will show us what divided looks like get ready for chaos!PHILADELPHIA The Democrats convention kicking off Monday still faces the potential for rowdy protests from Bernie Sanders delegates and supporters, despite the ouster of Democratic National Committee leader Debbie Wasserman Schultz serving as somewhat of a peace offering to liberal factions of the party that have accused her of tipping the scales for Hillary Clinton.Sanders supporters were angry over leaked emails that show the Florida congresswoman and her team blasting Sanders and discussing ways to undermine him.While her resignation could calm that storm, the liberal wing still appears intent on protesting over other grievances including Clinton, the party s presumptive presidential nominee, picking Sen. Tim Kaine of Virginia as her running mate.Norman Solomon, a Sanders delegate from California, said Sunday that Clinton picking a centrist like Kaine is an assault on the progressive agenda. He said the roughly 1,250 Sanders delegates connected to his Bernie Delegates Network are considering walking out during the Virginia senator s expected acceptance speech at the Wells Fargo Center, and they are even looking into contesting his nomination.Via: FOX",left-news,"Jul 25, 2016",0 +HYPOCRITES! CHECK OUT Massive Structure Party Of OPEN-BORDERS Built To Keep Legal Citizens Out Of DNC,"It s interesting how the media has completely ignored this massive wall while making a big deal about the extra security measure Republicans had taken to keep their guests safe You know, after radical Democrat affiliated groups, like Black Lives Matter and the New Black Panthers threatened GOP members with violence To the Democratic National Committee elites, keeping average Americans away from their convention is a good idea, while protecting the southern border from intruding terrorists, rapists and murderers is a bad one.The DNC has erected a four-mile fence around its convention site at Philadelphia s Wells Fargo Center. (Isn t it ironic they re doing so much to protect a site named after a bank?)The DNC fence,surely they would have built a bridge !! pic.twitter.com/6RzjM6rBov Jay Hooks (@mojobubba) July 24, 2016The fence, which appears to be about 8 feet tall, is intended to keep out any individuals with whom Democratic Party leaders, delegates and other liberal elites would rather not mingle.The familiar temporary 8 foot high security fence up again,from Broad&Pattison down to 95 ramps for DNC @FOX29philly pic.twitter.com/3LXOzf8ncX Steve Keeley (@KeeleyFox29) July 20, 2016Worried abt th fence Trump will erect?Welcome 2 th Dem's fence in Philly! pic.twitter.com/Z46wWBnBVp Still Not Russian (@BKrab1) July 24, 2016Via: American Mirror",left-news,"Jul 24, 2016",0 +"BOOM! Mother Of Black Son Murdered By Blacks: β€œI Don’t Preach Black Lives Matter, Because Black Lives Only Matters When Law Enforcement Is Involved” [VIDEO]","We all know the reality of the Black Lives Matter movement. It s heartbreaking that these community organizing jack-holes can t put as much effort into finding ways to save the lives of young black males who are killed by young black males Meanwhile, the LAPD have offered a $50K reward for information leading to the arrest of the thug or thugs who committed this senseless murder of a young man with a bright future Alongside the 21-year-old victim s mourning mother, Los Angeles police on Tuesday announced a $50,000 reward for information leading to an arrest in a fatal shooting near Hyde Park in January.Gerrik Thomas was shot about 6:30 p.m. Jan. 25 in the 3100 block of West 54th Street.Lead Detective Connie Zych said police are investigating the crime as gang-influenced, though Thomas was not a gang member. She said he worked as a security guard and was a nursing student.Los Angeles Police Department officials said during a news conference that Thomas was walking to a store from his grandmother s house when a silver Chevrolet Camaro with a black top pulled up to him and two men asked him where he was from.Thomas was shot and later died at a hospital. During the news conference, police showed surveillance footage leading up to the shooting.The victim s mother, Demicha Lofton-Thomas, said she had been talking to her son just before the shooting occurred. Just imagine if I would have stayed on that phone one minute later. I would have heard that shot that took my son s life, Lofton-Thomas said.Here s what she had to say about Black Lives Matter: Via: KTLA",left-news,"Jul 24, 2016",0 +#LAWSMATTER: Judge Serves Activist Lawyer Big Dose Of Justice After REFUSING To Remove Black Lives Matter Pin In Court [VIDEO],"It s good to know there are still some judges in America who put the law before political correctness An attorney was removed from court and taken into custody after a judge declared her in contempt for refusing to take off a Black Lives Matter pin.Youngstown Municipal Court Judge Robert Milich said Attorney Andrea Burton was in contempt of court for refusing to remove the pin in his courtroom as instructed. Burton was sentenced to five days in jail, but she has been released on a stay while an appeal is underway.Burton will stay out of jail during the appeals process as long as she obeys Milich s order not to wear items that make a political statement in court. If she loses her appeal, she will have to serve the five days in jail.Milich said his opinions have nothing to do with his decision. A judge doesn t support either side, he said. A judge is objective and tries to make sure everyone has an opportunity to have a fair hearing, and it was a situation where it was just in violation of the law, he said.WATCH:The Youngstown branch of the National Association for the Advancement of Colored People (NAACP) said its legal counsel is monitoring the case closely as it may violate Burton s civil rights.The judge said his ruling is based on Supreme Court case law in which a judge can prohibit symbolic political expression in courtrooms, even if it s not disruptive. There s a difference between a flag, a pin from your church or the Eagles and having a pin that s on a political issue, Milich said.Legal analysts say judges have free reign when it comes to what s said, or worn, in their courtrooms. Via: WKBN",left-news,"Jul 24, 2016",0 +LOL! DEMOCRAT Congressman HUMILIATED After Comparing Trump To Dangerous β€œRACIST” Republican Governor…WATCH Republican Congressman Explain Governor Was Actually A Democrat [VIDEO],"Democrat dummy of the day Rep. Tom Cole (R., Okla.) embarrassed Rep. Keith Ellison (D., Minn.) on ABC Sunday morning when the latter falsely claimed that former Democratic Alabama governor George Wallace was a Republican.Wallace is perhaps best remembered as being one of the most strident supporters of segregation in the 20th century. He sought the Democratic nomination for president multiple times, with racist stances as a key of his platform. In 1968, he ran as the American Independent Party candidate and received 46 electoral votes, making him the most recent third-party candidate to capture votes in the Electoral College.Ellison was attacking Donald Trump when he made his false charge. At the same time, we do have the worst Republican nominee since George Wallace, Ellison said.Host George Stephanopoulos didn t correct Ellison and went on to ask Cole a question about whether the Republican National Convention was a success, but Cole first called out Ellison. Well, first I want to correct my friend, Cole said. George Wallace was a proud Democrat and ran for the Democratic nomination. Via: Free Beacon",left-news,"Jul 24, 2016",0 +"BREAKING: SYRIAN REFUGEE KILLS German Woman, Injures 2 With Machete…German Citizen Plows Refugee Down With BMW [VIDEO]","This news comes as Obama works to bring even more unvetted Syrian refugees to America as Hillary nods in agreement Police say a Syrian asylum-seeker killed a woman with a machete and wounded two others outside a bus station in the southwestern German city of Reutlingen before being arrested.Police spokesman Bjoern Reusch said in a statement Sunday that witnesses said the 21-year-old man, who was known to police, was having an argument with the woman before attacking her about 4:30 p.m. Police say the motive behind the attack is still not clear.The attack comes as Germany is on edge following a rampage at a Munich mall on Friday night in which nine people were killed, and an ax attack on a train a week ago that left five wounded in southern Germany. Weasel Zippers Via: ABC NewsUpdate:The attack was actually stopped by a BMW driver who hit the attacker with his car and saved it from being worse.Video of attack. You can hear a witness shouting My God, My God, he s attacking her with a knife! Of course, the news stations were quick to say this was not a terror attack ",left-news,"Jul 24, 2016",0 +WHOA! DID HILLARY JUST HAVE A SEIZURE ON CAMERA? [Video],Watch the only Presidential candidate who travels with a full-time physician having what appears to be some sort of seizure ,left-news,"Jul 24, 2016",0 +HEY HILLARY…WHO IS REALLY BEHIND Attempt By Party Of β€œDIVERSITY” To Use Bernie’s JEWISH Faith To Take Him Down… [VIDEO],"Is it possible the curtain has been pulled back, and the truth about the intolerant Democrat Party is out there for the whole world to see? Will DNC Chair Debbie Wasserman Schultz take the utlitmate hit to keep Bernie fans under control? When will the media expose Hillary s involvement in the DNC and media s coordinated take down of Bernie Sanders?Bernie Sanders campaign manager Jeff Weaver said his team was disappointed by the emails from the Democratic National Committee leaked through WikiLeaks, which seemed to reveal staff in the party working to support Hillary Clinton. Someone does have to be held accountable, Weaver said during an interview with ABC News. We spent 48 hours of public attention worrying about who in the [Donald] Trump campaign was going to be held responsible for the fact that some lines of Mrs. Obama s speech were taken by Mrs. Trump. Someone in the DNC needs to be held at least as accountable as the Trump campaign. We have an electoral process. The DNC, by its charter, is required to be neutral among the candidates. Clearly it was not, Weaver said, responding for the first time to the growing controversy. We had obviously pointed that out in a number of instances prior to this, and these emails just bear that out. Another member of Sanders staff, Rania Batrice put it this way: Everything our fans have been saying and they were beaten down for and called conspiracy theorists and now it s in black and white. One of the newest leaks is an email thread about Sanders faith. Sanders, who is Jewish, did not bring up his religious faith much during the campaign trail and some DNC staffers were hoping he would. But the email itself does not mention Sanders by name, so readers are to infer that it may have been him. But it remains to be seen if these leaked emails are fakes.DNC CFO Brad Marshall sent an email, with the blunt subject line No Sh*t, to DNC communications director Luis Miranda, CEO Amy Dacey, and deputy communications director Mark Paustenbach, discussing if Sanders would be bringing up his faith during the Kentucky and West Virginia primaries: It might may no difference, but for KY and WVA can we get someone to ask his belief. Does he believe in a God. He had skated on saying he has a Jewish heritage. I think I read he is an atheist. This could make several points difference with my peeps. My Southern Baptist peeps would draw a big difference between a Jew and an atheist. Dacey replied with a simple Amen about the topic. Sanders had discussed his Jewish heritage in the past, but has remained mum on all other religious aspects of his life. Marshall told The Intercept he did not recall writing this email and it wasn t necessarily geared toward Sanders. Uproxx Via: Slate And InterceptThe email dump comes at a crucial time, just days before the party s national convention in Philadelphia, with thousands of delegates representing both campaigns gathering from across the country. Weaver and several other members of the Sanders staff have said they are worried the news could disrupt the goals of the convention.Weaver said the emails showed misconduct at the highest level of the staff within the party and that he believed there would be more emails leaked, which would reinforce that the party had its fingers on the scale. Everybody is disappointed that much of what we felt was happening at the DNC was in fact happening, that you had in this case a clear example of the DNC taking sides and looking to place negative information into the political process. ABC NewsDEMOCRATS WILL ATTEMPT TO FIX CRISIS BY DISALLOWING Blabbermouth Schutlz from speaking at the DNC but will that be enough?Democratic National Committee Chairwoman Debbie Wasserman Schultz will not speak at or preside over the party s convention this week, a decision reached by party officials Saturday after emails surfaced that raised questions about the committee s impartiality during the Democratic primary.The DNC Rules Committee on Saturday named Rep. Marcia Fudge, D-Ohio, as permanent chair of the convention, according to a DNC source. She will gavel each session to order and will gavel each session closed. She s been quarantined, another top Democrat said of Wasserman Schultz, following a meeting Saturday night.The Democrat familiar with the decision said it was done in hopes of preventing chaos on the convention floor among Sanders supporters. Via: CNN ",left-news,"Jul 24, 2016",0 +OBAMA’S BROTHER Will Vote For Trump: β€œDeep Disappointment” In Barack’s Presidency…Wants To β€œMake America Great Again”,"The tsunami has started President Obama s Kenyan half-brother wants to make America great again so he s voting for Donald Trump. I like Donald Trump because he speaks from the heart, Malik Obama told The Post from his home in the rural village of Kogelo. Make America Great Again is a great slogan. I would like to meet him. Obama, 58, a longtime Democrat, said his deep disappointment in his brother Barack s administration has led him to recently switch allegiance to the party of Lincoln. The last straw, he said, came earlier this month when FBI Director James Comey recommended not prosecuting Democratic presidential candidate Hillary Clinton over her use of a private e-mail servers while secretary of state. She should have known better as the custodian of classified information, said Obama.He s also annoyed that Clinton and President Obama killed Libyan leader Moammar Khadafy, whom he called one of his best friends.Malik Obama dedicated his 2012 biography of his late father to Khadafy and others who were making this world a better place. I still feel that getting rid of Khadafy didn t make things any better in Libya, he said. My brother and the secretary of state disappointed me in that regard. But what bothers him even more is the Democratic Party s support of same-sex marriage.Obama plans to trek back to the US to vote for Trump in November. Obama used to live in Maryland, where he worked for many years as an accountant and is registered to vote there, public records show. Mr. Trump is providing something new and something fresh, he said.For entire story: NYP",left-news,"Jul 24, 2016",0 +COPS ASK MAYOR TO REMOVE β€œBlack Lives Matter” Banner Hanging At City Hall…His Response Is ASTOUNDING!,"Imagine what it must feel like for these officers who put on their uniforms and go to work, risking their lives in a city whose Mayor has arrogantly displayed an in-your-face banner supporting a cop-hating movement over the front entrance of the City Hall Somerville police officers are asking that the city s mayor remove a banner supporting the Black Lives Matter movement from City Hall and replace it with one proclaiming All Lives Matter. In a Tuesday letter addressed to Mayor Joseph Curtatone, the Somerville Police Employee s Association, the bargaining unit for 90-95 patrol officers, called the city s support of the Black Lives Matter movement and the display of the banner deeply troubling. It is as inconceivable to us as it is demoralizing that our City would propagate its support for this movement while standing silent over the seemingly daily protest assassinations of innocent police officers around the country, the association wrote.Citing what they saw as fringe elements of the movement, officers in the association argued that the activists have at times provoked violence against police around the nation, including the recent shooting in Dallas that killed five officers. The point is that these incidents have incited more than protests; they have incited some within the protest movement to use violence against police officers who had nothing to do with the shootings of black men, and have done so before all of the facts of each case were known, the letter said.While the association acknowledged that black lives, as well as those of other minorities, matter just as much as white lives, it argued that Somerville s open support for the movement could imply that the department thinks otherwise. At the same time, we strongly object to a public banner sponsored by the City that [implicitly] paints police officers as the killers of innocent citizens of color when there is no evidence whatsoever that the police officers in the City are in anyway using their police power in a discriminatory of unlawful way, the letter said.Instead, the officers asked that the banner be replaced with one that reads All Lives Matter, a move they believe would have the mayor standing in solidarity with the police department. The vast majority of police officers across this country are tasked with shielding, protecting, and assisting elements of the protest movement that loath them, spit on them, intentionally injure them and wish death upon them, the association wrote. Nonetheless, it is generally true that officers perform these very tasks with professionalism, honor, integrity, courage, and without hesitation. The letter didn t sway Curtatone, who said he doesn t plan to remove the banner. My unwavering support for our police officers does not and cannot preempt our commitment to addressing systemic racism in our nation, Curtatone said in a statement to Boston.com. I ve made very clear to our officers that we should be thankful for and reinforce what we have here in Somerville: a safer community thanks to the highest quality policing by a force dedicated to community policing, de-escalation, proper use of force, and anti-bias awareness. Via: Boston Heraldh/t Police Mag",left-news,"Jul 23, 2016",0 +How To WATCH The Highly Anticipated β€˜CLINTON CASH’ Movie FREE!…Thanks To Breitbart!,"SHARE this link with everyone you know. EVERY American should see this movie before they vote! The weekend Clinton Cash global release, just days before the Democratic National Convention in Philadelphia, PA, will set the tone for Hillary Clinton s nomination. MSNBC calls the movie devastating for presumptive Democratic nominee and says it powerfully connects the dots. CLICK HERE To get signed up to watch CLINTON CASH online for FREE this weekend!Via: Breitbart News ",left-news,"Jul 22, 2016",0 +CNN POSTS TRUTH ABOUT TRUMP POLLS…Then Immediately REGRETS It…We Have Screen Shots!,"HILLARY IS TOAST!Here are the polls that had must ve pained CNN to post:CNN, The most biased political media source there is, polled its viewers, & even they agree WE NEED TRUMP #Trump2016 pic.twitter.com/MR3LqIqPeP Jesse (@EaglesJesse) July 22, 2016MSNBC isn t the only leftist cable news network to be shocked by the most recent polls:An @MSNBC online poll asked: ""Will Hillary be elected president?""After 78,000 votes 72% Say NO#Trump2016 pic.twitter.com/Nqrz36r3K5 Jesse (@EaglesJesse) July 23, 2016This liberal apparently panicked after the attention his crybaby tweet got and removed his tweet: ",left-news,"Jul 22, 2016",0 +"BREAKING: HILLARY MAKES DIVERSE PICK FOR VP….White, Middle-Aged Career Politician","So much for that whole diversity thing I'm thrilled to announce my running mate, @TimKaine, a man who's devoted his life to fighting for others. -H pic.twitter.com/lTVyfztE5Z Hillary Clinton (@HillaryClinton) July 23, 2016Much like his new boss, Governor Kaine is fond of gifts while acting as a public servant. Unlike Hillary, his gifts don t seem to have been from wealthy Arab nations who top the list of Human Rights abusers, or the same Wall Street donors Hillary pretends to be fighting against. Virginia Sen. Tim Kaine took advantage of the state s lax gift laws to receive an $18,000 Caribbean vacation, $5,500 in clothes and a trip to watch George Mason University play in the NCAA basketball Final Four during his years as lieutenant governor and governor, according to disclosures he filed.Now a leading contender to be Hillary Clinton s running mate, Kaine reported more than $160,000 in gifts from 2001 to 2009, mostly for travel to and from political events and conferences, according to disclosures compiled by the Virginia Public Access Project. The givers included political supporters, a drug company that soon after bought a facility in Virginia, and Dominion, the state s biggest provider of electricity. Via: Politico ",left-news,"Jul 22, 2016",0 +"BLACK LIVES MATTER RESPONDS TO Oakland Police Department’s BBQ Invite: β€œI eat pigs, I don’t eat with them” [VIDEO]","Proving that they really don t want anything to do with improving relations with local law enforcement. This hateful and divisive movement is about reparations and getting special privileges. The Oakland Police Department (OPD) extended an invitation to followers of the Black Lives Matter movement to participate in a barbecue to start a constructive dialogue between the two groups. However, the police were met with flat-out rejection by a spokesperson who referred to law enforcement as pigs. A BBQ is definitely not going to stop this blockade, Karissa Lewis, a self-described radical black farmer from East Oakland, told local Fox affiliate KTVU. And as a radical-black farmer from East Oakland, I eat pigs, I don t eat with them, she said.According to KTVU, Lewis used the mic-check call and response technique, which was popularized at many of the Occupy protests, in order to rally support for her response from fellow protesters, who also rejected the offer. KTVU notes that many of the activists, at least at this one protest, seemed to be in agreement with her about the offer. Via: Breitbart News",left-news,"Jul 22, 2016",0 +DNC WILL SPEND $60 MILLION To Coronate Crooked Hillary…Says It’s Nobody’s Business Where Money Is Coming From,"At least they re consistent and crooked to the core just like their candidate Hillary Clinton will be crowned the Democratic presidential candidate in Philadelphia next week at event costing estimated $60 million Democrats have a $15 million credit line with the city in case their fundraising falls short Independent journalist is fighting for names of the donors to be made public before convention begins But host committee tells court hearing that donations should be kept secretThe host committee for the Democratic National Convention wants to keep its donor list under wraps until after the convention even though a state open records agency has ordered its release.A Philadelphia 2016 Host Committee lawyer told a judge Thursday the release of fundraising records could harm the organization s last-minute efforts to seek donations and negotiate vendor contracts.The host committee set out to raise about $60 million from private sources, but secured a $15 million line of credit from the city as a safety net. The committee must therefore file financial updates with the city.Read entire story: Daily Mail",left-news,"Jul 22, 2016",0 +ALL WHITES IN BACK…Democrats Prove Their Obsession With Race In One RIDICULOUS Photo,"Nothing says embracing diversity like dividing interns by color and kicking the white interns to the back of the photo.It s pretty fitting that the race obsessed US Rep. from Texas, Sheila Jackson Lee would post such a telling photo on Twitter The Democratic Interns on Capitol Hill 2016 #DemInternSelfie pic.twitter.com/ZzUMl4hKoc Sheila Jackson Lee (@JacksonLeeTX18) July 20, 2016The photo of Dem interns was supposed to be in response to a Paul Ryan selfie that the Democrats, who can never see past the color of one s skin, posted to show how much more diverse they are.So diversity is kicking White interns to the back of the photo?H/T Weasel ZippersSomething about this picture is eerily similar to the picture taken of the crowd taken that exposed the segregation of women and men during London s new Muslim Mayor Sadiq Khan s speech on the benefits of Britain sticking with the EU. The Muslim women were noticeably segregated from the men as the photo showed them standing behind the men like second class citizens.The Left is all for diversity, as long as it s their kind of diversity ",left-news,"Jul 22, 2016",0 +HYSTERICAL! PRO-COP Billboard Causes Controversy And Offends Liberals…But You’ll Love It!,"People are offended by just about everything so it s really no surprise that people in Muncie, Indiana would be offended by a billboard that reads: Hate cops? The next time you need help call a crackhead. It gets the point across! A billboard in Indiana has caused some controversy in the wake of the high-profile police killings and officer-involved shooting deaths of African-American men.The electronic billboard in Muncie caught the eyes of plenty of people around the town Saturday and one person described it as vulgar and discriminatory. It read Hate cops? The next time you need help call a crackhead. Megan Thomas told The Star Press on Sunday that she noticed the sign while walking with her niece. She said she was offended by the message, which she alleged was vulgar, discriminatory to many different classes of people in our city. She said it also seemed to have been up ahead of a police brutality protest. I was very ashamed that something so dividing was present in Muncie, she added. Via: Law Officer",left-news,"Jul 22, 2016",0 +CRAZY VIDEO: Anarchist Tries To Burn American Flag Then Something Awesome Happens [Video],"A protester at the RNC in Cleveland attempted to light the American flag on fire in a pitiful; attempt at anarchy. She couldn t even light the flag but the beautiful thing is the police step in and yank her up like a rag doll. Awesome! Crowd following group of police who just arrested a woman https://t.co/vPMs0EzZTS #ResistRNC #RNCinCLE pic.twitter.com/QWiBqp7SON Unicorn Riot (@UR_Ninja) July 20, 2016 ",left-news,"Jul 20, 2016",0 +"HILLARY PANDERS TO DOMESTIC TERRORISTS: Woman Whose Husband Demanded Rioters β€œBurn Down” Ferguson, Beat Up And Robbed Her Mother-In-Law, Will Speak At DNC [VIDEO]","Asking thug, Michael Brown s mom to speak at the DNC is a new low even for Hillary. If the DNC had to have a black mother speak in order to pander to a certain demographic, couldn t they have found a better example? Let s not forget, thanks to the testimony of several black witnesses, Officer Wilson was found innocent of all charges. Why let the facts of this violent thugs case get in the way of pandering for black votes right? Can the Democrat Party survive the violent image its created thanks to Barack Obama and Hillary Clinton, the disciples of Alinsky s chaos, hate and division?DNC CONVENTION OUTRAGE: In summer of cop killings #Hillary invites mom of attempted cop-killer to speak.Here s a great video that outlines the truth about the riot Michael Brown s mom (featured speaker at the DNC) and stepdad incited:In memory of Gentle Mike Brown his parents Lesley McSpadden and step-dad Louis Head incited a riot in Ferguson after a grand jury refused to indict Officer Darren Wilson.Louis Head screamed: Burn this b*tch down. And dozens of Ferguson businesses were burnt to the ground.In October 2014 Michael Brown s mother, grandmother and auntie brawled on the corner of Canfield and West Florissant over the rights to T-shirt sales. Brown s mother Leslie McSpadden reportedly assaulted and robbed grandmother Pearlie Gordon of $1,400.Via Badger Pundit:Via: Gateway Pundit",left-news,"Jul 20, 2016",0 +KKK AND BLACK LIVES MATTER Get Into Urine Tossing Fight Outside The GOP Convention [Video],"The video below is a great example of what the Cleveland police officers are dealing with outside of the GOP Convention. Hundreds of protesters got into a chaotic tussle but the police officers (as you can see in the video) were right in the middle to break it up. This is yet another example of what police officers have to deal with urine tossing? Hundreds of protesters and police took over Public Square in downtown Cleveland yesterday. Some of the larger groups dispersed just after 5 p.m., but about 10-20 new protesters arrived with masks on. Heavy law enforcement presence remained for several hours.Cleveland Police Chief Calvin Williams was on hand most of the afternoon to try and keep groups calm. Williams said he was shoved by a person trying to get to another protester, however, there were no arrests and no injuries.It s the largest gathering of protest groups and the largest gathering of police since the beginning of the Republican National Convention.Activists from Black Lives Matter, Westboro Baptist Church and the KKK were in the square and, at one time, were throwing urine at each other.KPLC 7 News, Lake Charles, Louisiana Via: kpictv",left-news,"Jul 20, 2016",0 +BREAKING: KANSAS CITY POLICE CAPTAIN SHOT DEAD By Multiple Shooters [VIDEO]…#ObamasWarOnCops,"If we had a real President who wasn t spending all of his time acting as the behind-the-scenes leader of the Black Lives Matter movement, encouraging his members to keep up the fight, this nightmare would not be happening A Kansas City, Kansas police captain has been shot and reported killed Tuesday afternoon.According to police, officers responded to a shots fired call at 1:33 p.m. at Second and Edgerton.The caller said multiple people were shooting at him from a vehicle. Officers arrived at the scene at 1:37 p.m., and the suspects fled from the vehicle. An officer took one person into custody. As Melton pursued the other suspects and made contact with one of them at 1:57 p.m., multiple shots were fired, and Melton was hit.Melton was taken to a hospital at 2:22 p.m. and was pronounced dead at 2:55 p.m.Authorities said he was wearing a bullet-resistant vest. KCTV5Police continue to search for the other suspects. Via: KSHBUPDATE: Police are searching the area for others who were involved. One person is in custody.Police have blocked off 18th Street north of Parallel until 24th Street in their search for suspects.Police swarmed the area with dozens of officers, some with rifles. Several police were taking cover behind cars at 16th and Quindaro by 2:30 p.m. A woman at a house there came out of a home with her hands up. Several officers were kneeling down in the street with their guns drawn toward the home. It was unknown what connection the house has to the shooting.The woman who came out walked up to an officer who was holding a ballistic shield. She stood and talked with the officers. Then she walked away from the officers about 10 feet away toward the home and appeared to be yelling to someone in the house. She told police an 8-year-old and 3-year-old in the home.About 45 minutes later, two small children came out of the house and went to the woman. Police moved them out of the way.Next door to the house, just to the south side of Quindaro just east of 16th Street, is a vacant lot. A dozen officers were clustered at the first house next to the lot. Officers were still crouched behind car in front of the and there were officers stationed at building to the west of the house.About 3:08, a SWAT team approached the house behind ballistic shields. They entered the house. About 3:34 p.m. the officers left the house without anyone. A car was towed from the scene.Read more here: KansasCity.com",left-news,"Jul 19, 2016",0 +"MOM AND 3 YOUNG DAUGHTERS Wearing Shorts, T-Shirts STABBED In French Resort Town By Moroccan Man For Being β€œScantily Dressed”…”The religious motive of the attack is in no doubt”","Remember when the French used to mock conservatives for being so closed-minded and unaccepting of their liberal values? Remember when it was cool for Europeans to welcome anyone who wanted to cross their borders into their countries with open arms? A woman and her three daughters have been stabbed in a French resort for being scantily dressed .An eight-year-old girl was left fighting for her life after the attack in the Garde-Colombe in the Hautes-Alpes region of Southern France.The man is believed to have attacked the three girls outside the family s apartment before entering the building and attacking the mother.Jean-Marc Duprat, a deputy mayor for the town of Laragne-Monteglin in the Hautes-Alpes region said the suspect, who is not related to them, was upset they were wearing shorts and T-shirts.The girls are believed to be aged eight, 12 and 14 while their mother is 46. The knifeman is alleged to have fled the scene by car before being arrested.Amaury Navarranne from the regional council said: The religious motive of the attack is in no doubt. Via: Metro ",left-news,"Jul 19, 2016",0 +"LOL! ACTRESS CHARLIE THERON Tells South Africans AIDS Is β€œNot transmitted by SEXβ€¦β€œIt’s transmitted by sexism, racism, poverty and homophobia” [VIDEO]","Is there really anything more irresponsible than standing before a large group of people on a stage in South Africa and telling them that SEX doesn t transmit AIDS? As long as Theron s a card carrying Hollywood liberal, she gets a pass and anything she says. After all, her reckless remarks were only for the good of the poor blacks in Africa right?The HIV virus can be spread in plenty more ways than just sex, actress Charlize Theron asserted while delivering the opening remarks at the 21st International AIDS Conference in Durban, South Africa on Monday. It is not just AIDS, she said. It is the culture that condones rape and shames victims into silence. It is the cycle of poverty and violence that traps girls into teen marriages and forces them to sell their bodies to provide for their families. It is the racism that allows the white and the wealthy to exploit the black and the poor and then blame them for their own suffering. It is the homophobia that shames and isolates LGBT youth and keeps them from life-saving healthcare and education. HIV is not just transmitted by sex, Theron added. It s transmitted by sexism, racism, poverty and homophobia. And if we re going to end AIDS, we have to cure the disease within our own hearts and within our own minds first. -BreitbartThis certainly isn t the first time the rabid anti-gun actress has made the news (well almost) for making a completely unfounded and idiotic comment. In May, 2014, Theron compared the media s coverage of her to rape . When asked by Sky News whether she ever Googled herself, Theron replied, I don t do that, so that s my saving grace. When you start living in that world, and doing that, you start, I guess, feeling raped. Critics went wild over her twisted analogy. But in the end, she s a Hollywood liberal and much like their good friend in the White House, they re untouchable. The sky is the limit when it comes to the ignorant and irresponsible statements they are able to make without ever being held accountable. ",left-news,"Jul 19, 2016",0 +WHOA! BLACK WOMAN FED UP WITH BLACK RACISTS NAILS IT: β€œMany Black People Voted For Barack Obama Simply Because He Was Black…And Now Your Black god Has Failed You!” [VIDEO],WOW This woman absolutely nails it!,left-news,"Jul 18, 2016",0 +UNIVERSITY PRESIDENT APOLOGIZES TO TRAUMATIZED STUDENTS For Allowing Cops To Sleep In Campus Housing During RNC…Makes Them Feel β€œUnsafe”,"***WARNING***If you are between the ages of 18-23 and believe everything your Leftist teachers and professors are feeding you, and you are offended by pretty much EVERYTHING, you may not want to read this story.Students at Case Western Reserve University in Cleveland were so traumatized by the prospect of sharing their campus with armed police officers during the Republican National Convention next week that the university has opted instead to essentially shut down for the week.The students were incensed that school officials had agreed to allow police officers imported to maintain order during the convention to stay in campus housing. More than 300 of them signed an online petition demanding that, among other things, the riot police store their weapons off-campus between shifts, restrict themselves exclusively to the residence halls and abide by university rules regarding anti-discrimination and sexual harassment.Some students even asked to be moved to alternative housing for the week, saying the increased police presence caused them to fear for their safety following the shooting deaths of two black men in Minnesota and Louisiana. I am scared and concerned for students of color, queer* and trans* students and all university community members at the mercy of an arbitrarily expanded police force without clear oversight or attachment to the community, wrote one petitioner, Shannon Groll. Please, protect CWRU as a safe space for all bodies. I am deeply troubled by the presence even temporarily of a militarized police force on the CWRU campus, wrote Keith Fitch. The number one priority for an educational institution is to guarantee a safe environment for its students, faculty, and staff. Said petitioner Andrew Stark: The institutionally-sanctioned presence of militarized police forces in an educational environment is unacceptable and contributes to the creation and maintenance of a gendered and racialized space, physically, socially and psychologically unsafe for persons belonging to marginalized groups. TRANSLATION PLEASE!??Police officials assured the students and administration that any officers using the University to bed down during the convention would take care to secure their weapons between shifts, and that officers would be on their best behavior while on campus, but that wasn t enough.Campus administrators, including the campus President Barbara Snyder, tried to take students into consideration and address student requests as best as possible, but Tuesday morning felt they could no longer handle the overwhelming sentiment among the student body and simply closed campus for the week of the RNC.President Snyder apologized profusely in an email to the students who had been hurt when the college approved the city s request to house officers. [I]n answering the city s convention request, we failed to give adequate consideration to the impact the decision would have on members of our community in particular students staying in residence halls near the buildings housing the officers. Classes will now be held off-campus next week, on-campus summer camps have been rescheduled, and students who live on campus or are staying on campus for the summer will receive help finding alternate accommodations. Heatstreet ",left-news,"Jul 18, 2016",0 +OBAMA WARNS COPS TO RECOGNIZE BLACK LIVES MATTER: β€œIf police organizations acknowledge that there’s a problem…that is what is going to ultimately make the job of being a cop a lot safer” [VIDEO],"Watch Barack Obama identify himself as the leader of the Black Lives Matter terror group in video below: In a movement like Black Lives Matter, there s always gonna be folks who say things that are stupid or imprudent. And I don t think you can hold well-meaning activists who are doing the right thing and peacefully protesting responsible for everything that is uttered at a protest site. I would just say that everyone who s concerned about police shootings or racial bias in the criminal justice system that maintaining a truthful and serious and respectful tone is going to help mobilize American society to bring about real change. And that is OUR ultimate objective. Spoken like a true leader of a radical, disruptive, chaotic movement There are legitimate issues that have been raised. And there s data and evidence to back up the concerns that are being expressed by these protesters.Was Barack referring to this data?Or maybe he was referring to this data:We d love to see Barack s data, since every legitimate data we ve seen clearly shows more Whites with a gun are killed by police than Blacks with a gun.",left-news,"Jul 18, 2016",0 +COMMUNITY AGITATOR IN CHIEF Warns Republicans: β€œWe Don’t Need Inflammatory Rhetoric”,"Says the guy whose legacy will be a war on cops and the division of America President Barack Obama cautioned Americans from drawing easy conclusions from the shooting attacks that killed three law enforcement officials in Baton Rouge and wounded three others. As of right now, we don t know the motive of the killer. We don t know whether the killer set out to target police officers or whether he gunned them down as they responded to a call, the president said at the White House today.He also appeared to caution Republicans using the incident for political attacks, after both he and Hillary Clinton signaled sympathy with anti-police protest groups like Black Lives Matter. We don t need inflammatory rhetoric. We don t need careless accusations thrown around to score political points or to advance an agenda, he said. We need to temper our words and open our hearts, all of us. Obama argued that attacks against police officers were not new, but part of an ongoing struggle. We have our divisions, and they are not new, he said. Around the clock news cycles and social media sometimes amplify these divisions. Via: Breitbart ",left-news,"Jul 18, 2016",0 +"BATON ROUGE COP KILLER Had β€œInspirational” YouTube Channel, Was Racist Member Of Farrakhan’s Nation Of ISLAM: β€œMy Religion Is The Religion Of β€˜Justice'” [VIDEO]","This cop killer was a hateful, racist sub-human. He not only hated white people and cops, he bragged about it. The scary thing is, much like ISIS, who has no trouble recruiting people with hate in their hearts, there are no shortage of people to carry out Obama s war on cops in America. These are terrorists and our very own President has inspired these people to act on their hate for Whites, for cops and for America. This, is Obama s real legacy The 29 year old ex-marine, Gavin Eugene Long, who ambushed and killed three unsuspecting Baton Rouge police officers on Sunday morning, hated those who did not share his skin-tone and harbored a particular hatred for the police. As revealed in the hours after the shootings, a Youtube account operated by Long under the handle I Am Cosmo where the alleged killer posted dozens of clips, provides insight into what motivated the young man to kill three police officers and wound three more on his 29th birthday.In the Youtube videos, Long rants against crackers, and makes multiple references to the July 5th killing of Alton Sterling at the hands of police officers only five miles away from Sunday s attack. The videos also detail that Long is a member of the Nation of Islam, labelled a hate group by the Southern Poverty Law Center for its black supremacist and racist views towards Jews, Asians, and whites which the group s leaders argue have sucked the blood from and exploited the black community.As Daily Caller details, the 29-year-old was a native of Kansas City, Missouri and was honorably discharged from the Marines in 2010 after reaching the rank of E-5. He preferred to go by the name Cosmo Ausar Setepenra rather than Gavin Eugene Long.In a video published on Thursday, the racist shooter says that If I would have been there with Alton Clap before promoting a book that he wrote that discusses black liberation ideology. I wrote it for my dark-skinned brothers, said Long. If you look at all the rebels like Black Panthers, Huey P. Newton, Malcolm X, and Elijah Muhammad, they was light-skinned. But we know how hard y all got it. https://youtu.be/kGuUq6eUoFwThe assailant also suggested that the black community should buy only from black-owned businesses rather than working for the white people. In one video Long is heard lamented working for the white people. He encouraged one man riding in his vehicle as he filmed using a body camera to shop only at black-owned businesses. He brought up a hypothetical scenario in which a family member who wanted to buy carpet was forced to buy from non-black business owners saying Who s she going to f with? The cracker, the Arab, the Chinese? These Arabs, these Indians, they don t give two fucks about us, said the shooter.Come to think of it, he may have a point. Via: Zero HedgeThis loser has his own Youtube channel. If you care to stomach has cancer-like rhetoric, you can find his channel HERE.",left-news,"Jul 17, 2016",0 +#BlackLivesMatter Supporters Say No Connection To Cop Killers…Why We Beg To Differ,"THE COMMON THREAD IN ALL THIS IS HATE THE HATE COMING FROM: Black Lives Matter, Nation Of Islam and New Black Panthers. They all have a common theme of hate for cops and for white people. The shooter today took the life of fathers, sons and husbands .Here s a BLUE LIFE that mattered. In fact, he mattered a LOT. He mattered to his baby boy who was only months old. He mattered to everyone who loved him and to the neighborhoods and communities he courageously patrolled https://twitter.com/CajunKangaroo/status/754769486310506496 Baton Rougue Police Spokesman L Jean McKneely said in the above press conference that it was not clear how the shooting started on Sunday morning. The shooting took place near a B-Quick Convenience Store on Airline Highway, near Old Hammond Highway. One of the shooters was found dead near the story, reports The Advocate. Police used a robot to find out if there was an explosive device inside the store.CNN reports, citing a source close to the investigation, that police were called to the area when there was a report of a suspicious person walking down Airline Highway. The shooting started when police arrived. Shooting was first reported around 8:40 a.m.Baton Rouge Chief Administrative Officer William Daniel told The Advocate that two of the deceased officers were Baton Rouge police officers and the third is an East Baton Rouge Parish sheriff s deputy. HeavySo who will accept responsibility for this horrific act of hate? Will Black Lives Matter supporters who openly chant Pigs In a Blanket Fry Like Bacon assume responsibility? What about our Community Organizer in Chief? What about his lawless AG and the lawless AG before her whose job it is to ensure justice in America, but instead works with Obama to encourage BLM protesters to carry on with their violent protests and disruptions across America And who can forget the ever-popular ""Pigs in a blanket, fry 'em like bacon."" #BatonRouge https://t.co/d4MKWeSst2 https://t.co/GUJxkJvSiA Elizabeth Alexander (@McSillyson) July 17, 2016Speaking of Community Agitators #BlackLivesMatter chants: ""Pigs [cops] in a blanket, fry 'em like bacon!"" But Obama defends BLM. #BatonRouge pic.twitter.com/YnDyxKLA3s Dutch Deacon Blues (@ddeaconblues) July 17, 2016Here s a Twitter user reminding BLM of their now famous chants:Well BLM looks like your chants Pigs in a Blanket Fry Em Like Bacon and What Do We Want? Dead Cops . Appears to be working #BatonRouge YouAreFakeNews (@JeffErick1234) July 17, 2016Here s a Twitter user who takes to Twitter to express his over-the-top hate for our law enforcement:https://twitter.com/SavionWright/status/752021245399412738And then there s this hateful little punk who tweeted this to us:Via: Heavy",left-news,"Jul 17, 2016",0 +BREAKING: CLEVELAND POLICE CHIEF Asks Ohio Governor To DECLARE STATE OF EMERGENCY…Suspend Open Carry Laws During RNC,"Obama s war on America just got real These acts of terror need to be treated as such.BREAKING: Cleveland police union chief calls on Ohio governor to declare state of emergency, suspend open carry firearms laws during RNC Reuters Top News (@Reuters) July 17, 2016Does anyone else find it odd that most of America doesn t even know where the DNC is hosting their convention in two weeks?",left-news,"Jul 17, 2016",0 +LIVE FEED…#BatonRouge UPDATE 3 COPS MURDERED…SEVERAL SHOT…Officers Responding To Gunfire Call…#ObamasWarOnCops,"Barack Obama, Eric Holder, Al Sharpton, Hillary Clinton, George Soros and Black Lives Matter OWN this hell they have thrusted on innocent cops and their families #ObamasWarOnAmerica Baton Rouge, LA mayor on @MSNBC: Officers were responding to reports of ""shots fired"" when they were ambushed by 1 or 2 shooters Jesse Rodriguez (@JesseRodriguez) July 17, 2016Mayor of Baton Rouge, LA tells @MSNBC this was an ""ambush"" on police; 3 officers are dead Jesse Rodriguez (@JesseRodriguez) July 17, 2016A clip from the Baton Rouge shooting:#BatonRouge mayor says 3 police officers feared dead. Video from local station allegedly shows confrontation: https://t.co/9q0pZTDqvg AM Joy w/Joy Reid (@amjoyshow) July 17, 2016LIVE FEED:",left-news,"Jul 17, 2016",0 +NEW BLACK PANTHER LEADER Sends Warning About Republican Convention [Video],"FOX News reporter Mike Tobin interviewed former New Black Panther leader Malik Shabazz who promised violence on the Republican National Convention: Malik Shabazz: From what I know many of the groups on the left, mainly the white left, and others, I know for a fact that there s going to be the blocking of highways and there s going to be arrests and there s going to be some things. I hear, that s going to go on next week. It s highly likely there s going to be arrests, there s going to be tear gas. It s going to be happening. This is the same man who called police officers occupiers !",left-news,"Jul 17, 2016",0 +FBI AND CIA Host Job Fair In U.S. City With 40% MUSLIM Population…Feeling Safer Yet?,"Who better to help root out terror than a person whose religion forbids them from ratting out someone of their own faith? The FBI and CIA are looking to increase the diversity of their agencies and that includes hiring more Arab Americans.One of the ways it hopes to achieve its goal of greater diversity is by holding a career fair in America s most Islamic city Dearborn, Michigan.In Stop the Islamization of America: A Practical Guide to the Resistance, renowned activist Pamela Geller provides the answer, offering proven, practical guidance on how freedom lovers can stop jihadist initiatives in local communities.Notices about the career fair have been posted on the Arab-American Chamber of Commerce s Facebook page, as well as in local news publications in Dearborn.The Press and Guide, for instance, ran a public notice that stated the following; Learn about working for two top government agencies during an informational session being held by The Central Intelligence Agency and Federal Bureau of Investigation. Attendees will learn about both agencies and have the chance to hear about career opportunities as well as network with CIA and FBI representatives. The event takes place at 6 p.m. July 19 at the Ford Motor Company Conference & Event Center, 1151 Village Road, Dearborn. A formal presentation will run from 6 to 7:30 p.m. followed by networking from 7:30 to 8:30. Both the FBI and CIA are seeking to increase diversity within the organizations and find specifically skilled applicants to fulfill critical roles within the agencies. Those at the event will hear about specific job positions and qualifications through a panel discussion as well as the agencies similarities, strategic differences and shared commitment to thwart threats to national security. Dinner will be provided, but seating is limited. RSVP by July 12 to Christina Petrosian at chrissp@ucia.gov. Petrosian did not immediately respond to emails from WND.Dick Manasseri, communications director for Secure Michigan, a citizen-watchdog group fighting what it sees as the Islamization of Michigan, said he found the advertisements troubling, but not surprising. How can the FBI/CIA vet job applicants when they cannot mention the word Shariah? Manasseri said.Manasseri was referring to the scrubbing of all FBI training manuals, removing all references to Shariah and Islam that were seen as discriminatory by Muslim groups. That concession was made in response to complaints by the Council of American-Islamic Relations, or CAIR, by then-Deputy National Security Adviser John Brennan, who is now in charge of the CIA. How can the FBI/CIA vet the information provided on applications from Shariah-adherents who are encouraged to lie to non-Muslims when it furthers the goals of Shariah? Manasseri told WND.The Obama administration has also invited former CAIR officials into its circle of advisers within the U.S. Department of Homeland Security. The opportunities for further federal government infiltration increases the probability that we will see Shariah courts in Southeast Michigan before long, Manasseri said.Dearborn s population is about 40 percent Arab and includes both Sunni and Shiite Muslims. A minority of the Arab-American community in Dearborn are Christian.And the Dearborn area is getting more Muslim by the month thanks to the current Syrian refugee program being carried out by President Obama. Just in the last nine months the U.S. State Department has delivered 143 Syrians to Dearborn for permanent resettlement.Another 174 Syrians have been sent to Troy, which is only 25 miles north of Dearborn.Michigan has been targeted to receive nearly half of the 10,000 Syrian refugees Obama has promised the United Nations he would admit into the U.S.After getting off to a slow start, Syrian arrivals are now occurring by the hundreds per day. On Wednesday another 249 Syrians arrived in the U.S. for permanent resettlement.Obama s pledge of 10,000 Syrian refugees in fiscal 2016, which ends Sept. 30, now appears to be a deadline he will make. His State Department has delivered nearly 60 percent of the 10,000 with two and a half months to go. Via: WND ",left-news,"Jul 16, 2016",1 +BRUTALLY HONEST BILLBOARD Turns Heads In State With Exploding Muslim Immigrant Population,"American citizens should be more concerned about the Left and the leftist media s attempt to HIDE the brutal truth about Sharia in America, than a billboard that gives readers an opportunity to learn the truth.In a state that doesn t tolerate any discussion of what the massive influx of Somali refugees has done to their neighborhoods and schools, this billboard will likely be a hot topic in Minnesota. Recently, the Minnesota Governor told his constituents to Leave the state if they don t like the massive influx off Muslims. Watch the INCREDIBLE VIDEO HERE. [Video]A billboard of a woman in a niqab went up on I-94 in Rogers at the beginning of June, prompting calls to the sign company from the public. Copy was added to the billboard in July, which now reads Should America Fear Sharia? The billboard is sponsored by the Center for Security Policy, a Washington, D.C. based national security think tank. The site shouldamericafearsharia.org consists mostly of links to videos discussing different topics about Islam and Islamic extremism.The billboard was contracted out by the Center with Franklin Outdoor Advertising, a billboard company in Minnesota and Wisconsin. The billboard went up the beginning of June, Franklin salesperson Chris Barta said, Last Friday we switched it out and put up the one with the website. The website advertisement billboard will be up from July 1st through the end of the month when the advertisement contract expires.The Center for Security Policy s website contains articles and videos on national security threats of Islamic terrorism.In the wake of the Pulse nightclub shooting in Orlando, the Center s executive vice president Jim Hanson called the attack, completely in keeping with totalitarian Islamic code called Shariah. Franklin Outdoor Advertising received a number of calls from the public regarding the billboard according to Barta, mostly in June when there was no text accompanying the image on the sign. AlphaNewsh/t Refugee Resettlement Watch",left-news,"Jul 16, 2016",0 +WHOA! 8 ACTUAL QUOTES FROM HILLARY That Prove She’s Unfit To Clean The Bathrooms In Our White House [VIDEO],"Hillary came out with a heavily edited TV ad yesterday, calling Trump s ability to be a role model into question. Here is the video: Really Hillary? You re worried about Trump being a role model? Here are few of Hillary s greatest hits that have been revealed by those closest to her while either acting as our First Lady or in some capacity as a public servant . ***STRONG LANGUAGE WARNING****1) Where is the God damn flag? I want the God damn fucking flag up every morning at fucking sunrise . Hillary to staff at the Arkansas Governor s mansion on Labor Day 1991. From the book Inside the White House by Ronald Kessler, p. 244(2) Fuck off! It s enough I have to see you shit-kickers every day! I m not going to talk to you, too! Just do your Goddamn job and keep your mouth shut. Hillary to her State Trooper bodyguards after one of them greeted her with Good Morning. From the book America Evita by Christopher Anderson, p.90(3) If you want to remain on this detail, get your fucking ass over here and grab those bags! Hillary to a Secret Service Agent who was reluctant to carry her luggage because he wanted to keep his hands free in case of an incident. From the book The First Partner p. 25(4) Stay the fuck back, stay the fuck back away from me! Don t come within ten yards of me, or else! Just fucking do as I say, Okay!!? Hillary screaming at her Secret Service detail. From the book Unlimited Access by Clinton s FBI Agent-in-Charge, Gary Aldridge, p.139(5) Where s the miserable cock sucker? (otherwise known as Bill Clinton ) Hillary shouting at a Secret Service officer. From the book The Truth about Hillary by Edward Klein, p. 5(6) You fucking idiot Hillary to a State Trooper who was driving her to an event. From the book Crossfire ~pg. 84(7) Put this on the ground! I left my sunglasses in the limo. I need those fucking sunglasses! We need to go back! Hillary to Marine One helicopter pilot to turn back while in route to Air Force One. From the book Dereliction of Duty p. 71-72(8) Come on Bill, put your dick up! You can t fuck her here!! Hillary to Gov. Bill Clinton when she spots him talking with an attractive female. From the book Inside the White House by Ronald Kessler, p. 243Additionally, when she walked around the White House, NO ONE was permitted to look her in the eye, they all had to lower their heads with their eyes towards the ground whenever she walked by. Clearly she is a class act!This ill-tempered, violent, loud-mouth, hateful and abusive woman wants to be your next President, and have total control as Commander-in-Chief of our Military, the very Military for which she has shown incredible disdain throughout her public life .Now it will be clear why the crew of Marine One helicopter nick-named the craft, Broomstick ONE Via: TruthFeedAs an added BONUS we ve included a clip from an interview that was filmed in Africa.Hillary shows her true colors when a female student speaking broken English accidentally refers to Barack Obama as Mr. Clinton . Her overreaction to this woman s innocent error shows what really happens when you unintentionally displease the Queen of the Democrat party Watch HERE",left-news,"Jul 16, 2016",0 +WAS MURDERED 27 YEAR OLD DEMOCRAT Operative About To Blow The Whistle On VOTER FRAUD When He Was Shot In The Back? [VIDEO],"Seth Rich was hired by the Democrat Party as the official voter expansion data director. Although there is no connection yet, he was clearly privy to information that could potentially harm the Democrat Party, and more specifically Hillary Clinton s chances of winning the election in November. He was shot in the back several times but wasn t robbed. He was left to die a short distance from his home in gun-free Washington D.C . Possible Whistle Blower on Democratic Party Voter #Fraud assassinated in Washington DC,not in MsM https://t.co/Cbem0AJvw5 #DNC Egypt Built (@HosamDakhakhni) July 12, 2016Rich s death isn t the only suspicious death with ties to the Clintons. A UN official tied to the Clintons was found in his apartment with his throat crushed by a barbell last month The UN claimed he died of a heart attack. Read HERE.Washington DC police are offering a $25,000 reward for information leading to the arrest of the killer or killers of Seth Rich, the idealistic young DNC employee who was mysteriously shot multiple times in the back on Sunday night in affluent Northwest DC.At the same time, police are still not giving out any more information about the investigation beyond saying that they have not yet connected the killing to a robbery. Officers have been canvassing the once-cheery Bloomingdale neighborhood where Rich lived and died, knocking on doors and asking for information.There is still no suspect, no motive, and no arrests. As a result, conspiracy theories about Rich s murder continue to fly around Washington and around social media worldwide.Rich was shot while walking home after 4 a-m on Sunday morning. He was on the phone with his girlfriend just before the attack. Police say his body bore injuries indicating that Rich fought for his life.Rich s father told the local TV station in his hometown of Omaha that the killers took nothing from his son s body. If it was a robbery-it failed because he still has his watch, he still has his money-he still has his credit cards, still had his phone so it was a wasted effort except we lost a life, Joel Rich told KMTV.At a Tuesday news conference about DC crime statistics, DC Police Chief Cathy L. Lanier, stated that overall robberies were down in the city. When asked specifically about Seth Rich s murder, she said it has not been determined whether his death could be linked to a robbery.Conspiracy theories abound over Rich s death. The most controversial theory is that Rich was on his way, in the dead of night, to meet with the FBI and inform on alleged voter fraud by Hillary Clinton and DNC boss Debbie Wasserman Schultz. The theory goes that he was murdered to keep him silent. HeatStreetAnita Moncreif worked for ACORN during Obama sHere are some interesting facts surrounding the Clinton connections with Seth Rich:SETH RICH was a young Washington D.C insider, hired by the Democratic National Committee/Convention, who was assassinated early this morning, July 11th. He was hired by Democratic National Committee Chairwoman (and former co-chair of HILLARY Clinton s 2008 campaign) Debbie Wasserman-Schultz in June 2014 as the official voter expansion data director for this election season.Here is what I personally find suspicious about his very recent death:Debbie Wasserman-Schultz criticized the Bernie Sanders campaign of hacking into the NGP VAN voter database back in December of last year. NGP VAN has previously contributed to the Clinton campaign. In addition, it could have been entirely possible, given the many scandals surrounding Clinton, that the Clinton campaign may have taken crucial information or restricted the Sanders campaign from having stronger momentum in the days leading up to the Iowa primary. This is an entirely different topic though. Certainly Mr. Rich would have been aware of the particular data hacked or taken at this time.Mr. Rich was hired by the DNC in June 2014. Earlier in 2014, the Clintons announced a voter initiative project meant at counteracting voter ID laws & the stripping of provisions in the 1964 Civil Rights Act. Another intention of this collaboration with the DNC was to increase voter turnout. Mrs. Wasserman-Schultz at the time said she wished to make sure that everyone who wants to vote and is eligible has an opportunity to register, has an opportunity to turnout and can have their vote accurately counted. However, it has been noted continuously by progressive media and r/sandersforpresident that Mrs. Wasserman-Schultz has deliberately done everything in her power to discourage voters from having their voices heard/accurately counted, thus creating another shield for Hillary Clinton from potentially losing to an outsider progressive. Could Mr. Rich have expressed a personal conflicting opinion after the NGP VAN leak which would ve made Mrs. Wasserman-Schultz more angry?Another Reddit user on r/politics noticed that Mr. Rich s LinkedIn Page detailed his work for a firm called Greenberg Quinlan Rosner. The CEO of this firm is a man named Stan Greenberg, a man who was a leading political strategist for Bill Clinton during his presidency. This man also re-branded BP as a green petroleum company. Is it possible that Mr. Rich was aware of the public s disdain for oil industry/fracking? Clearly going against the oil industry would mean a significant loss of profits. The U.S, as it is, has been oil dependent for ages, and the fight to change the climate has never been hotter than right now.In the months leading up to the BP oil spill, Mr. Rich was also a legislative affairs consultant for another firm called Kissel E & S Associates. When I happened to google Kissel E&S Associates, Clinton , one of the front page results led to a University of Nebraska paper, and written during Hillary Clinton s tenure as Secretary of State. This paper is titled Conflicts in the Licensing Process for TransCanada s Keystone XL Pipeline. The Keystone XL Pipeline is one of the MANY positions on which Hillary Clinton has flip-flopped on. Could Mr. Rich have dissented with some very powerful oil company interests who were looking to negotiate a backroom deal with the DNC?Mr. Rich also happened to previously work for former Nebraska Senator & Governor Ben Nelson. Former Senator Nelson happens to be a more conservative-leaning Democrat, but he also happened to be on the Committee on Appropriations, Subcommittees on Homeland Security/Military Construction and Veterans Affairs, and was a member of the International Conservation Caucus. Senator Nelson, in 2010, was the deciding vote to help block a Wall Street reform bill. He also contributed a crucial vote to help pass Obamacare back in 2009. Senator Nelson also suddenly quit his position in 2013, and was at the center of the Obamacare Supreme Court ruling last year. Finally, I don t think that this is related to the conspiracy theory at hand, but last October, his daughter died from an accidental fall.Mr. Rich was murdered in the back by an unknown assailant with a gun. At 4:20 in the morning. Near Howard University. Not exactly the type of person who would be targeted in a nicer area of D.C. (I am aware D.C has lots of impoverished areas/urban decay.) The District of Columbia happens to have a ban on the sale or purchase of handguns, but nearby Virginia has some of the most relaxed gun laws in the country. And although there are many insiders who work for Washington D.C, wouldn t it take someone with intelligence to know and particularly target somebody who happened to have crucial intelligence that could decide this election?The police, as of July 11, don t have any suspects, witnesses, or surveillance footage at this time. They also refused to comment if it was possibly related to recent robberies in the neighborhood. It can be disputed that this was but a botched robbery, however, because nothing was taken from Mr. Rich s dead body. One of the earliest rumored victims of the Clinton body count was Mary Mahoney, who died in a similar fashion as she was about to testify against Bill Clinton (and who had nothing taken from her body at the time of her death.) (In comparison, The Manson family didn t steal anything from Sharon Tate s house when they brutally murdered her and others. The Family was also accused of killing multiple potential dissenters during and after Manson s trial, for a sickening comparison.)The TIMING of this tragedy seems too coincidental /accurately timed. I think/know that:8a. Mr. Rich s sudden death comes the day before Bernie Sanders is set to endorse Hillary Clinton at a party unity rally tomorrow. Chairwoman-elect of the Nebraska Democratic Party (Rich s home state), Jane Kleeb, spoke of Rich as a young Nebraskan who worked on campaigns and stood for progressive issues. 8b. As of Monday the 11th, the Democratic National Convention is set to take place in exactly two weeks, and the Republican National Convention in exactly one. In addition, Bernie Sanders is set to speak at FDR Park on the 24th, about where the political revolution goes from here.8c. Hillary-supporting Governor of Connecticut Dan Malloy is currently under investigation over a Cigna merger. Hillary-supporting U.S Rep Corinne Brown is also currently under investigation over her super-gerrymandered Florida district (Wasserman-Schultz is from Florida).8d. There are currently RICO lawsuits investigating multiple counts of electoral fraud, and surprisingly, these lawsuits are pulling through the courts and gaining traction. Mr. Rich could have been aware of the American people actually standing a chance with these lawsuits, and given his access to crucial voter data, could have decided to be a DNC defector and testify on behalf of the people in charge of these electoral fraud lawsuits. 8e. There is still a possibility that Russia/Julian Assange has DNC information and could be planning to leak it to the public in time for the convention. Mr. Rich could have known of this.",left-news,"Jul 16, 2016",0 +β€œON DAY OF #NiceAttack Hillary Announces AMNESTY For Anyone Who Stealthily Evades Our Border Patrol”,"Lawless, Crooked Hillary promises to continue with Obama s arrogant, lawless push to flood America with people who have illegally entered our nation Democrat voters. Our nation and our nation s security won t survive another four years of Obama h/t to the brilliant Jon Feere, Legal Policy Analyst at the Center for Immigration Studies. The CIS is one of the best sources in America for keeping up with our immigration crisis in America. From Hillary s website:Hillary will:Enact comprehensive immigration reform to create a pathway to citizenship, keep families together, and enable millions of workers to come out of the shadows.Defend President Obama s executive actions to provide deportation relief for DREAMers and parents of Americans and lawful residents, and extend those actions to additional persons with sympathetic cases if Congress refuses to act.Promote naturalization and support immigrant integration. End family detention and close private immigrant detention centers.Hillary s not just advocating for making lawbreakers legal citizens of the United States, she s also planning to bring millions of Muslims from countries who hate us to America, and fast-track them to citizenship:If elected president, Hillary Clinton could permanently resettle close to one million Muslim migrants during the first term of her presidency alone, according to the latest available data from the Department of Homeland Security (DHS).Between 2001 and 2013, the U.S. permanently resettled 1.5 million Muslim migrants on green cards. However, under Hillary Clinton s stated proposals, Muslim immigration would grow substantially faster, adding nearly one million Muslim migrants to the U.S. during her first term alone.Based on the most recent available DHS data, the U.S. permanently resettled roughly 149,000 migrants from predominantly Muslim countries on green cards in 2014. Yet Clinton has said that, as President, she would expand Muslim migration by importing an additional 65,000 Syrian refugees into the United States during the course of a single fiscal year. Clinton has made no indication that she would limit her proposed Syrian refugee program to one year.Clinton s Syrian refugees would come on top of the tens of thousands of refugees the U.S. already admits from Muslim countries.Adding Clinton s 65,000 Syrian refugees to the approximately 149,000 Muslim migrants the U.S. resettled on green cards in the course of one year, means that Clinton could permanently resettle roughly 214,000 Muslim migrants in her first year as President. If Clinton were to continue her Syrian refugee program throughout her Presidency, she could potentially resettle as many as 856,000 during her first term alone.Analysis from the Senate Immigration Subcommittee found that Clinton s plan to expand refugee resettlement could cost U.S. taxpayers over $400 billion.Additionally, once Clinton s Syrian refugees are in the U.S. as green card holders, they will have the ability to bring over their family members through chain migration.With regards to Middle Eastern migration, Clinton s 65,000 Syrian refugees would be added on top of the roughly 96,000 Middle Eastern migrants the U.S. resettled on green cards in a single year. Based on the minimum numbers Clinton has put forth thus far, as President, she could potentially resettle approximately 644,000 Middle Eastern migrants during her first term alone.According to a September 2015 Rasmussen survey, women voters oppose Clinton s Middle Eastern refugee plan by a remarkable 21-to-1 margin. Democrat voters oppose Clinton s refugee plan by a 17-to-1 margin. Most remarkably, 85 percent of black voters oppose Clinton s refugee agenda with less than one percent of black voters supporting her plan.Yet Clinton s expansion to Muslim migration would be in addition to her expansion for immigration overall.U.S. Census data shows that if a President Hillary Clinton were successful in passing a Gang of Eight-style immigration expansion bill, the U.S. could permanently resettle roughly 9.4 million migrants throughout the nation during her first term alone. This figure does not include the additional 11 million illegal immigrants already here to whom Clinton has promised amnesty and U.S. citizenship.Clinton s desire to expand immigration is shared by GOP House Speaker Paul Ryan, who leads the pro-Islamic migration wing of the Republican Party. Breitbart",left-news,"Jul 15, 2016",0 +NEW VIDEO: NICE TERROR ATTACK…What The Media’s NOT Telling You,SHARE this video everywhere. We cannot allow the leftist media to control this narrative. Our freedom and our way of life is on the line ,left-news,"Jul 15, 2016",0 +BLACK LIVES MATTER TERRORISTS Take To Social Media: ANGRY Over Attention Given to FRANCE TERROR VICTIMS,"There are no words for these selfish sub-humans Here are a couple of profiles from Twitter of the people tweeting about BLM being ignored because of Nice terror tragedy. They have both made their Twitter accounts private:We found this sweet self-described Georgia Peach listed as a Fashion Contributor at company called xoNecole.com Feel free to send a message to her boss on their Facebook page. Click HERE for link.Here s another pathetic Twitter user: @_nehoda_ who whined about the attention victims of the Nice terror attack were taking from the BLM movement. She s lists herself as living in London, but calls Egypt the motherland ?? Hmmm How does a Muslim woman living in London get hooked up with BLM terrorists in US?And then there s the other Muslim living in London who s a bit more brash with his tweets: Don't #PrayForNice we are fighting a civil war against whites. #BLM Andre Johnson (@LarryKingfisher) July 15, 2016Here are a few replies to Omar s tweet:Here are a few of this Muslim punk s remarks threatening a caliphate and boasting about how the Muslims have already won the war against the West:Here s real bright guy who s got nothing better to do than take to Twitter complaining about the plight of black people on the day after a major terror attack that killed over 80 people. Never mind that people just lost their husbands, wives, children, kids, friends, relatives or co-workers.Some white people die in Europe and now the media can ignore the plight of black people being exterminated #blacklivesmatter #NiceAttack Bob Schmidt (@bobschmidt857) July 15, 2016We tryna rise up for equality n somehow a 'muslim' attacks people? #BlackLivesMatter #FakeShit #NiceAttack Daye Hazit (@YurBoyDW) July 15, 2016The real tragedy about the #NiceAttack is that it takes the spotlight away from #BlackLivesMatter TheAltRightProfessor (@NationalistProf) July 14, 2016And finally this guy nails it:Nice job with PR #BlackLivesMatter Nothing makes people want to support you like whining about ""getting the limelight stolen"" by #NiceAttack Pink Snow kitty (@HugoThePinkCat) July 15, 2016",left-news,"Jul 15, 2016",0 +WOW! WASHED UP LIBERAL CHER Uses Tweet About France Terror Attack To Remind Followers She Once Won An Award There,"Translation: I m so sorry for your loss but wanted to use this moment to point out I won an award for my acting in Nice!Literate translation of Cher s illiterate tweet: My broken heart (emoji translation) goes out to people of France. I was just THERE. France is the world s Treasure box (heart emoji). Spent MANY (misspelled in tweet) July s SIMCER70 s (not sure what that means). won Cannes (misspelled Cannes) Best Actress for Mask My goes out 2PPL OF FRANCE. I Was Just THERE. France is the worlds Treasure box Spent MANNY JULY S SIMCER70swon Canne Best Actress 4 mask Cher (@cher) July 15, 2016",left-news,"Jul 15, 2016",0 +"BRITISH ACTRESS NAILS IT: Do you think ISIS cares about β€œpathetic hashtags, prayers or candles”?…”Stop waiting to be SLAUGHTERED and DEMAND our leaders DO something!” [VIDEO]","Pathetic Predictably impotent. We are not united we are divided. We do not stand strong. We sit like ducks. Waiting to be shot. Helpless, pathetic, slow.Mohamed took a truck and drove it into men, women and children celebrating Bastille day in Nice. He killed 84.And who yet knows of the horrors still to spew from hospital wards lives fractured, crumpled, crushed.One minute they were jubilant, locals and tourists alike celebrating Bastille day together. The next, lying splintered on the floor.And the most sickening thing of all worse than spilt blood, fractured bodies, children with legs contorted out of human control, the reek of death, is our horribly sanitized response to it all.Pathetic. Predictably impotent.Evil mowed us down in a monster truck. And we tweeted like lethargic birds between Egyptian cotton sheets.Celebrities rushed to social media with their message not again , designers comforted with a patriotic graphic, tea candles were lit and instagrammed. There will be a vigil in a public square. Again. A hashtag is born #PrayForNice, exploding into a thousand others as people want to #PrayFor France or #PrayForHumanity, failing to acknowledge the horrible truth that this attack was done in some spurious god s name. You want to pray for Nice?You think religion will help solve this? Religion and its bonkers side-shoots are the problem.That s true if you re talking about the religion of hate Katie, but Christians, Jews and Hindu s don t subscribe to killing innocent people to gain entry to heaven. -100 Percent FED UP!Politicians tell us to stand united. The Prime Minister of France has said he will not allow the country to be destabilised. President Hollande reminds us terrorism will not be tolerated.Well big news: France IS destabilised in a perpetual state of Emergency. We do not stand united. We are divided, we are ripped apart. And yet we tolerate it every time.We do not stand strong. We sit like ducks. Waiting to be shot. Helpless, pathetic, slow.French Pres. Hollande hours before #NiceAttack: ""What threatens us is the rise of populism."" https://t.co/X9HR4Jw2fE pic.twitter.com/kyBedUfKlW Paul Joseph Watson (@PrisonPlanet) July 15, 2016We are reminded to be more tolerant. Liberal lefties takes to the airways lecturing at us, not to react. To remind us of the good and humanity in most people.Muslim mayors stand and tell us we will be there, shoulder-to-shoulder with France, reminding us Mohamed has nothing to do with ordinary Muslims or Islam.As with every other time, someone from the BBC informs us many of the victims will have been Muslim, as if that helps. Trying to give credence to the notion Islam can t be blamed because Muslims died too. And again, we hear a familiar refrain. The suspect was known to the police he had a fiche S on his file marking his links to terror and ISIS.He was a French national from Tunisia. (Why are they always French-Tunisians, never Tunisian/French? What do you think he called himself?)Via: Daily Mail",left-news,"Jul 15, 2016",0 +WASHINGTON RESTAURANT Tells Local Sheriff Deputies They’re Not Welcome…Tells Them To β€œSpread the word” [VIDEO],"Except when someone tries to rob them or break into their home or restaurant then, of course the sheriff deputies will be welcome Are you feeling lucky? SEDRO-WOOLLEY, Wash. The sheriff of a county about 70 miles north of Seattle says a restaurant owner has asked that law enforcement no longer dine there.Skagit County Sheriff Will Reichardt said on Facebook that after four deputies finished lunch at Lucky s Teriyaki in Sedro-Woolley Thursday, the owner asked them not to eat there anymore.Reichardt says the deputies were told that customers didn t like law enforcement there. The sheriff says his chief deputy called the owner later Thursday and says the request was confirmed along with a request to spread the word among other law enforcement agencies.UPDATE: The owner of the Lucky Teriyaki broke down in tears Thursday night and said cops are welcome at his restaurant will even get free meals on Monday after a public backlash to a report by the Skagit County sheriff said the man had told deputies that law enforcement officers were no longer welcome at his establishment.The man s son said it had all been a misunderstanding and he apologized for the incident.WATCH HERE: The incident came to light on Thursday when Skagit County Sheriff Will Richard posted a message on his Facebook page that he was left speechless after learning that the owner of the teriyaki restaurant asked his deputies not to return to eat there because other customers didn t like law enforcement there. Q13FOX",left-news,"Jul 15, 2016",0 +TODAY: LIST OF U.S. CITIES Where β€œDAY OF RAGE” Is Reportedly Planned…Scott Air Force Base Posts Warning,"Isn t it great when the day after a major terror attack in France, citizens can wake up in America, and fear more organized chaos and violence in cities across the nation? A group claiming to be the hacktivist group Anonymous, along with a number of other radical activist groups, is calling for a nationwide day of protesting on Friday, July 15th. Day of Rage protests are being planned by various groups in dozens of major cities throughout the country and police are gearing up for some major problems. Off Grid SurvivalScott Air Force Base has posted a warning to Facebook about a possible protest this Friday at the St. Louis Arch. The Day of Rage protests are planned at the same time in cities across the United States. A group calling itself part of Anonymous is planning protests on Friday, July 15th to stand with the Black Lives Matter movement. Other members of Anonymous say the planned protests are not going to happen.Scott Air Force Base origionally posted this message to Facebook at around 10am Thursday: Please be advised that the Air Force Office of Special Investigations has posted a safety warning not to be at the Gateway Arch in St. Louis, at 6 p.m. on Friday, July 15 due to potential protests and criminal activity. Please be safe and avoid this area during that time. They have updated the post since it went viral with this message:The potential protests are in solidarity with the Black Lives Matter movement and the victims of police brutality. It is a reaction to last week s officer involved shootings of Alton Sterling and Philando Castile. Anonymous posted a YouTube warning on Saturday: We are calling on a collective day of rage. A day of action centered around civil disobedience and the right to protest.To police departments across the United States. We are not your enemy. However, it is in your hands if you want us to stay that way or not. We will not be silenced and we will not be intimidated.To the St. Anthony and the Baton Rouge Police Departments, we ve already launched attacks on your virtual infrastructure. We are prepared to release every single piece of evidence that will expose your corruption and blatant disregard for human life.Once again we are calling upon the citizens of the United States, in conjunction with the Black Lives Matter movement as well as other civil rights activists, to participate in a day of action against the injustices of corrupt officers. On Friday, July 15th, we will all flood the streets at strategic locations in order to maximize our voice. The locations and times will be located in the description below. Tell your family, tell your friends. We will change the world together. Our freedom depends on it. Fox2NowHere is the list of cities where the #DayOfRage is supposedly planned:Please be careful if you live in these cities, and you may want to consider getting out of town on Friday:Phoenix: 5:00PM (EASTLAKE PARK, 1549 E Jefferson St , Phoenix, AZ 85034) Tuscon: 5:00PM (CATALINA PARK, 900 N 4th Avenue, Tucson, AZ 85705) Little Rock: 6:00PM (OUTSIDE STATE CAPITOL BUILDING, Dr Martin Luther King Jr Dr., Little Rock, AR 72201) San Francisco: 4:00PM (CIVIC CENTER PLAZA, 355 Mcallister St, San Francisco, California 94102) Oakland: 4:00PM (FRANK OGAWA PLAZA, 1 Frank H Ogawa Plaza, Oakland, CA 94612) Los Angeles: 4:00PM (LEIMERT PLAZA PARK, 4395 Leimert Blvd., Los Angeles, CA 90008) Denver: 5:00PM (CIVIC CENTER PARK, 100 W 14th Ave Pkwy, Denver, Colorado 80204) Washington DC: 7:00PM (OUTSIDE WHITE HOUSE, 1600 Pennsylvania Ave NW, Washington, DC 20500) Atlanta: 7:00PM (OLD DECATUR COURTHOUSE, 101 E Court Sq, Decatur, GA 30030) Tampa: 7:00PM (OUTSIDE HILLSBOROUGH COURTHOUSE, 800 E Twiggs St, Tampa, FL) Orlando: 7:00PM (LAKE EOLA PARK, 195 N Rosalind Ave, Orlando, Florida 32801) Miami: 7:00PM (GWEN CHERRY PARK, NW 71 St., Miami, Florida, 33147) Chicago: 6:00PM (RICHARD J DALEY CENTER, 50 W Washington St, Chicago, Illinois 60602) Des Moines: 6:00PM (IOWA STATE CAPITOL, 1007 E Grand Ave, Des Moines, IA 50319) New Orleans: 6:00PM (LAFAYETTE SQUARE, New Orleans, LA 70130) Baltimore: 7:00PM (201 E Pratt St, Baltimore, MD 21202) Boston: 7:00PM (MASSACHUSETTS STATE HOUSE, 24 Beacon St, Boston, MA 01233) Detroit: 7:00PM (Campus Martius Park, Detroit, Michigan 48226) Lansing: 7:00PM (STATE CAPITOL BUILDING, Capitol Avenue at Michigan Avenue, Lansing, MI 48933) Ann Arbor: 7:00PM (THE DIAG, Burns Park, Ann Arbor, MI 48109) Minneapolis: 6:00PM (MINNEAPOLIS URBAN LEAGUE, 2100 Plymouth Ave N, Minneapolis, MN 55411 St. Louis: 6:00PM (GATEWAY ARCH, St. Louis 63102) Carson City: 4:00PM (NEVADA STATE CAPITOL BUILDING, 101 N Carson St, Carson City, Nevada 89701) Manhattan, NY: 7:00PM (TIMES SQUARE, Manhattan, NY, 10036) Newark: 7:00PM (NEWARK CITY HALL, 920 Broad Street, Newark, New Jersey 07102) Durham: 7:00PM (200 E. Main St. Durham, North Carolina) Columbus: 7:00PM (GOODALE PARK, Columbus, Ohio 43215) Cleveland: 7:00PM (CLEVELAND PUBLIC LIBRARY, 325 Superior Ave E, Cleveland, Ohio 44114) Portland: 4:00PM (PIONEER COURTHOUSE SQUARE, 701 SW 6th Ave, Portland, Oregon 97204) Philadelphia: 7:00PM (LOVE PARK, 1599 John F Kennedy Blvd, Philadelphia, Pennsylvania 19102) Pittsburgh: 7:00PM (PITTSBURGH CITY-COUNTY BUILDING, 414 Grant St, Pittsburgh, Pennsylvania 15219) Nashville: 6:00PM (801 Broadway Nashville, TN 37203 Estes Kefauver Federal Building) Memphis: 6:00PM (Health Sciences Park Memphis, TN) Austin: 6:00PM (TEXAS STATE CAPITOL, Outside South Gate-11th and Congress Ave.) Salt Lake City: 5:00PM (SALT LAKE CITY COMMUNITY COLLEGE, 4600 S Redwood Rd, Salt Lake City, Utah 84123) Seattle: 4:00PM (QUEEN ANNE BAPTIST CHURCH, 2011 1st Ave N, Seattle, Washington 98109) Milwaukee: 5:00PM (DINEEN PARK, Milwaukee, Wisconsin)h/t Off Grid Survival ",left-news,"Jul 15, 2016",0 +POLICE IN GERMANY BEGIN RAIDS On Homes Of Facebook Users Who Post β€œHate Speech” Against Refugees,"If Facebook has aligned themselves with Germany to restrict the free speech of its users, what makes us so sure they won t do the same thing in the US with Obama or (God forbid) a Hillary presidency? And wouldn t Germany be better off focusing their policing efforts on the over 1 million freeloaders and terrorists they ve just admitted into Germanista?Police in Germany have started carrying out raids in peoples homes in an attempt to prosecute people for inciting hate speech on Facebook.A press release from Germany s federal police agency confirmed that around 60 homes were searched this week as a result of people posting messages deemed as extreme by the German authorities. The action carried out today shows that the authorities are acting firmly against hate on the internet, which has grown considerably in the wake of the refugee situation, said Holger M nch, head of the BKA, said in the statement. Attacks on refugees are often the result of radicalization, which begins on social networks. These words should not poison the social climate, he continued.The move comes after it was revealed in January that Mark Zuckerberg had teamed up with German Chancellor Angela Merkel in order to censor people s frustrations with her migrant policy, when she decided to open up Germany s borders to millions of migrants last year.Facebook consequently introduced a policy where they agreed to remove anything deemed as hate speech within 24 hours. Bretibart News",left-news,"Jul 15, 2016",0 +SWEDEN IS SCREWED: β€œWomen Who Don’t Wear Headscarf Are Asking To Be Raped”,"How very diverse! These refugees sure know how to assimilate in their new host countries don t they?Stickers calling for democracy to be replaced with Islam and for women who do not wear a veil to be raped have appeared in public places in Sweden. They have been reported to the police. Pictures of the stickers, which have been stuck to objects on streets in Nybro, Sm land, have been circulating on social media.Jihad Watch Surprised? Don t be. The Qur an teaches that Infidel women can be lawfully taken for sexual use (cf. its allowance for a man to take captives of the right hand, 4:3, 4:24, 23:1-6, 33:50, 70:30). The Qur an says: O Prophet, tell your wives and your daughters and the women of the believers to bring down over themselves of their outer garments. That is more suitable that they will be known and not be abused. And ever is Allah Forgiving and Merciful. (33:59) The implication there is that if women do not cover themselves adequately with their outer garments, they may be abused, and that such abuse would be justified.How these Muslim migrants have enriched Sweden!One of the stickers reads, in English: Women who don t wear a headscarf are asking to be raped. Another reads: No democracy. We just want Islam, Fria Tider has reported.The stickers have been reported to the police who are currently investigating who placed them there, but admitted that at the moment they do not know who is behind them.The appearance of the stickers comes just weeks after a number of stickers appeared in nearby Emmaboda bearing the message Multiculturalism is bad for your children and your grandchildren. However, those stickers were emblazoned with Nordfront , the Swedish branch of the Nordic Resistance Movement, a national socialist movement. They were also stylised, made to look like the health warnings carried on cigarette packets.But unlike the Nordfront stickers, the Islamist stickers feature plain white text on a plain dark grey background with no logo or marking to indicate who placed them. Consequently, while some people have argued that they were placed by newly arrived asylum seekers with an agenda to promote Islam in Sweden, others have argued that they could be the work of Swedes seeking to incite hatred against the immigrants.In that respect, the controversy closely resembles a recent case in which leaflets were posted through letterboxes in Manchester, England, calling on British people not to walk their dogs in public in order for the area to be kept pure for Muslims. As citizens of a multicultural nation, those who live in the UK must learn to understand and respect the legacy and lifestyle of the Muslims who live alongside them, the leaflets read.They were distributed by a group called Public Purity, who stated on their website their intention to have all dogs removed from the public sphere in Britain to keep Muslims pure. If dogs are not permitted to be present in public, Muslims could live their lives with a burden lifted from their shoulders and without having to fear being tainted with no fault of their own, the group argued.Via: Breitbart ",left-news,"Jul 14, 2016",0 +OBAMA WILL SEND REPRESENTATIVE To Alton Sterling Funeral…Couldn’t Be Bothered With Supreme Court Justice Scalia’s Funeral,"It s almost like our Community Agitator in Chief purposefully won t acknowledge anyone who isn t in lock-step with his radical agenda Hope Change Division and Hate The Obama White House sent three officials to robber Michael Brown s funeral in Ferguson. Obama sent more officials to Brown s funeral than to Margaret Thatcher s funeral.Obama sent three White House officials to criminal Freddie Gray s funeral.The White House sent no one to NYPD Officer Brian Moore s funeral.Obama skipped Antonin Scalia s funeral and went golfing instead.The Obama White House will send a representative to Alton Sterling s funeral on Thursday. GPThe Advocate reported:Gary Chambers, spokesman for the Sterling family, confirmed Thursday that both Civil Rights activist the Rev. Jesse Jackson and a White House representative would be attending the funeral of Alton Sterling on Friday. Jackson will be a speaker at the event along with the Rev. Al Sharpton and Louisiana Congressman Cedric Richmond.The family of Alton Sterling is inviting the community to mourn with them on Friday at a public funeral held at Southern University.Chambers said both Richmond and Sharpton immediately reached out to the Sterling family in the wake of Alton Sterling s death and offered to help in any way. ",left-news,"Jul 14, 2016",0 +OOPS! Notable Black Harvard Economist Finds BLACKS Are LESS LIKELY To Be Shot By Cops Than Other Races: β€œThe most surprising result of my career”,"Bad timing This is not great news for the Black Lives Matter terrorists, who were just getting warmed up. Not that the media or various Community Agitator groups will care about the truth Research conducted by a notable African-American economist at Harvard University has revealed a lack of racial bias in police shootings.The research was conducted by Roland G. Fryer, who is the youngest black professor to have received tenure status at Harvard. As Fryer expected, his research revealed that police are more likely to use force towards an African-American suspect. However, in what Fryer called the most surprising result of my career, his research also revealed that African-American suspects are less likely to be shot in an altercation with law enforcement than suspects of other racial backgrounds.According to the statistics used in Fryer s study, officers are more likely to fire their weapons without having first been attacked when the suspect is white.In officer-involved shootings in these cities, officers were more likely to fire their weapons without having first been attacked when the suspects were white. Black and white civilians involved in police shootings were equally likely to have been carrying a weapon. Both of these results undercut the idea that the police wield lethal force with racial bias.Fryer s research analyzed more than a thousand shootings in ten major police departments. Houston, Austin, Dallas and Los Angeles, as well as Orlando and Jacksonville, were among the cities included in the study.When the law enforcement data from Houston was isolated specifically, Fryer was able to conclude that law enforcement officers were significantly less likely to shoot black suspects.In tense situations, officers in Houston were about 20 percent less likely to shoot a suspect if the suspect was black. This estimate was not very precise, and firmer conclusions would require more data. But, in a variety of models that controlled for different factors and used different definitions of tense situations, Mr. Fryer found that blacks were either less likely to be shot or there was no difference between blacks and whites.The conclusions drawn by this research contradict much of the narrative that is playing out in the media about police brutality. Most major media outlets have been sympathetic to the cause of Black Lives Matter, an activist movement that exists specifically to combat racially motivated aggression towards African-Americans by law enforcement officers. Breitbart ",left-news,"Jul 14, 2016",0 +BREAKING: Fresno Police Release GRAPHIC Video Of FATAL SHOOTING OF UNARMED WHITE MAN By Veteran Cops,"The mainstream media, Hillary, Barack and Black Lives Matter terrorists yawn The Fresno Police Department released body camera video Wednesday showing Dylan Noble repeatedly ignoring officers demands that he stop moving back and forth at a gas station parking lot and show his hands before officers fired their weapons.Police Chief Jerry Dyer said the investigation into the shooting is still underway, and he has not made a decision whether it was justified. But he said he wanted to release the video so the public could see a more complete picture of what officers faced as they confronted Noble and had to make decisions in mere seconds.Dyer told reporters he had originally planned to release the names of both officers, but he declined to do so Wednesday because the department s legal counsel instructed him not to. The department has intercepted several threats made against the officers involved, although not by name. He noted that the recent shooting of 12 police officers in Dallas has caused him to fear for the safety of his own officers, especially given the controversy swirling around Noble s death.He said the officer driving the patrol car was a 20-year veteran at the department. In a second unit was an officer with 17 years of experience 10 with the department. The 20-year veteran had never been a part of a police shooting, but the 17-year officer was involved in a 2009 shooting.Dyer said the officers had interviewed a person who had called 911 about an armed man walking around the area. About 12 minutes later, they encountered Noble s truck.The videos pick up from there.The cameras capture what sounds like screeching tires. One officer notes that Noble was peeling out. They then attempt to stop Noble, who continues to drive for some time before pulling into the gas station at Shields and Armstrong avenues.Although some of the road had no-stopping zones to Noble s right, Dyer said Noble had several opportunities to pull over.The officer behind the wheel pulls out his handgun and points it at Noble s truck as it is slowing and turning into the gas station. Dyer said this was because the officer believed Noble may have been armed, given the officers initial call. That officer also believed Noble was taunting him and making the officer feel as if he did have a gun, Dyer added.Both officers exit their vehicles with guns drawn. They begin yelling for the driver to put both of his hands outside of the driver s side window of his truck. Noble puts his left hand out of the window but not his right, despite multiple requests for him to do so.After some time, Noble begins to exit the truck. One officer yells that he did not tell Noble to get out of the truck. Noble appears to stagger as he gets out of the lifted truck. He then walks a few steps away from the officers, who move toward him. The officers repeatedly tell Noble to put both of his hands up. He continues to walk toward and away from officers in a circular way raising and lowering each hand at different intervals.Dyer said that one officer believed Noble had something in his hand. This was later determined to be a 4-inch-by-4-inch piece of clear plastic with what appears to be a grayish clay inside. It is currently being analyzed by the U.S. Department of Justice.***WARNING***VIDEO IS VERY GRAPHIC! Watch HERE: Noble was fatally shot by officers on June 25 during traffic stop Video shows Noble repeatedly ignoring officers commands to show his hands Department has said officers believed Noble was about to shoot themVia: Fresno Bee",left-news,"Jul 14, 2016",0 +SHE GREW UP BELIEVING BLACKS Could Only Support Democrats…Until She Took A Job With ACORN: WATCH The INCREDIBLE Story Of A Woman Who Took On Obama’s LEFTIST MACHINE [VIDEO],"Keep your eye on Anita Moncreif If knowledge is power she is the Democrat Party s worst nightmare. When you re on the left, and all of your friends are leftists, and your parents are leftists, you don t hang around with other people, and you only get the view of folks as what you see on TV, and how they present it to you. And you guys are seen as racist, angry people. Every time they get a chance, that s the image they push out there on TV. They try to find that one crazy Tea Party person and they try to get them to say something, and they make sure they play it on all the black stations. And you see that and you say, Okay, these people are nuts. So I didn t expect to find any kind of support from the Right. Everything Anita Moncreif believed to be true about the Left changed when she took a job with ACORN and quickly discovered the Democrat Party was not really looking out for the interests of the Black community or low income neighborhoods. When she began to understand they would do anything, including breaking the law, to grow the Democrat Party, she made the decision to expose them. She quickly found out how the mainstream media will go to any length to keep the truth about the criminal Left from the American people.Watch her amazing story here: Decades after his death, Saul Alinsky s vision has become reality. From Barack Obama to Hillary Clinton to ACORN to Black Lives Matter, Alinsky is more alive in his death now than in his four decades of community organizing.Anita is asking for the help of conservatives to make this movie a reality. She needs YOUR help to build momentum for this film.Please consider giving whatever you can today. Click HERE to donate $1, $5, $10, $20 or whatever you can afford. This is an independent fund. We have no big funders or organizations backing us yet. That s why we need you. We need to start shooting now. Reaching our goal will allow us to begin shooting footage at the two party conventions and buy us time to raise awareness to raise the production, administrative, and promotional budgets for this much-needed film.We re going to communicate with you the audience. Some of the footage we ll release before the film s debut. We ll also communicate some of our successes and our challenges along the way. Together, we can change the way films are produced and promoted.The American Left and the Right need to see this film and decide where we go from here.If the necessary funds aren t raised on Kickstarter, account funds won t be unlocked.Eight years after exposing ACORN, I have been immersed in training, speaking, and examining the effectiveness of the grassroots on both sides of the aisle. I felt that my journey was not over, and I had many more truths to tell. I am finally ready to offer a movement eye view of the legacy of Alinsky, and the rise of grassroots movements across the nation. It s a huge effort, it s expensive, and the stakes are high, so please chip in $15, $50, $500 or more to fund our efforts to film at the DNC and RNC conventions in the next few weeks.Donate now to The Children of Alinsky (Phase 1)Together, we can do great things and the possibility of a documentary filmed and funded by ordinary people determined to implement change will be a major step toward illustrating how bottom-up change is done.Your friend, Anita MonCriefHere is Part II of Anita s amazing story:",left-news,"Jul 14, 2016",0 +BIKERS FOR TRUMP: β€œNot Going To Put Up With” Violent Leftists Disrupting Cleveland GOP Convention…Will Protect Delegates β€œRight To Peacefully Assemble”," Veterans are the backbone of the biker community We are patriots We love our cops The antithesis of the Black Lives Matter radicals Breitbart Exclusive: A large group of patriotic motorcycle enthusiasts will be among the visitors to Cleveland Ohio next week for the Republican National Committee meeting that will nominate business mogul Donald Trump to be the Republican nominee for President of the United States.Bikers for Trump aren t going to Cleveland looking to cause trouble but will be on hand to counter thousands of professional leftwing agitators planning to disrupt the Republican nominating convention. We will be there to make sure that the delegates are allowed to exercise their right to peacefully assemble, Bikers for Trump organizer Chris Cox told Breitbart News in an exclusive interview. We ve seen how these paid agitators have thrown eggs and gotten violent at other Trump events around the country and we re not going to put up with it. Cox emphasized that Bikers for Trump weren t looking for trouble at the convention. Veterans are the backbone of the biker community, Cox continued. We are patriots and unlike Black Lives Matter and the other leftist idiots, we love our cops. You won t find one biker in Cleveland jumping on cars, lighting fires, or doing any of the other stupid things we ve gotten used to seeing on TV the last few months. Big Jim Williams of Riders USA held a Bikers for Trump sign up at a rally in Arizona on July 10th, 2015 and the photo went viral. I went to that first Trump rally with my Bikers for Trump sign and the next day the picture was all over the internet, Big Jim told Breitbart News. Donald Trump will say the things that need to be said and do the things that most politicians are too afraid to do. Big Jim will be making the long ride from Phoenix to Cleveland to be in Cleveland during the convention and he sent a letter to his fellow bikers telling them why they should join him. In a copy of the letter provided to Breitbart News he says:None of the bikers Breitbart News spoke with wanted to say how many would attend. The city of Cleveland gave us a hard time with our permits and so we haven t really counted how many people are coming, Cox said. It s probably better because I want to work with all the other people who are drawn to be there. I ll be meeting with the secret service and the state and local police to let them know what we re all about. The bikers have also had significant success spreading the word on social media. The Facebook, Bikers for Trump 2016 has more than 70,000 likes and has had months in which their reach counted in the millions. This video posted in April has nearly 250,000 views:Via: Breitbart",left-news,"Jul 14, 2016",0 +HOW HILLARY’S ANTI-COP Past And Support For Violent Black Lives Matter Will Destroy Her Presidential Ambitions [VIDEO],"Maybe the Left became a bit too optimistic after America put a radical Community Organizer in the White House. Perhaps they overplayed their hand. Until now, Democrats have been able to quietly organize, and for the most part, the media helped to make Americans believe that everything they did was for the common good. Thanks to Black Lives Matter and the radical organizations who fund them, the curtain has been pulled back, and America is starting to see the ugly truth about the Democrats who support this ugly, hateful and divisive movement. Will the woman who has spent her whole life plotting and scheming for this moment be taken down by her own party?As a student radical during the Black Panthers era, Hillary Clinton gravitated to the company of anti-cop activists. At Yale, she helped edit a law journal that depicted police officers as racist pigs and ran numerous articles in defense of cop-killers.During her law school stint, she spent free moments offering assistance to the lawyers for Black Panthers who had killed a federal agent. She monitored the Bobby Seale trial in New Haven, hoping to catch the prosecutors out in mistakes that could later trigger an appeal.She also hobnobbed with the Radical Chic social set, going to cocktail parties with the lawyers for the Black Panthers. Through one of those events, she met Robert Treuhaft and Jessica Mitford, two Stalinists from California whom historians have established collaborated with the Soviet Union as members of the American Communist Party.Robert Treuhaft ran a law firm in California, and Hillary spent one of her summers doing a legal internship at his firm in Oakland. Treuhaft thought that she might object to his Red ties. But at the time she didn t care. In her autobiography, however, she was embarrassed enough about the association to try and minimize her work there: I spent most of my time working for Mal Burnstein researching, writing legal motions and briefs for a child custody case. Treuhaft s firm was notorious not only for its Red associations but also its unapologetic defense of cop-killers. That Hillary would devote a summer to working for such creepy subversives reveals the depth of her radical instincts. It is not hard to imagine her signing off on cartoons in the Yale Review caricaturing cops as pigs conjuring up the foulest racist thoughts as they walked the streets.This ideology creeps into Hillary s remarks, even at moments when she is straining to appear irenic. In her speech to an African Methodist Episcopal Church in Philadelphia last week, she uncorked the claim that implicit bias exists even in the best police departments. While claiming to detest profiling, Hillary gives herself the right to profile good police officers as racist. She adds implicit to dilute the insult and to build herself up as the omniscient central planner who will reorganize police departments so perfectly that not even implicit racism will shape their policies. How these central planners are immune to the implicit racism Hillary sees everywhere is never made clear. She says it exists across society but somehow it doesn t touch her.The upshot of this ideology is that as long as police officers arrest minorities for committing crimes they will fall under suspicion and face resistance. They can only escape the charge of racism by abdicating their duties. Hillary doesn t want to reform police departments but castrate them. Her cop-bashing these days is more circumspect and subdued than it was in the 1970s, but it is no less ideologically crass. She is no longer romanticizing the Black Panthers, but she is romanticizing their heirs. Even after a jury found that Trayvon Martin had died after trying to smash George Zimmerman s head into cement, Hillary still casts him, as she did last week, as a cherubic angel struck down by society s sinister forces. White Americans, she said, need to do a better job of listening when African Americans talk. If they did, she said, they would understand why black people say a prayer when their baby goes to a store to buy iced tea and Skittles. American SpectatorIf there is to be a social explosion every time an incident occurs, like the deaths of Trayvon Martin, shot while beating a neighborhood watch coordinator, and Michael Brown, shot in Ferguson after trying to grab a cop s gun, America is going to be permanently polarized.And there is no doubt where the majority will come down, and who will be the near-term beneficiary.Monday, Donald Trump declared himself the law and order candidate, and added: America s police are what separates civilization from total chaos and destruction of our country as we know it. And Clinton? On Friday, she said, I m going to be talking to white people. I think we re the ones who have to start listening. Prediction: If Black Lives Matter does not clean up its act, Obama and Clinton will have to throw this crowd over the side, or the BLM will take her down. Real Clear Politics",left-news,"Jul 14, 2016",0 +SAY β€œHELLO” TO YOUR NEW NEIGHBORS! Clooney Begged For Open Borders…Now Massive Refugee Camp Is Erected In His Front Yard,"Karma it s a beautiful thing A massive makeshift refugee camp has been established in Lake Como, the popular and secluded celebrity hideaway in Italy where Hollywood A-lister George Clooney keeps a home.The migration of hundreds of people from Arab nations, Africa, and Asia was triggered following the Swiss government s decision to close its southern border with Italy.Now, waiting for smugglers to lead them into northern Europe, groups of migrants are camping out in tattered tents around the Lake Como resort.https://twitter.com/ScatterBrainPOD/status/753134667490930688Flimsy dwellings, clothes and trash are scattered around the Northern Italian town s railway station, where dozens of new families and refugees have flocked.https://twitter.com/PatriceArnold25/status/753183423573794825The migrant camp is, oddly enough, just steps away from the front door of immigration activists George and Amal Clooney s multi-million dollar lakeside mansion in Lake Como, according to the Daily Mail.The power couple has spent some time talking about the migrant crisis. The Clooneys met privately with German Chancellor Angela Merkel in February and praised and thanked her for her leadership during the crisis.The Clooneys have taken refuge from the Hollywood spotlight in their summer home in Italy for years. Last year, Page Six reported that Clooney was mulling putting his Lake Como villa on the market due to ever-present and intrusive paparazzi.It is unclear if the recent deluge of refugees pouring into town will have an affect on Clooney s decision to sell or not. BreitbartRead more: Daily Mail",left-news,"Jul 13, 2016",1 +#NFL TWEETS About Tom Brady’s Deflategate Appeal Denial…IGNORES Isaiah Crowell’s Image Of Cop’s Throat Being Slit On Social Media?,"Why is the NFL ignoring this situation? Are they okay with NFL players posting images that suggest brutally murdering cops? The NFL can be reached at this number for anyone who cares to let them know how you feel about their silence. You may also send them a Tweet @NFL to let them know how you feel or go to their NFL Facebook page and leave a comment.The 2nd Circuit U.S. Court of Appeals has denied New England Patriots quarterback Tom Brady and the NFL Players Association s appeal for an en banc rehearing in the ongoing Deflategate case.As a result, Brady s four-game suspension stands with the start of the regular season just nine weeks away. USA TODAYThe NFL was quick to tweet about the defeat of Brady s appeal:Tom Brady's appeals petition denied: https://t.co/9cy1wP5Y7o pic.twitter.com/RTPCMif5ug NFL (@NFL) July 13, 2016Yesterday we reported about a vile Instagram post by Cleveland Brown s Isaiah Crowell that depicted a cop s neck being slit by an ISIS type character. The NFL has had a couple days to respond to the horrific, hateful and racist post below:Here is the response from the NFL on Isiah Crowell s hateful social media post that glorifies killing cops:The Cleveland Police have threatened to pull out of Cleveland Stadium after NFL s Isaiah Crowell s vile social media post.Here s a sample of what Stephen Loomis, President of Cleveland Police Patrolmen s Association had to say to Crowell: Think we ll accept your apology? Kiss my ass. The full story can be found HERE. ",left-news,"Jul 13, 2016",0 +"DAY AFTER DALLAS COPS’ MEMORIAL, Obama Invites BLM Activists To WH, Including Leader Of Group That Chanted: β€œPigs In A Blanket…Fry Pigs Like Bacon”","When America elected a Community Agitator, they had no idea what that would mean for our nation. Does everyone get it now? You can take the community agitator out of the community, but you can t take the agitator out of him Obama s guest list includes the recently arrested Black Lives Matter terror group leader, DeRay McKesson. McKesson was arrested on July 9th in Baton Rouge, LA for obstruction of a roadway during Black Lives Matter agitator event:Black Lives Matter activist Deray Mckesson records own arrest in Baton Rouge https://t.co/EQn2GHop2O pic.twitter.com/2uweGiw7ge Action News on 6abc (@6abc) July 10, 2016We are at the @WhiteHouse right now for a 3-hour convening w/ President Obama re: the recent events in #BatonRouge & across the country. deray mckesson (@deray) July 13, 2016In addition to Deray, who advocated looting for political purposes, Obama also is meeting with Mica Grimm, who is a leader from the Minnesota group who has been responsible for shuting down highways.Perhaps you may recall there famous chant on the highway last August? https://youtu.be/9xNxoeqf0Wsh/t Weasel ZippersHere s a look at the race obsessed Mica Grimm:Here is a guest list provided by CBS News White House Correspondent: Mark Knoller:Individuals invited to Pres Obama's meeting today about police/community relations. pic.twitter.com/pE9tWsIjjk Mark Knoller (@markknoller) July 13, 2016",left-news,"Jul 13, 2016",0 +RUSH LIMBAUGH ASKS: β€œWhat Would America Be Like Today If President Obama Had Told the Truth About What Happened in Ferguson?”,"Rush Limbaugh is spot on with his analysis of Barack Obama and how he has intentionally torn our nation apart, and more importantly, how Republican leadership has allowed him to do it. This is a great read for anyone who would like to understand exactly how this war on cops and war on White America started RUSH: This is so predictable to me. You know, I didn t have a chance to really listen to it or study Obama s speech in Dallas yesterday because it happened while the program was on, so I had to bone up on it later in the day. And it was predictable. The reaction to it was predictable. The Drive-Bys just thought it was the greatest speech ever. It was just over the top great. I mean, it was so timely, and it was so presidential.Even some in the conservative media found it necessary to praise Obama s speech. And we know why this happens. It is because some in the conservative media don t want to be seen as constantly pestering the guy, so it s thought that it ll add to their credibility if they can acknowledge that the president did something well, did something good, presidential, even if it was only a portion of the speech.But my take on it was entirely different. I think the first half of his speech yesterday seemed to be high-minded and unifying, but he blows it all to smithereens because I think what the first half of the speech was was a setup for the political hackery that was to come. It wasn t as if the speech suddenly and unexpectedly veered off course. Obama knew that he had to give the impression he was a healer and a unifier before he could pivot to what he really wanted to say.And I took it, you know, I m sitting there watching it like everybody else did, and I m absorbing it, and I felt like it was a political sucker punch. The second half of the speech is what Obama really wanted to say but couldn t unless he preceded it with the so-called unifying remarks beforehand.But here s the thing I was wondering as I m watching Obama, and we hear people on the left in the Drive-By Media talking about how Obama tries to unify and bring everybody together. What a great effort! Ah, it was just stupendous. Then why draw a moral equivalence? Here he was at a memorial service for five slain Dallas police officers. Why draw any kind of a more ? Why do you mention Alton Sterling and what went on in Minnesota? Why? You can mention it, but this effort to draw some kind of moral equivalence as though there is one and we can understand all of it happening? This inability to look at something and proclaim it wrong (interruption)Well, yeah, okay. So he knew he d get grief from the left. I don t think he cares he get grief from the left. I think the guy s got his agenda and he s full-speed marching it down the path. I m just When this year began, I warned everybody. I said, Folks, this year coming up with the Republicans having given Obama a clear road signaling they re not gonna oppose anything, not even his policies You know, Mitch McConnell and Ryan announced they weren t gonna oppose Obama.They didn t want to appear to be opposing or creating any negatives for the Republican presidential nominee. So Obama knows he s got a free road. So why does he care that the left might come at him and say he wasn t left-wing enough or he wasn t pro-Black Lives Matter enough? I don t think there s any doubt where Obama stands with people on the left. I want you to stop and think about something. I want to set it up by acknowledging something that we all know. Obama knows it; everybody knows it.The entire narrative of Ferguson, Missouri, is a lie. Hands up, don t shoot is a lie. The story that a racist cop went hunting and found an innocent Gentle Giant walking down the street when he should have been on the sidewalk contemplating excitedly This is part of the story: He was eagerly anticipating his freshman year at college, was Michael Brown, and this racist cop went hunting, and he found a guy breaking the law, walking in the street!And he got up in his face and he all bullied him and so forth, and Brown was immediately deferential and put his hands up and said, Don t shoot! Don t shoot! and the cop shot anyway. That is the story that came out of there, and that story fed entire narrative of Black Lives Matter and whatever they re trying to do to create controversy and division. And it fed the New Black Panthers. It was a lie. It was a total lie.Everything about that Ferguson story as repeated by the media and prominent Democrats and civil rights activists was a lie. What if ? I want you to think about it. What if, in the aftermath of Ferguson, Missouri, Barack Obama, as president of the United States meaning president of the whole country, meaning president of everybody here had scheduled a national address from the Oval Office, an address to the people of America and told them the truth about what happened in Ferguson?After the grand jury investigation was complete, after it was inarguably so after we learned exactly what happened, that the Gentle Giant had robbed a convenience store, that he was looking for a mechanism to spoke some dope. He had bullied the clerk in the 7-Eleven, the convenience store, whatever. He was walking down the street. He had attempted to overtake the cop in his car. He had defied the requests and the orders of the cop. He had taken action which resulted in the cop shooting.Everything about that story was not true.What if Obama had gone on TV and simply told people? For the sake of national unity, for the sake of understanding, for the sake of promoting and acknowledged truth, what if Obama had been on TV and acknowledged what really happened and had told everybody that what they think happened in Ferguson didn t happen? What do you think the aftermath might have been?This is what we expect of presidents, is the point. We don t expect presidents to further and promulgate lies and misinformation for the express purpose of creating and fomenting deadly anger. Presidents try to quell these situations. They try to get a handle on em and ratchet down the tension. Such an opportunity exists here because the truth was the truth, and the truth was not part of the narrative. Now, if that had happened and I can t predict in the alternative future, but I have to think that the aftermath of that incident the lie would have been short-lived.And the anger would have subdued. Maybe it would have been redirected toward Obama; I don t know. But, remember: It fed Baltimore, it fed Freddie Gray, it fed the situation in New York with the Eric Garner who also died of a heart attack, not a chokehold. That s another lie that was told. This guy was selling knock-off cigarettes on the street of New York. He s telling Because New York City taxes it so high that the guy could make a living selling black market cigarettes, selling black market cigarettes.For some reason, he came to the attention of the cop. They ended up applying a restraining hold on the guy, but he had a heart attack. It was not The chokehold didn t kill. The cops did not kill the guy. But that s not the story. There are so many lies that have been created and then, if not promoted, they have not been quelled by the White House, which makes me question motive. Why not? Of course, I know the answer to this, and you do, too.You know the answer lies in the president s agenda and is rapidly becoming the Democrat Party agenda. I was looking at the Democrat Party platform. You wouldn t believe, folks. The Democrat Party has been totally now taken over by the radicals. I mean, just insane lunatic radicals are now the mainstream of the Democrat Party. You look at the Democrat Party platform in 08 and look at it in 2012. They acknowledge the legitimacy of the Second Amendment, these platforms.Platforms don t matter much in terms of future governing. I mean, they re not binding on presidents if they win the election to implement the platform, whatever. What the platform basically does is tell you what the base of the party thinks about things, cause the base of the party dominates in primaries and they end up on the committee that writes the platform, so the platform gives you an indication where the base of both parties are. The Democrat Party is Not only is it not John F. Kennedy s Democrat Party. It isn t Bill Clinton or Hillary Clinton s Democrat Party. Hillary Clinton is a Well, I don t want to She s a radical in and of her own right, but she tempers her radicalness with enough proclamations or statements that make her to be mainstream in enough areas. But there isn t any mainstream anything in the Democrat Party platform. And I m telling you: It s what happens when there s no opposition.When there s no opposition, when there no guardrails, when there s nothing to stop people from descending to their extreme worst, that s exactly what s gonna happen. And I m here to tell you: The extremism in America could be found almost exclusively on the Democrat side, and that extremism has been documented in their platform, and it was speaking in Dallas yesterday. This idea of finding a moral equivalence, and taking the occasion of a memorial service at a funeral for one of the cops to say it?It was a funeral for one of the cops yesterday. To take the occasion and use it to amplify ? That statement, It s easier to get a Glock than to get a computer or gun? Come on! What in the world can that possibly represent, that kind of statement? There s nothing unifying about that. It s not even true. And he knows it isn t true. So that s nothing but a provocative statement designed to illustrate an actual opinion held by Barack Obama, and he turned that whole thing yesterday into yet another attempt at gun control.I think it s the Yes, ladies and gentlemen, there s a chapter. If you haven t heard this, buckle up. It s a chapter of the NAALCP, the National Association for the Advancement of Liberal Colored People. And somebody in some chapter prominently has now claimed that the death of Micah X. Johnson was nothing more than a modern day lynching. Yeah. The guy who assassinated five Dallas police officers and injured 11 or 12 others.So the police rally, and they use their explosive robot bomb to kill the guy, and now the NAALCP is running around accusing that action of being a lynching. Innocent people were lynched. The NAALCP says, We don t know if the guy was a shooter! We don t know if the guy did it. We re just taking their word for it? We don t take their word for it! We don t trust them; we don t to believe em. They re making it up! We don t have any evidence the guy was the shooter. We don t have any evidence blew him up with a robot bomb. It s a lynching. Hey, here s to unity.For entire article: Rushlimbaugh.com",left-news,"Jul 13, 2016",0 +WATCH: TREY GOWDY FURIOUS OVER LAWLESS Loretta Lynch During Clinton Email Hearing: β€œIt was a total WASTE of time…The facts are embarrassing for her presidential candidate [Hillary]”,"The lawless and in-your-face behavior that this President and his regime have been able to get away with is simply breathtaking She [Lynch] could have answered every one of those questions, she just chose not to. It s really not that complicated. You take the facts as Director Comey gave em to us, and as he found, and you apply the law, which it s public and everybody knows what it is. But the facts are embarrassing for her presidential candidate. So, discussing the facts necessarily leads to more questions like, Well, if you had all those good facts, why didn t you indict her?' ",left-news,"Jul 13, 2016",0 +"ONLY DAYS AGO…BATON ROUGE THUG, #BlackLives Matter Supporter MAKES VIDEO…Says He’s Going To Start KILLING COPS…FBI, Local Police Make Visit…NO ARREST…NO CHARGES! [VIDEO]","This thug doesn t just threaten to KILL COPS he encourages OTHERS who are watching the Youtube video to JOIN HIM! Why wasn t this thug charged with encouraging the murder of police officers?***WARNING****LANGUAGE AND VIOLENCE****Yesterday, 3 teenage thugs were arrested in Baton Rouge for a plot to KILL Police Officers. Our Community Agitator in Chief has put these police officers lives at risk. America needs to start calling out Barack Obama, Hillary Clinton and any other prominent figure who is standing behind Black Lives Matter, a terror group created to inspire the Black community to show up at the polls for Democrats (specifically for Hillary) in November:Police arrested three suspects and were seeking a possible fourth suspect accused of stealing several handguns as part of what authorities Tuesday described as substantial, credible threat to harm police officers in the Baton Rouge area.The arrests come at a time of heightened tensions after the deadly police shootings of black men in Baton Rouge and Minnesota and the killing of five police officers in Dallas last week.Authorities in Baton Rouge discovered the alleged plot while responding to a burglary at a pawn shop early Saturday morning, Baton Rouge police Chief Carl Dabadie said in a press conference. The chief said the first suspect arrested told police that the reason the burglary was being done was to harm police officers. He said the suspect didn t give any details about when or where a possible plot would be carried out. We have been questioned repeatedly over the last several days about our show of force and why we have the tactics that we have. Well, this is the reason, because we had credible threats against the lives of law enforcement in this city, he said.The police department has come under criticism for the tactics it s employed to deal with protesters, using riot police and military-style vehicles on the streets of the capital city. Over a three day period, police arrested about 200 protesters.In a statement, police said surveillance video showed the suspects using a ladder to climb the roof of the building to get in. Eight handguns and one airsoft BB gun were missing from the store.Authorities said they arrested one suspect Antonio Thomas, 17 at the scene with a handgun and a BB gun. Another suspect, Malik Bridgewater, was apprehended Sunday and a third suspect a 13-old boy was apprehended on a street. They called on the fourth suspect to turn himself in. Another man was arrested for allegedly purchasing two of the stolen guns, but he hasn t been linked to the alleged plot, a police spokesman said.All of the suspects are from Baton Rouge and all are black. The suspects face charges including burglary, simple burglary, and theft of a firearm; they have not been arrested on any charges related to plotting to kill police.State Police Col. Mike Edmonson called it a substantial, credible threat to police.Six of the eight stolen firearms have been recovered and two are still at large, authorities said.A week after 37-year-old Alton Sterling was shot and killed by two white police officers in Baton Rouge outside a convenience store, tension are high in the city. While protesters demand justice for Sterling, the shootings in Dallas last week and other attacks on police around the country have put the police on edge.Earlier Tuesday, Louisiana Gov. John Bel Edwards defended the police response to protesters rallying against the shooting death of a black man by white officers, saying Tuesday that the riot gear and weaponry was appropriate. We ve had a police officer with teeth knocked out of his face because of a rock. If you don t have on riot gear, you have no defence against that sort of thing, said the Democratic governor, who comes from a family of sheriffs. In light of what happened in Dallas, understanding that just one gunman can change the situation entirely, how do you in good conscience put police officers on the street without the ability to defend themselves? he said.After nearly a week of protests over the killing of Alton Sterling, Baton Rouge officers, state police and other law enforcement agencies have received criticism for their methods of dealing with demonstrators.Protests have spread across the country as people express outrage over the recent death in Baton Rouge and of a second black man, Philando Castile, at the hands of police in Minnesota last week. The Justice Department has opened a federal civil rights investigation into Sterling s shooting.In the first few days after Sterling s death, police took a reserved approach to enforcement, keeping a low profile as hundreds gathered outside the convenience store where Sterling died.But tensions escalated at weekend protests that moved away from the store and into other areas of the city, with nearly 200 people arrested and a show of force from law enforcement that included police wielding batons, armed with long guns and wearing shields.The American Civil Liberties Union of Louisiana has criticized police as using violent, militarized tactics on groups of people who have gathered peacefully. Amnesty International has questioned the high number of arrests. Via: The Globe and MailCall local Baton Rouge Police Department to ask why this thug wasn t charged: (225) 389-2000 ",left-news,"Jul 13, 2016",0 +"OBAMA LECTURES COPS On Bigotry, Slavery, Oppression At Memorial Service For Dallas Cops Murdered By Black Racist [VIDEO]","Obama had the audacity to tell this crowd of mourners that he wonders if the divides of race in America can ever be bridged? He must have forgotten who created and cultivated the racial divide with his good friends Eric Holder and Al Sharpton None of us is entirely innocent And that includes our police departments It started out well, with Obama calling the shooting racial hatred , but then descended quickly into a lecture to the police about their bigotry and need to recognize the pain Black Lives Matter folks feel. He even brought up slavery, Jim Crow and history of oppression . It was about salving his own issues, as always, not recognizing the event he was at, a memorial for the five officers. He did mention them, but spent most of the time imploring people to recognize their racism. Weasel ZippersPresident Obama defended the Black Lives Matter movement Tuesday at a memorial service for five slain Dallas police officers, saying bigotry remains in police departments across the U.S. While paying tribute to the fallen officers for sacrificing their lives to protect others from a sniper, Mr. Obama also called on law enforcement agencies to root out bigotry. We have all seen this bigotry in our lives at some point, Mr. Obama told an audience of several hundred at a concert hall in Dallas. None of us is entirely innocent. No institution is entirely immune. And that includes our police departments. We know this. The officers Michael Smith, Lorne Ahrens, Michael Krol, Brent Thompson and Patrick Zamarripa were killed by a black sniper who told police he targeted white officers during a Black Lives Matter protest Thursday night.At the service, photographs of the slain officers were displayed on the stage. Five empty seats in the arena were adorned with folded U.S. flags and duty-officer hats to signify their loss.The president, who has been criticized by law-enforcement officials for supporting the Black Lives Matter movement, said Americans cannot simply turn away and dismiss those in peaceful protest as troublemakers or paranoid. We can t simply dismiss it as a symptom of political correctness or reverse racism, he said.HERE is part of Obama s embarrassing speech. The speech in its entirety can be found below:Former President George W. Bush, a resident of the Dallas area, said the nation is proud of the slain officers. Our police chief and police department have been mighty inspirations for the rest of the nation, Mr. Bush said. These slain officers were the best among us. Referring to racial divisions roiling the country, Mr. Bush said Americans must work at finding our better selves. We recognize that we are brothers and sisters, sharing the same brief moment on earth, Mr. Bush said. We do not want the unity of grief, nor do we want the unity of fear. We want the unity of hope, affection and high purpose. Mr. Obama said the gunman, Army veteran Micah X. Johnson, committed an act not just of demented violence, but of racial hatred. It s as if the deepest fault lines of our democracy have been exposed, perhaps even widened, the president said. We wonder if the divides of race in America can ever be bridged. Narcissistic jack hole Via: Washington TimesHere is Obama s speech in its entirety: ",left-news,"Jul 12, 2016",0 +BREAKING: FELON WEARING BLACK LIVES MATTER T-Shirt Fires 17 Shots Into Indianapolis Police Officer’s Home…Screamed β€œI hate police” [VIDEO],"Obama s war against cops and white people in full swing Nobody s a winner in Obama s war on America March Eugene Ratney, according to Department of Correction records, wasn t due to be released from prison until this past June 6 after serving half of a 12-year sentence following his conviction as a serious violent felon with a weapon. Ten days later, Indianapolis Metropolitan Police Department (IMPD) officers were called to an east side address where Ratney s sister said he had pulled a gun and threatened to kill her.Investigators now report, and neighbors confirmed, Ratney, on parole, was the man clad in a Black Lives Matter t-shirt and screaming profanities at police, who shot up an IMPD officer s house not far from his own home early this morning.The officer and his family were uninjured. Think about this, this is your home, said IMPD Chief Troy Riggs. If there is one place in this world where you should always feel safe and your family should feel safe, it is in your home. The officer had just returned from work, but had not yet retired for the night, when approximately 17 shots were fired from a 9 mm handgun into his house, fence and patrol car.Neighbors recalled seeing a man in a Black Lives Matter t-shirt that also had obscenities directed at police walking the neighborhood last Friday night.A nearby surveillance camera captured images of a fleeing vehicle shortly after the shooting at 2 a.m.Ratney was driving a similar car and was stopped a few blocks away within an hour.During his interrogation at IMPD headquarters, Ratney denied the shooting but became irate, cursed the officers and urinated in the interview room.At that time the interview was concluded. If we re going to overcome issues in our community, whether perceived or actual, we ve got to work together and we can t tolerate this, said Riggs. This officer represents this city and our city was attacked and his family was attacked as a result. h/t Weasel Zippers Via: WXIN",left-news,"Jul 12, 2016",0 +"REFUGEES ARRESTED AND RELEASED After RAPING Woman β€œIn Middle Of Audience” At β€œAnti-Racism” Festival In Sweden…Several Other Women Raped, Molested","The serious consequences of political correctness gone wild Women attending an anti-racism music festival in Sweden were raped and molested by migrant men in yet another shocking example of how the west is importing a real rape culture. According to police spokesman Stefan Dangardt, numerous foreign men sexually assaulted the women during Borl nge s Peace and Love festival, although three suspects who were arrested were later released because they claimed they were minors.Several assaults were reported on Thursday, the first day of the festival, before one woman was raped in the middle of the audience during a concert on Friday night.On Saturday, another attempted rape was reported at midnight, in addition to six other reports of sexual molestation.In some cases, the migrant men would crowd around the women in groups, as was the case in Cologne on New Year s Eve when hundreds of women were sexually abused by Muslim asylum seekers and migrants.According to Dangardt, the culprits were foreign men, but he said he was restricted from checking on their actual age, suggesting that the attackers probably lied and pretended they were minors, which is a common tactic migrants use to escape punishment for their crimes.Crimes in Borl nge have tripled or even quadrupled since Sweden opened its doors to mass immigration in the 1970 s.According to reports, the area, which has a large Muslim population, is one of Sweden s infamous no go zones, where police and ambulance personnel are routinely attacked. Two months ago, cars were set on fire and shop workers were attacked, although police claim the situation is calmer now. The organizers of the festival responded to the incidents by blaming all men in general, which is exactly how feminist and leftist groups reacted after Cologne.This is by no means the first time Swedish women have been sexually assaulted at festivals by migrants. As the New York Times reports, police are investigating reports that dozens of young women and girls were sexually assaulted at two music festivals in Sweden last weekend at the Bravalla Festival in Norrkoping and the Putte i Parken music festival in Karlstad. Most of the attackers were identified as foreigners . Via: InfoWars ",left-news,"Jul 12, 2016",0 +WATCH: GEORGE W. BUSH Offers Somber Memorial Honoring Lives Of Murdered Dallas Police Officers…OBAMA Gives Speech About URGENT Need For GUN CONTROL [VIDEO],"These two Presidents could not be more different. George W. Bush is a natural born leader. He inspires others to consider someone other than themselves, to come together and to unite. He proves through his actions that we shouldn t be afraid to act as a humble servant of the Lord. Barack Obama s speech on the other hand, proves he is nothing more than a narcissistic, arrogant and condescending community agitator. As George W. Bush appeals to the better side of America and implores them to come together and heal in the face of heightened racial tensions, Obama remains laser focused on himself, and on his insatiable desire to take away our Second Amendment Right. Obama s speech was not geared towards healing a torn and divided community. His speech was about promoting his radical gun-control agenda. It was about sound bites, as he waited on cue for applause from a group of people who were there to mourn the loss of their father, their brother, their son or their trusted co-worker.Watch George W. Bush s eloquent unity speech, honoring the lives of the brave Dallas law enforcement officers who were killed at the hands of a racist inspired by the Obama-Holder-Sharpton war on cops and war on White Americans:Compare G.W. Bush s speech to the divisive, angry and condescending speech from a petulant Barack Hussein Obama who just can t seem to get Americans to buy into his final act:",left-news,"Jul 12, 2016",0 +YIKES! SHOCKING FOOTAGE Of Black Lives Matter Protesters Being Hit By Vehicles Caught On Camera [VIDEO],"It s pretty safe to say if you stand in front of moving traffic, or intentionally blocking passage of a vehicle, there s a good chance someone is going to get hurt. How do these rioters protesters know where these vehicles they re blocking are going? What about the panicked parent who s trying to get their kid with appendicitis to the hospital, or the cancer patient who can barely drive who s on their way to the clinic for a treatment? Or how about the expectant mother whose anxious husband is desperately trying to navigate around a terrorists who are blocking the road as he tries to get his wife to labor and delivery? And what sort of violence or punishment by law enforcement should these innocent drivers expect if they disobey these thugs and drive through their human roadblock? Why doesn t the news talk about the danger these terrorist are putting everyday Americans in?From Todd Starnes, FOX News Black Lives Matter protesters laid siege to a number of cities over the weekend including my hometown: Memphis, Tennessee.They shut down the Interstate 40 bridge over the Mississippi River stranding thousands of motorists for hours in sweltering heat.Blocking a roadway is a crime under Tennessee law.Yet Memphis police officers were told to stand down and allow the agitators to block the Hernando-Desoto Bridge. They used to call that kind of behavior aiding and abetting.Not a single person was arrested.Police say it was a peaceful protest. But photographs taken from the bridge showed a very different situation. In one instance, young men climbed atop a tractor-trailer- raising their fists in defiance.I wonder if the driver of that tractor-trailer thought it was a peaceful demonstration?Television station WMC reported that protesters even blocked a car trying to escort a child to St. Jude Children s Research Hospital. Apparently that child s life did not matter to the protesters.The car was eventually allowed to pass but only after police intervened.We have no idea how many emergency responses were hampered by the gridlock created by the BLM crowd. We have no idea how many people missed family events or missed work because they were trapped on the interstate.In St. Paul, Minnesota, at least 21 police officers were injured during a full-scale riot on Interstate 94, according to the Star-Tribune.Violent thugs hurled rocks, concrete and rebar at officers as they protested the killing of Philando Castile.One of those officers suffered a broken vertebra after someone dropped a concrete block on his head.Could someone explain to me how fracturing a police officer s spine and preventing a child from getting to the hospital advances the Black Lives Matter agenda?The police-involved shootings in Baton Rouge and Minnesota were terrible tragedies.If investigators determine the officers broke they law they should and must be brought to justice.But both shootings are still under investigation so to be honest no one knows for certain what happened.Yet, the mainstream media, the Obama administration and the professional race agitators have once again rushed to judgment just like they did in Ferguson, Missouri.They never let a crisis go to waste, do they?It feels like our nation has been sucker-punched. You can see it on people s faces. Sorrow. Frustration. Anger. Helplessness.I understand that frustration but it does not give us a license to disobey the law.Peaceful protesting is one thing. Domestic terrorism is another.Here s a look at what happens when lawbreakers obstruct the roadway. We re uncertain how many of these accidents were intentional or truly accidents. We re certainly not condoning hitting Black Lives Matter terrorists who block the safe passage of vehicles, but seriously this is what happens when you intentionally put yourself in harms way!",left-news,"Jul 12, 2016",0 +WOW! FACEBOOK HQ’s JOINS OBAMA’S WAR ON COPS…A CLOSER LOOK At This Huge Sign Proves It,"Facebook CEO and founder, Mark Zuckerberg is clearly making an effort to recognize the recent deaths of two black men, who the media has determined (without a trial) are victims of unjustified deaths at the hands of white police officers. The Michael Brown trial proved without a shadow of a doubt that he NEVER had his hands up when he was shot, and that furthermore, he was attempting to overtake Officer Wilson and steal his gun when he was shot and killed. The Freddie Grey case has been tried in courts and every cop has been exonerated. But who needs facts when burning down cities and killing innocent cops who are fathers, husbands and sons is so much more effective when it comes to angering the black community into voting for Hillary? When the CEO of social media giant Facebook, who reaches BILLIONS of people around the world, openly sides with a radical, leftist, violent organization, that many consider to be a terrorist group, the whole world is in very big trouble.On Friday, Facebook s Menlo Park headquarters put up a giant sign declaring that Black Lives Matter and held a moment of silence for the people who had died. ""Your pain is our pain."" #blm #blacklivesmatterA post shared by Trish (@trishytreesh) on Jul 8, 2016 at 2:36pm PDTA close-up of the sign shows that the words are formed from individuals names, including Emmett Till, Trayvon Martin, Oscar Grant, Eric Garner, Oscar Grant, Michael Brown, Jordan Davis, Kimani Gray, Renisha McBride, Jonathan Ferrell, and Amadou Diallo.When Zuckerberg put this sign up in front of the Facebook HQ s, did he consider putting a sign up honoring the lives of the MURDERED COPS in Dallas by RACIST cop killer Micah X. Johnson? Or how about the other cops who ve been murdered at the hands of racists inspired by the BLM movement? Oh wait..never mind. That wouldn t help Obama s cause to agitate black voters, thereby encouraging them to turn out the vote for Hillary in November. And it s pretty clear whose team Facebook is on This instagram user posts a picture of the BLM sign at the Facebook HQ s. The first comment suggests that unless other companies get behind the Obama-Holder-Sharpton race/cop war movement, they should stop spending money with them. Maybe no one told this person, but Facebook is SUPPOSED to be a social media PLATFORM and NOT a social media political opinion influencer! Facebook has played a major role in capturing evidence and disseminating fury in the recent glut of police-involved violence. After a police officer shot Castile, his fiance Diamond Reynolds went live on Facebook with damning footage of the aftermath. The video has since racked up more than 5 million views. (Facebook briefly took the video down late Wednesday night due to what it called a glitch. )The next day, Thursday, users again turned to Facebook Live to broadcast footage from a protest in Dallas, that captured sounds of gunfire when a sniper shot multiple people, leaving five police officers dead.In the aftermath of Castile s death, Facebook CEO Mark Zuckerberg heralded the power of Facebook Live. The images we ve seen this week are graphic and heartbreaking, and they shine a light on the fear that millions of members of our community live with every day, he wrote.#AltonSterling and #PhilandoCastile s lives mattered. Black lives matter. We need racial justice now. pic.twitter.com/mXTC0zRfqJ Google (@Google) July 7, 2016Via: Fusion*These photos were posted on Instagram by people who claim to work at Facebook.",left-news,"Jul 12, 2016",0 +SHOCK POLL In MUST WIN State Of FLORIDA: Hispanics Turn Backs On Crooked Hillary,"Apparently the Black Lives Matter terror group hasn t managed to distract Florida voters from Crooked Hillary s untrustworthy record A new poll released from JMC Analytics in Florida (full pdf below) shows Donald Trump leading Hillary Clinton 47% to 42%, and leading with Hispanic voters 49% to 36%.Some (particularly MSM) pundits will find these results quite shocking however, we do not. We ve repeatedly pointed out that Latino voters in Florida are very familiar with strong Patrone male figures within their family. Trump represents a very familiar cultural voice for them.This was abundantly evident in the primary race where Donald Trump won every county within Florida by exceptionally wide margins.You ll often hear the professional political punditry talk about the central (I-4) corridor and how the specific high population demographics influences elections. Central Florida, and South Central Florida are the inland growing regions for much of the state s agricultural industry. Look there and you can identify the Latino cultural support for Donald Trump.The coastal communities are diverse and representative of the larger U.S. electorate. Hillary Clinton predictably polls well in the same area where Marco Rubio won out in the Republican primary. However, Miami-Dade, while population strong, is less influential as the years have progressed and other coastal community populations have grown.Via: Conservative Treehouse",left-news,"Jul 11, 2016",0 +NFL PLAYER POSTS Picture Of Cop’s Throat Being Slit On Social Media,"When Black Lives Matter supporters use the same tactics as an ISIS terrorist, America has a serious problem. Black Lives Matter continues to prove, beyond a shadow of a doubt, they re a terrorist organization.After Beyonce s racist halftime Super Bowl 2016 show, this disgusting terrorist type post from an active NFL player shouldn t come as a surprise to anyone NFL Cleveland Browns running back posted this on Instagram this weekend:Because dead cops is cool. GPUnder the vile picture he posted in ebonics: They give polices all types of weapons and they continuously choose to kill us. Communist Disney s ESPN had Cowell s back after the outrage he received on social media:Cleveland Browns running back Isaiah Crowell apologized and said his social media reaction to last week s killing of two black men by police was very wrong. Crowell said he made an extremely poor decision when he posted a drawing that graphically showed a hooded individual putting what looks like a machete into the throat of a police officer. It was an extremely poor decision and I apologize for that mistake and for offending people, Crowell said in a statement released by the team. My values and beliefs do not match that image. The post went up after the police killings of Alton Sterling in Baton Rouge, Louisiana, and Philando Castile in Falcon Heights, Minnesota, and before the killing of five Dallas police officers Thursday night.Crowell wrote that he was outraged and upset by the killing of Sterling and Castile, and outraged and saddened by the killing of the five Dallas police officers. He called last week an emotional and difficult week, but said his post was wrong. We have to be better as a society, Crowell said. It s not about color, it s about what s right and wrong. I was very wrong in posting that image. Every single life matters, every death as a result of violence should be treated with equal outrage and penalty. ",left-news,"Jul 11, 2016",0 +"BOOM! OBAMA REQUIRED To Respond, After Petition To β€œFormally Recognize BLACK LIVES MATTER As A Terrorist Organization” Exceeds Required 100K Signatures In ONLY 5 Days…ADD YOUR NAME!","A We The People petition was started on July 6TH, asking the government to formally designate Black Lives Matter as a terrorist organization . The White House requires that the person or group who initiates a petition on their We The People petition page must gather at least 100,000 signatures in 30 days. Once they have the signatures, the White House site guarantees they will review the petition and offer an official response. Obama will no doubt spin this, but in the meantime, it s a statement by over 100,000 American citizens about their belief that Black Lives Matter is nothing more than a terror organization. The overwhelming support for labeling Black Lives Matter at terror group won t bode well for Hillary, who has openly supported them in an embarrassing effort to pander for votes.From the White House created We The People Petition page:About We the PeopleThe right to petition your government is guaranteed by the First Amendment of the United States Constitution. We the People is a platform that empowers the American public to take this action like never before it s a way for anybody, anywhere, to speak directly to the government and become an agent for change.With We the People, you can easily create a petition online, share it, and collect signatures. If you gather 100,000 signature in 30 days, we ll review your petition, make sure it gets in front of the appropriate policy experts, and issue an official response.Petitioning has the potential to enact real change just check out some of our petition creator s success stories but it s also your fundamental right as an American citizen, and an opportunity to connect with a community of like-minded people who are invested in making a change. Ideally, running a petition on We the People is just the start of something bigger a long-term, robust form of civic engagement.The White House Reviews and RespondsOnce the petition reaches the required threshold (100,000 signatures), it will be put in a queue to be reviewed by the White House. Others can still sign the petition while it is awaiting a response. When the White House responds, everyone who has signed the petition will get email from the White House to let you know that we ve reviewed and responded to the petition.Q: How will the White House decide which petitions to respond to?The White House plans to respond to each petition that crosses the current signature threshold, which you can view on the Terms of Participation page. In some cases, the White House response might not address the facts of a particular matter to avoid the appearance of improper influence (such as in specific procurement, law enforcement or adjudicatory matters). In addition, the White House will not respond to petitions that violate We the People s Terms of Participation. In some cases, a single update may be used for petitions on similar topics.To date, the petition has collected 107,652 signatures. If you d like to add your name, click HERE. ",left-news,"Jul 11, 2016",0 +OBAMA’S RACE WAR Spreads Like Cancer To London: Famous Blind Musician Weighs In [VIDEO],"Because blind people are probably experts on judging people based on skin color. No mention of the police officers killed over the two bloody days bloody of Black Lives Matter terrorism, starting with the Dallas massacre by racist former Houston Black Panther and ending up with concrete, Molotov cocktails and bricks being thrown at police officers heads during 5-hour shut down of major highway in MN Motown singer Stevie Wonder has told a huge crowd in London, that black lives matter because we are the original people of this world as the city descended into three days of chaos caused by Black Lives Matter demonstrations.The superstar did not, however, address the deaths of five white police officers who were slaughtered in Texas on Friday by a black activist who wanted to kill white people . All life does matter, but the reason that I say black lives matter is because we are the original people of this world, Mr. Wonder told the British Summer Time Festival in Hyde Park. So in essence, everyone here has some black in you. You ve all got some soul in you so stop denying your culture, he added.The singer warned the 65,000-strong crowd of this horrible time we re living in as he opened his set. Adding: I encourage you to choose love over hate. It s just that simple. Choose love over hate, right over wrong, kind over meanness. Hope over no hope at all .On the same weekend as Mr. Wonder s statements, London descended into chaos as Black Lives Matter shut down Parliament Square on Friday, Brixton on Saturday, and Oxford Street and the U.S. embassy on Sunday.Watch the stupidity as Londoners at BLM protest compare apartheid in S. Africa to discrimination against blacks in America:Roads were blocked for up to six hours as activists climbed roofs and demonstrated about racist police and police violence in solidarity with our American brothers and sisters .Via: Breitbart ",left-news,"Jul 11, 2016",0 +DETROIT COP UNDER FIRE FOR FACEBOOK POST: β€œThe only racists here are the piece of (expletive) Black Lives Matter terrorists and their supporters” [VIDEO],"If this cop s comments were in lock-step with the leftist narrative, that it s okay to use violence to punish innocent cops as long as it brings attention to a few bad cops, would this even be a news story? Why is this man, who is a target of the violent Black Lives Matter movement, unable to speak out against the very people who seek to do him and his brothers/sisters harm?Detroit police say they have launched an investigation into an officer s viral Facebook rant about the Black Lives Matter movement in reaction to the Dallas police shooting.The post by officer Nathan Weekley has been viewed more than 40,000 times, and reacts to the tragic Dallas shooting that left five police officers killed and several others injured.The post reads: For the first time in my nearly 17 years as a law enforcement officer I contemplated calling into work in response to the outrageous act perpetrated against my brothers. It seems like the only response that will demonstrate our importance to society as a whole. The only racists here are the piece of (expletive) Black Lives Matter terrorists and their supporters. That post has already led to an ugly viral backlash against Weekley. So far, he s declined to speak with 7 Action News due to an internal investigation, but the president of the Detroit Police Officer s Association did talk to us.Via: WXYZ",left-news,"Jul 11, 2016",0 +NAACP CHIEF Asks BLM Rioters To β€œShow up en masse at polls…Need to ensure that every demonstrator is a vote” [VIDEO],"Put down the bricks and vote! Hmmm I wonder if he has a particular party in mind?Black Lives Matter activists need to need to ensure that every demonstrator is a vote in the fall elections in order to win policy changes pertaining to police misconduct and officer-involved shootings, according to the head of the NAACP. To bring about the kind of change that we need, we need to ensure that every demonstrator is a vote and that we to show up en masse and in the millions at the polls in November, NAACP president Cornell William Brooks said on CBS Face the Nation Sunday morning.The question of how the Black Lives Matter movement would affect the presidential campaigns has taken on increased significance over the last week, with two videos of police shootings going viral in the days before a self-described black nationalist ambushed and killed five Dallas police officers who were protecting protesters on Friday night. We need to bring about reform at the state and municipal level and at the federal level and, of course, call upon our presidential candidates to take racial profiling seriously and address it in their party platforms and in their campaigns, Brooks said.Presumptive Democratic nominee Hillary Clinton, who needs to mobilize the Obama coalition of record minority turnout to win this fall, said that the recent events call for white Americans to hear the legitimate cries of black Americans mistreated by police. I will call for white people like myself to put ourselves in the shoes of those African-American families who fear every time their children go somewhere, who have to have the talk about how to really protect themselves when they re the ones that should be expecting protection from encounters with police, she said Friday. Via: Washington Examiner",left-news,"Jul 10, 2016",0 +"OBAMA’S SOLDIERS Cause 5-Hour SHUT DOWN On St Paul, MN Interstate…Throw Molotov Cocktails…Concrete At Cops Head…INJURE 21 Cops In Attempt [VIDEO]","Whoever thought asking Obama s terrorists soldiers to shut down highways, throw Molotov cocktails, bricks, concrete and fireworks at innocent human beings who risk their lives every day to keep our cities and towns safe would be a good idea, should really reconsider. There hasn t been this much anger or distrust between Americans in decades. In the end, this movement will have just the opposite effect the protesters hoped it would have. Police officers will likely stop coming into high crime areas and will instead, allow residents to sort out their own dangerous situations. This movement has completely divided our country into responsible, level-headed Americans vs. angry citizens and illegal aliens who have signed up to be soldiers in Obama s race war and his war on law enforcement in America. Nothing good or positive will come out of this and Obama knows that. But then again, Barack care about the interests of the Americans who elected him. It s all about pushing his radical agenda. Twenty-one officers from various Minnesota law enforcement agencies were injured and more than 102 protestors were arrested as a demonstration on the I-94 freeway in St. Paul turned violent Saturday night, with protestors hurling rocks, bottles, fireworks and bricks at law enforcement officers on the scene.Hundreds of demonstrators began protesting at the Governor s Residence in St. Paul Saturday night over the police-involved shooting death of Philander Castile earlier in the week before heading onto the I-94 freeway around 8 p.m., local Fox affiliate KMSP reported.The interstate was shut down in both directions for more than five hours and the protests eventually turned violent, with demonstrators hurling bricks, fireworks and at least one Molotov cocktail at officers, according to the St. Paul Police Department. Via: BreitbartLast night and this morning, 21 officers from multiple agencies were injured on I-94 and other areas of the city. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016Molotov cocktail thrown at officers. Unclear if anyone injured. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016Another officer hit in the head with a large piece of concrete, possibly dropped from bridge. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016Bricks now being thrown at officers, along with more rocks and bottles. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016An officer was just hit in face with bottle thrown by a protester on St. Paul street. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016Officers arrested 50 people for 3rd degree riot last night on I-94. #I94closed St. Paul Police PIO (@sppdPIO) July 10, 2016",left-news,"Jul 10, 2016",0 +OBAMA Pretends He Hasn’t Started A Race War…Pushes For Federal Police Force: β€œIt is very hard to untangle to motives of this [Dallas] shooter” [VIDEO],"It would appear that Barack didn t get the memo. Somehow he missed the part where the Dallas cop killer admitted he just wanted to kill WHITE people, more specifically he wanted to kill white cops I firmly believe that America is not as divided as some have suggested -America s most divisive PresidentPresident Barack Obama is harnessing the increasing attacks on police in Dallas and the periodic shootings of people by stressed cops to push his agenda to federalize state and local police forces. I want to start moving on constructive actions that are actually going to make a difference, he said during his evening press conference in Poland when he was asked about the Dallas attack.Those actions, he said, would be based on the recommendations of the panel that he picked after the 2014 street riots in Ferguson, Missouri. The panel offered practical concrete solutions that can reduce if not eliminate the problems of racial bias, Obama said.The dramatic shootings are an opportunity to push that agenda, Obama said. If my voice has been true and positive, my hope would be that [the panel] surfaces problems, it frames them, it allows us to wrestle with these issue and try to come up with practical solutions, he said.Obama began touting the panel s recommendations in March 2015. The report, titled President s Task Force on 21st Century Policing Report, was published in May 2015.The report urges the federal government to federalize police training and practices, via the use of federal lawsuits, grants and threats to cut federal aid. So far, Obama s deputies have cajoled and sued more than 30 police jurisdictions to adopt federal rules in a slow-motion creation of a national police system, similar to the slow-motion creation of a federal-run health-sector via Obamacare.Obama also used the press conference to insulate his federalized police program and his allies in the Black Live Matter movement from popular rejection after the five police were murdered by the anti-cop African-American in Dallas.President Obama on #Dallas: It's hard to ""untangle the motives of the shooter"" https://t.co/7dClE5Mjr6 https://t.co/YzdDnT3nDf CNN (@CNN) July 9, 2016Obama shrugged off growing criticism that his own anti-cop statements helped trigger the shootings in Dallas and several other cities on Thursday and Friday. It is very hard to untangle to motives of this [Dallas] shooter you have a troubled mind what feeds it, what sets it off, I ll leave that to psychologists and people who study these kids of incidents. Throughout his press conference, Obama tried to play the role of national healer. As painful as this week has been, I firmly believe that America is not as divided as some have suggested. Americans of all races and all backgrounds are rightly outraged by the inexcusable attacks on police that includes protestors, it includes family members who have grave concerns about police conduct, and they ve said that this is unacceptable, there is no division there, he said. Via: Breitbart News ",left-news,"Jul 9, 2016",0 +AWESOME PRO-GUN AD Removed From Airport After Complaints From Rainbows And Unicorn Liberals,"The rainbows and unicorn crowd decided they just had to complain about a gun manufacturer s ad being in the Columbia, SC Airport. FN Manufacturing s ad made travelers upset so it was taken down. Total BS!Columbia Metropolitan Airport has removed a billboard-sized advertisement of a firearms manufacturer from its concourse.The decision comes a day after The State newspaper reported the ad, featuring eight firearms from FN Manufacturing, upset some travelers. It touted, Yeah, we carry. I pulled in the commission, and really, they felt that given the negative feedback that it d probably be better to bring it down, said Dan Mann, executive director of the airport.The Richland-Lexington Airport District approves all advertisements, including their text, content and graphics, according to the terms and conditions of their advertisement agreements.Two other displays for FN will remain up: a different billboard and a promotional video at the escalators.Columbia Mayor Steve Benjamin, who spotted the ad while at the airport Friday morning, said the banner with the multiple firearms wasn t appropriate given its location. It was the wrong ad in the wrong place at the wrong time, Benjamin said. I could easily see why anyone, including gun owners, which I am, would be seriously alarmed. Benjamin stressed the city has a good relationship with FN Manufacturing, which has supplied Columbia Police Department s firearms in the past. He said FN is a good company. S.C. Poet Nikky Finney echoed Benjamin s sentiment concerning the location in which the banner was displayed given the tenor and the times we live in. I m trying to say that anything that goes up that looks like that and has that kind of attitude should be decided upon by a committee of people that understand that the young man that went to a church, pulled a trigger and took nine lives came from Columbia, said Finney, referencing the killing of nine worshipers at Emanuel AME in Charleston allegedly at the hands of Dylann Roof in June 2015.Via: The State",left-news,"Jul 9, 2016",0 +OBAMA’S WAR ON AMERICA UPDATE: FBI ISSUES RIOT ALERT For Louisiana…New Black Panthers Coming To Baton Rouge,"We reported earlier about Dallas cop killer, Micah X. Johnson and his affiliation with the New Black Panther group, as well as Obama s past history with them. These acts leading up the GOP convention are no accident. We are living in dangerous times, and the most evil man to ever occupy our White House has been working in conjunction with BLM leaders to make sure this divisive movement succeeds The FBI issued an alert to Louisiana law enforcement agencies warning of violence against officers and planned riots in the aftermath of this week s high-profile fatal shooting of a black man by Baton Rouge Police. Judicial Watch obtained a copy of the situational information report, which was distributed to police and sheriff departments in Bossier, Caddo Parish and east Baton Rouge as well as Louisiana State Police.Titled Violence Against Law Enforcement Officers and Riots Planned for 8-10 July 2016, the alert warns that multiple groups are calling for or planning riots and/or violence against law enforcement in Baton Rouge and Shreveport, Louisiana beginning Friday July 8 2016 and continuing through at least July 10, 2016. The document is labeled FOUO (For Official Use Only), a term the government uses to mark sensitive information that s not classified. It was issued by the New Orleans division of the FBI. The agency did not respond to multiple calls from Judicial Watch for comment.A spokesman for the Louisiana State Police Department, Lieutenant JB Slaton, referred Judicial Watch to the FBI and would not confirm or deny that his agency received it even though it appears on the list of recipients. That s an FBI bulletin, they would need to address it, Slaton told Judicial Watch after being provided with a copy of the FBI alert. When asked if his agency got the FBI alert Slaton continued to be evasive, responding that it s an FBI bulletin. The alert is dated July 7 and includes disturbing images from social media, including one depicting a restrained uniformed police officer getting his throat slashed by a masked individual. Other social media images call for purging and killing all cops in Baton Rouge on July 9 and starting a riot by the courthouse in Shreveport that will tear shi_ _ down without killing our own black people. Calling for unity in the violent protests, one social media post says it don t matter what color you are. Another says must kill every police!!!! Judicial WatchMeanwhile The New Black Panther Party, a militant racial group, announced that they will be arriving in Baton Rouge to protest outside of the Baton Rouge Police Department after Alton Sterling was shot during an altercation with a local officer, calling the headquarters the pig department. On the group s social media, they called the police department the Baton Rouge Pig Department, a term that is often used by militants against police officers across the country, in an exclusive Hayride report.Check out the invitation to the protest, which is supposed to take place tomorrow and where sources tell the Hayride that out-of-towners are expected to show up in order to wreak havoc on the city. Via: InfoWars",left-news,"Jul 9, 2016",0 +OUTRAGE! OBAMA’S FEDERAL Wildlife Officers (?) ARREST Journalists For Videotaping Open Borders [VIDEO],"US Border Agents and local law enforcement gave these journalists permission to be there. But Obama s Federal Wildlife Officers had different plans for journalists, who attempted to expose the danger Obama s radical open-border policies pose to America s national security Federal Wildlife Officers? Infowars reporters were detained and disarmed by federal agents Wednesday while reporting near the Texas-Mexico border. Following the encounter, Infowars Joe Biggs explained how he and Michael Zimmermann were disarmed after the pair were taken into custody alongside fellow reporter Alejandra. We just got out of federal custody we ve been there for 2 hours, Biggs said.Despite previously getting approval from both border patrol and law enforcement to be in the area, federal wildlife officers known to be Obama s attack dogs on the border ordered the crew to put their hands up after encountering them filming a report.After being questioned for hours, Biggs and Zimmermann were told by federal officers that they would need to pay $230 each in order to receive their firearms back. The trio were also charged with misdemeanor criminal trespassing and threatened with felony charges if they returned to the area.Despite being told that the area was off-limits to the public, investigation into the location reveals the exact opposite to be true.Only hours earlier an entirely separate law enforcement group told the reporters that they would have to leave a different part of the border as well. Via: InfoWars",left-news,"Jul 9, 2016",0 +SHOCKING VIDEO CONNECTS BEYONCΓ‰ And OBAMA TO DALLAS COP KILLER,"Because Bob Price at Breitbart News had the courage to attend and film an unbelievable Black Panther rally aimed at threatening cops in Houston last year, America was able to see just exactly how hateful and dangerous this group really is. Obama s celebrity bestie, Beyonc promoted the Black Panthers to a staggering 114.4 MILLION viewers in her anti-cop, anti-white performance during her Super Bowl 2016 halftime act. Her over-the-top performance included Black Panther clad dancers who proudly displayed the divisive black power fist.The mainstream media ignored her hateful performance. Impressionable young Americans who ve been watching Obama s race war unfold didn t. Beyonc wasn t promoting the Girl Scouts of America, she was promoting a HATE group who openly vocalizes their desire to KILL COPS! Thanks to Bob Price, we now know the Dallas cop killer was part of that group.Only hours before the Dallas cop killer took the lives of 5 innocent American law enforcement officers, Beyonc posted this rant to her website:Dallas cop killer Micah X. Johnson was a member of the radical, violent Black Panthers, the same group that Beyonce promoted at the 2016 Super Bowl. Our current President marched with them in 2007. Obama s AG, Eric Holder gave them a pass, after they were caught in the act of blatantly intimidating voters during the 2008 election. Micah X. Johnson was a member of the Houston New Black Panther Party for a short period of time. He was reported to be a member for about six months a few years ago.Quanell X told reporters at KPRC NBC2 in Houston that Johnson was a member of the Houston Chapter of the New Black Panther Party for a short time a few years ago. He said he parted ways with Johnson after about six months because Johnson would not follow the chain of command.During negotiations with the Dallas Police Department Friday morning during the ambush shooting that left five officers dead and seven other people shot, Johnson said he was not part of any group. He stated he wanted to kill white people and white police officers.WATCH this shocking video showing the Black Panthers (including Dallas cop murderer) openly calling for the killing of cops: Breitbart Texas was present at an armed march carried out by the Houston New Black Panther Party in Waller County last summer. This writer took photos and video of the armed marchers at that time. One of the members holding an AR-15 style rifle appears to be Micah Xavier Johnson.During the march, the armed members of the New Black Panther Party stood off against Harris County Sheriff s Deputies who came to Waller County responding to a request for assistance from Sheriff Glenn Smith.This writer stood between the protesters and the deputies to take these photos and video. Via: Bob Price, Breitbart NewsNot surprisingly, Barack Obama also has a history with the vile, racist Black Panther group. Obama appeared and marched with members of the New Black Panther Party as he campaigned for president in Selma, Ala., in March 2007.BigGovernment.com posted the photographs, reporting the images were captured from a Flickr photo-sharing account before they were scrubbed.Among the people visible in the pictures with Obama is NBPP Chairman Malik Zulu Shabazz, a defendant in the voter intimidation case that Attorney General Eric Holder dismissed in 2009.Shabazz himself has given scores of speeches condemning white men and Jews.The NBPP s official platform states white man has kept us deaf, dumb and blind, refers to the white racist government of America, demands black people be exempt from military service and uses the word Jew repeatedly in quotation marks. WNDIt should come as no surprise to anyone that Beyonc has endorsed the pandering Hillary Clinton. Democratic presidential frontrunner Hillary Clinton paid a surprise visit to Beyonc during last week s fundraising trip to Los Angeles. Hillary praised Beyonc while speaking to a crowd at a town hall in Iowa City, Iowa in December. I want to be as good a president as Beyonce is a performer, Hillary responded after she was asked if she would rather be Beyonc or president. Breitbart NewsThis hateful movement promoted by our President and supported by celebrities and hate groups across America is growing. America needs to wake up to this hate and division and stop supporting those who are working behind the scenes to promote it. Bob Price serves as associate editor and senior political news contributor for Breitbart Texas. He is a founding member of the Breitbart Texas team. Follow him on Twitter @BobPriceBBTX.",left-news,"Jul 9, 2016",0 +BREAKING LIVE FEED: POLICE FORM LARGE BARRICADE In Atlanta To Keep LARGE Crowd Of Black Lives Matter Protesters Off Major Highway…Protesters Launch Water Bottles At Trucker,"A large group of Black Lives Matter protesters marched through downtown Atlanta in an attempt to shut down a major highway. Police have formed a large barricade, preventing them from disrupting traffic. The protests are in response to recent police shootings.No protests have been scheduled to bring attention to the multiple murders of young black youth by young black youths in Obama s hometown of Chicago. Black lives ONLY matter when they are killed by white people or cops (especially white cops).The march began at Centennial Olympic Park at 6 p.m. and organizers expected more than 1,000 people to show up. Groups started gathering hours earlier.NAACP march organizers in Atlanta said they expect other groups, like Black Lives Matter, to merge with Friday s march. The organization said it will not tolerate any violence.MINUTE BY MINUTE:10:50 p.m.Channel 2 Action News spoke to the driver of the truck that protesters climbed on top of.Chris Golden said he was on his normal route when he got stuck. He said he was not scared when the protesters started to climb up.Protesters block tow truck from getting to truck stuck on Williams St. for hours. #atlmarch https://t.co/S7bpyd80pH pic.twitter.com/ZDu27UlSVV WSB-TV (@wsbtv) July 9, 2016Protesters are launching water bottles at a tow truck on William Street. WATCH: https://t.co/Hb26W0IR6R pic.twitter.com/yS0LbA1ZRi WSB-TV (@wsbtv) July 9, 201610:45 p.m.A group of protesters are yelling at police police on Peachtree Street near the Westin hotel.The crowd is dispersing at Williams Street.Police are setting up another blockade on Williams Street.These protestors in front of the downtown connector say they have no intention of leaving. pic.twitter.com/iJk9emiwYc Matt Johnson (@MJohnsonWSB) July 9, 2016Via: WSBTV ",left-news,"Jul 8, 2016",0 +IS THIS THE TERRORIST WHO INSPIRED DALLAS COP KILLER? β€œWe must kill all white police officers across the country…We’re asking that all black police officers take a leave of absence”,"Who is this terrorist and why has not yet been arrested for making open threats against our law enforcement officers and firemen? Those Clinton s they sure do know some interesting characters. Thank goodness Donald J. Trump or his wife weren t ever caught in the same room with this racist monster! The media would slaughtered him. The media has come to expect nothing less from the Clinton s. They ll do anything for a vote. It s always been their motto. And no donor is too evil. If you don t believe me, ask George Soros or some of Hillary s top donors in the nation of Saudi Arabia where women are treated like second class citizens Micah Xavier Johnson, the now-notorious Dallas cop-killer, was one of a handful of online fans of a group which proclaimed, we must kill white police officers across the country! Shortly after 10 p.m. on Thursday night, when Micah Xavier Johnson shot and killed five Dallas police officers and wounded nine others, Mauricelm-Lei Millere, founder of the African American Defense League hate group, posted a picture on his Instagram account.The caption led with this: We have no alternative! We must kill white police officers across the country! The picture was of a meeting with former President Bill Clinton, which Millere alleged occurred in May.At 10:52 a.m. the morning after the shooting, Millere posted the following message to the African American Defense League s Facebook page: WE ARE CALLING ON THE GANGS ACROSS THE NATION! ATTACK EVERYTHING IN BLUE EXCEPT THE MAIL MAN, UNLESS HE IS CARRYING MORE THAN MAIL! Micah Johnson was one of just 170 members who follow that Facebook page.Founded in the wake of Ferguson protests in 2014, the African American Defense League is tiny, with possibly only Millere himself as its current leadership, according to the Anti-Defamation League s Center on Extremism. But Millere and the AADL operate many different front groups, including a Jonesboro, Louisiana church called the Morning Star Baptist Church.The AADL s calls to kill white police officers are not new. In November of 2015, the AADL s Facebook page said every black person across this nation should find a white police to kill in every state and American/European province around the globe. He warns followers on a Facebook post to remember that Fireman and the Police are on the same side:After the killing of Alton Sterling by Baton Rouge police and before the terror in Dallas, Millere called for cops blood again. The Pig has shot and killed Alton Sterling in Baton Rouge, Louisiana! You and I know what we must do and I don t mean marching, making a lot of noise, or attending conventions, he wrote on Facebook. We must Rally The Troops! It is time to visit Louisiana and hold a barbeque. The highlight of our occasion will be to sprinkle Pigs Blood! About 36 hours later, Johnson took aim at white police officers from Dallas rooftops.For entire story: The Daily Beast ",left-news,"Jul 8, 2016",0 +LORETTA LYNCH Gives Radical Black Lives Matter Protesters PEP TALK: β€œI want you to know that your voice is important”,"Eric Holder in a dress Eric Holder got the ball rolling for Obama when he used taxpayer dollars to pay people to protest during the Trayvon Martin controversy. Loretta Lynch is just the person to carry his racist torch of injustice for the oppressed black man. These people are not capable of colorblind justice. Their desire to punish anyone who disagrees with their radical ideology is much stronger than their desire to see true and honest justice served in America Members of the Black Lives Matter movement should not get discouraged by those who would use your lawful actions as a cover for their heinous violence, Attorney General Loretta Lynch said Friday.Her encouragement of the radical movement came a few hours after five officers were gunned down and six were wounded by an African-American radical attacker during a Black Lives Matter protest in Dallas.Throughout her Friday statement, she zig-zagged between her calls for more political protests, her suggestions that cops should be blamed for the high number of African-Americans killed during interactions with law enforcement, and her calls for less violence during political protests. After the events this week, Americans across the country are feeling a sense of helplessness, of uncertainty, of fear. Now, these feelings are understandable and they are justified. But the answer must not be violence. The answer must never be violence, Lynch said. Rather, the answer must be action: calm, peaceful, collaborative and determined action. Calm, peaceful, collaborative and determined action. We must continue working to build trust between communities and law enforcement. We must continue working to guarantee every person in this country equal justice under the law, she said.She played up the administration s pre-election focus on gun control, instead of the political conflicts that spur violence. And we must take a hard look at the ease at which wrongdoers can get their hands on deadly weapons, and the frequency with which they use them, she said.Like many officials, Lynch also implied moral equivalence between the deliberately murdered officers in Dallas and the suspects killed by other police officers on duty. This has been a week of profound grief and heartbreaking loss. The peaceful protest that was planned in Dallas last night was organized in response to the tragic deaths of Alton Sterling in Louisiana and Philando Castile in Minnesota. We have opened a civil rights investigation in Louisiana and we are providing assistance to local authorities in Minnesota who are leading the investigation there, said Lynch.Lynch repeatedly appeared to praise Black Lives Matter, though not by name, and encouraged black racial activists to continue demonstrating against police. To those who seek to improve our country, through peaceful protest and protected speech, I want you to know that your voice is important. Do not be discouraged by those who would use your lawful actions as a cover for their heinous violence, she continued. We will continue to safeguard your constitutional rights and to work with you in the difficult mission of building a better nation and a brighter future. And to all Americans, I ask you, I implore you: Do not let this week precipitate a new normal in this country. I ask you to turn to each other, not against each other as we move forward. But some of those demonstrators not easily restrained. Some black activists in Dallas called for murdering whites and police officers just last summer, telling one veteran: We are going to rape and gut your pregnant wife, and your f ing piece of sh-t unborn creature will be hung from a tree. The Attorney General also included some vague calls for unity amid her controversial support for the divisive BLM movement.Via: Breitbart News ",left-news,"Jul 8, 2016",0 +"BREAKING: Victor Alonzo Majia Nunez ARRESTED After Attempted Drive-By Shooting Of Roswell, GA Cop From Stolen SUV","We don t want to jump to any conclusions, so we ll just wait to find out if Victor Alonzo Majia Nunez is a legal US citizen (or not). For some strange reason, it always seems to take days, or even weeks for the media to find out whether or not the suspect in a crime is a legal US citizen A suspect is under arrest after police say a Roswell officer was shot at during a patrol early Friday morning.Officer Brian McKenzie was in the area of Old Roswell Road and Commerce Parkway when police say a passing vehicle fired a shot at the McKenzie s patrol car. He noticed a vehicle slow down and then heard what he thought was either gunfire or fireworks. He looked over and realized it was gunfire coming towards him, said Roswell police official Zachary Frommer.McKenzie was not hit.Frommer says McKenzie chased 21-year-old Victor Mejia Nunez, but the Riverdale man crashed the stolen SUV he was driving. Detectives have been speaking to him. He s been less than forthcoming so we don t know motive or anything like that, Frommer said.Frommer says in light of the attacks on police in Dallas, officers here were already on high alert. Then something like this happens and it just perks us up even more, Frommer said.Mejia Nunez is facing several charges, including aggravated assault on a police officer. He was in an SUV stolen out of Sandy Springs. Via: WSBTV ",left-news,"Jul 8, 2016",0 +BREAKING…OBAMA’S WAR ON COPS: ANOTHER Cop Ambushed And SHOT 3 Times In Neck By Black Man With Lengthy Criminal History In W. St. Louis,"Did America really expect this racist, Community Organizer In Chief to go out quietly? Barack and Mooch have played Americans like fools for 8 long years. No wonder Mooch was never proud of her country before Barack became President. The white man had not yet been sufficiently punished for the crimes of his ancestors against the black man. If America knew this is what it would take to make Mooch and her radical husband proud, would they have still voted for him? Thank goodness for Barack, he s got Hillary to unashamedly keep the torch of hate lit, in order to keep the Democrats dependent upon them to even the playing field. A Ballwin Police officer was in critical condition after he was shot in the neck during a traffic stop late Friday morning, police said.The male officer had stopped the car for speeding on northbound New Ballwin Road about 11 a.m., police said. As the officer went back to his car, the driver got out, advanced quickly and fired three shots at the officer, police said.Said St. Louis County Police Chief Jon Belmar: Make no mistake, we believe that Ballwin officer was ambushed. St. Louis County Prosecuting Attorney Robert McCulloch agreed. It was clearly an ambush, an attack, he said. There was no confrontation, no argument, no nothing. He also said it appeared that one of the shots might have been fired after the officer fell.The gunman fled north on New Ballwin Road and was captured in Manchester several miles northeast of the shooting scene, after jumping out of the car and running, police said.A semiautomatic handgun was recovered, according to St. Louis County Police, who are taking over the investigation.The suspect, identified as Antonio Taylor, 31, of the 1200 block of Tower Grove Avenue, was charged with first-degree assault of a law enforcement officer, armed criminal action and unlawful possession of a weapon. Bail was set at $500,000.Belmar, the St. Louis County chief, said his department has gone to 12-hour days throughout the weekend as result of heightened sense of alert after all that has happened nationally and now locally. We need somebody out there to meet us halfway, because it is very difficult for police officers to do their jobs now, Belmar said. At some point we need to tone down the rhetoric. The officer had radioed in that he was stopping a car about 11 a.m., police said. Then 911 dispatchers began getting reports of an officer shot.A woman living in the 300 block of New Ballwin Road near the scene of the shooting said she heard two gunshots and ran out her front door to see what happened. After seeing the wounded officer, she grabbed a towel to put on his neck to try to stop the bleeding. I tried to help the officer, the witness said. I just hope he s OK. The woman who helped the officer said she isn t trained as a nurse or first responder. I m just a mom, she said.She said her friend called 911 while a nurse performed CPR.Other residents living near the scene of the shooting said they heard gunshots but didn t know what they were at first. I thought it was kids or firecrackers or something, said a resident on the street. I m looking outside at many, many police officers. They all need our prayers. A camera in the police car caught the shooting on video, Scott said. He urged anyone else with any video of the incident to call police.Criminal historyIn 2006, Taylor was charged and convicted in Beck County, Okla., on charges of second-degree robbery and unauthorized use of a vehicle, online records from the Oklahoma Department of Corrections say. He was sentenced to five years in prison and was released in 2009.That same year, St. Louis prosecutors charged Taylor with unlawful possession of a firearm for a July 7, 2009 incident.He pleaded guilty, but his prison sentence was suspended and he was placed on probation by St. Louis Circuit Judge Michael Mullen, online court records show. Mullen also ordered him to have mental health and substance abuse evaluations.Taylor then faced federal and state charges after being caught with a gun on June 14, 2010.Assistant U.S. Attorney Tom Mehan, who prosecuted the case, said that on June 14, 2010, Taylor was caught with a gun in car that had been carjacked the day before.When he pleaded guilty to the charge of being a felon in possession of a firearm, Taylor admitted running when stopped by police and discarding a handgun.U.S. District Judge Jean Hamilton sentenced him on Jan. 14, 2011, to 30 months in prison.He received a two-year sentence in St. Louis Circuit Court for a gun charge and resisting arrest, to run concurrent with the federal sentence.In June of 2013, Taylor wrote a letter to U.S. District Judge Jean Hamilton asking to be released from supervised release early. Taylor wrote that he wanted to pursue an acting career. He said he had been working, had been free of violations and had not failed any drug tests.But later that month, his probation officer said that Taylor had repeatedly failed to show up for those drug tests, failed to report to the probation office, left eastern Missouri without permission and had been accused of assaulting his girlfriend when she refused sex.She also said that Taylor had contact with the police in Los Angeles on June 20, 2013.In that incident, Mehan said that Taylor was the passenger in a car that was stopped for not having license plates. Taylor was the passenger, and became extremely agitated after the stop, screaming and waving his hands around. After he was arrested, police found a loaded 9 mm pistol, Mehan said.In April of 2014, Taylor admitted violating his supervised release and Hamilton sentenced him to 15 more months in prison.He was released in March of 2015.McCulloch said police work is 99 percent routine and there s no way to predict that something like this is going to happen. Via: St Post-Dispatch",left-news,"Jul 8, 2016",0 +"SWITZERLAND’S NOT PLAYING GAMES With Muslim Immigrants: β€œIf you reject our culture, we will reject your application for citizenship","Assimilate or go home In the latest move to deny citizenship to anyone who chooses not to assimilate with Swiss culture, authorities have rejected the naturalization application of two Muslim girls who refused to take required swimming lessons at school because boys would be present in the pool.The girls, ages 12 and 14, who live in the northern city of Basel, had applied for Swiss citizenship several months ago, but their request was denied, Swiss media reported Tuesday.The girls, whose names were not disclosed, said their religion prevents them from participating in compulsory swimming lessons with males in the pool at the same time. Their naturalization application was rejected because the sisters did not comply with the school curriculum, Basel authorities said. Whoever doesn t fulfill these conditions violates the law and therefore cannot be naturalized, Stefan Wehrle, president of the naturalization committee, told TV station SRF on Tuesday.The case shows how those who don t follow Swiss rules and customs won t become citizens, even if they have lived in the country for a long time, are fluent in one of the national languages German, French or Italian and are gainfully employed.In April, members of an immigrant family in the Basel area were denied citizenship because they wore sweatpants around town and did not greet passersby a sure sign that they were not sufficiently assimilated, the naturalization board claimed.Another recent case sparked widespread outrage in Switzerland when two Muslim brothers refused to shake hands with their female teacher, also citing religious restrictions. Shaking hands with a teacher is a common practice in Swiss schools.After that incident was widely publicized, authorities suspended the naturalization request from the boys father, an imam at the Basel mosque.The swimming case involving the two girls is the first to deny naturalization applications for not complying with a school program, setting precedence for future cases, Wehrle said.This is not the first time Switzerland s Muslim community has stirred controversy over swimming lessons. In 2012, a family was fined $1,500 for forbidding their daughters to participate in swimming classes.The matter eventually ended up in the Supreme Court, which ruled that no dispensations from swimming lessons should be made on religious grounds.In Switzerland, unlike in the United States and many other countries, integration into society is more important for naturalization than knowledge of national history or politics. Candidates for citizenship must prove that they are well assimilated in their communities and respect local customs and traditions. DC Watchdog Via: Shoebat",left-news,"Jul 8, 2016",0 +"ANOTHER SOLDIER IN OBAMA’S RACE WAR: 4 White People SHOT In TN Ambush, Including A Cop, One KILLED…Cowardly Thug Reportedly β€œUpset” Over Black Shooting Deaths By Cops","Just another solider in Obama s Race War against Americans Funny I don t recall innocent people being shot because one of Obama s angry soldiers was upset about the multiple murders of young blacks in Chicago each and every week.A Tennessee man who fired on a motel and shot at passing cars on a highway was upset over recent police shootings, officials said Friday.Lakeem Keon Scott, 37, killed one person and wounded three others, including a police officer, when he opened fire early Thursday outside a Days Inn in Bristol, according to the Tennessee Bureau of Investigation.Investigators believe Scott wanted to harm police officers and others because he was angered by high-profile encounters between the police and black people across the country. Scott is black and all four of the shooting victims are white, according to the TBI. The work to investigate the motivation for this incident remains active and ongoing, TBI said in a statement Friday. Preliminarily, the investigation reveals Scott may have targeted individuals and officers after being troubled by recent incidents involving African-Americans and law enforcement officers in other parts of the country. Via: NY Daily News ",left-news,"Jul 8, 2016",0 +"WATCH: BLACK LIVES MATTER Thugs Loot 7-Eleven Store After Cop Shootings…Taunt, Make Obscene Gestures At Grieving Dallas Police Officers","The Democrat motto: Never let an opportunity go to waste Hours after the Black Lives Matter massacre, these thugs got in the faces of grieving cops who were called to the scene of a 7-Eleven store that had been reportedly just been looted. WATCH:Twitter users shared video from the same location:This is disgusting #BLM thugs flashing gang signs, laughing, and dancing while officers mournShare this trash pic.twitter.com/X47MYf3Nmz That Trump Guy (@ThatTrumpGuy) July 8, 2016This brave witness tells the truth about the Dallas Black Lives Matter protest, that the media has been trying to present to the public as a peaceful protest. While it may be true that the protest was mostly peaceful, it s the angry, violent protesters who put everyone s safety in jeopardy. But hey, what s a Black Lives Matter protest against cop violence without protesters becoming violent against who else the very cops who are sent there to protect and defend their right to free speech?h/t Breitbart News ",left-news,"Jul 8, 2016",0 +RACIST DALLAS COP MURDERER ID’D: β€œHe wanted to kill WHITE officers…he expressed killing WHITE people”,"Ironically, He KILLED Cops Protecting Rights Of Cop Haters The gunman who opened fire Thursday night in Dallas in an attack on police officers has been identified as Micah Xavier Johnson, the Los Angeles Times and CBS News report.Racist Micah Xavier Johnson was an Army Reserves veteran who took the life of at least one former Marine who was protecting the rights of protesters to protest cops. Officer Brent Thompson has been identified as one of the 5 Dallas police officers killed in Thursday s sniper attack. Thompson, an officer with the Dallas Area Rapid Transit system, was the first of the 5 officers who died to be named.Thompson, 43, had served in dangerous places before: He was an international police trainer who mentored Iraqi and Afghan police in the concepts of democratic policing, training Afghan officers how to avoid an ambush, according to a 2006 New York Times article quoting him and his own LinkedIn page. He d also previously trained American police officers in active shooters. He was also a father and a grandfather.Officer Thompson shared this meme on his Facebook page in 2014:Ironically, Officer Thompson was killed by another veteran, Micah X. Johnson, an angry, racist veteran who declared war on Whites and White LEO s on his homeland.It is not clear if there were any other gunmen, or whether other people taken into custody by police were involved in the shooting. Police initially said two snipers positioned themselves in triangulated locations to fire on officers from elevated positions.The gunfire began just before 9 p.m. while a peaceful rally was held by Black Lives Matter in response to recent controversial police killings of black men in Louisiana and Minnesota.After the shootings in downtown Dallas, the gunman, identified as Micah Xavier Johnson, 25, holed himself up inside El Centro College in the downtown area of the city, Dallas Police Chief David Brown said at a press conference.The gunman was then cornered in El Centro College in downtown Dallas.He told police he was not affiliated with any groups, and he said he did this alone, the chief said.Here is a post from his Facebook page, which has since been remove. Johnson may say he is not affiliated with any groups, but by the postings found by Heavy.com on his Facebook page, it is clear he holds the same black power views as the BLM protesters/rioters. We re pretty sure there is no specific ID or group membership card that the BLM organizers supply their followers with, but just watch the media spin his comments to distance himself for the BLM rioters protesters:Johnson says he s not affiliated with any groups, but what about this group, the Black Power Political Organization, who took responsibility for the killings of Dallas law enforcement officers last night? Here is the post this group placed on their page immediately following the shootings:Is it possible that Johnson was affiliated with this group? It sure seems like he fits the profile. Sources told the Los Angeles Times that Johnson has no ties to terror groups and no known criminal history. He has lived in the Dallas area and has family members living in Mesquite, Texas, east of Dallas, the newspaper reports, citing federal law enforcement sources.A black SUV was found at the scene registered to Delphene Johnson, who is Micah Johnson s mother, according to Facebook posts and public records, NBC Dallas-Fort Worth reports. Live helicopter video from the news station showed police at her home in Mesquite.Johnson served in the U.S. Army Reserve, investigators said. Details about his service were not immediately available.Johnson told police negotiators the end is coming and said he wanted to kill more officers, according to Brown.Police said after several hours of negotiating, with intermittent exchanges of gunfire, the suspect was killed by a bomb-wielding robot. We tried to negotiate for several hours, negotiations broke down, we had an exchange of gunfire with the suspect, Brown said. We saw no other option but to use our bomb-robot and place a device on its extension for it to detonate where the suspect was. Other options would have exposed our officers to grave danger. The suspect is dead a result of detonating the bomb. The suspect did not shoot himself, despite reports, Brown said. He wanted to kill officers, and he expressed killing white people, he expressed killing white officers, Brown said. He expressed anger for Black Lives Matter. None of that makes sense, none of that is a legitimate reason to do harm to anyone, so the rest of it would just be speculating on what his motivations were. We just know what he said to our negotiators. While he was barricaded in the hotel, the suspect told police there were bombs planted all over downtown Dallas, the city s police chief said at a press conference.Police have not said if any bombs or suspicious items have been found. He said we will eventually find the IEDs, Brown said.The shooting came a year and a month after a man angry at police opened fire on the Dallas Police headquarters. He fired several shots at the building, but no one was injured. The man, James Boulware, was driving an armored van and was later chased down by police. He was killed during a standoff.Boulware also claimed he had planted bombs in downtown Dallas.Via: Heavy",left-news,"Jul 8, 2016",0 +WOW! BLACK POWER POLITICAL ORGANIZATION Takes Credit For Dallas Cop Slayings,"A post on the Black Power Political Organization Facebook page shows the group taking credit for snipers who killed Dallas law enforcement officers yesterday. Since this posting the Facebook page has been shut down. We managed to capture [screen shot] their comments below:Here are a few posts we found on their Facebook page. We thought we d share them in the off chance Facebook shuts them down: From their Facebook page:Black Power Political Organization BPPO # BlackPower ! # BlackKnights ! Our Mission Is To Free Africa And All Black Based Countries From Non Black Control! And Give Black People The Opportunity They Need To Develop Themselves And Reach Their Full Potential! We Are A Powerful Political Group Of Patriotic, Pro Black, Pan African Leaders! Who s Job Is To Rule And Control Africa, And All Black Based Countries! So To Avoid Corruption, Bribery, Exploitation, Non Black Control And Every Form Of Ailments Preventing Black People And Africa From Reaching It s Full Potential! To Accomplish Our Goal! We Will Be Working With (Black People Protection Agency AKA BLACK KNIGHTS )! A Powerful Group Of Well Trained Professional Sniper Assassins, With Tens Of Thousands Of Assassins Located All Over The World, In Every Country! Who s Job Is To Hold Government Leaders And Other Powerful People All Over The World Responsible When They Fail To Give Black People Equal Rights And Justice In Their Countries. By Relentlessly Target And Assassinate Government Leaders And Other Powerful Influential People And Their Families, When They Refuse To Do Right By Us Black People! Our Organization Will Be Finance Through Taxation And Other Means! (Like I always say! To free yourself from the white man. You will have to become like the white man. White people use violence and economic sanctions to control other countries, and exploit them! When the leaders of those countries refuse to do what they want. They destroy their economy or use terrorist to assassinate them! So the only way you can free yourself from them, is to use their own controlling methods against them. So! When western Governments refuse to stop exploit and oppress your country! You have for example: An independent sniper assassin group that will relentlessly target them and their families until they give you what you want, out of fear of dying or losing their love ones! Or You Can Force Someone Close To Them Eg: Friends, Co-workers, Family Doctor etc. To Assassinate Them Through Poisoning etc.) (So as long as they are playing dirty! You have no other choice but to play dirty as well, to free yourself!) SO BECOME A SNIPER ASSASSIN AND HELP FREE AFRICA FROM WESTERN AND NON BLACK PEOPLE CONTROL!Thank you to the amazing Nick Short for the h/t",left-news,"Jul 8, 2016",0 +BLACK LIVES MATTER Terror Group Tweet INSANE THREATS And Messages Celebrating Deaths Of Dallas Cops,"Wow there are no words for the hate these people walk around with every day Check out these unbelievable tweets celebrating the murder of innocent Dallas police officers. These officers were risking their lives to protect the First Amendment Right of these pigs to express themselves And as if the vile tweets above weren t bad enough, here are a few more threats from Black Lives Matter terror members:",left-news,"Jul 8, 2016",0 +A FEW BLACK CONSERVATIVES Have Some Choice Words For Obama And Hillary Following Dallas Black Lives Matter Cop Massacre,"Obama shouldn t think for one moment that America doesn t see through he and Hillary s disgusting plan to divide us by color, social class, sexual orientation and religion.Here are a few black conservatives offering some choice words for our Divider In Chief and they are awesome!The outspoken Sheriff Clarke nails it with this tweet:American needs Obama to get out of bed & address Dallas situation NOW. He poured gas on this situation with his dog whistle message earlier. David A. Clarke, Jr. (@SheriffClarke) July 8, 2016Pastor Manning is furious with our first black President who was given a golden opportunity and totally blew it:https://twitter.com/WDFx2EU2/status/751287310184902657Of course our Divider In Chief is either on the phone with Black Lives Matter organizers doing damage control or sleeping soundly and not giving the war he has started on law enforcement in America a second thought:It's now 5 dead officers. Will somebody wake up the president?#Dallas Larry Elder (@larryelder) July 8, 2016The brilliant Sheriff Clarke has a few choice words for Hillary as well:Mrs. Bill Clinton earlier showed support for Black LIES Matter. Let's see if this cop hater shows the same empathy for police in Dallas. David A. Clarke, Jr. (@SheriffClarke) July 8, 2016",left-news,"Jul 8, 2016",0 +BREAKING UPDATES: 5TH DALLAS POLICE OFFICER HAS DIED…SNIPER DEAD From Self-Inflicted Gun Shot…First Dead Police Officer Identified…”Person Of Interest” Is RELEASED After Questioning,"Heartbreaking: A 5th Dallas law enforcement officer has been pronounced dead today:Dallas Police Association says a 5th police officer has died after ambush Thursday night. CBSDFW (@CBSDFW) July 8, 2016The dead sniper s identity has not yet been released:BREAKING: Police source says ambush shooting suspect shot himself during standoff. pic.twitter.com/lgjoGhUoRJ CBSDFW (@CBSDFW) July 8, 2016The first Dallas police officer who was killed by sniper fire last night during a Black Lives Matter protest is 43 year old Officer Brent Thompson:DART ID's slain officer as Brent Thompson, 43. First DART officer killed in line of duty. https://t.co/pBdHa8nFqM pic.twitter.com/zCmWTgbytL FOX 4 NEWS (@FOX4) July 8, 2016Here is a heartwarming quote by Officer Thompson shared by Andrea Lucia of CBS 11 News:""I am constantly looking for different ways to serve the department "" -fallen DART officer Brent Thompson. https://t.co/ADBgWQMC77 @CBSDFW Andrea Lucia (@CBS11Andrea) July 8, 2016Mark Hughes, brother of Cory Hughes, one of the Black Lives Matter protest organizers has been questioned by police and has now been released.THIS MAN IS NO LONGER A SUSPECT: Mark Hughes was released from custody. Did not shoot. https://t.co/jmmcm5zuLl pic.twitter.com/gbFLupY6SX CBSDFW (@CBSDFW) July 8, 2016God bless these brave men and women in uniform who courageously face cowards and hateful people like this every day. Here is an encouraging tweet from someone who understands the cops at this protest were valiantly defending their right to free speech:Don't forget every officer on the street tonight in #Dallas was protecting the right for people to demonstrate peacefully Leigh (@LeighDow) July 8, 2016Several people at the Protest here in #Dallas have said cops were cool all night and some even saved lives of civilians. Thank you @DallasPD Baylor Barbee (@BaylorBarbee) July 8, 2016",left-news,"Jul 8, 2016",0 +BLACK LIVES MATTER ORGANIZERS Hacked Messages Show Plans For β€œShutting Down GOP Convention”… β€œDisrupting Trump” And β€œMartial Law”,"This is just a preview of what these terrorists professional agitators, who ve actually met with our Community Organizer in Chief in OUR White House have planned for this summer. This is NOT your grandparents Democrat Party U.S. Attorney General Loretta Lynch is coordinating with Democratic activists to so disrupt the upcoming Republican and Democratic National Conventions that martial law will be declared.That s the stunning discovery revealed in a series of direct messages between three activists.On Friday, June 10, 2016, someone hacked into the Twitter account of #BlackLivesMatter (BLM) leader and former Baltimore mayoral candidate DeRay McKesson. McKesson later confirmed the hack to The Baltimore Sun.On June 11, 2016, a Twitterer who calls himself The Saint (@TheSaintNegro) tweeted a direct-message conversation on June 10 between KcKesson and another BLM leader Johnetta Elzie (Netta), in which the two discussed talking with Attorney General Loretta Lynch about plans to bring on martial law by causing chaos at the upcoming Republican National Convention in Cleveland, Ohio, and the Democratic National Convention in Philadelphia, PA, so as to keep Obama in office.Here s the conversation over the course of several days between black activists DeRay McKesson (DM) and Johnetta Elzie (JE), and between McKesson and a white ally named Sam (S):JE: Have you spoken with Mrs. Lynch [Attorney General Loretta Lynch] recently about the plan for the summer and fall leading up to the elections. DM: We spoke two weeks and they want us to start really pushing how racist Trump is now instead of waiting so the others can start getting the protesters ready to shut both conventions down. DM: If we can get both conventions shut down for messing over Bernie and for having racist Trump, then get martial law declared so Obama can stay in office we will win. Call you soon when I get to my dads so I can use his landline and we can talk more on this. DM: We have to make sure that we use our voices to keep people disrupting Trump all summer and through the fall so martial law can be declared . S: I wanted to touch base with you about the summer of chaos. So far we have over 2,000 people bused in from different cities and another 6,000 to 8,000 expected to drive into Cleveland for the Convention. S: They will not be ready for the crowds we are bringing and they will blame Trump for it, especially if we shut it down. The GOP will have to replace him at that point or we will continue the disruptions nationwide. DM: I will pass the info along. Good work, Sam. You never let us down. It s so important we stop Trump. He can not be president. He will destroy everything we worked so hard for and we can t trust . DM: today and he [Sam?] confirmed that there will be around 10,000 protesters disrupting the [Republican] convention. Plans are being made for other cities as well for upcoming Trump events. Ads have already been placed looking for people to help. I know you don t care for them [white people] but this is the time we need our white allies doing a lot of the work for us. They are the ones who listen the best. JE: That will put fear into the GOP and the country when they can t have their convention for all their racist supporting Trump. We ve worked too hard and closely with the Obama administration to have that racist ass take it all away and Hillary . You know I can t stand those white allies, but yo right this is the best to use them. They hang on every word you say and will do whatever is asked. I just hate all that kiss ass they try to do. Like that changes who they are. DM: We have a lot of white allies volunteering for Trump s campaign to pass along information to us before it s made public so we know when rallies are coming up before they are announced. That way we can plan major disruptions in those cities in advance. We just have to keep our names out of this and let these [white] people do the work for us by pushing how Trump s racist ways will destroy . JE: That s all those white people are good for in my eyes. I couldn t imagine even pretending to like that racist ass Trump even to get info on his events. I ll be glad when we shut his ass down. DM: With the support we have from Mrs. Lynch and the help we ve got from Sam and others it won t be hard to cause enough . Here are screenshots of The Saint s series of tweets: The authorities seem to be taking the plan to disrupt the Republican Convention seriously.As reported by Alice Speri for The Intercept, June 23, 2016, local police and federal agents from the FBI, DHS, and Secret Service are knocking on the doors of activists and community organizers in Cleveland asking about their plans for the Republican National Convention in July.On June 29, 2016, Deray McKesson sort of confirmed the plan when he went public with warnings about possible protests at the DNC and RNC, as reported by USA Today.In fact, a recent survey showed that as many as 67% of Democrats want Obama for a third term.Via: DC Clothesline",left-news,"Jul 8, 2016",0 +WHOA! DNC Releases Statement Suggesting Dallas Sniper And Black Lives Matter Protesters Are Linked,"Of course tomorrow morning, the Democrat Party will put their heads together and after hours of damage control, they will tell Americans Wasserman-Schultz didn t really mean what she said. What is it about women in the Democrat Party (Hillary) who don t really mean what they say?The Democratic National Committee has released a statement about the shooting of 11 police officers in Dallas tonight. The shooting took place at a Black Lives Matter protest against the deaths of Alton Sterling and Philando Castile at the hands of police this week. In a press conference, the chief of the police department clearly said that there is no known link between the snipers and the protesters.Chairwoman Debbie Wasserman Shultz didn t get that memo. The statement from the DNC looks like this:Pay attention to that penultimate paragraph. The last line, in particular, is noteworthy. And while most protesters have made their voices heard peacefully, tonight s shooting of officers in Dallas is unacceptable and a reminder that the time to address these tensions and find common ground is long overdue. What are you implying here, DWS?Image via: TwitterVia: Mediate",left-news,"Jul 8, 2016",0 +BREAKING: DALLAS SNIPER SUSPECT Reportedly Telling Police β€œThere Are Bombs All Over The Place…The End Is Coming”,"If this sniper is part of the Black Lives Matter group, does this massacre of innocent law enforcement officers officially make them a terror group?Chief Brown: Says suspect has told them there are bombs all over the place, and that the end is coming. CBSDFW (@CBSDFW) July 8, 2016",left-news,"Jul 8, 2016",0 +BREAKING: TWO Suspects In Dallas Cop Shootings Are In Custody After Reported High Speed Chase Of Black Mercedes On I-35 In Dallas,"Two suspects are in DPD custody following horrific attack on Dallas law enforcement officers during a Black Lives Matter protest in Dallas, TX.Please pray for these officers and for their families.Update: pic.twitter.com/ukWSZJeZo3 Dallas Police Dept (@DallasPD) July 8, 2016#UPDATE Two people in custody after reported police chase on I-35 south of downtown Dallas. (Chopper11) pic.twitter.com/6gNAuWVvFr CBSDFW (@CBSDFW) July 8, 2016We re not sure if this is the black Mercedes Benz mentioned in the DPD report above, but FOX News is reporting on a car that the police have stopped after leaving the Black Lives Matter protest/shooting scene.#Breaking #Dallas police have stopped a car seen leaving the shooting scene. Latest @FOX4 pic.twitter.com/u8OBkCQhja FOX4Terry (@FOX4Terry) July 8, 2016",left-news,"Jul 8, 2016",0 +"BREAKING DALLAS: DPD Chief Confirms 10 Officers SHOT, 3 DEAD, Two In Surgery, 3 In CRITICAL CONDITION…SHOT By β€œ2 SNIPERS” Reportedly Wearing Body Armor During Dallas Black Lives Matter Protest [VIDEOS]…Shooter On Loose","UPDATE 12:09: 1 Suspect in custody. 1 suspect pinned down.Dallas Update! 1suspect in custody & 1suspect pinned down!!Both suspects wearing masks !! #KelyFile #BlueLivesMatter pic.twitter.com/KiIox2YAqd STOCK MONSTER (@StockMonsterUSA) July 8, 2016Dallas Police Department Chief confirms 10 officers have been shot. Three officers were KILLED, three are in critical condition and two are in surgery.Reports are now stating that two snipers were involved and that the shooting occurred from a rooftop/s above the scene. Shots can be heard being fired in this video:https://twitter.com/allisongriz/status/751234755882995713UPDATE 11:46:.@DPDChief states 2 snipers responsible for shooting 10 Dallas officers tonight, three of whom are deceased. No suspects in custody. FOX 4 NEWS (@FOX4) July 8, 2016A cameraman covering the protest in #Dallas came upon this horrific site. [Warning: Graphic Content] pic.twitter.com/06xGEt9ilu CBS Los Angeles (@CBSLA) July 8, 2016UPDATE 11:35 pm:NEW: @DPDChief confirms 10 officers shot, three dead, two in surgery, three in critical condition. No suspects in custody. FOX 4 NEWS (@FOX4) July 8, 2016From @shaunrabbfox4 ""There are several officers gravely injured. This is going to be an horrific night for the Dallas Police Department."" Mike Doocy (@MikeDoocyFox4) July 8, 2016A Facebook post by Michael Kevin Bautista shows the horrendous situation cops were faced with tonight in Dallas during a Black Lives Matter protest:WATCH HERE:BREAKING UPDATE:BREAKING: Multiple sources say about 3 6 officers were shot during tonight's protest.https://t.co/pBdHa8nFqM pic.twitter.com/sDRV7PiiNy FOX 4 NEWS (@FOX4) July 8, 2016Here are some of the comments on Michael Kevin Bautista s page under the video above: #breaking Crowd on the run downtown Dallas. Reports of an officer shot at the protest march. pic.twitter.com/zstZnDIRlm Doug Dunbar (@cbs11doug) July 8, 2016People can be seen running from the scene here:Video shows police responding after shots fired in Dallas during protest of recent killings https://t.co/00c6j7cAPUhttps://t.co/P2K9Z0vziF ABC News (@ABC) July 8, 2016https://twitter.com/Nero/status/751247603455647744Black conservative Melissa tweets a little reminder for the Black Lives Matter rioters:https://twitter.com/Sweetatertot/status/751246223991013377#BREAKING: Our cameras captured several shots ring out during a protest in Downtown Dallas pic.twitter.com/OWOBOOI8Jg FOX 4 NEWS (@FOX4) July 8, 2016DALLAS BE CAREFUL. Reports of a sniper and 2 officers down 30 mins ago at Dallas protest pic.twitter.com/Zk3jvPUfMk Chocolate Metaphor (@ChocoMetaphor) July 8, 2016Shots have subsided. Shooter is reportedly still on the loose https://twitter.com/DianaZogaFox4/status/751244944136892416Crime scene tape up at Baylor, multiple police units here @FOX4 pic.twitter.com/zV6NgUDbDb Lynnanne Nguyen (@LynnanneFOX4) July 8, 2016",left-news,"Jul 7, 2016",0 +"OHIO COLLEGE PROFESSOR Makes Threatening Post To Facebook: β€œBunch of us anti-gun types are going to have to arm ourselves, storm the NRA headquarters in Fairfax, VA…make sure there are no survivors”","James Pearce, an anti-gun adjunct professor at Southern State Community College in Ohio, made an outrageous, threatening Facebook post on June 13, 2016, that is reportedly under investigation by the proper authorities. By the way, the post still remains on his Facebook page. Apparently, making a threat about shooting people up on Facebook is not offensive to the paid censors as long as it s directed at the pro-gun crowd. A look at his Facebook page will prove that he is unapologetic after making the disgusting remarks and in fact, is calling it a joke. Funny we re not seeing the humor in these sick remarks: A bunch of us anti-gun types are going to have to arm ourselves, storm the NRA headquarters in Fairfax, VA, and make sure there are no survivors. Here is the actual post:The Highland County Press reported that Pearce s comments were sent to authorities and SSCC on June 15.Kris Cross, Director of Public Relations for SSCC, told Campus Reform that it is the college s policy not to comment on individual personnel matters, but did offer some general observations of potential relevance to the case. In general, the college would alert local authorities about any threats that were made known to the college, especially any threats made to students, faculty or staff, she explained. We have a good working relationship with the police jurisdictions covering each of our four campuses, and trust they would follow their protocols for reporting to other agencies. As I understand it, a report does not necessarily mean an investigation. Campus ReformPearce s Facebook post from yesterday leads us to believe no action has yet been taken by the Community College:When asked if Pearce would continue to teach during the investigation, Cross stated, Certainly any criminal prosecution and findings could be a consideration for employment decisions in any matter of criminal conduct. On June 17, SSCC Security and Emergency Response coordinator Gary Heaton noted that the information had been reported to the FBI and the Department of Homeland Security. The Attorney General advised [SSCC Vice President] Dr. Roades to take no action until the Feds had completed an investigation, Heaton told the Highland County Press.",left-news,"Jul 7, 2016",0 +LIST OF 15 CORPORATIONS Working With Obama To Bring UNLIMITED NUMBER OF REFUGEES To America,"Buckle up America Obama still has 6 months to fundamentally transform America. If the media and #NeverTrump crowd manages to convince voters to support Crooked Hillary, it will be the end of America as we know it Who will be vetting the unlimited number of potential terrorists refugees Obama is bringing to America? The White House announced last week that it is launching a Call to Action asking private businesses to help with the resettlement of refugees. This could be done without regard to the government cap of 85,000 total refugees, including 10,000 Syrian refugees, in 2016.Fifteen founding corporations have teamed up with the Obama administration on the effort. These are: Accenture, Airbnb, Chobani, Coursera, Goldman Sachs, Google, HP, IBM, JPMorgan Chase & Co., LinkedIn, Microsoft, Mastercard, UPS, TripAdvisor, and Western Union. The Call to Action initiative is not only to help refugees in the United States, but all over the world.In Europe for example, Mastercard worked with Mercy Corps to distribute prepaid debit cards to eligible refugees traveling through Serbia. Approximately $75,000 was distributed to nearly 400 families and individuals. The three main facets of this private partnership program are: education, employment, and enablement. Education includes facilitating refugee children and young adults education by ensuring that refugee students can access schools of all levels. The employment facet includes increasing employment opportunities for refugees. Through those two parts of the initiative refugees can be settled in the United States without limit as they wouldn t fall under the purview of the government cap on refugee resettlement. Through work and education visas refugees would not actually be considered as refugees for their immigration status. One of the companies already partnered with the Obama administration, Chobani, currently has a work force in the United States that is roughly 30 percent resettled refugees. A White House fact sheet states 66 percent of refugees are of working age.Outside of employment and education, under the enablement part of the initiative, the White House mentions that companies can help refugees get access to financial services, technology, housing and transport. This also includes covering costs of charter flight to bring resettled refugees to the United States (or to another country of resettlement). These refugees will be coming outside the refugee resettlement program so they would not be counted under the government cap of 10,000. These alternative legal pathways or sponsorships will be under employment visas, training, student visas and scholarships, visiting scholars etc, Nayla Rush, senior researcher at the Center for Immigration Studies, told The Daily Caller.Rush added, remember, the aim is to bring as many Syrian refugees as possible. 10,000 is the limit this [Fiscal Year] under the refugee resettlement program. No limit to these private sponsorships , more importantly, to traceability. At a United Nations summit on September 20, Obama is going to push for double the number of resettlement slots and alternative legal pathways for admission that are available to refugees, and increase the number of countries accepting significant numbers of refugees. Via: Daily Caller ",left-news,"Jul 7, 2016",1 +BILL O’REILLY RELEASES Never Before Seen Pictures Of Obama In Muslim Dress…Says They Prove β€œDeep Emotional Ties To Islam” [VIDEO],"Barack Hussein Obama has not exactly done a stellar job convincing America he s a Christian. He spent his entire career as Christian in a church that preached hate against America and the white man. His own preacher, the racist Reverend Wright admitted that Obama only became a Christian to help himself become better integrated with the people who he was trying to embed himself with as a Community Organizer. Even the casual observer couldn t help but notice that while Obama s been in office, he s done everything but backflips to defend the Islamic faith, while bashing Christianity. Bill O Reilly shared photos of Barack Obama in traditional Islamic dress on his program Wednesday night claiming they were from his half-brother Malik s wedding.The Fox News host said it was very difficult to verify the exact location of the photographs a similar set of which were first released back in 2004 by Malik and previously published on DailyMail.com but claimed they were taken in Maryland in the early 1990s. According to his half-sister, Barack Obama attended his half-brother s wedding in the early 1990s. Malik Obama was a Muslim, said O Reilly. The Factor has obtained pictures allegedly from that wedding, which we believe was held in Maryland. Malik was married in 1981 for the first time and President Obama was his best man at that ceremony. He now has multiple wives.O Reilly used the photos in a monologue alleging the President s deep emotional ties to Islam have stopped him effectively combating ISIS while also saying he believes the photos prove that President Obama is not a devout Christian. He did this while attacking President Obama hours after he revealed he would not be withdrawing troops from Afghanistan, saying: President Obama, as we all know, will not even use the words Islamic terrorism. Again today when telling the nation that America will maintain eight-thousand troops in Afghanistan, the president did not accurately describe the situation there, putting forth that it was more about politics than Islamic terror. O Reilly claims the President Obama s failure to identify the terrorist threat facing America has allowed ISIS to run amok in the Middle East, a mistake he claims the Commander-in-chief will not acknowledge. There is no question the Obama administration s greatest failure is allowing the Islamic terror group ISIS to run wild, murdering thousands of innocent people all over the world, including many Muslims, said O Reilly. Mr. Obama has never, never acknowledged that mistake, nor does he define the ISIS threat accurately. That group is killing innocent people in order to impose a radical version of Islam on the world. The jihad is solely based on theology, perverted as it may be. Obama s refusal to use the phrase Islamic terrorism , preferring instead to say militants or simply terrorists has long been a sore spot for his Republican detractors, including Donald Trump.O Reilly also said of Obama after sharing the photos: I believe he s a Christian. I m not one of these guys who says he s a Muslim. But I don t think he s a devout Christian. He went on to say during the program: I base my analysis on the fact that in my opinion and I could be wrong, but I m not President Obama s sympathetic treatment of Muslims put the country in danger because he has not elevated the risks that we have to the level it should be. And he allowed ISIS to be created because of his foolish decision to withdraw troops in Iraq and to pretty much run wild for five years. So another president, angry about the jihad, would not have done that. O Reilly s guest, Obama: From Promise to Power author David Mendell, jumped in at that point to say: I think President Obama is very sympathetic to all cultures, all religions. He grew up in a multiplicity The host cut him off though to ask: Is that good for a commander in chief to be very sympathetic to all cultures and all beliefs when thousands of people are being murdered? O Reilly then closed out the segment by stating: He s the commander in chief of the United States, and his main charge is to protect us. It s not main charge as to be touchy-feely to all different cultures. Via: Daily Mail",left-news,"Jul 7, 2016",0 +MINNESOTA: MOB OF SOMALIS RAGE Through Upscale Neighborhood Threatening To β€œKidnap” And β€œRape” Homeowners [VIDEO],"Of course, you won t see this story on ABC, NBC, CBS, CNN, MSNBC or any of the other liberal news stations. Because gangs of Muslim refugees threatening innocent people inside their homes isn t news, but House Democrat losers staying up all night and noshing on take-out in phony gun-control publicity stunt was on the news 24-7.A mob of up to 30 young Somali men paraded through one of Minneapolis more upscale neighborhoods last week, yelling disparaging comments and threats against homeowners.A female resident of the neighborhood, obviously shaken in a TV interview, related how she was screamed at by a Somali man who threatened to kidnap and rape her. They were screaming at the house that they were going to kidnap you and they were going to rape you, one Minneapolis resident told KSTP TV. It was a very traumatizing experience. Somalis living in Minneapolis are almost all Sunni Muslims, and residents of the Lake Calhoun area say this isn t the first time a group of Somali men has made an intimidating march through their neighborhood, which is filled with million-dollar homes.No hate-crime charges are apparently being considered by either the Minnesota authorities or the Obama Justice Department headed by Loretta Lynch.Police were called to the scene on June 28 about 9:30 a.m. and are investigating the incident as a potential case of terroristic threats. No arrests have been made, and the Minneapolis media appear to be largely uninterested in reporting on the mob threats.According to a Minneapolis police report, between 20 and 30 young Somali men showed up in front of a woman s house about 9:30 in the morning and started shouting insults. The comments turned to threats, the report said.Watch local TV report of horrific threats made by a mob of young Somali men in Minneapolis:Via: WND",left-news,"Jul 6, 2016",0 +"β€œTrumpocalypse”: HACKED EMAIL EXPOSES DEMOCRAT PARTY PLAN To Spend Whopping $800,000 On Disruptions (Riots) At Republican Convention","Let that sink in A major party in America is planning to spend upwards of $800,000 to create chaos, confusion and intimidation against fellow Americans who don t agree with them. Now that s a party you can be proud to be a part of! Internet hacker Guccifer 2.0 released the Democrat Party s plan to disrupt the RNC in Cleveland and harass delegates at the convention.Democrats plan to spend at least $800,000 on operations to torment Republicans at their convention.Hundreds of paid liberal activists will also converge on Cleveland to disrupt and cause mayhem. -GPThe Smoking Gun reported:The Democratic Party s plan to crash this month s Republican National Convention is heavy on gimmicks and stunts meant to highlight a possible Trumpocalypse, as well as to ridicule the presumptive GOP candidate s purported spray tan, tiny fingers, and dog whistle proclivities.The Democratic National Committee s Counter Convention Plan Sketch covers 22 pages and outlines the party s activities in Cleveland, where the Republican convention begins July 18. Democratic operatives will launch their operation a week earlier, on July 11, to coincide with the opening of the RNC s summer meeting. ",left-news,"Jul 6, 2016",0 +Black Racists Tried To Shut Her Up By Threatening And Intimidating Her…BIG Mistake! [VIDEO],Conservative badass and girlfriend of active duty Navy Seal hits back HARD after black racists attack her on social media The result is spectacular and spot on. Enjoy! ,left-news,"Jul 6, 2016",0 +"AMERICA IN CRISIS: β€œHillary Clinton Is A CRIMINAL Involved In a Criminal Enterprise…If The Voters Do Not Stop Her, She Will Be The Next President of the United States”","Are Democrat voters willing to risk what little integrity their party has left to get behind Crooked Hillary? Will they be inspired to go to the polls to elect someone they know has been under criminal investigation for most of her adult life? Congressman Darrell Issa (R-CA), chairman of the House Oversight Committee, talked with Breitbart News Daily SiriusXM host Stephen K. Bannon about President Barack Obama s willful disregard for the law as president and the FBI s decision not to charge Hillary Clinton for her actions involving top secret emails. Issa said:We are in a crisis because Hillary Clinton, if the voters do not stop her, will be the next President of the United States. She will, in fact, on Day One say, Pardon me, and she ll mean it. She ll have pardoned herself. She will have, in fact, gone from being a criminal involved in a criminal enterprise obviously, Clinton Cash depicted that and somebody who flaunted the security laws, the privacy laws, the presidential and the Federal Records Act, and gotten away with it.Via: Breitbart News",left-news,"Jul 6, 2016",0 +MATT DAMON Says America Needs IMMEDIATE GUN BAN After Making $50 MILLION KILLING People With Guns In Popular Movie Series,"It warms the heart to know people as important as Hollywood actor Matt Damon care so much about the little people with guns in America. If Damon really feels so strongly about the government taking our Second Amendment right away, perhaps he should stop making a living with guns Matt Damon will return to the big screen as trained assassin Jason Bourne later this month, and while promoting the new film in Australia over the weekend called for a ban on guns in the United States.In an interview with a reporter from the Sydney Morning Herald, Damon said: You guys did it here in one fell swoop and I wish that could happen in my country, but it s such a personal issue for people that we cannot talk about it sensibly. We just can t. Damon made these comments at the red carpet premiere of the new Bourne movie, a film series in which he has killed at least 10 people with a firearm.Damon, who has reportedly made over $50million for his work in the four Bourne films, has also had no issue with using weapons in other films.The 45-year-old actor has also carried firearms in his movies The Departed, Green Zone and Elysium, to name just a few.Via: Daily Mail",left-news,"Jul 6, 2016",0 +BOOM! GOP Makes BLISTERING Video Using FBI Director’s Comments Side By Side With Hillary’s Lies,"America should ve known Hillary would be allowed to skate. When Chicago thug politics mesh with the Clinton Crime Syndicate, American citizens don t have a chance. The Democrat party is starting to make the mafia look like girl scouts .In a scathing video ad titled Tale of Two Press Conferences, the GOP plays side-by-side excerpts from Comey s statement and a March 10, 2015 press conference when Clinton was first cornered with accusations about her private email server.The result is a smackdown that casts Clinton as a bald-faced liar. I did not email any classified material to anyone on my email, Clinton says in the footage on one side of a split-screen. 110 emails in 52 email chains have been determined by the owning agency to contain classified information, Comey says at screen-right.After Clinton says that she thought it would be easier to carry just one device for my work and for my personal emails instead of two, Comey is seen rebutting her on Tuesday declaring that she used numerous mobile devices to view and send e-mail on [her] personal domain. RNC Chairman Reince Priebus said in a statement that Clinton has spent the last 16 months looking into cameras deliberately lying to the American people. This video perfectly highlights Hillary Clinton s serial lies over her secret email server, which jeopardized national security, left over 2,000 classified emails unprotected, and covered up unethical conflicts of interests related to her family foundation while she was Secretary of State, he added. Via: Daily Mail ",left-news,"Jul 6, 2016",0 +"BLOODY 4TH OF JULY WEEKEND UPDATE: Obama’s Hometown Of Chicago…64 Shot, 6 Killed, Including 39 Yr Old Father, 3 And 10 Yr Old Daughters…Black Reverend Cautions Those Who Blame Guns or Cops","Just another big city destroyed by Democrats As the nation took to backyard BBQs and paused to celebrate the birth of our nation, the incessant gang warfare in and around the Chicago area continued without a hitch with 37 shootings and six deaths over the three-day weekend. The tragic toll included the death of a 39-year-father and his two young girls in a nearby Chicago suburb.At least 64 people were shot in the nation s third largest city over the Independence Day weekend, including four people who were fatally wounded. The grim violence in Chicago, which has recorded 329 homicides already this year, continued despite stepped up street patrols by the Chicago Police Department and the arrest of 88 gang members in two of the city s most violent neighborhoods ahead of the holiday weekend.Friday was atypical in that the shootings were relatively few and no one died, but the rest of the weekend more than made up for it. Friday featured only five citizens wounded, all in separate incidents.Saturday rang in with a vengeance with 11 shootings and two deaths, while Sunday saw 14 shootings and one death. Sunday also saw an additional three people murdered in a nearby suburb. By Independence Day itself, another four citizens were wounded.One of the most tragic shootings of the holiday weekend was the death of 39-year-old Dionus M. Neely, who was shot and killed along with his ten-year-old and three-year-old daughters, Elle and India.The murders took place in the nearby Chicago suburb of Hazel Crest on Sunday morning just after 2 AM, police report. Anyone who could kill a three-year-old and a ten-year-old, no matter what the circumstances, is nothing but pure evil as far as I m concerned, Hazel Crest Police Chief Mitchell Davis III said on Sunday afternoon.The long weekend brings the list of violence to 2,008 total Chicagoans shot, and 302 shot and killed, among the total 336 homicides in the Windy City thus far this year. BreitbartReverend Jesse Lee Peterson has some thoughts on why crime is so high in majority black cities and why Americans need to STOP blaming cops for the fatherless crisis that is plaguing inner city communities.Fatherless homes combined with the left s policies and attacks on free speech are creating thugs and cop killers. It s important to shine a light on this anti-cop mentality that has so contaminated America s inner cities. The underlying cause of all this of course? Young black men growing up without fathers.Progressives of all colors have intimidated most white Americans with the R word (racist), and now whites rarely comment on black criminality. These same progressives are perpetuating the fatherlessness and anti-police attitude that is wreaking havoc on America s inner cities.Many blacks today have a serious issue with authority figures. This problem starts in the home and manifests itself as early as preschool.A Department of Education study found that blacks make up 18 percent of all preschool children, but they account for 42 percent of suspensions.Education Secretary Arne Duncan blamed the problem on racial disparities, and was stunned that we were suspending and expelling 4 years olds. Duncan is more stunned by the disciplinary action of the schools than he is by the rotten behavior of the kids. No surprise. Rotten kids are anti-authority so are progressives.Attorney General Eric Holder said a zero-tolerance approach eventually leads many students into the criminal justice system and promised to end the school-to-prison pipeline. In other words, according to Holder, disciplining bad kids is creating a path to prison! This is progressive wisdom. Jesse Jackson, Al Sharpton, the NAACP, the Congressional Black Caucus and other leftist black leaders have been excusing black criminals and stoking hatred toward police for decades.The 1992 Los Angeles riots, sparked by the police beating of Rodney King, resulted in the deaths of 60 people. But Rep. Maxine Waters, D-Calif., didn t call it a riot; she called it a rebellion. The rap music industry has long promoted violence toward cops. The most notorious perpetrators include: N.W.A. (Niggaz with Attitudes) with their F tha Police lyrics, rapper ICE-T s Cop Killer album, and Dr. Dre and Snoop Dogg s 187 (about murdering cops). Video games like Grand Theft Auto also reinforce anti-police attitudes.Progressive mayors are allowing thugs and cop haters to flourish in our cities.Leftist NYC Mayor Bill de Blasio ended previous Mayor Rudy Giuliani s successful stop, question, and frisk program after complaints that it unfairly targeted minorities, and now violent crime has skyrocketed.According to CompStat figures, 129 people were shot last month a 43 percent increase over the same period last year.In Chicagoland, progressive policies and fatherlessness have created killing fields. The recent Independence Day massacre, where 82 shootings resulted in 15 people killed, doesn t help the city s image.Instead of aggressively going after Chicago s gangs, Obama former Chief of Staff and now Mayor Rahm Emanuel is focused on the guns, even though Chicago has some of the nation s toughest gun-control laws.Progressives have created an environment that rewards irresponsibility and dependency. Sending welfare payments to single women with children has resulted in the decline of black marriages. Today, 73 percent of black kids are born out of wedlock.Since most black fathers are not around, these children never develop respect for authority. In fact, they grow to hate the impatience and pressure their mothers put on them.Recently I interviewed Paul Raeburn, author of Do Fathers Matter? Here are just a few of his findings: When fathers are absent during mother s pregnancy, the baby is more likely to be born prematurely. The baby is four times as likely to die in the first year. If the man is depressed, the child is eight times as likely to have behavior problems and 36 times as likely to have difficulty getting along with peers. Kids with dads around are less likely to become bullies : Oxford researchers said when fathers were absent, children had higher rates of aggressive behavior.Obviously the missing link to end the cycle of violence and the anti-police attitude in the black community is to rebuild black families. Progressive policies of providing financial incentives for single mothers who have kids out of wedlock must end.Progressives also bully people into not speaking truth about moral cause and effect. They re not just immoral they are anti-moral. Yet, Americans especially white Americans have to start speaking out about the anti-authority mindset destroying our inner cities. If whites and blacks allow the lawlessness to continue, the chaos and anti-cop violence will spread everywhere. And when police are not safe no one is safe. Via: WND ",left-news,"Jul 5, 2016",0 +4TH OF JULY HUMOR: Brutal Cartoon Shows Difference Between Liberals And Proud Americans,Boom!Courtesy of: comicallyincorrect.com,left-news,"Jul 4, 2016",0 +"CLASSLESS KENNEDY FAMILY With History Of Philanders, Drunks, A Murderer And Rapist Celebrate Independence Day By Mocking Trump","How elite leftists celebrate America s Independence Day The Kennedy clan gathered at their Hyannis Port compound on Cape Cod over the weekend for their annual Fourth of July festivities, and took some time to attack Donald Trump.Robert F. Kennedy Jr. s daughter Kathleen, between known as Kick, posted a photos of a pinata of The Donald from a family party over the weekend. It s yuge party!, wrote Kick in the caption of the Instagram post, which also showed some of her family members milling about in the background.She later deleted the Instagram post just before 11am on Monday.Via: Daily Mail",left-news,"Jul 4, 2016",0 +"OBAMA’S FINAL 6 MONTHS…Racist, Desperate, Congressional BLACK Caucus Plans Gun-Control Antics On House Floor: β€œBe As Disruptive As Possible To Speaker Ryan”","We re still waiting to hear if the White Congressional Caucus will join in oh wait never mind The Congressional Black Caucus is calling on its members to be as disruptive to Speaker Ryan as possible next week when the House returns for business on Tuesday.The Washington Examiner has obtained a memo sent to Democratic offices that states that CBC members are coordinating a day of action on the floor in regards to gun violence. The plan involves members giving speeches throughout the day calling for further federal restrictions on the possession and use of guns. The memo also asks members to be present for a House Rules Committee that afternoon regarding on the terrorism and gun control legislation slated for action on the floor Wednesday. During Votes Members are encouraged to have a picture (not poster board, but a printed piece of paper with an image of a constituent killed by a firearm), the memo stated.Via: Washington Examinerh/t: Weasel Zippers",left-news,"Jul 3, 2016",0 +BRILLIANT DANIEL HANNAN Smacks Down Rude CNN Reporter [Video],"Please check out the clip below and you ll see what drives conservatives nuts! CNN has every right to question Daniel Hannan in the interview but notice how Christian Amanpour gets combative and angry about Brexit while she s offending Daniel Hannan by insinuating that he s racist. Conservatives are so sick of political activists as journalists! Amanpour is a total political hack who just can t keep her personal views out of her reporting! THIS IS WHY WE BOYCOTT CNN!Heat Street has more:British MEP Daniel Hannan Spent Nine Minutes Smacking Down CNN JournalistDaniel Hannan, a conservative Member of the European Parliament representing South East England and one of the most vocal advocates in favor of #Brexit, had a fiery exchange with CNN s Christiane Amanpour, in which Hannan repeatedly rejected Amanpour s attempts to smear Leave supporters as racist and pushed back against her accusations that he had made misrepresentations.The interview, which aired on Tuesday, featured Amanpour questioning Hannan for details about how Britain s exit from the European Union would be accomplished.Here s the video, with a few seconds shy of nine minutes of Hannan smacking down rudeness and ridiculousness from Amanpour over and over and over again:",left-news,"Jul 3, 2016",0 +CAFE OWNER REACTS IN AWESOME WAY After Town Told Her To Remove β€œGod Bless America” Banner From Front Of Restaurant,"Bravo! This woman is example of true courage. More Americans need to take a stand against anyone who attempts to silence their First Amendment right Whenever folks in Penfield, New York get a hankering for pancakes for lunch they head over to the 5 Mile Caf .The family-owned restaurant is known in those parts for serving breakfast any time of the day (order their homemade corned beef hash).They are also known for their patriotism. We are very patriotic here at the caf all year round not just this time of year, owner Jennifer Aquino told me. We have American flags and patriotic things around the caf . So Jennifer decided to ask the town for a permit so she could post a God Bless America banner on the front of her restaurant. She wanted to display the banner from Memorial Day through Independence Day.There was just one significant problem.Penfield has a strict banner allotment policy. Businesses are only allowed to post banners for a total of three weeks out of the year. And Jennifer had used up her allotment. At one point we had banners all over the town and the town just looked trashy and our residents said enough s enough, town supervisor Tony LaFountain told WHEC.Jennifer s request was denied.Instead of posting the banner outside the restaurant, she posted it inside. And that was that until the Orlando terrorist attack. I decided on my way to work that I was going to put it up regardless of the town telling me I couldn t, she said. So I put it up. A bit later that day she received an email from the town telling her to remove the banner. They warned her that she could face a possible fine for violating the ordinance. I didn t take it down, Jennifer told me. And I was willing to pay the fine. The [message on the banner] means a lot to me especially during this time in our country with all that s going on with terrorism, she said. I just can t believe that I can t have this banner up and be supported by the town board. The fact that I m being asked to take it down is wrong, she said. It s against my First Amendment rights. People need to open up their eyes. If we start letting them tell us we can t do this it s going to get worse. Jennifer tells me she never imagined there would be a day like this in America. I have lots of veterans in my family, she said. I have a cousin who fought in Desert Storm so that we could have the freedom to hang a banner that says, God bless America. And yet we live in a nation where you can be punished for simply being patriotic.Via: FOX News ",left-news,"Jul 2, 2016",0 +"HOLLYWOOD HYPOCRITE LEONARD DICAPRIO Jets LA Friends Across The World 6,000 Miles To Hear His Speech On GLOBAL WARMING","Sacrifice is for the peasants When Hollywood actor Leonardo DiCaprio hosts a reception for a string of A-list stars, supermodels and wealthy philanthropists later this month, he will make an impassioned plea for more action to be taken on global warming.But instead of holding the event in Los Angeles, where most of his guests are based, they will fly halfway around the world to the glitzy French resort of St Tropez at enormous cost to the environment.Last night, green campaigners were quick to criticise 41-year-old DiCaprio, who in February used his Best Actor acceptance speech at the Oscars to warn about the dangers posed by climate change.The reception the grand-sounding Leonardo DiCaprio Foundation Annual Gala To Fund Climate and Biodiversity Projects will be held on July 20 at the Bertaud Belieu Vineyards on the French Riviera.Celebrities including Kate Hudson, Charlize Theron, Cate Blanchett, Marion Cotillard, Penelope Cruz, Robert De Niro, Scarlett Johansson, Arnold Schwarzenegger and Kevin Spacey are all expected to attend, along with a host of international rock and pop stars, supermodels and tycoons.And while a table seating 12 people at the gala costs up to 125,000, the real price will be paid by the environment.If just one guest among the 500 invitees chooses to fly the 12,000-mile round trip from LA to St Tropez by private jet a notoriously environmentally unfriendly way to travel they will produce 86 tons of carbon dioxide greenhouse gas.Even those who use a scheduled flight will be responsible for releasing seven tons of CO2 leading green campaigners to ask why the event could not have been held in Hollywood or in St Tropez during May s Cannes Film Festival, when many of the guests would have been there anyway.Robert Rapier, an environmental analyst, said: DiCaprio demonstrates why our consumption of fossil fuels continues to grow. It s because everyone loves the combination of cost and convenience they offer. He believes that no sacrifice is necessary; just Government policies that can provide him with a solar-powered yacht or jet, or that give individuals low-cost renewable energy on a broad scale. One guest who attended last year s gala said: It s basically a big party for Leo and his showbusiness friends and models. The models, of course, do not pay for tickets, and neither do the VIP guests they get to have a nice big free party. Via: Daily Mail",left-news,"Jul 2, 2016",0 +PLANNED PARENTHOOD GIVES AWARD To Colorado Abortion Clinic For Killing More Babies Than Previous Year,"I wish I could say I was shocked, but the sad truth is pro-abortion voters are the major reason America has been crippled by Obama for 8 years, and potentially looking at a continuation of his radical policies with a Hillary presidency. To hell with our nation, the abortion industry must be kept alive, no matter the cost Maybe you ve seen those awards given to local businesses for having a certain number of accident free days or hitting certain regional or area sales quotas. here s an award that will take your breath away for a terribly and horrific reason.Planned Parenthood of the Rocky Mountains gave its Aurua abortion clinic an award for increasing the number of babies killed in abortions. The award coincides with the abortion quotes the Planned Parenthood abortion business is implementing on all o its affiliates:From a blog post by Abby Johnson on the award:Ever since I left Planned Parenthood, I have been talking about the abortion quotas that are established inside abortion facilities. Many abortion supporters refused to believe it, citing that surely Planned Parenthood wants abortion to be safe, legal and RARE. If they want something to be RARE, they certainly wouldn t have quotas, right?We recently had a clinic worker leave the affiliate, Planned Parenthood of the Rocky Mountains. This affiliate runs the 2nd largest Planned Parenthood facility in the U.S. At this clinic in Denver, they give out various awards to their satellite clinics and post these awards on a bulletin board for everyone to see.When our former worker saw this award on public display, it really started to change her thinking about Planned Parenthood s motivation. This award was given to their Aurora clinic for exceeding abortion visits first half of fiscal year 2012 compared to first half of fiscal year 2013. This means that the Aurora Planned Parenthood exceeded the abortion quota that was imposed on them. And THAT is award worthy according to Planned Parenthood.Via: LifeNews ",left-news,"Jul 2, 2016",0 +OBAMA FIGHTS TO KEEP RADICAL AGENDA ALIVE: Asks Crooked AG Loretta Lynch To Find Way To Challenge Supreme Court Decision That Blocked His Executive Order Amnesty Scheme,"This is a good reminder of how important it is to prevent Obama from anointing another radical on the Supreme Court. It might also be a good time for every American to call their representatives in Washington. Keeping another radical Obama appointee off our Supreme Court could literally be the only thing standing between a free America and one that looks more like Venezuela. This is also a reminder for anyone in the Republican party who considers themselves part of the never Trump movement. The Democrat party has never been more serious about, or closer to, fundamentally changing America forever The Obama administration is looking into whether it can challenge the Supreme Court s decision to block President Barack Obama s plan to spare millions of illegal immigrants from deportation, U.S. Attorney General Loretta Lynch said Tuesday. We will be reviewing the case and seeing what, if anything else, we need to do in court, Lynch told Reuters in an interview.Lynch did not say what legal options the Obama administration may pursue following a split decision by the Supreme Court justices last week that left in place a block on the executive action by a lower court.She said any future executive actions Obama may take on immigration would be left to the White House.In a wideranging interview on topics from gun control to the effect of the planned exit of Britain from the European Union, Lynch identified espionage from foreign nationals on U.S. companies as a tremendous problem. The Federal Bureau of Investigation has reported a 53 percent increase in cases of economic espionage between 2014 and 2015 and the majority of cases involve Chinese nationals as culprits.Most recently, Xu Jiaqiang, 30, was charged with economic espionage and theft of trade secrets, for stealing software source code from his U.S. employer with the intent of benefiting the Chinese government. It is a matter of priority for us, Lynch said. When companies or industries are preyed upon by others, be they individuals, be they state actors who literally steal the fruit of their intellectual labors, essentially they are stealing from future generations also. Via: Yahoo News",left-news,"Jul 2, 2016",0 +WHO IS SHANIKA MINOR?…Why Was She On FBI’s 10 Most Wanted List…And Why Wasn’t Her Gruesome Story Splashed All Over The News?,"The media can t seem to get enough of the story of the Texas mother who killed her two daughters and was then shot and killed by local police. Of course, there hasn t been any inquiry into the possible wrongful actions by the law enforcement officer who killed her by the cop-hating Black Lives Matter group. In fact, there wasn t any outcry by the Black Lives Matter rioters when Shanika Minor shot and killed a 23 year old 9 month pregnant mother of two live children, who watched their mother bleed to death in front of them. Why did we have to wait for Shanika Shantel Minor to make it on the FBI s 10 Most Wanted list before the general public was made aware of her gruesome crime? Why? Because black lives really don t matter to the race hustlers, to the media and not even to those outside of the affected community. Blacks killing blacks is just not newsworthy. But watch what happens when a white cop kills a black thug in self-defense. The media just can t get to the scene of the crime fast enough. A woman accused of murder and placed on the FBI s Top 10 Most Wanted list Tuesday was arrested Friday at a motel in Fayetteville.Shanika Shantel Minor was arrested by a Cumberland County sheriff s deputy shortly after 2 a.m. at the Airport Inn on Gillespie Street.She is being held without bail at the Cumberland County Jail until federal agents can escort her to Wisconsin, where she is wanted for murder.Minor, who is 24, allegedly shot a pregnant woman March 6 in Milwaukee, Wisconsin, then fled the area, according to the FBI s Milwaukee office. The 23-year-old victim, who was five days away from her due date, died in front of her two children, the FBI said. Her unborn child also died.The FBI said the shooting stemmed from an argument over loud music being played in the victim s home, which was in a duplex also occupied by Minor s mother. Apparently Minor believed that the victim had somehow disrespected her or her mother, Special Agent Chad Piontek said in a release issued Tuesday by the FBI s Milwaukee Field Office. It is a fairly violent neighborhood. Unfortunately, there is sometimes a street mentality about solving problems. The day before the fatal shooting, the FBI said, Minor instigated an argument with the neighbor and, brandishing a handgun, challenged her to fight. The FBI said Minor s mother implored her daughter not to hurt the neighbor and Minor drove away after firing a round in the air.Shortly before 3 a.m. the following day, Minor returned to the neighborhood and confronted the neighbor by the rear door of her residence, the FBI said. Minor s mother stood between the women, trying to keep the peace, the FBI said, but Minor reached over her mother s shoulder and fired her gun, striking the neighbor in the chest.The neighbor retreated into her home and died in front of her children, and Minor left, the FBI said. Piontek called the murder a senseless crime. In placing Minor on the Most Wanted list, the FBI said she should be considered armed and extremely dangerous. The agency also offered a reward of up to $100,000 for information leading to her capture. Minor was found and arrested in Fayetteville less than three days after the agency s announcement.When it placed her on the list, the FBI said Minor might have contact with people in Missouri, Mississippi, Texas, Tennessee, Ohio and Georgia. North Carolina wasn t among the states listed.According to the Cumberland County Sheriff s Office, someone called the county s emergency communications center at 1:28 a.m. to report that Minor was staying in Room 122 at the Airport Inn. The caller described Minor to aid in identifying her.Deputies responded, confronted the woman in the room and, at 2:08 a.m., determined her identity and took her into custody.Via: Fayobserver",left-news,"Jul 2, 2016",0 +MINNESOTA CHURCH Places 1800 β€œBlessed Ramadan” Signs Around Twin Cities To Make β€œMuslims Feel More Welcome” [VIDEO],"Here s the truth about the Somali Muslim population in the Twin Cities where these signs are being placed around by a Christian pastor:Minneapolis-St. Paul has what the media refers to as an ISIS problem. It s no coincidence ISIS is recruiting in the Twin Cities area. There is a huge population of 30,000 Somali Muslims who live there.A recent Business Insider report states there has been a string of Islamic State-related arrests over roughly the last year due to the large Somali community. Andrew Lugar, U.S. Attorney for Minnesota, speaking at an FBI news conference stated: To be clear. We have a terror-recruiting problem in Minnesota Parents and loved ones should know that there is not one master recruiter organizing in the Somali community locally the person radicalizing your son, your brother, your friend, may not be a stranger. It may be their best friend right here in town. The deception in the Christian Church is absolutely astounding. Instead of heeding the words of the Apostle John, who aptly said, every spirit that confesseth not that Jesus Christ is come in the flesh is not of God: and this is that spirit of antichrist, whereof ye have heard that it should come; and even now already is it in the world, many have decide to listen to those of the antichrist religion of Islam. Sadly, many have no only listened to engage them, but they have even gone so far as to support them. Such is the case of 17 churches in Minnesota.Designated terror group CAIR (Council on American-Islamic Relations) has supported Christian churches putting up Blessed Ramadan signs to promote an alleged unity between Christianity and Islam.Apparently, about 1800 signs were distributed in the Twin Cities and Duluth in order to help Muslims feel more welcome in the community, according to a Fox 21 reporter.I have been in St. Paul and Minneapolis. I have seen the Muslim neighborhoods and have heard from some of the people that live in the area around them that there is nothing but death and destruction that surrounds these people. Yet, they are supposed to be made to feel more welcome in the community by Christian churches that promote the holidays of a false prophet and antichrist? I just don t understand that.According to the report, the Blessed Ramadan signs are supposed to show support to Muslims who have recently been targeted after negativity stemming from the Orlando shooting.Rector Bill van Oss of St. Paul s Church says that the signs were put out with the goal to find the common ground that we have as believers in god to work toward a country and a world of justice and peace for all people. Watch here:Well, doesn t that sounds all euphoric and filled with happy unicorns? The fact of the matter is that Christians and Muslims are diametrically opposed to the person, work and nature of the Creator. Christians see that God has revealed Himself as one God, yet in three distinct persons, the Father, the Son and the Holy Spirit. The Muslim only see God as both one person and one god. Therefore, while they will acknowledge Jesus Christ as a prophet, they will neither heed His words nor acknowledge his virgin birth and divinity.So, No Mr. Bill, these signs are not what you claim they are. They are capitulation on your part and the part of your professed Christian neighbors and parishioners to not feel uncomfortable with confronting Muslims with the false antichrist teachings of Muhammad and the Koran and calling them to repentance to the Law of God and the Lord Jesus Christ. Via: Freedom Outpost",left-news,"Jul 1, 2016",0 +BREAKING RAMADAN UPDATE: OBAMA’S β€œNot Islamic” JV Team Yells β€œAllahu Akbar”…Takes 20 β€œForeigners” Hostage In Bangladesh Restaurant [VIDEO],"Isn t Alluha Akbar Islamic? I m pretty sure these cowards aren t Christians. Obama will still try to convince the world these nine armed terrorists have no affiliation with the religion of peace. All kidding aside, please pray for the innocent people who are trapped inside this restaurant by these Islamic monsters DEVELOPING: A group of up to nine attackers set off bombs and took hostages while shouting Allahu Akbar inside a restaurant frequented by both locals and foreigners in a diplomatic zone in Bangladesh s capital, local media reported Friday.ISIS Amaq News Agency later reported that ISIS fighters carried out the attack.Bangladesh TV stations reported that the attackers entered the Holey Artisan Bakery in Dhaka s Gulshan area around 9:20 p.m. Friday and were holding customers and staff hostage.The exact number of hostages was not known. While some reports said there could be up to 60, others put the figure lower.The TV reports said the identities of the attackers were not immediately known.The U.S. State Department said all Americans working at the U.S. mission in the area had been accounted for, according to Reuters. We have accounted for all Americans working for the chiefof mission authority in Dhaka, John Kirby, a State Department spokesman said. He called the situation fluid. The reports say a huge contingent of security guards cordoned off the area and the restaurant as they traded gunfire with the attackers who set off explosions.Jamuna Television reported, quoting a kitchen staff worker at the restaurant who escaped the attack, said that the gunmen chanted Allahu Akbar as they launched the attack.Sumon Reza, the worker, told The Daily Star that several armed men entered the restaurant and took hostages. They blasted several crude bombs, causing wide-scale panic among everyone. Benazir Ahmed, director general of the elite anti-crime force Rapid Action Battalion or RAB, told reporters that security forces were working to save the lives of the people trapped inside. Several foreigners are believed to be among the hostages. Some derailed youths have entered the restaurant and launched the attack. We have talked to some of the people who fled the restaurant after the attack. We want to resolve this peacefully. We are trying to talk to the attackers, we want to listen to them about what they want, Ahmed said. Via: FOX News",left-news,"Jul 1, 2016",1 +"LIBERAL HUFFINGTON POST HEADLINE: β€œMan, Bill Clinton Is An Idiot”…Is Bill Intentionally Trying To Put Hillary Behind Bars?","Is it possible that Bill s latest move could ve just sealed Hillary s fate? It actually makes perfect sense. Bill and Hillary Clinton have spent their entire lives trying to figure out how to game the system. Is it possible that Bill has actually one-upped Hillary this time, putting the kibosh on her political aspirations, leaving him with millions from her Wall Street speeches and their home in Chappaqua, New York; minus his cantankerous, scheming, lying, screeching and (according to former secret service agents) sometimes violent wife?Back in April, Slate s Michelle Goldberg offered the Hillary Clinton campaign some sage advice: Fire Bill Clinton. The Clinton campaign declined to take her suggestion, but perhaps they should give it another look.Bill Clinton is one of the most talented politicians of the past century, but his infallible skills continue to fail him when put in the service of someone other than himself.On Monday, Clinton was on a tarmac in Phoenix when he learned that the attorney general, Loretta Lynch, would soon be on the same tarmac. He delayed his flight so he could try to meet with her. He asked for a meeting, boarded her plane and chatted for about 30 minutes.On Friday, MSNBC s Jonathan Capehart asked Lynch if there was one important thing she wished former Attorney General Eric Holder had told her. Where the lock on the plane door was, Lynch deadpanned.(Meanwhile, Republicans are calling for an independent prosecutor, which is rich: there isn t enough time to confirm a Supreme Court justice, but plenty of time for Ken Starr to ride into town again.)On its face, it was wrong to do, and Democrats would be savaging Republicans if the situation were reversed. It raises one of two possibilities: Either Bill Clinton is an idiot or he wants his wife to lose. I wonder if there s a part of Bill Clinton that doesn t really want Hillary Clinton to become president, particularly if she has to distance herself from his legacy to do so, wondered Goldberg back in April, listing a bill of idiotic particulars. How else to explain why one of the world s most talented and agile politicians is so consistently flat-footed and destructive when advocating on his wife s behalf? The fallout from the meeting was predictable: Lynch has said she regrets sitting down with Clinton and wouldn t do it again, given a do-over. And she has said that she will not overrule career prosecutors if they recommend an indictment. Whatever decision the Justice Department ends up making is now clouded in (even more) suspicion.And perhaps the greatest damage was done to Lynch. It must be awfully difficult to turn down a meeting request from a former president, the spouse of the likely future president, especially for somebody who may have future political ambitions. Did Lynch have aspirations for the Supreme Court? If so, what Clinton just did casts a pall over whatever chance she had.Via: Huffington Post",left-news,"Jul 1, 2016",0 +OBAMA’S GAL PAL Loretta Lynch WON’T RECUSE HERSELF From Crooked Hillary’s Criminal Investigation…Despite Private Meeting With Hillary’s IMPEACHED Husband,"Reasonable Americans expected never expected unbiased justice to be served by Eric Holder in a skirt Friday on MSNBC s Morning Joe, Bloomberg Politics Mark Halperin cited a senior Justice Department official who said Attorney General Loretta Lynch will not recuse herself from the investigation into presumptive Democratic presidential nominee Hillary Clinton use of a private email while secretary of state. Critics have called on Lynch to do so after holding a private meeting with her husband former President Bill Clinton earlier this week.Halperin also said the source does not anticipate Lynch will admit the meeting was a mistake.JUST IN @MarkHalperin: Sr. Justice Dept. official This was the Atty. General's intention all along https://t.co/ws9klpXEeM Morning Joe (@Morning_Joe) July 1, 2016 This is a senior Justice Department official who is playing down that this is anything new, Halperin said. Says this was the attorney general s intention all along to let the career people decide. Quote, She is not recusing herself. She is not stepping aside and does not expect that the attorney general will say it was a mistake to meet with Bill Clinton privately for 20 or 30 minutes. BreitbartMeanwhile, the Washington Post reports Attorney General Loretta E. Lynch will support the recommendations from prosecutors and others leading probes into the use of a private email server by Hillary Clinton during her time as secretary of state, a Justice Department official said.Lynch s statement expected later Friday during a gathering in Colorado underscores the intense sensitivity surrounding the FBI and Justice investigations into the past use of an exclusive email server by the presumptive Democratic presidential nominee.By promising to abide by the recommendations, Lynch would directly address worries by Clinton critics and others that she as an Obama administration appointee could ultimately overrule the investigators.Her expected statement reflects an apparent desire to reinforce a by-the-book approach to the Clinton case, which has already played a dominant role in Republican attacks on the campaign trail.Lynch planned to make the comments later Friday during an appearance with Washington Post editorial writer Jonathan Capehart at the Aspen Ideas Festival in Colorado.",left-news,"Jul 1, 2016",0 +RINO MITCH McCONNELL Praises Hillary Day After Benghazi Hearing…Says He Could Work With Her As President,"Is there a law against waterboarding Republican Senators who continue to be re-elected even though it s pretty clear they should be running on the Democrat ticket Senate Majority Leader Mitch McConnell (R-KY) praised former Secretary of State Hillary Clinton on Wednesday the day after the House Select Committee on Benghazi issued its final report. She s an intelligent and capable person, no question about it, McConnell told Time Warner Cable News, adding that he had worked well with her in the Senate and would be able to work with her as president.The Benghazi report details a pattern of incompetence, negligence, and dishonesty by Clinton and her associates. She failed to provide adequate security for U.S. diplomats in Benghazi; failed to take action to save U.S. personnel under attack on Sep. 11, 2012; and then falsely blamed an anti-Islamic YouTube video for inciting a protest that supposedly led to the attack.In addition, the Benghazi investigation uncovered the existence of Clinton s private email server, which violated State Department policies and may also have broken laws regarding the handling of classified information. Clinton seems to have used the server to evade Freedom of Information Act (FOIA) requests, possibly in connection with fundraising for her family s private foundation while in office, including solicitations from foreign donors and governments. She has misled the public repeatedly about the email server, claiming falsely that she did not share classified information and that she had turned over all work-related emails to the government.Yet McConnell did not rule Clinton out. Instead, he said her presumptive Republican opponent, Donald Trump, had not yet proven himself qualified:Sen. Mitch McConnell: Trump clearly needs to change, in my opinion, to win the general election. What I ve said to him both publicly and privately: You re a great entertainer. You turn on audiences. You re good before a crowd. You have a lot of Twitter followers. That worked fine for you in the primaries. But now that you are in the general, people are looking for a level of seriousness that is typically conveyed by having a prepared text and Teleprompter and staying on message. So my hope is that he is beginning to pivot and become what I would call a more serious and credible candidate for the highest office in the land. Geoff Bennett: At the moment, though, I hear you saying he does not meet that threshold of credibility? McConnell: He s getting closer. Getting closer. Via: Breitbart ",left-news,"Jun 30, 2016",0 +Gwenyth Paltrow Can’t Understand Why She Was Named β€œMOST HATED CELEBRITY”,"Obama drone Gwyneth Paltrow can t understand why she was once named the world s Most Hated Celebrity by a magazine. In a recent interview on the BBC show HardTalk at the Cannes Lions festival, the 43-year-old actress and Goop lifestyle guru told host Stephen Sackur that she had a hard time believing she had earned that title from Star magazine in 2013. First of all, I was like, I m the most hated celebrity? Paltrow asked with a chuckle. More than, like, Chris Brown? What did I do? All I can do is be my authentic self, the Avengers star told Sackur. But I think there are things about me that make people draw conclusions. For example, there is the perception that I grew up very wealthy and that I was given, you know that I was sort of raised with a silver spoon in my mouth, which inspires a lot of resentment. Paltrow added that while it is true that she attended an elite prep school in Manhattan, her father, Hollywood producer Bruce Paltrow, never gave me anything after graduation. I never had any supplementation, he never helped me with my rent, I never had a trust fund, the actress said. So the idea that I am spoiled or that I didn t work for what I have, that s just not accurate. But I can see how somebody might have that perception. Paltrow has repeatedly defended her status as a self-made woman in recent months. In February, the actress told Glamour magazine that she had never taken a dime from her parents.But while that may be true, Paltrow is, of course, the daughter of Bruce Paltrow and famed Hollywood actress Blythe Danner. In fact, a teenaged Paltrow got her first acting role in the 1989 television movie High, produced by her famous father. And the actress likely picked up some acting tips from her mother, who has more than 100 screen credits to her name. Paltrow told Harper s Bazaar last year that she was inspired to get into acting after watching Danner s successful career.As for why she was once named Most Hated Celebrity, Paltrow could be said to present a somewhat different version of herself than she perhaps realizes.The actress once said that she feels incredibly close to the common woman. But Paltrow s lifestyle website, Goop, frequently feels aimed at exactly the opposite of the common woman. The publication s holiday gift guides regularly features items that are out of reach financially for regular women, including $46,000 board games and $12,000 vases (not to mention a $15,000 24k gold vibrator featured in the website s first-ever Sex Issue ).And common women don t really drink $200 smoothies (with extra moon dust to boost sex drive), host President Obama in their backyards or steam-clean their genitals to get an energetic release. Paltrow was also roundly mocked last year for pledging to live on $29 worth of food stamps for one week, only to quit four days in to the challenge.We have a few ideas Maybe it was the time Gwenyth held a fundraiser at her home for Barack Obama to help him win a second term?Who could forget when the most hated celebrity told Obama You re so handsome, I can t speak properly. And then there s her support for the most corrupt person to ever run for the office of President of the United States, Crooked Hillary:Whatever the reasoning behind the dubious honor, Paltrow likely doesn t mind all that much. The actress told Glamour that she very rarely lets negative criticism get to her head. I don t lose sleep over it, she told the magazine of her critics. It s my business to live my life and learn my lessons. I don t care what anybody else thinks. Via: Breitbart News",left-news,"Jun 30, 2016",0 +NOT FUNNY! What These β€œMORONS” Did For Crooked Hillary Should FRIGHTEN Every American [VIDEO],"It s easy to see why there are so many Americans who would rather keep their heads firmly buried in the sand than know the truth about how inept our government officials really are Hillary Clinton is facing damaging new revelations about the lax security surrounding her emails.Watch Hillary try to make voters believe she is a victim in this insane security risk she has subjected our entire nation to:A Daily Mail Online investigation has found that a second firm hired to store a back-up of Clinton s secret server was so lax in its security employees failed to change passwords frequently and left computers logged in, unattended for extended periods and its own clients stumbled upon other clients data.Datto Inc, the company in question, was hired to store Hillary s emails by Platte River, the mom-and-pop company contracted to maintain her homebrew email system.Speaking exclusively to Daily Mail Online on condition of anonymity, one former employee at Datto, said the company was woefully exposed to being hacked. If you re talking about high-level data security, at the political, presidential level, the security level of data [at Datto] hired by Platte River, was nowhere near something that could have been protected from a good hacker that knows how to spread out their points at which to infiltrate, he said.The emails emails, 30,000 of which Clinton deleted, are now part of an FBI investigation into her handling of classified material while she was Secretary of State.A total of 22 have been deemed to contain top secret material out of 2,075 found to contain classified material and questions have mounted about whether her account was successfully hacked, which the Clinton campaign claims did not happen.The existence of the emails only came to light because of a House investigation into the deaths of four American in an Islamist attack on the mission in Benghazi, Libya, on September 11 2012.The probe concluded this week with an excoriating report by the majority Republican members of the committee, who accused her of shameful conduct with her secret email account.Clinton dismissed the report, saying it was time to move on and went to California to launch her policies on the tech industry.But now it can be disclosed that Datto Inc is accused of major security failings by people who worked for it and also those who used its services.The failings included allegations that security was so lax that customers warned the firm they had stumbled on other clients data; that in 2010, the company s internal servers were hacked; and that staff were not required to regularly change passwords, seen as a basic requirement for keeping systems secure.Staff computers which had access to servers holding confidential client information were left logged in while unoccupied for extended periods of time, whistleblowers said.And Datto headquarters were easily accessible and had no security guards on their floor, while employees opened and held doors open for others which should only have been accessible with a security pass.A longtime Datto partner, Marc Tamarin, told Daily Mail Online: Those guys were really morons. They weren t qualified to handle our back-up and that was the biggest concern for us. The former employee speaking exclusively to Daily Mail Online on condition of anonymity, spent three years at Datto, and said the company was woefully exposed to being hacked. It s not something that Datto was focused on. It was more about getting the data off-site quickly and cost-effectively than securing the data and keeping it from being hacked. There s no doubt in my mind that someone could easily hack them even today. Datto was named last October as the second data storage company to be investigated by the FBI over what threat Clinton s server posed to national security.One of the Datto insiders told Daily Mail Online that around 2010, the startup had its internal network hacked, leading to the authorities being called. Via: Daily Mail ",left-news,"Jun 30, 2016",0 +OBAMA ATTEMPTS TO ENERGIZE Zombie Democrat Base By Reminding Them He Used To Hate Hillary Too,"If the Democrat voters don t care if they re voting for a woman who is under criminal investigation after putting our national security at risk, or that she will bring her husband, a serial sexual assaulter who was previously impeached after lying about having sex with an intern in our White House, why would they care if Obama once despised her? Concerned that Hillary Clinton is still struggling to generate excitement, President Barack Obama is preparing to campaign for her by reminding voters there was a time he didn t like her so much, but he came around and they should too.That s the only way, Obama and aides working with him think, that she ll have the positive mandate she ll need to govern. Winning the White House by just not being Trump won t help win House and Senate races, and it won t give her the support she needs if and when she s the new president, trying to keep the public and Congress behind her agenda.Watch Bob Hope give a brilliant description of Democrats here: You want people to feel as passionate about Hillary Clinton being president as they do about stopping Donald Trump. If this isn t a close race, it s still going to matter a great deal for her presidency, said David Plouffe, Obama s 2008 campaign manager and now an outside political adviser to both the president and the campaign. That s one place where we need to see some improvement, on the intensity side of the Clinton question. That imperative will define Obama s message when he hits the trail for his rescheduled joint rally with Clinton, which will take place in Charlotte, North Carolina, on July 5. He can make the case as the highest profile convert to be her supporter, said White House communications director Jen Psaki. Via: Politico",left-news,"Jun 30, 2016",0 +"ANTI-JIHAD WARRIOR Pamela Gellar STRIKES BACK HARD After London’s Muslim Mayor Bans Ads With Bikini Clad Women, Allows β€œAllah Is Greater” Ad To Remain","Pamela Gellar is a badass warrior who has a knack for exposing the truth about the tolerance of followers of Islam After the Muslim mayor banned advertisements on buses and subways of bikini-clad women, what could be more appropriate (or needed) then our new ad campaign?We are running on taxis because the sharia-compliant London transit authority refused to run them on buses, even though they are running an Allah is Greater ad campaign:Anti-jihad Pam[ela] Geller takes over London in BIG way that is bloody expensive starting with 100 taxis June 26, 2016 | Tom Tillison | BizPac Review (thanks to Christian):Anti-jihad activist Pamela Geller announced a new ad campaign that will be kicking off in London on Monday that is sure to get plenty of attention.The ads will appear on 100 London taxis and will feature quotes from Muhammad.Geller, who co-founded the American Freedom Defense Initiative in an effort battle radical Islam in the United States, announced the ad campaign last week on the group s website. Despite the overwhelming push-back and danger, we continue to fight on fiercely, she wrote. The war is in the homeland, and it s only just begun. And the fight is not cheap, Geller explained. London buses refused our ads, despite running Islamic prayers on their bus-sides. So we are putting our ads on 100 London taxis . they go up this week, but it s bloody expensive, Geller wrote.Here s an example of one of the quotes:Geller is behind last year s Draw Muhammad contest in Garland, Texas, that ended with police killing two armed jihadists trying to storm the building.And she continues the fight against radical Islam.In addition to the controversial new ad campaign, Geller said that they also have a film crew in Europe working on a documentary.If you re interested in supporting Gellar s ad campaign you can donate HERE. The film title, Can t We Talk About This?, is taken from Theo Van Gogh s last words before a Muslim beheaded him in broad daylight on a street in Amsterdam, she said.Van Gogh was a Dutch film director killed in 2004 by a Muslim extremist.Via: Pamela Gellar ",left-news,"Jun 30, 2016",0 +BOOM! BUSINESS OWNER Uses Sign To Compare Legacies Of President Kennedy And Obama…And It’s Hilarious,"There are too many differences between President John F. Kennedy and Barack Hussein Obama to count. This business owner however, does a brilliant job of pointing out the legacies these two Democrat Presidents will leave behind ",left-news,"Jun 30, 2016",0 +FULL-FRONTAL ASSAULT ON CENSORSHIP: CANADA’S Post Office Refuses To Deliver Satirical Newspaper Because It’s β€œOffensive”,"The death of free speech seems to be catching fire around the world. The Left is winning the propaganda war, but the Right is beating them at the polls. Lets hope the trend continues through our elections in November TORONTO Canada s post office says it will no longer deliver a Toronto-area newspaper described as openly anti-Semitic. Canadians who value free speech and let s hope that is all of us should be deeply troubled by Ottawa s decision to tell Canada Post to stop carrying a fringe Toronto newspaper.Those who have campaigned against the free paper are ecstatic. But consider the awful precedent this act of postal censorship sets.If people who are offended by something that appears in their mailbox can complain and get it banned from the post, where does it stop? Can a pro-choice feminist block the graphic pro-life pamphlet that comes in the mail? Can a fierce pro-lifer ban a flier from an abortion clinic? Or consider the feelings of the victim of East European communism who gets a Marxist tract in the mail? Why should an agency of the government that her taxes support be allowed to introduce that propaganda into her home?This is the trouble with just about all limits on free speech. Who says what is beyond the pale? Deciding to block child pornography or open incitement to violence is easy enough, because of the direct physical harm they can be shown to cause. After that, it gets tricky.Someone must have the power to determine what is dangerous or odious speech and what is merely passionate expression. It is always a matter of opinion. The line is impossible to draw, the scope for abuse endless.Even in democratic countries, authorities have often succumbed to the impulse to black out what they don t like. Communist propaganda was blocked on the grounds that it threatened national security, erotica on the grounds that it undermined public morals. The postal system was once one of the main agents of censorship. A century ago, postal censors blocked mailed instalments of James Joyce s Ulysses.Your Ward News is not Ulysses. Its editor, James Sears, who has been known to style himself as Dimitri the Lover, told City News that Hitler is his second-biggest idol, after Jesus. He ends his e-mails Expel the Parasite! all in capital letters, of course. The group that has been fighting him calls his publication a neo-Nazi-rag that has been permitted to disseminate racism, homophobia, misogyny and anti-Semitism to as many as 300,000 homes in Toronto. If so, there are a couple of ways to fight back short of censorship. One is simply to toss Your Ward News where it belongs: in the recycling bin. Nobody is forced to read it when it comes in the mail. People like Mr. Sears thrive on the oxygen of attention. Ignoring him is the best revenge.Another is to argue back. If his opponents feel his maunderings are too despicable to pass over, they can always denounce or refute him. It is always better to fight speech with speech than to gag the speaker.It is a good time to remember these old lessons about how to handle troublesome speech. Free expression is always under attack to some degree, and the danger seems especially acute today. The little tussle over Your Ward News is part of a wider struggle. Via: Toronto s News ",left-news,"Jun 29, 2016",0 +HUSBAND OF PRESIDENTIAL Candidate Under CRIMINAL Investigation Has Secret Meeting On Taxpayer Funded Plane With Obama’s Crooked AG [VIDEO],"Nothing to see here no conflict of interest. How can anyone wonder why Americans have completely lost their ability to trust our corrupt government?So the Attorney General of the United States just happened to run into the former president of the United States who just so happens to be married to a woman running for president, who just happens to be under federal investigation and they just happened to have a 30 minute meeting aboard a government owned airplane and we re to believe that all they talked about was their grandchildren? GPWhy Did Bill Clinton And Loretta Lynch Meet On Her Airplane In Phoenix This Week?Attorney General Loretta Lynch met with former President Bill Clinton for a half-hour on her government airplane at the Phoenix airport on Tuesday, an Arizona news station is reporting.The unannounced meeting, which comes as Lynch s Justice Department is investigating the handling of classified information on Hillary Clinton s private email server, came to light only when Phoenix s ABC15 TV station asked Lynch about it during a press conference.The Obama appointee told the TV station that she and Clinton did not discuss the investigation or any other government business. Instead, she says they talked about Clinton s grandchildren and golf.Here s the video from ABC 15:Via: Daily Caller",left-news,"Jun 29, 2016",0 +BUSTED! MEDIA Caught Red-Handed Trying To Demoralize Trump Supporters With Phony Polls,"In their desire to push Hillary Clinton across the finish line, the mainstream media and RINO pundits continue to ignore that one little important factoid; like the massive turnout for Trump in almost every state during the primaries. They also intentionally ignore the parallels between Ronald Reagan and Donald J. Trump going into the general election. Most Americans however, are unaware of the tricks our media plays so it s up to us to make sure we share these facts and inform friends, family, neighbors and co-workers about the truth. A new Reuters poll has many Republicans worried about the outcome of the 2016 presidential race and many on the Democratic side ready to pop the champaign corks.The poll shows presumptive Democratic nominee Hillary Clinton leading by a shocking 14 percent over her Republican rival Donald Trump: 47 percent to 33 percent.Unfortunately there s one problem with the poll. It is heavily skewed.The Gateway Pundit reports that of Reuters 1,201 respondents, 626 were Democrats and only 423 were Republicans.In other words, 52 percent of Reuter s respondents were Democrats and only 35 percent were Republican a huge 33% advantage for Democrats!According to AllenBWest.com, Reuters isn t the only misleading presidential poll. A new ABC News/ Washington Post survey found voters preferred Hillary 51 percent to 39 percent. In that sample, 36 percent of respondents were Democrats and only 24 percent were Republicans.The skewed polls are made less believable by the fact that Republican turnout in 2016 is likely to be higher than in previous years. As NPR noted in March, Republicans far outstripped Democrats in primary turnout, due in part to the insurgent nature of the Donald Trump candidacy. Hannity.comIt s not just the leftist media who is beating the drum of doom for Trump, while (falsely) pushing the narrative that he can t beat Crooked Hillary in the general election. FLASHBACK: You hear the establishment types talk about it nearly every day on the FOX News Channel.For his part, Donald Trump says he has not even started on Hillary Clinton.The elites also worried about Ronald Reagan s chances back in March 1980. Ronald Reagan was down 15 points in the polls in March. Here is the map showing how many states he won in the general election compared to Jimmy Carter who was polling at 15 points ahead of Trump:The CSMonitor reported, via Free Republic:The nation s Republicans are working against the clock to answer two key questions: Can conservative Ronald Reagan possibly attract enough independent and Democratic votes to win in November?An if he is likely to lose, has former President Gerald Ford time enough to challenge him for the GOP nomination?The consensus among political experts is that time has probably already run out for Gerald Ford, though he still appears the stronger choice to beat Jimmy Carter in November.But some experts caution: Don t count Ronald Reagan out as a national candidate for the fall. He is not, they say, a McGovern or a Goldwater fringe candidates who led their parties to one-sided defeats in 1972 and 1964. Intellectuals don t want to take him seriously, but he does well with working-class voters. He would take the West, challenge President Carter in the South, and do well in the pivotal Midwest states like Ohio and Illinois, whose southern regions titled toward Carter in 1976, they say.Back in March 1980 the establishment the establishment said the same thing about Ronald Reagan.They said he could never defeat Jimmy Carter.He was too divisive. Gateway PunditHere are a few inconvenient facts you won t see in the mainstream media:The Republican Party started the year with 17 bona fide candidates for President. This was more candidates than any major party in history.Trump has more wins than any other Republican or Democrat candidate in this year s race with 36. He also has more primary wins with 33 and leads all candidates in percent of overall wins and in percent of primary wins.Trump surpassed the number of delegates needed to win the Republican nomination for President a couple weeks ago.This may be more delegates than any other Republican candidate and a higher percentage of delegates than any Republican or Democrat candidate in the race.Trump received 13,406,108 votes to date in the elections according to www.thegreenpapers.com.As a result Trump has more votes than any candidate in Republican history.Trump shattered the previous record by 1.4 million votes and that was with 17 candidates in the raceGeorge W. Bush had 12 million votes in 2000. The Republican Party also set a party record this year in pre-convention state election turnout with over 28 million votes to date which is 139% of the record high voter turnout in 2008. This increase in votes can be attributed to Donald Trump.Via: Gateway Pundit ",left-news,"Jun 29, 2016",0 +Will Americans Free Themselves From The Slavery Of The Democrat Party…Or Will We Wait Until It’s Too Late? WATCH: β€œThe Peasants Are Revolting”,"Our good friend Joe Dan Gorman has done it again! He s put together an awesome video that explains the Brexit and the parallels between the UK s exit from the EU and our Independence from Britain. Sit back and enjoy Joe Dan s one-of-a-kind humor, as he puts the state of our political mayhem in perspective like only Joe Dan can Via: INTELLECTUAL FROGLEGSIntellectual Froglegs is 100% funded by viewer donations. Please click HERE to donate. ",left-news,"Jun 29, 2016",0 +BOOM! THUG Who Lit Baltimore CVS On Fire…Wreaked Havoc On City…Gets SHOCKING Sentence [VIDEO],"It s long overdue but this domestic terrorist THUG just got the justice he deserved As TRN reported in April 2015, rioters in Baltimore looted and burned dozens of buildings, including a nursing home, and set cop cars on fire while then-Mayor Stephanie Rawlings-Blake said she gave rioters space to destroy. Baltimore has spent an estimated $30 million to clean up the city in the aftermath of destruction.hey whats up tomorrow is the anniversary of the baltimore riots pic.twitter.com/O2nBEDnImK ripley soprano (@hardthemme) April 28, 2016But most businesses that were looted never saw their perpetrators brought to justice.Until now.CBS Baltimore reported that:Prosecutors say 20-year-old Donta Betts was one of the key players in the Freddie Gray riots, looting, starting fires and even attacking police.Feds say Donta Betts was one of key people involved in 2015 riots. Betts sentenced to 15 yrs in prison @cbsbaltimore pic.twitter.com/XealNtt2G2 Rick Ritter (@RickRitterWJZ) June 25, 2016 Donta Betts was a menace to society here in Baltimore. The scope of the criminal activity he was involved in is really breathtaking, said Rod Rosenstein, U.S. Attorney.In April of 2015 just days after the death of Freddie Gray Baltimore erupted with riots, looting and a clash with officers. Federal prosecutors say surveillance video and pictures captured Betts in the middle of the mayhem.When asked about why he did it, Betts said: That was my period to go wild on the police. Betts won t get out of prison until he s 35. During his 15-year sentence he is not eligible for parole or probation. Via: TRN",left-news,"Jun 28, 2016",0 +SHOCKING PHYSICAL ABUSE REVEALED: Former Secret Service Agent Says Agents Faced Predicament About How To Protect Bill From Physical Violence By Hillary [VIDEO],"Trump was 100% correct when he said, Hillary doesn t have the temperament to become President. Gary Byrne, author of Crisis Of Character tells Sean Hannity about the unusual position Hillary put the Secret Service in by having to protect Bill from Hillary s violent behavior. He also spills the beans about the phony front Hillary puts on for the cameras.WATCH his shocking story here:",left-news,"Jun 28, 2016",0 +BREAKING: Benghazi Report Shows State Department Withheld Weapons To Agents Because They Were Not β€œAesthetically Pleasing”,"Newsflash Hillary WAR is not aesthetically pleasing! Is this the kind of President America would like to have making decisions that impact our national security? If she took away the ability for these 4 brave men to defend themselves, how does anyone honestly believe she is capable of acting as our Commander In Chief?House Republicans released their final report on the Benghazi terrorist attacks Tuesday morning. The report concludes what we already knew. that Barack Obama and Hillary Clinton DID NOTHING to save US lives in Benghazi on September 11, 2012.FOX News reported on Tuesday the State Department withheld the requested weapons from agents on the ground because they were not aesthetically pleasing. Adam Housley: When we talk about those with reactions I spoke with including one special agent who was on the ground that night who says to me in Benghazi, quote, the report continues to show how ridiculous the STate Department makes it to give support to a special agent on the ground when he says he needs support. There were about 10 of us who continually asked for more weapons and more security in Benghazi and were routinely denied. And we reported on that because the State Department told him it wasn t aesthetically pleasing to have a belt-fed machine gun, for example.WATCH:Via: Gateway Pundit",left-news,"Jun 28, 2016",0 +"LONDON’S MUSLIM MAYOR DEMANDS MORE POWER: β€œOn behalf of all Londoners, I am demanding more autonomy for the capital – right now”","This is the same Muslim mayor who recently banned sexy women from advertisements in London Sadiq Khan today called for London to take back control of its own destiny in the aftermath of the EU referendum.The Mayor issued a demand for more tax-raising powers right now as well as far-reaching command of public services.His devolution wish-list stopped short of calling for London, the only English region to vote to stay within the EU, as a city-state.But he stressed the extra powers would be necessary to protect the capital s economy, jobs and prosperity from the uncertainty of Brexit ahead.They include greater financial autonomy, as well as wide-ranging control over business and skills, housing and planning, transport, health and criminal justice.It comes as a petition calling on the Mayor to declare London independent hit more than 170,000 signatures in just three days. Via: Evening Standard Sadiq Khan today urged Londoners to stand guard against hate crime following Britain s decision to withdraw from the European Union.The Mayor joined Metropolitan Police Commissioner Bernard Hogan-Howe to warn there would be a zero tolerance approach to xenophobic attacks.City Hall aides said Mr Khan was very concerned about reports of racial tension after the Brexit vote highlighted disagreements about immigration.",left-news,"Jun 28, 2016",1 +WATCH TREY GOWDY Crush The Lying Media During Benghazi Report Press Conference [Video],This is awesome! I watched the entire press conference and Gowdy just nails the lame stream media! ,left-news,"Jun 28, 2016",0 +FACE BOOK’S β€œOpen-Borders” MARK ZUCKERBERG Builds β€œOppressive” β€œImmense” Wall Around Hawaii Home,"Breitbart News published a story about our 100 Percent FED Up Facebook page being hidden from the Facebook news feed after we began posting several stories a day on the topic of illegal immigration. After an investigation into our page settings by a Facebook employee, he discovered a core function was missing from our settings. The function that was missing from our page settings is what allows our page to be seen by a specific audience (or not at all). It s really quite ironic that the guy who s been doing everything in his power to make illegal alien a dirty word on Facebook, would build a massive wall around his Hawaiian domicile wouldn t you agree?For years, Kilauea, Kauai resident Gy Hall has enjoyed the view of the ocean and the breeze along Koolau Road. Then, a few weeks ago, a crew started to build a wall which happens to belong to Facebook founder Mark Zuckerberg. The feeling of it is really oppressive. It s immense, Hall said. It s really sad that somebody would come in, and buy a huge piece of land and the first thing they do is cut off this view that s been available and appreciative by the community here for years. Hall said the wall extends along Koolau Road, near mile marker 20, and is about six-feet tall. He said its projected length and completion are unclear.Multiple attempts by TGI to contact Shawn Smith, former Falk Partners manager, who Hall says sold some of the $200 million, 700-plus-acre property to the billionaire, were unsuccessful Friday Shosana Chantara, a Kilauea resident, voiced her concerns about the breeze that s being obstructed. It s hot behind that wall. Because it s up on a berm, there s not a breath of air on this side from the ocean, Chantara said. You take a solid wall that s 10 or more feet above the road level; the breeze can t go through. Another Kilauea resident, Donna Macmillan, calls the wall a monstrosity. Via: Independent Sentinel",left-news,"Jun 27, 2016",0 +IRON FISTED SOCIAL ENGINEERING: D.C. Threatens Fines For Anyone Who Improperly Addresses Transgenders,"Following a leftist agenda is no longer optional. Follow their rules or be subject to fines The guide states, The District uses the probable cause standard in determining whether the above constitute harassment or a hostile work environment. Stephanie Franklin, OHR s interim director of policy and communications, confirmed in an email that Any workplace environment in DC private businesses included in which supervisors or co-workers deliberately misuse a person s preferred name or pronoun may be considered unlawful harassment and/or a hostile work environment according to DC law. The best practices guide featues a chart on gender and gender-neutral pronouns that includes the gender-neutral pronoun ze. The chart includes example phrases using the gender-neutral pronoun, such as Ze smiled, I met zir, Zir bike and Ze is zirself. Regardless of the legal name and gender, employers should use an employee s desired name and pronouns when communicating with them, and when talking about them to third parties, the guide states.The guide says, The employer must ensure employees respect and use a transgender employee s preferred names and pronouns, as repeated failure to do so can be considered harassment, and can cause severe distress to a transgender employee. The guide also make clear that employees should be allowed to use the bathroom in which they re most comfortable . Transgender employees should at all times be able to use the restroom and other gender-segregated facilities (such as locker rooms) that they are most comfortable with, the guide states.In the 2015 fiscal year, 307 discrimination complaints (including race, gender and disability complaints) ended in settlements via the mediation process. In 2015, the annual report states, more than $3.69 million was awarded in settlements during successful mediations, a 74 percent increase over [the 2014 fiscal year]. That averages out to more than $12,000 per settlement. According to non-profit organization Workplace Fairness, D.C. s anti-discrimination protections are broader than federal law because you may prove your case by showing that your employer acted wholly or partially for discriminatory reasons, and because you can bring an individual claim against your supervisor for aiding and abetting discrimination. Via: Daily Caller ",left-news,"Jun 27, 2016",0 +BARACK OBAMA SHOWS HE’S SERIOUS About Fighting Terrorism…Releases Osama Bin Laden’s Bodyguard From Gitmo,"Obama doing what Obama does best putting radical Muslims who are a serious threat to our national security back on the battlefield against America The Obama administration has released from the Guantanamo Bay prison an al Qaeda terrorist who served as terror mastermind Osama Bin Laden s personal bodyguard, according to an announcement by the Defense Department.Abdel Malik Ahmed Abdel Wahab Al Rahabi, a top terror operative who had planned to participate in the 9/11 attacks and who received training to be a suicide bomber, was freed from Gitmo and transferred to Montenegro.Al Rahabi is just the latest accused terrorist to be released from prison by the Obama administration as it pursues an end-of-administration effort to clear out Gitmo and shut it down.The release was condemned by some in Congress who have opposed the administration s efforts to shutter Gitmo. The administration is playing Russian roulette with America s safety by releasing 9/11-plotter Abdel Malik Ahmed Abdel Wahab Al Rahabi from Gitmo, Sen. Mark Kirk (R., Ill.) said in a statement. Rehab s transfer abroad is all the more alarming after terrorist Ibrahim al-Qosi resurfaced in December 2015 in the Arabian Peninsula as the top recruiter for al Qaeda after being transferred from Gitmo to Sudan. Via: WFB",left-news,"Jun 27, 2016",0 +"BOOM! TED CRUZ Will Conduct Hearing TODAY: Focusing On Muslim Brotherhood, CAIR And Obama Regime’s Cover-ups, β€œWILLFUL BLINDNESS” To Radical Islam","Ted Cruz has no interest in playing Mr Nice Guy with Obama or his willing accomplices in the FBI, DHS or his DOJ It s been over a week since the largest terror attack on American soil in 15 years, yet nobody in Congress has successfully steered the discussion to the actual source of our perilous security situation. The Obama administration is covering up all connections of the Orlando shooter to known Islamic terrorists with the help of the Muslim Brotherhood advising DHS and the FBI. Yet, all Republicans and Democrats want to discuss is guns. That is about to change.On Tuesday, June 28, Sen. Ted Cruz (R-TX), who chairs the Judiciary Subcommittee on Oversight, Agency Action, Federal Rights and Federal Courts, will conduct a hearing investigating the willful blindness on the part of the relevant law enforcement agencies to domestic Islamic terror networks. The subject of the hearing is Willful Blindness: Consequences of Agency Efforts To Deemphasize Radical Islam in Combating Terrorism. Senators on the committee now have an opportunity to expose the Muslim Brotherhood influence within DHS and the FBI, their invidious Countering Violent Extremism Agenda, and their hand in covering up counter-terrorism investigations.Senator Cruz hinted at the agenda he plans to pursue at this hearing in an op-ed for Conservative Review earlier this week:President Obama s politically correct reluctance to attribute the terrorist threat we face with radical Islam hobbles our ability to combat it by discouraging counterterrorism agents from taking radical Islam into account when evaluating potential threats. The examples of Fort Hood, Boston, San Bernardino, and Orlando demonstrate the harmful consequences of this administration s willful blindness.Just yesterday, Attorney General Loretta Lynch announced at a press conference that the motives of the Orlando jihadist might never be known and that our most effective response to terror is unity and love. This comes on the heels of the government s attempt to redact any mention of Islamic rhetoric in the 911 call and DHS releasing another internal document scrubbing all references to Islamic terror. Just this week, the Council on American-Islamic Relations (CAIR), a front group for Hamas, was allowed to sit in on FBI interviews with members of the Fort Pierce mosque. The FBI was supposed to cut ties with CAIR, and DOJ was supposed to prosecute them in 2009 following the Holy Land Foundation trial, in which CAIR was implicated as a co-conspirator, yet they are granted full access to FBI counter-terrorism investigations. How can Republicans let this stand for one day? Worse, they are validating the Democrat premise by obsequiously holding vote after vote on the non sequitur of gun control while our own government is willfully allowing Islamic terrorist sympathizers to operate freely within DHS and sabotage all investigations that would have prevented these attacks.This hearing will likely focus on which figures within the federal government worked to squelch any research connecting the dots between local Muslim Brotherhood officials, these individual terrorists, and foreign terror networks. Senators on the committee now have an opportunity to expose the Muslim Brotherhood influence within DHS and the FBI, their invidious Countering Violent Extremism Agenda, and their hand in covering up counter-terrorism investigations. They can demonstrate how the federal government has hamstrung local law enforcement by refusing to cooperate and share information regarding jihadists living in their communities.Most importantly, this is the first opportunity to finally change the narrative from the false discussion about guns, which has nothing to do with Islamic Jihad. Hopefully, this committee hearing will be the beginning of a concerted effort for the legislative branch to actually engage in some critical oversight of the perfidious actions within the top echelons of federal law enforcement. The fact that GOP leaders in the House and Senate are not pushing multiple hearings and legislation dealing with this issue is scandalous, but unfortunately, not unexpected. Via: Conservative Review ",left-news,"Jun 27, 2016",0 +STOP THE MADNESS! NYC Firefighters Take First β€œTrans 101” Course…Learn Correct Way To Interact With Transgenders,"Because NYC Firefighters don t have enough to worry about. They now have to worry about how to properly identify and address their victims based on sexual preference?It must to be a crime to waste these brave men and women s time with this insanity Firefighters and medics will take their first Trans 101 course on Tuesday, learning the correct way to interact with transgender people and even getting a lesson in what LGTBQI actually stands for, a city official said.(It stands for lesbian gay trans bisexual queer/questioning and intersex.)The two-hour sensitivity training was launched in March by the city Commission for Human Rights after Mayor de Blasio signed an executive order allowing people to use any public bathroom or locker room they identified with, regardless of their sexual anatomy.The training at FDNY headquarters in Downtown Brooklyn will go over correct terminology and even how to ask for a person s preferred pronoun. People need to learn to not be afraid to ask someone who is transitioning genders what their pronoun is, said a Commission for Human Rights spokesman. Employees of city pools have also begun training in time for Wednesday s opening of the summer swim season, where gender sensitivity issues are more likely to arise in locker rooms and bathrooms. It s especially important for Parks employees [to take the training] because they work in a place that involves changing clothes, a commission spokesman said.So far, 65 city pool employees have taken the class and 200 more are scheduled to take it in the coming weeks, according to Sam Biederman, a Parks Department spokesman. Via: NYP ",left-news,"Jun 27, 2016",0 +Obama’s β€œCLOCK BOY” Comes Back To Texas…After Spending 9 Months Doing THIS…,"After 9 Months Of Hard-Core Islam Muslim Clock Boy Returns To TX Still Plans To Sue State He Misses For $15 MILLIONCAIR s poster child for how to use Islam to get everything you want in politically correct America comes home Obama boot camp?Ahmed Mohamed, the teen known as Clock Boy, may be back in Texas within days. After nine months of living in his new homeland, Qatar, he reportedly feels homesick. Late Friday, the Dallas Morning News reported Mohamed plans to return to Texas early in the week for an extended visit. The teen s uncle, Aldean Mohamed, said: He miss[es] Texas, and he miss[es] Irving. Breitbart Texas reported on Ahmed Mohamed s earlier yearnings to return to the Lone Star State in December. The uncle also indicated his nephew will catch up with family in the Dallas suburb of Irving and has events lined up with some tech companies. The Dallas newspaper did not disclose any information with whom the teen will meet.Ahmed Mohamed was the 14-year-old Irving Independent School District high school freshman detained last September for bringing to class a makeshift clock-in-a-box which school officials and police initially believed was a hoax bomb. No charges were filed once the situation sorted itself out, but the teen served three days of suspension before his family decided to withdraw him from the school district.A subsequent media firestorm ensued in which mainstream news outlets insisted Islamophobia was behind Mohamed s detainment. Breitbart Texas maintained it was the result of rigid public school zero tolerance policies and a month later, the Associated Press agreed.Last October, Mohamed accepted a fully-funded education scholarship from the Qatar Foundation, an organization with reputed ties to the Muslim Brotherhood, over an invitation to the one of the world s most prestigious private research universities, the Massachusetts Institute of Technology (MIT). This year, MIT ranked #1 across twelve fields of study with other disciplines placing in the Top Five internationally.Fueled by the progressive narrative of victimization, Mohamed traveled to Google s Northern California headquarters, toured the Qatari educational system he now attends, made a Saudi-funded pilgrimage to Mecca, rubbed shoulders with Sudanese Islamic autocrat Bashir, appeared in a Council on American-Islamic Relations (CAIR) promo video with Executive Director Nihad Awad, a supporter of the Palestinian terrorist group Hamas, and attended CAIR s 2015 Champions for Justice gala in Arlington, VA. Then, Mohamed visited the White House for Astronomy Night where he met President Obama alongside other invited students.Previously, the Commander-in-Chief tweeted the teen should bring his cool clock with him but that was not possible. The family did not retrieve it until late October despite the Irving Police Department s requests for them to do so a month earlier.While in Washington, D.C., Uncle Aldean, Ahmed, and his father Mohamed Elhassen Mohamed rallied with uber-left California U.S. Rep. Mike Honda, who pushed for a DOJ probe into the Irving school district and police department regarding the legality of the teen s detainment.TIME Magazine listed Mohamed on their 30 Most Influential Teens of 2015; yet, by December, with the Christmas season shrouded by Islamic State attacks in Paris, State Department travel alerts, and Syrian refugees at U.S. borders, sympathy waned for the Islamophobia poster child. Breitbart News reported that the same liberal media that championed Mohamed s every move, lost interest.According to the Dallas Morning News, Uncle Aldean Mohamed said the family still plans to sue the Irving ISD over Ahmed s arrest. After they left for Qatar, the Mohamed family demanded a total of $15 million $10 million from the City of Irving and $5 million from the school district and threatened a lawsuit if they did not receive it. In a 10-page letter to the Irving City Attorney and a similar 9-page letter to Irving ISD s attorney, the family claimed Islamophobia among their clock related incident allegations. Via: Bretibart News",left-news,"Jun 27, 2016",0 +ICELAND’S STUNNING ELECTION OF ANTI-ESTABLISHMENT Political Novice Should Have Hillary Shaking In Her Pants Suit,"The anti-establishment tide is rolling across Europe. You really can t blame the citizens for being furious at their leaders for allowing the invasion of Muslim immigrants into their hometowns and major cities. If this sentiment catches fire in America this summer, it will not likely bode well for Crooked Hillary at the polls in November, given that Trump is the ultimate non-establishment politician History professor Gudni Johannesson won Iceland s presidential election after riding a wave of anti-establishment sentiment, final results showed Sunday, although the vote was eclipsed by the country s eagerly-anticipated Euro football match.The political newcomer, who won with 39.1 percent of votes, was trailed by businesswoman Halla Tomasdottir, also without party affiliation, who took 29.4 percent, according to results announced on public television channel RUV.Johannesson only decided to run for the presidency after the so-called Panama Papers leak in April which detailed offshore accounts and implicated several senior Icelandic politicians, including the prime minister who was forced to resign.Throughout the campaign, Johannesson emphasised his non-partisan vision of the presidency, and vowed to restore faith in the political system after years of public anger toward politicians over scandals and financial woes.The victory was especially sweet for the history professor and political commentator, who has never held public office and has no party affiliation, as he celebrated his 48th birthday Sunday.David Oddsson, a former conservative prime minister who had been Johannesson s closest rival throughout most of the campaign, garnered just 13 percent of votes. The representative of the old era has been rejected, people are looking to the future, University of Akureyri political science professor Gretar Eythorsson told AFP.The president in Iceland holds a largely ceremonial position. More important legislative elections are due in the autumn.But the outrage that fuelled mass street protests in April and led to ousting of premier Sigmundur David Gunnlaugsson appeared to have dissipated somewhat as euphoria erupted over the Icelandic football squad achieving a historic feat in the Euro 2016 football tournament.A North Atlantic island of just 334,000 people, Iceland beat Austria 2-1 on Wednesday to qualify for the last 16 in its first major international competition, and will face off against England on Monday.Britain s vote to leave the European Union also headlined the news on the eve of the election in Iceland, which itself had applied for EU membership in 2009 after suffering a devastating financial crisis in 2008, but abandoned the bid six years later.Like most of Iceland s voters, Johannesson is opposed to EU membership. Via: Yahoo News",left-news,"Jun 26, 2016",1 +"UN OFFICIAL TIED TO CLINTONS Set To Face Trial, Found With Throat CRUSHED By Barbell…UN Claims Heart Attack Is Cause Of Death","Vince Foster Part II?The death by barbell of disgraced UN official John Ashe could become a bigger obsession for conspiracy theorists than Vince Foster s 1993 suicide.Ashe who was facing trial for tax fraud died Wednesday afternoon in his house in Westchester County. The UN said he d had a heart attack. But the local Dobbs Ferry police said Thursday that his throat had been crushed, presumably by a barbell he dropped while pumping iron.Ashe was due in court Monday with his Chinese businessman co-defendant Ng Lap Seng, who is charged with smuggling $4.5 million into the US since 2013 and lying that it was to buy art and casino chips.Ng was identified in a 1998 Senate report as the source of hundreds of thousands of dollars illegally funneled through an Arkansas restaurant owner, Charlie Trie, to the Democratic National Committee during the Clinton administration. (Ng was not charged with any crime.)Ng and Trie had visited the White House several times for Democratic fund-raising events and were photographed with then-President Bill Clinton and First Lady Hillary Clinton.One source told me, During the trial, the prosecutors would have linked Ashe to the Clinton bagman Ng. It would have been very embarrassing. His death was conveniently timed. Via: NYP",left-news,"Jun 26, 2016",0 +WATCH: BEST DESCRIPTION OF UK BREXIT YET…Conservatives Will Stand Up And Cheer!,Take note America ,left-news,"Jun 26, 2016",0 +OBAMA’S MUSLIM DHS Advisor REFUSED To Videotape Fellow Muslim During Investigation…But Wants Every American Gun Owner To Be FORCED To Do THIS,"When a Muslim man with dual citizenship in Egypt and America tells his fellow agents: A Muslim doesn t record another Muslim and gets a promotion, every American should be concerned. When that same Muslim is in an advisory role in our government and is advocating for a federal gun registry, every American should be very concerned A Muslim doesn t record another Muslim, said Gamal Abdel-Hafiz (shown). This might not have been noteworthy except that Abdel-Hafiz was an FBI agent at the time and was refusing to do his duty, which at that moment involved taping a Muslim suspect. That was 2002, and this is now. And now the Cairo-born Abdel-Hafiz has moved on to bigger and perhaps better things he s a homeland-security advisor to Barack Obama. And while recording a single Muslim is a problem for him, putting every single American firearm owner on a gun-registry he fancies a good idea. WFAA.com reports on his idea: A former FBI counter-terrorism agent says lawmakers could make mass murders less likely. What we need to do is keep the ownership of guns known to the government, so we know who has what, said security consultant Gamal Abdel-Hafiz. And I know a lot of people are against that. He shouldn t have been able to buy a gun legally. He shouldn t, said Abdel-Hafiz about 29 year-old Omar Mateen [the Orlando jihadist]. He says 3 FBI interviews should have been enough to keep Mateen on the radar, but he also knows why he wasn t. Once you investigate someone and clear them, you have to remove them from the watch list by law, he explained Monday from his office in Dallas.And even if Mateen had been on a terror watch list, or no-fly list, that would not have prohibited him from legally buying weapons That means the list is useless then, the former agent said.Responding to this, PJ Media notes, Remarkably, he [Abdel-Hafiz] admits that the various terror watch lists and no-fly lists are useless. Moments after suggesting another list. He doesn t explain how a national gun registry yet another government list targeting millions of law-abiding Americans would prevent another terror attack. For sure. All car owners are registered, but that doesn t guarantee they re all sane and doesn t stop me, if I am unhinged, from plowing my vehicle into a group on a sidewalk. Likewise, let s say all legal firearms in America were registered. Then what? Given that the lists Mateen already was on ultimately had no remedial effect in his case, how would the FBI having knowledge of his weapons purchases have stopped his Orlando malevolence? We don t have to wonder, though, because the FBI already knew about them. As Breitbart reported last week: Robbie Abell, owner of a Florida gun shop, says he alerted authorities that a suspicious man had come in asking about body armor. The Wall Street Journal quotes Abell as telling them that his store, Lotus Gunworks of South Florida, shut him down on all sales after he began asking bizarre questions about body armor and bulk ammunition. The questions he was asking were not the normal questions a normal person would be asking . He just seemed very odd, Abell said. The armor Mateen asked about is not traditionally available to civilians.In addition, Abell witnessed Mateen talking on a phone in what the gun dealer believed was Arabic. In other words, Mateen fit the terrorist profile like a glove, yet this wasn t enough to inspire the FBI to take the gloves off. And now we re supposed to believe that somehow, some way, information about innocent American gun owners will help an agency that lacked the wisdom to act on already available information about a dangerous, un-American gun owner?Shockingly, Abdel-Hafiz was never fired by the FBI. This is despite allegations he perpetrated insurance fraud and then lied about it to the agency; despite his I won t record another Muslim remark; and despite the fact that a colleague of his, FBI special agent Robert Wright, and Chicago federal prosecutor Mark Flessner both attest that the Muslim agent seriously damaged the investigation inspiring the remark. Instead, here s what did transpire, as reported by ABC News in 2002:Wright said he was floored by Abdel-Hafiz s refusal and immediately called the FBI headquarters. Their reaction surprised him even more: The supervisor from headquarters says, Well, you have to understand where he s coming from, Bob. I said no, no, no, no, no. I understand where I m coming from, said Wright. We both took the same damn oath to defend this country against all enemies foreign and domestic, and he just said no? No way in hell. Far from being reprimanded, Abdel-Hafiz was promoted to one of the FBI s most important anti-terrorism posts, the American Embassy in Saudi Arabia, to handle investigations for the FBI in that Muslim country.Of course, there are no allegations that Abdel-Hafiz who has dual American/Egyptian citizenship has commissively aided terrorists. But given his infamous 2002 refusal to perform his duty, some questions must be asked. In what other ways did/does Abdel-Hafiz s Muslim faith constrain or even warp his actions with respect to Muslim terrorists? How is it influencing his advice? And how many of his theological soul mates are today working in intelligence agencies? Note here that Secretary of Homeland Security Jeh Johnson is himself a Muslim.And we should also ask, is this possible Fifth Column corruption responsible for something else Agent Wright complained of: FBI ineptitude? As he also told ABC News in 2002, September the 11th is a direct result of the incompetence of the FBI s International Terrorism Unit. No doubt about that. Absolutely no doubt about that. And as he related to another source prior to 9/11:Knowing what I know, I can confidently say that until the investigative responsibilities for terrorism are removed from the FBI, I will not feel safe. The FBI has proven for the past decade it cannot identify and prevent acts of terrorism against the United States and its citizens at home and abroad. Even worse, there is virtually no effort on the part of the FBI s International Terrorism Unit to neutralize known and suspected terrorists residing within the United States. Unfortunately, more terrorist attacks against American interests, coupled with the loss of American lives, will have to occur before those in power give this matter the urgent attention it deserves.And the rest is in the past. Unfortunately, unless political correctness is purged, it will also be prologue. Via: InfoWars",left-news,"Jun 26, 2016",0 +TREY GOWDY Embarrasses Gun-Grabbing Obama Official In Brilliant β€œGotcha” Moment [VIDEO],"Why is explaining our Constitution to liberals is like explaining algebra to a two year old? Shouldn t government officials who are being paid by We The Taxpayer have a basic understanding of how our Constitution and the basic rights it affords US citizens?The Left, from the White House on down, has scrambled to make the horrific Islamic terrorist attack on the LBGT community in Orlando, which left 49 innocents dead and injured 53 others, all about gun control and those evil Christians.Honing in on their indictment of the gun, the Left has exploited the tragedy in effort to pass anti-American gun legislation, much like Senator Dianne Feinstein s proposed (and failed) measure to ban those who have been named on the terror watchlist within the last five years from their Second Amendment right to purchase a firearm.No due process necessary; and not to mention, the terror watchlist is a train-wreck: naming journalists, politicians, cub scouts and right wing extremists to their list of suspects. In light of this push, South Carolina representative Trey Gowdy re-upped his complete domination of the issue to his Facebook page. Can you name another constitutional right that is chilled until we find out it is chilled, and then we have to petition the government to get it back? Is there another constitutional right we treat the same way for American citizens as we do the second amendment? wrote Gowdy, captioning the video.WATCH video Gowdy posted on his Facebook page here: What process is currently afforded an American citizen before they go on that list? asked Gowdy.After being told that there isn t one, but, rather, only a process to petition to get off the list after finding out that one has been put on it, Gowdy pushed back. Hard. I m actually talking about due process, which is a phrase we find in the Constitution. he quipped, that you cannot deprive people of certain things without due process. He continued hammering the liberal: Can you name another constitutional right that is chilled until we find out it is chilled, and then we have to petition the government to get it back? he asked. Is that true with the First Amendment? Without a coherent rejoinder to him, Gowdy persisted: If we re fine with doing it with the Second Amendment, how about the First? How about we not let them set up a website or a Goggle account? How about we not let them join a church until they can petition the government to get off the list. How about not getting a lawyer? How about the Sixth Amendment? How about you can t get a lawyer until you petition the government to get off the list? Or my favorite: How about the Eighth Amendment? We are going to subject you to cruel and unusual punishment until you petition the government to get off the list? Is there another constitutional right that we treat the same way, for American citizens, that we do for the Second Amendment? he asked. Via: Daily WireTrey Gowdy asks another brilliant question every one of our gun-grabbing legislators should have to answer:",left-news,"Jun 26, 2016",0 +NC TAXPAYERS UNKNOWINGLY Fund Stunning COMMUNIST Guide At UNC: Why Students Are Told Not To Use β€œChristmas Vacation” Or β€œGolf Outings” Will Make Your Blood Boil,"Taxpayers need to start calling out the colleges and universities they re funding with their tax dollars. This kind of communist indoctrination, that is being widely accepted as the norm is NOT okay! The University of North Carolina at Chapel Hill issued a guide this week which instructs students that Christmas vacations and telling a woman I love your shoes! are microagressions. The taxpayer-funded guide entitled Career corner: Understanding microaggressions also identifies golf outings and the words boyfriend and girlfriend as microagressions.The UNC Chapel Hill guide, published on Thursday, covers a wide range of menacing microaggressions which are everyday words that radical leftists have decided to be angry or frustrated about.Christmas vacations are a microagression, the public university pontificates, because academic calendars and encouraged vacations which are organized around major religious observances centralize the Christian faith and diminish non-Christian spiritual rituals and observances. The University of North Carolina at Chapel Hill issued a guide this week which instructs students that Christmas vacations and telling a woman I love your shoes! are microagressions. The microagression of liking shoes occurs when someone says I love your shoes! to a woman in leadership during a Q & A after a speech. So it s a very specific microagression. The problem, the University of North Carolina document declares, is that the shoe admirer values appearances more than intellectual contributions. Similarly, the public school pronounces, interrupting any woman who is speaking is a microagression.Golf outings are also a microagression, the University of North Carolina says, because suggesting a staff retreat at the country club or even just a round of golf assumes employees have the financial resources to participate in the fairly expensive and inaccessible sport. (As an aside, daily greens fees at the gorgeous UNC Finley Golf Club range from $30 for students to $40 for professors and administrators.)The words boyfriend and girlfriend as well as husband and wife are microaggressions, the University of North Carolina admonishes, because these words set the expectation that people do not identify as LGBTQ until they say otherwise or disclose their sexual orientation. The correct terms are now partner and spouse, UNC Chapel Hill demands.In this same vein, bureaucratic forms only containing the options male and female are microagressions, the taxpayer-funded flagship school says. It s also a microagression to refer to men who dress up as women with the pronouns he or him, UNC Chapel Hill scolds.Still more microagressions cited by UNC Chapel Hill include complimenting a foreign-born person s English skills, saying I get ADHD sometimes and telling a person you don t judge them by the color of their skinThe two lady authors of the UNC Chapel Hill microagressions guide are Sharbari Dey, an assistant director of multicultural affairs, and Krista Prince, a dorm life coordinator.In order to counter the multitude of microagressions listed in their document, Dey and Prince advise students to respond by interrupting and aggressively asking, What did you mean by that? UNC Chapel Hill is home to a cultural competency workshop which instructs that white people are privileged because they can buy Band-Aids in flesh color and have them more or less match their vaguely beige-hued skin. At least some students have apparently been required to participate in the workshop.Via: Daily Caller h/t Campus Reform ",left-news,"Jun 26, 2016",0 +OBAMA’S NEW AND β€œIMPROVED” FBI Offers HUGE Reward For Anyone Who Can Help Frame White Cop In Black THUG Shooting,"No evidence No worries Obama s got this one. Meanwhile, the Democrat Party s presidential nominee would already be in jail if King Obama wasn t stalling the investigation In case you needed more evidence that Obama s Justice Department is more interested in proving white people are racists than actually fighting crime, here it is: The FBI is offering a huge reward for anyone that can help them frame a white police officer who killed an armed black criminal in a completely justified shooting.Last week, a white Mobile, AL police officer shot and killed Michael Moore during a traffic stop. I know what you are thinking, no, not fat white liberal gasbag Michael Moore, this was black criminal Michael Moore.On June 13th, Officer Harold Hurst with the Mobile PD was on his way to work when he observed a white Lexus make a dangerous left turn into traffic, almost causing an accident. The officer pulled the vehicle over that was being driven by Michael Moore, with two additional passengers. The ID Moore gave was fake and the car was stolen.Officer Hurst called for back up and asked Moore to step out of the car. The officer observed a .40 caliber handgun in Moore s waistband and ordered him to put his hands up. Instead, Moore reached for the gun so Hurst had no choice but to shoot. On the ground, Moore was still trying to get to the gun in his pants and the officer fired another round. Moore was taken to the hospital where he died.Police recovered a gun from Moore s body and one of the passengers in the car confirmed that he had a gun on him at the time of the shooting. This is as cut-and-dry of a justifiable police shooting as you will ever find, but not everyone sees it that way. Moore s family and local black activists insist this was a murder and accuse the police of a cover up.Because any time black people complain about something, no matter how little evidence there is to support their claims, the feds come running. The FBI and the US Attorney s Office have launched an investigation based on one little weird thing.Officer Hurst was on his way to work and had yet to report for duty. As such, he didn t have his body cam on and didn t capture the deadly confrontation. The feds figure this must be evidence that the officer is lying, even though all evidence points to the events unfolding the way Hurst said they did.With no actual evidence, the FBI is offering a $10,000 reward to anyone who may have recorded the shooting on a cell phone according to AL.com. Seriously? There isn t any real crime going on so the feds want to spend a big wad of cash to help them build a case against a police officer who was just doing his duty? This is pathetic.Obama s Justice Department has wasted millions upon millions of dollars trying to prove how racist America is and come up with nothing. With expensive investigations into the Trayvon Martin, Michael Brown, Eric, Garner, Tamir Rice, and dozens of other black deaths yielding no fruit, the administration seems hell bent on spending as much money as possible to prove Al Sharpton is right about something.Michael Moore was driving a stolen car filled with stolen goods. He had a fake ID and a handgun, which was also stolen. A passenger in his car said Moore had the gun and made a move for it before being shot. Why are the feds even looking at this case?And let s keep in mind that this is the same FBI that didn t see a problem with Omar Mateen, the radical Islamic terrorist who killed 49 people in Orlando. Via: DownTrend",left-news,"Jun 25, 2016",0 +"HILLARY SHARES PRO-ILLEGAL MANIFESTO: Plans To Open Borders, Create Taxpayer Funded Agency To Give ILLEGALS Amnesty","To hell with the common sense voter, Hillary believes she only needs Americans who are okay with living in a lawless nation to lock down the Presidency. It seems to have worked pretty well for her predecessor why not?Hillary Clinton wrote an op/ed piece for the Arizona Republic and boy is it insane. It s sort of an anti-Trump/pro-illegal alien manifesto that lays out her immigration policy if she becomes president. Two noteworthy things are that she intends to open our borders completely and establish a government agency that will spend taxpayer money to help illegal aliens become citizens.Hillary starts out with a folksy story about an illegal alien who would be deported if Donald Trump was in charge and then lashed out at the Supreme Court for ruling against Obama s amnesty executive order, calling it, heartbreaking and unacceptable. And while our system fails to provide certainty to immigrant families, political figures like Donald Trump turn them into scapegoats for many of the challenges facing American families today. His bigotry and fear-mongering may be an attempt to divide our country and distract from his lack of real solutions to raise incomes and create good paying jobs but it s not going to work.Let s be clear: When Trump talks about forming a deportation force to round up and expel 11 million immigrants he s talking about ripping apart families Isn t that cute? Hillary wants you to think there is no difference between legal immigrants and illegal aliens. Trump has never once said he plans to round up and deport legal immigrants, just that he wants to enforce existing immigration laws.When he praises local figures like Gov. Jan Brewer and Sheriff Joe Arpaio, he s endorsing their heartless and divisive policies.How is enforcing the law a heartless policy as Hillary says? The only way our immigration laws are divisive is because illegal aliens don t like them.Instead of building walls, we ought to be breaking down barriers. Our country has always been stronger when we lift each other up, not tear each other down. We re stronger together.Here Hillary is obviously saying that she wants open borders, which essentially would nullify our status as an autonomous country, but there s even more garbage contained within that last statement. Illegal aliens are not Americans and therefore not part of us. They are citizens of another country, which makes them not us. They don t stand with us, they don t lift us up, and they sure as shit don t make us stronger.After proving that Hillary plans to be the leader of the third world rather than the President of the United States, she outlined ways she will make that happen.First up, amnesty beyond Obama s bullshit:That s why, as president, I ll fight for comprehensive immigration reform that includes a path to full and equal citizenship, starting in my first 100 days in office. We should do everything we can to keep families together, better integrate immigrants into their communities, and help those eligible for naturalization take the last step to citizenship.Then another bloated bureaucracy and massive waste of funds:Second, we need to increase our focus on integration and make sure that immigrants are able to thrive in American society. Let s provide more federal resources to help immigrants learn the English language skills they need to be successful. And because this issue cuts across all levels of government local, state and federal I ll create the first-ever Office of Immigrant Affairs at the White House to help coordinate these policies across the nation.And finally, some more government handouts designed to make instant democrats:Third, let s help the 9 million people in our country who are currently eligible for naturalization become full citizens. They work and pay taxes yet they cannot vote or serve on juries. Let s expand fee waivers so that those seeking naturalization can get a break on the costs. And let s step up our outreach and education, because no one should miss out on the chance to be a citizen.Hillary claims that her plans will strengthen our economy by flooding the country with unskilled uneducated people who will drive down wages. I m not sure how that works and Hillary certainly didn t try to explain it.No matter what Donald Trump says, we have always been a nation of immigrants And it is long past time we helped millions of hard-working people step out of the shadows and onto a path to a brighter future.When has Trump ever denied that America was formed by immigrants? All he wants is the fairness that comes with upholding the law.If Hillary Clinton becomes president, we can pretty much kiss our country goodbye. With no border security and zero immigration enforcement, America as we know it will cease to exist. Downtrend",left-news,"Jun 25, 2016",0 +THE β€œOBAMA BOUNCE”: UKIP Leader Claims Obama’s Insulting Threat To UK Voters BACKFIRED…Actually Drove Voters To Support β€œLeave EU” Movement,"Barack Hussein Obama has been in over his head since he first stepped foot in the White House. Our Community Organizer In Chief just found out how unwelcome his Chicago style politics are in the UK UK Independence Party (UKIP) leader Nigel Farage told Breitbart that the visit by President Obama, where he threatened to send Britain to the back of the queue if the public voted to leave the European Union (EU), backfired and caused a Brexit Bounce , swaying Britons to vote for Brexit.Comparing the outcome to the American Independence Day, Mr. Farage said: You [Americans] have your Independence Day where in July you celebrate being your own country, governing yourself, having your own courts, controlling your own borders and that s what happened to us yesterday. We have broken away from a political union where our power was being overruled, our courts were being overruled, and we had a complete open border for anybody from southern and eastern Europe, so this is a major historic step. On the EU post-Brexit, he said: We ve not just changed British history. I m sure that the EU project itself will now come tumbling down. I would like to think and hope that right across the globe what we ve done is to prove that people power can beat the establishment. The European Union project has failed. It is dying before your very eyes. It is unwanted, it is unloved, and people across the country are saying what UKIP has been saying for years: We want our country back, we want our democracy back, we want the closest possible relationship with our neighbours. We re happy to have a NAFTA kind of agreement with free trade, but we don t want political union . Asked of any lessons drawn from his own experiences that could be applied during the American presidential elections, Mr. Farage advised: Threatening people insults their intelligence. Don t threaten people repeatedly because if you do in the end they think you re crying wolf and they won t believe you. It s Project Fear, or in the end when Obama came it was Project Threat.Citing Mr. Obama s visit to the UK at the request of Prime Minister David Cameron:The lessons learnt from the Obama visit are fascinating. Here is the most powerful man in the world coming from a country that we have always had huge regard for. And people in Britain listening to Obama said: how dare the American president come here and tell us what to do and it backfired.And I think we got an Obama Brexit Bounce, because people do not want to be told how to think and how to vote. BreitbartWatch here to see how citizens reacted to Obama s threat:https://youtu.be/w-DSGtfWgegRepublican lawmakers warned US President Barack Obama his controversial intervention into the British EU referendum debate threatens to harm the special relationship. During a visit timed to coincide with Queen Elizabeth II s 90th birthday earlier this year, Obama warned that the United States would be in no hurry to agree a bilateral trade deal with a Britain outside the EU. I think it s fair to say that maybe at some point down the line there might be a UK-US trade agreement, but it s not going to happen any time soon because our focus is in negotiating with a big bloc, the European Union, to get a trade agreement done. And the UK is going to be at the back of the queue, he said.Obama s comments caused furore among Leave campaigners, with UK Independence Party (UKIP) leader Nigel Farage accusing Obama of talking Britain down. Former Defense Minister Liam Fox dismissed the president s intervention, calling his views largely irrelevant, as he will soon be leaving the White House. Via: RT",left-news,"Jun 24, 2016",1 +ILLEGAL ALIEN GETS Full-Ride To Prestigious Harvard Medical School,"Welcome to socialism, where colleges, universities and our government work hand-in-hand to level the playing field. It all starts by punishing the white middle and upper class legal citizens of America, who had the audacity to be born white, work hard and follow the rule of law in America Harvard University raked in an astounding $608 MILLION in federal funding in 2014.Harvard Medical School has a 5% acceptance rate.From Harvard Med School website:Student Profile:Harvard Medical School affirms that medical education is enhanced by diversity among the student body, and has one of the most diverse medical school enrollments in the country. 17% of the student body comes from groups underrepresented in medicine, and another 35% from other minority groups. Students hail from 45 U.S. states, many foreign countries, and over 100 different undergraduate institutions.Harvard s Medical School website only shows only partial scholarships are available for students from lower income families. Perhaps they make exceptions for lawbreakers?! An illegal alien has won a full-ride scholarship to Harvard Medical School, highlighting the growing inflow of migrants into the white-collar professions.Blanca Morales of Santa Ana, California was the valedictorian of Santa Ana High School and graduated with honors from University of California Irvine. Now ABC 7 news has reported that Harvard has offered her a slot plus tuition costs even though she is an illegal alien who was brought into the country at the age of five.Tuition and fees for Harvard Medical School come to over $62,000 for the 2016-17 school year.Morales s gain was eased by President Barack Obama s 2012 Deferred Action for Childhood Arrivals (DACA) executive action, which provided her with a form of legal status, plus a work permit. She is the first Health Scholar DACA student to be admitted to Medical School, reads a portion of a post on the Health Scholars Program Facebook page.She s being touted as success story for the Democrats support of illegal immigration.But Morales gain marks a larger trend namely, the increasing inflow of white-collar immigrants, legal and otherwise, seeking jobs also sought by hard-pressed American professionals.Since the 1990s, blue-collar Americans have seen their wages and opportunities reduced by blue-collar immigrants.But American professionals are also losing a wide variety of jobs to a resident population of roughly 1 million white-collar foreign guest-workers.The California and New York state legislatures have allowed professional licensing boards to provide professional licenses to illegals so they can compete for white-collar jobs. Illegal immigrant Cesar Vargas lawyers convinced a New York appeals court in June of 2015 to grant him the authority to practice law. A California court made a similar decision in 2014.Lawyers have also found a way to convert Obama s 2012 DACA mini-amnesty for roughly 800,000 younger illegals status into permanent residency.DACA recipients ask the Department of Homeland Security for permission to leave the country and then return under the legal status of advanced parole. That is a benefit that is supposed to only be granted for urgent humanitarian reasons or significant public benefit. The case is detailed in a letter from two U.S. Senators to Department of Homeland Security Sec. Jeh Johnson.Several universities are organizing so-called study abroad trips with white-collar illegal alien students so they can obtain advanced parole to let them continue on the path to legalization, according to the letter from Sens. Chuck Grassley (R-IA) and Mike Lee (R-UT).United States Citizenship and Immigration Services (USCIS) officials have been overwhelmed with DACA applications, processing near 7 million in fiscal year 2014 alone. Sen. Jeff Sessions (R-AL) has pointed out that those seeking to come to the United States legally face greater obstacles in the visa process than those who have come illegally.Favoritism towards illegals disadvantages the people who legally migrate into the United States. Self-described legal immigrant and community volunteer Francisco Rivera of Los Angeles, California told Breitbart News last August:People need to understand that not every immigrant supports immigration reform [for illegals] and I do not approve of it. You don t cut in front of people in line and expect not to pay the consequences. That s why we have rules and laws, not just in this country, but many countries. You need to get in line. Via: Breitbart News ",left-news,"Jun 24, 2016",0 +IS BEN AFFLECK DRUNK? WATCH Hollywood Leftist Who Goes Out OF His Way To Defend Islam Go Ballistic…Again,"***LANGUAGE WARNING***I admittedly (and intentionally) haven t seen too many Ben Affleck movies, but watching this rabid defender of Islam, Ben Affleck go off the rails over the deflate gate controversy left me wondering about this belligerent Hollywood leftist. Does Affleck typically slur his 4-letter words while appearing to be cross-eyed during interviews?Here is Affleck defending Islam in an over the top response to leftist Bill Maher s comments:",left-news,"Jun 23, 2016",0 +RACE-BAITING COP HATERS Dealt Major Blow: Baltimore Judge Finds No Evidence Of Crime Committed Against Freddie Grey,"This is the second major blow today to Obama and his plans to fundamentally transform America. The first blow to Obama was today s US Supreme Court ruling against his unlawful executive amnesty proclamation. Both of these decisions are victories for Americans who are sick and tired of watching our nation being torn apart and divided by racist hate mongers, whose only goal is to build a coalition of Democrat voters A judge explained why he found a police driver not guilty in the death of Freddie Gray, a 25-year-old black man whose neck was broken on the way to the station: He didn t see any evidence of a crime.Baltimore Judge Barry Williams ruled Thursday that the state failed to prove Officer Caesar Goodson committed murder, manslaughter, assault, reckless endangerment or misconduct in office. There has been no evidence that this defendant intended for a crime to happen, Williams said. The state had a duty to show the defendant corruptly failed in his duty, not just made a mistake. Goodson s acquittal is the worst blow yet to efforts to hold police accountable in a case that triggered riots in the troubled city. The state s third failure to convict also casts doubt on whether any of the six indicted officers will be found guilty.Baltimore s police union president, Gene Ryan, called on State s Attorney Marilyn Mosby to reconsider her malicious prosecution, since he s certain the remaining officers also will be found without guilt.The case became a rallying cry for the growing Black Lives Matter movement and sparked more outrage nationwide over how black people are treated by police and the criminal justice system.But the case hasn t fit quite so neatly into the American narrative of white authorities imposing justice unfairly on black people. In this case, the defendant, trial judge, state s attorney and mayor are African-American; at the time of Gray s death, so was the police chief.After the verdict, Black Lives Matter activist and Baltimore native DeRay Mckesson aimed his criticism at the entire system. Today is a reminder that there is a set of laws, policies and police union contracts across the country that will protect any form of police behavior, he said.Goodson was the only one of the six officers charged in Gray s death to be accused of murder. He s the second to be found not guilty, and another officer s case ended in a mistrial.Mosby appeared crestfallen as she hurried out of the courthouse and sped away in a black SUV. When she confidently announced the charges last year, she reflected the anger of many people who saw the case as open-and-shut. Via: AP",left-news,"Jun 23, 2016",0 +BREAKING: US SUPREME COURT RULES King Obama Overstepped Authority…Executive Amnesty For 5 MILLION ILLEGAL ALIENS/ Democrat Voters Not Going To Happen,"Don t let the door hit ya B..b..but who will beat up innocent Trump supporters? The assertion of presidential power was remarkable in scale. With the flick of a pen just before Thanksgiving in 2014, President Obama ordered that nearly five million illegal immigrants be allowed to come out of the shadows and work legally in the United States.Standing at the same lectern where he had announced the death of Osama bin Laden three years earlier, Mr. Obama insisted in a speech to the nation that his plan for immigrants was a fully legal response to a Republican-controlled Congress that had refused his plea for an overhaul of the nation s immigration laws.But on Thursday, the Supreme Court disagreed. In a 4-to-4 decision, the justices let stand a lower court ruling that Mr. Obama had overstepped his authority. The decision freezes the president s actions for the balance of his term, leaving the future of the program and millions of undocumented workers in limbo.Mr. Obama campaigned vowing to win passage of comprehensive immigration legislation in his first year in office, but the Supreme Court defeat will force him to finish his term without securing the major progress he had promised to millions of Latino immigrants living under the threat of deportation.Instead, one of the president s chief immigration legacies will be the years of increased enforcement he ordered at the border with Mexico and in immigrant communities, hoping it would lead to a compromise with Republicans. The aggressive actions of immigration agents and local law enforcement, especially during Mr. Obama s first term, angered many family members separated by raids and deportations.Mr. Obama did earn praise from Hispanics for taking action in 2012 to help the so-called Dreamers, young undocumented immigrants who had been brought to the United States as small children. Under the president s program, more than 730,000 of them received documents allowing them to work legally without constant fear that they might be sent home.Hillary Clinton, who embraced the president s executive action programs, has said she would expand them. The court s actions could complicate her ability to do that if she is elected president in the fall.But the successful legal assault on Mr. Obama s actions may also yield some political benefits for Mrs. Clinton and Democrats by helping to motivate and energize Hispanic voters who are angry with the court s decision. Activists have promised to punish Donald J. Trump and other Republicans who opposed the president s actions by registering more Hispanic voters and getting them to vote. Mr. Trump s rhetorical assault on immigrants, especially Mexicans, is also likely to help energize Hispanic activists on behalf of Mrs. Clinton and other Democratic candidates.The court s action comes after nearly eight years of largely futile attempts by the president to make good on his promise.Mr. Obama had resorted to executive actions in 2014 after years of fighting to get Congress to act. In 2013, the Senate passed a bipartisan immigration overhaul that the White House said the president could support. But House Republicans blocked any consideration of the legislation, accusing the Senate and Mr. Obama of supporting amnesty for the millions of illegal immigrants already in the United States.For most of his presidency, even Mr. Obama said he did not have the power to act unilaterally. He repeatedly told Hispanic activists that he could not use the Dreamers program as a model to expand similar protections to a much larger pool of illegal immigrants. If we start broadening that, then essentially I ll be ignoring the law in a way that I think would be very difficult to defend legally, Mr. Obama told Jose Diaz-Balart in an interview in September 2013, after it was clear that House Republicans were blocking the Senate s immigration measure. So that s not an option. NYT",left-news,"Jun 23, 2016",0 +BOOM! Rep Louie Gohmert (R-TX) Rips Into Obama’s Gun Grabbing Legislative Minions: β€œRadical ISLAM Killed These People!” [VIDEO],"Don t think for a minute this union-style Black Lives Matter/Occupy type sit-in wasn t orchestrated in our Oval Office by our Community Organizer in Chief. Obama is desperate to pass gun control legislation before he leaves office. The Democrats who are occupying our House floor are only acting as puppets for his radical agenda. As California Democrat Rep. Brad Sherman spoke Wednesday evening during an unprecedented sit-in on Capitol Hill to demand a vote on gun control, Rep. Louis Gohmert (R-TX) interrupted him, shouting: Radical Islam killed these people! Sherman, a moderate Democrat from the San Fernando Valley, had joined several dozen of his party colleagues in a protest against House Republicans refusal to allow votes on several gun regulations all of which had already failed in the Senate.Though the bills have no chance of becoming law, Democrats hope to win at least one of the votes, which would enable them to argue that by voting Democrat this November, Americans could help them retake the Senate and pass new gun restrictions.The protest was led by Rep. John Lewis (D-GA), who has long drawn on his history in the civil rights movement for partisan purposes, and who hinted last weekend during a Southern California visit that Democrats would do something big on guns.The protest was also timed to coincide with, and drown out, a speech in New York by presumptive Republican presidential nominee Donald Trump. Trump responded to rival Hillary Clinton s attack earlier this week by criticizing Clinton for alleged corruption at the State Department and for her foreign policy record, while laying out his own alternative economic policies.Rep. Gohmert began heckling Rep. Sherman during his speech which was broadcast via Periscope by another Californian, Rep. Scott Peters of San Diego, in violation of House rules. At roughly 4:24 in the video below, Gohmert points to a poster of the victims of the June 12 terrorist attack and insists that radical Islam killed them not the lack of gun control regulations.Via: Breitbart News",left-news,"Jun 23, 2016",0 +"BREAKING: US SUPREME COURT Upholds U. Of TX-Austin Admissions Ability To Choose Black, Hispanic Students Before White, Asian Students","Obama and the Leftist Supreme Court activists are working overtime to push white students to the back of the line The U.S. Supreme Court on Thursday upheld the University of Texas at Austin s ability to give a slight boost in the admissions process to black and Hispanic applicants, a decision that once again preserved the use of affirmative action at American universities.By a 4-3 vote, the court rejected Sugar Land native Abigail Fisher s claim that she was unfairly discriminated against because she was white. She was denied admission into UT-Austin in 2008, but argued in a lawsuit that black and Hispanic students who were less qualified got in over her.UT-Austin fought the suit, saying it had a right to take race into consideration in a specific, limited way.The ruling almost certainly brings an end to a years-long legal fight over UT-Austin s use of race in admissions a fight that reached the Supreme Court twice. It will also likely have national implications that will become clearer in the near future. Colleges have been allowed to use affirmative action for decades, and the Supreme Court has upheld the practice each time, though it has limited how it can be used. Via: Texas Tribune",left-news,"Jun 23, 2016",0 +WATCH: INDOCTRINATED COLLEGE STUDENTS Are Stunned By Ugly Truth About Hillary: β€œWhich candidate said this?”,"Would Hillary s every day Americans answer these questions the same way as these indoctrinated college students? Who do you think is more responsible for indoctrinating the American voter, colleges and universities or our corrupt media?",left-news,"Jun 23, 2016",0 +FLASHBACK: HILLARY Received $500K In Jewelry From King Of Barbaric Nation Who Brutally Oppresses Women,"Nothing to see here. No conflict of interest. All feminists please look the other way you didn t really see this Crooked Hillary really is a champion of women s rights just not Saudi women s rights. August 30, 2013 Former Secretary of State Hillary Clinton was given a half-million bucks worth of diamond and ruby jewelry by Saudi Arabian King Abdullah bin Abdul Aziz and received $58,000 worth of bling from Brunei.The lavish gifts were among a treasure trove of keepsakes bestowed upon U.S. leaders in 2012, the State Department disclosed Thursday.The Constitution prohibits U.S. government employees from keeping presents worth more than $350. But officials at the U.S. General Services Administration said the gifts were accepted to avoid awkward moments. Via: NY Daily News",left-news,"Jun 22, 2016",0 +SOMETHING WICKED IS HAPPENING With Refugees In Idaho…Why Is The Media HIDING It?,"Something wicked happened in Idaho s rural Magic Valley. The evil has been compounded by politicians, media and special interest groups doing their damnedest to suppress the story and quell a righteous citizen rebellion.On June 7, a brief news item appeared on local Twin Falls, Idaho-based KMVT about a reported sexual assault that possibly occurred near the Fawnbrook Apartments five days earlier. Unconfirmed accounts of the alleged crime on conservative-leaning websites, plus reports from area members of anti-jihad activist Brigitte Gabriel s Act for America group and longtime watchdog Ann Corcoran s Refugee Resettlement Watch blog, culminated in coverage on the powerhouse Drudge Report.The social media groundswell, untethered from the constraints of political correctness, forced government authorities to respond.Pro-mass immigration advocates may not like the sources of some of the original reporting that forced the case into the sunlight, but the watchdogs got more right than wrong. These critics now have Twin Falls political leaders sputtering to cover their backsides and police brass defending themselves against explosive charges that they dragged their feet.Instead, the professional journalists dwelt on a few early factual errors about whether the boys were from Syria and whether a knife was used and filled their dismissive articles with can t we all just get along propaganda from refugee resettlement advocates and contractors with vested financial interests in the game.What these professional journalists, (who are working overtime to discredit anyone who reports about what happened) are conveniently leaving out of the story is the fact that the 5 year old girl who was reportedly sexually assaulted by three young refugee boys in GOVERNMENT FUNDED housing, was a special needs girl and that these young boys also reportedly peed in her mouth. But the media is far more concerned about getting the refugees country of origin correct. They ll never mention that these boys are more than likely Muslim, and that in their culture, rape is in most cases perfectly acceptable. They re more focused on the fact that it may have been falsely reported that the boys used a knife to threaten her. Do we really care if these young criminals used a knife? Do we really care if they came from Syria or Iraq? Americans see their way of life and their children s security being threatened by the invasion of Muslim refugees who have no intention of assimilating with Americans. That s what we care about!Police and the local prosecutor s office grudgingly confirmed that an investigation had begun into the incident. The victim: A mentally disabled 5-year-old girl. The alleged perpetrators: Three boys, ages 7, 10 and 14, from Sudanese and Iraqi immigrant families (predominantly Muslim) who have been in the country for less than two years all but confirming that they are refugees.What happened? The case is under seal because it involves minors, but prosecutor Grant Loebs said there is videotape of the alleged sexual assault (a fact which local activists first divulged). Two of the boys are in custody. It s not clear what happened to the third.Here s the sickening thing: The people who should have been asking tough questions like, you know, mainstream journalists have spent more time attacking local whistleblowers and bloggers than they have spent demanding answers and holding public officials accountable.Why? Consider the backdrop. Residents in Twin Falls have been worried about the impact of an increasing influx of refugees, many from jihad-coddling countries, over the past several years. Their concerns about crime, welfare, health care, and schools echo those of communities across the country who are bearing the coercive brunt of Beltway bleeding hearts refugee resettlement policies enacted in a shroud of secrecy.Members of the Twin Falls City Council smugly likened refugee resettlement critics to white supremacists. Regional newspapers including the Idaho Statesman and the Spokane Spokesman-Review rushed to discredit the on-scene reporting of internet writers such as Leo Hohmann, who had interviewed a witness to the crime for World Net Daily. Jolene Payne, an 89-year-old retired nurse who lives at the complex told Hohmann that she spotted one of the boys taking pictures with a camera outside the apartment complex s laundry room. She went inside and found the 5-year-old naked with two of the younger boys naked standing over her. The worst thing was the way they peed all over her clothes, she recounted.Davis Odell, a community resident who has been in close contact with the victim s family said the boys dragged the unnamed girl into a utility room in the Fawnbrook Apartments, a low-income, subsidized housing complex in Twin Falls, and assaulted her in an attack that ended when a neighbor happened upon the scene and called police. They stripped her naked, and urinated in her mouth, Odell told FoxNews.com, citing his conversations with the girl s family.Neither the Twin Falls Police Department nor Loebs confirmed the details given by Odell. Loebs did confirm that the incident was reported on June 2, and that two juvenile suspects were finally charged Thursday and arrested a day later. The prosecutor did not say why just two arrests had been made, and said the case is sealed due to its sensitive nature and the minors involved. The callousness of local officials and indifference of local and national media reminds me very much of an international incident that went viral on YouTube earlier this year in the eastern German town of Bad Schlema located in a region overrun by Muslim refugees.A concerned grandfather whose granddaughter under the age of 10 was sexually harassed by Muslim migrants protested to mayor Jens Muller. In response to his plea for help, Muller told the elderly man to direct his family to not walk in areas where refugees would be. Just don t provoke them and don t walk in those areas. Via: Townhall ",left-news,"Jun 22, 2016",0 +WOW! Suppression Of FREE SPEECH And GUN CONTROL For 2nd Graders Upheld By Circuit Court Judge,"Americans need to know that gun control is not just an issue leftist legislators are pushing. Educators and school administrators are making it clear that even the suggestion or thought of a gun by students, regardless of age, is evil and will be punished. When this story first came out in the news, we thought it had to be fake. Once we realized it was a real story and that a 2nd grader had actually been suspended for chewing a pop-tart into the shape of a gun, we applauded his father for taking the matter to court. We assumed any reasonable judge would rule against the irresponsible parties involved in their reckless decision to suspend this 7 year old boy, and that the boy s suspension would be reversed. Were we ever wrong The suspension of second grader who chewed his breakfast pastry into the shape of a gun was upheld by a circuit court judge last week.Joshua Welch was suspended from Anne Arundel County s Park Elementary in March 2013 after chewing his pastry into the shape of a gun and [pretending] to fire it. The student s father, B.J. Welch, took the matter to court in hopes of having the suspension reversed and expunged from his son s record.But WJZ 13 reports that an Anne Arundel County circuit judge upheld the suspension, ruling that Joshua s actions were disruptive. Anne Arundel County Schools reacted to the ruling by releasing a statement which said, We have believed from the outset that the actions of the school staff were not only appropriate and consistent, but in the best interests of all students. Welch family attorney Robin Ficker lamented the ruling and pointed out there was no violence, no real weapon, no ammunition. But the suspension will now be on [Joshua s] record in school every time he goes into a new grade. Via: Breitbart News",left-news,"Jun 22, 2016",0 +PARANOID OR SMART? WHAT FACEBOOK’S CEO Does To His Computer That’ll Have You Questioning Your Privacy,"Facebook CEO Mark Zuckerberg appears to be concerned about being spied on. A photo that he shared to help celebrate Instagram s 500 million monthly active users shows the camera and audio jack on the billionaire s Macbook covered with pieces of tape. In the photo posted on Tuesday, Zuckerberg is sporting a wide smile and his signature gray T-shirt and dark denim jeans. He s holding a life-sized Instagram frame that reads: Thanks to everyone in our community for helping us reach this milestone! After posting the photo online, several Internet users spotted and pointed out the tape covering his camera and audio jack on his Macbook at his desk. It s rumored that skilled hackers are able to take over the front facing cameras on laptops when they re not covered up. It appears as though Zuckerberg, who is worth $35.7billion, is trying to prevent that from happening by placing a piece of tape over his camera, making the webcam useless. Zuckerberg has been previously photographed at the same desk. Roughly nine months ago while on a tour, he showed off the same desk that s complete with the same items on it then as it is now, according to Gizmodo.Read more: Daily MailTHE FUTURE OF FACEBOOK: LIBERAL VIDEO, VIDEO, VIDEOFacebook is paying huge money to liberal news sights to produce live video and other news to push out Buzzfeed, New York Times and other liberal news sources like CNN are involved in producing live video which they say is the future of Facebook. You might ask why only liberal news sites used except for the fact that suppression of conservative news has been exposed in the last few weeks. It s been known for some time that Facebook is paying media companies and celebrities cash in return for using its Facebook Live video feature, but what hasn t been known is exactly how much it is paying them. According to a document recently obtained by the Wall Street Journal, the social networking giant has signed as many as 140 contracts worth a total of $50 million.The list of media outlets being paid by Facebook includes traditional players such as CNN and the New York Times, the Journal says, as well as digital-only publishers like Vox, Mashable, and BuzzFeed. The celebrities who are being compensated for creating live video include comedian Kevin Hart and chef Gordon Ramsay.Some contracts are worth smaller amounts, while 17 of the deals Facebook has signed are worth more than $1 million, according to the document obtained by the Journal. Two media outlets are getting paid more than $3 million to create live video BuzzFeed and the New York Times, and CNN is not far behind, with a reported payment of $2.5 million.Get Data Sheet, Fortune s technology newsletter.The first reports about Facebook FB 0.90% paying media companies and/or celebrities to create live video emerged in March, when Recode reported that COO Sheryl Sandberg was in Hollywood talking with talent agencies and artists representatives, and offering to get out her checkbook to get them using the platform. The live-streaming feature was launched first for celebrities in 2015, then rolled out to everyone.In April, the executive in charge of Facebook Live, Fidji Simo (who we spoke with recently about the platform) told Recode that the company was also working with media partners, and said in some of the cases that includes a financial incentive. (Time Inc., which owns Fortune, has a relationship with Facebook that relates to the creation of Facebook Live video).Also in April, BuzzFeed confirmed in a roundabout way that it was one of the partners being paid by Facebook. A story about paying video creators quoted an anonymous source as saying that the social network was paying media partners around $250,000 for 20 posts per month over a three-month period, and then mentioned parenthetically that BuzzFeed was one of them. Via: Fortune",left-news,"Jun 21, 2016",0 +One BRILLIANT Meme Exposes The Truth About ISLAM And Why Muslims Are Leaving The Middle East,"Meanwhile back in the good ole USA, liberals have convinced Americans they are either racists or xenophobes if they agree with Trump when he says we need to place a temporary ban on importing Muslims from countries who hate us .",left-news,"Jun 21, 2016",0 +RACIST RANT From Supreme Court Justice Exposes Slanted Personal Opinion On Law Enforcement,"Supreme Court Justic Sotomayor went on a racist rant about how law enforcement has targeted minorities and put fear in black and brown people: It is no secret that people of color are disproportionate victims of this type of scrutiny. She s weighed in before in a racist manner: I would hope that a wise Latina woman with the richness of her experiences would more often than not reach a better conclusion than a white male who hasn t lived that life Supreme Court Justice SotomayorSotomayor once again brings her racist view to the court clouding her decisions on ALL Americans:Supreme Court Justice Sonia Sotomayor on Monday issued a vehement dissent in a Fourth Amendment case writing that the majority s opinion sanctions police stops that corrode all our civil liberties and threaten all our lives. The fiery objection came on case where a Utah man challenged his arrest based on a stop that was later found to be unlawful. The 5-3 majority opinion, Sotomayor wrote, will have dramatic ramifications for law-abiding citizens targeted by police, especially minorities. It is no secret that people of color are disproportionate victims of this type of scrutiny, she wrote. For generations, black and brown parents have given their children the talk instructing them never to run down the street; always keep your hands where they can be seen; do not even think of talking back to a stranger all out of fear of how an officer with a gun will react to them. By legitimizing the conduct that produces this double consciousness, this case tells everyone, white and black, guilty and innocent, that an officer can verify your legal status at any time, she added. It says that your body is subject to invasion while courts excuse the violation of your rights. It implies that you are not a citizen of a democracy but the subject of a carceral state, just waiting to be cataloged. With four major decisions due in the next week, including cases on affirmative action, abortion and immigration, Sotomayor s anger signals that what has been a quiet term since the death of Justice Antonin Scalia could get increasingly contentious. Whether born from experience or inherent physiological or cultural differences, she said, for jurists who are women and nonwhite, our gender and national origins may and will make a difference in our judging. Via: CNN",left-news,"Jun 21, 2016",0 +ACTOR VINCE VAUGHN DESTROYS The Left With AWESOME Statement On Gun Rights,"Boom! Just when you think there isn t a sane person left in Hollywood, actor Vince Vaughn comes out with this brilliant statement on guns. Enjoy! ",left-news,"Jun 21, 2016",0 +WOW! BILL AND HILLARY Called Jesse Jackson β€˜That G**damned n****r’ Behind His Back,"Dolly Kyle has written a scathing tell all book exposing the sickening hidden truth about Bill and Hillary Clinton. Hillary s war on just about anyone who is beneath her, or who would dare to get in the way of her ascent to the White House. When will the media do their job and report the truth about this horrible opportunist?Dolly Kyle who was just 11 when she first crossed paths with Bill, dated him through high school and began sleeping with him once they graduated published the claims about the Clinton couple s racial epithets and politics in her new book, Hillary: The Other Woman, published by WND Books.Bill and Hillary Clinton profess to have always been supporters of racial equality, but anecdotes published in a new book by his ex-lover claim otherwise.Bill was also sued several times by blacks and Hispanics for violations of the 1965 Voting Rights Act.Behind the Reverend Jesse Jackson s back, the Clinton duo called him, That G**damned n****r .Dolly claims the couple used the same insult toward Robert Say McIntosh, one of the leading African-American activists in Little Rock, Arkansas when Bill was governor. McIntosh was dogging Clinton about ongoing relationships with black prostitutes, q charge, she says, Bill never denied.Clinton never denied stories that he was having an ongoing relationship with one black prostitute as well as her friends. He did deny a rumor that he had fathered a child with a black prostitute while governor and took a DNA test that was reported as negative.Rumors of the trysts throughout Little Rock and were aided by one prominent black female newscaster who used to brag openly around the television station about her relationship with the governor, although they were only indulging in oral sex .Bill Clinton and Dolly grew up with Jim Crow laws in place in the plantation mentality of the South and they were in full force during the 1950s and 60s.It was a segregated society in Hot Springs at that time. Black and white students went to different schools. In the movie theaters, black people had to watch the movie from a balcony, use separate bathrooms and water fountains. Signs that separated WHITES and COLORED were deadly serious and always enforced , Dolly writes.In Arkansas, everyone had to pay a $2 poll tax to vote, and the cost was a huge sum for many black people.The black vote was further diluted by gerrymandering, a wide-spread practice of dividing electoral districts along racial lines to dilute the black vote .Not one black was voted into the Arkansas legislation in hundreds of elections.In the 1980s, Clinton was sued several times by blacks and Hispanics for violations of the 1965 Voting Rights Act and he lost every case.The district lines were redrawn under court order.Ben McGee was a black Democrat was elected to the state legislature in 1988. Clinton tried to replace McGee with a white Democrat of his choice, claims Dolly.The case went all the way to the Supreme Court was ruled 8-0 against Clinton and the Arkansas officials who challenged McGee s election.In the 1980s, Hispanics were moving into Arkansas in greater numbers and Clinton began racial profiling against Hispanics, she claims.He instituted the racial profiling program three years after his brother, Roger Clinton went to prison in 1985 for dealing cocaine. The program was initially part of his anti-drug program, although Roger s drug suppliers and buyers were white. For no good reason, Bill and Hillary decided to profile Hispanics as drug dealers, Dolly writes.State troopers now had the authority to stop and search any vehicle remotely suspect of carrying drugs. Specifically, the troopers were to stop and search cars driven by Hispanics, especially those cars with Texas license plates. Clinton was sued in federal court for his Criminal Apprehension Program that was ruled unconstitutional. Billy threw one of his infamous temper tantrums about the ban on his racial profiling of Hispanics and he threatened to renew the racial profiling program in spite of the court s ruling , Dolly reports. Via: Daily Mail ",left-news,"Jun 20, 2016",0 +"MEDIA FOCUSES ON CROOKED GRANNY…As Chelsea Gives Birth To Campaign Baby In $1,700/Night Maternity Ward…But Where Are Chelsea’s In-Laws?","As anyone who remotely follows the news knows, media whore Hillary has been dying for a reason to appear in photos unrelated to a story about her criminal activities. True to form, Hillary capitalizes on the birth of Chelsea s campaign baby by standing alone and waving to the crowd how very grandmotherly .You won t see the other set of grandparents in any pictures however, as the royal Clinton family has banned their son-in-laws family from appearing in any pictures with them Chelsea Clinton has emerged from hospital for the first time with her newborn son Aidan.The former First Daughter beamed at cameras on the steps of New York s Lenox Hill Hospital on Monday, flanked by her husband Marc Mezvinsky and parents Bill and Hillary Clinton.Despite the soaring temperatures, Hillary wore a button-down coat, while Chelsea opted for a floral mini-dress.Aidan, Chelsea s second child with husband Marc Mezvinsky, was born on Saturday in the $1,700-a-night maternity ward.- DMWho is Chelsea Clinton s father-in-law and why are he and his wife banned from appearing in pictures with Crooked Queen Hillary and her sexual predator husband? Edward Maurice Ed Mezvinsky, Chelsea Clinton s father-in-law and her daughter s grandfather, is a convicted Felon. The former Democrat Congressman from Iowa s 1st Congressional District in the United States House of Representatives, served two terms, from 1973 to 1977.Ed Mezvinsky has known Hillary Clinton since the days when he served on the House Judiciary Committee that decided the fate of President Richard Nixon. This harsh critic of President Richard Nixon, had called Nixon a crook and a disgrace to politics and the nation , and called for Nixon s impeachment.But, did you ever wonder who that allusive Nigerian Prince is who might be sending you those emails looking for money? Look no farther than the Clinton Family Tree.Through a series of Nigerian email scams and Ponzi schemes, Ed Mezvinsky, Chelsea Clinton s father-in-law embezzled more than $10 million dollars. In 2001, Ed Mezvinsky was convicted of 31 (out of 69!) charges of fraud, and served five years in federal prison. His fraud charges included bank, mail, wire, as well as other offenses involving financing bogus oil development and other trade deals in Africa.But don t think Ed doesn t keep it in the family. In addition to his law clients and friends, he even bilked his own (now deceased) mother-in-law out of money. To date in 2015, the Fraudster still owes over $9.4 million in restitution to his victims.A lot of political pundits have made allusions to the fact that the Clintons and the Mezvinkys behaviors are so similar, that it is what bonded the two. Be that as it may, the Clintons go to great lengths to never, ever, be seen or photographed with any of Chelsea s in-laws. So afraid is the Clinton Dynasty of being tarnished by the Mezvinkys that neither Ed nor his second wife and Marc s mother, Marjorie Sue Margolies-Mezvinsky, were allowed in any of Chelsea s wedding pictures. Conservative America ",left-news,"Jun 20, 2016",0 +HILLARY ON DISABLED CHILDREN During Easter Egg Hunt: β€œWhen are they going to get those f*****g ree-tards out of here?”,"Dolly Kyle has written a scathing tell all book exposing the sickening hidden truth about Bill and Hillary Clinton. Hillary s war on just about anyone who is beneath her, or who would dare to get in the way of her ascent to the White House. When will the media do their job and report the truth about this horrible opportunist?Dolly Kyle who was just 11 when she first crossed paths with Bill, dated him through high school and began sleeping with him once they graduated published the claims about the Clinton couple s racial epithets and politics in her new book, Hillary: The Other Woman, published by WND Books.She writes of one occasion, when developmentally challenged children were having difficulty picking up the eggs at a traditional Easter egg hunt on the grounds of the governor s mansion during Bill s tenure in the Arkansas state house.Reluctant hostess Hillary had enough. The frustrated Me-First Lady demanded, When are they going to get those f*****g ree-tards out of here? Dolly writes.When Hillary arrived in Arkansas, Dolly writes, she looked down her nose at what she viewed as ignorant hillbillies .She was raised in a middle-class suburb in Illinois and considered herself above the southerners unless she was campaigning in New York state where she declared herself to be a lifelong Yankees fan.Hillary didn t belong in Arkansas but here she was .In the governor s mansion for eight years, Bill and Hillary were both getting tired of the routine and frustrations of the small Southern state and Bill opted out of running for reelection in 1990.He was marking his time until he could make a move for the White House. Via: Daily Mail",left-news,"Jun 20, 2016",0 +CLASSIC! COLLEGE SNOWFLAKE Demolished By The GREAT Andrew Breitbart [VIDEO], ,left-news,"Jun 20, 2016",0 +WATCH: CHEROKEE PEOPLE Express Disgust Over β€œLying” Elizabeth Warren Faking β€œNative American Heritage” To Get Prestigious Law Professor Job,"Oh look Hillary s considering a lying, opportunist, Democrat politician with a vagina as her running mate. It all makes perfect sense if you consider that Hillary s thinking ahead, and that if anything happened to her she wants to make sure she has someone with the same morals and ethics to fill her corrupt shoes In Warren s book A Fighting Chance, Massachusetts Democratic senator and potential vice presidential candidate Elizabeth Warren attempts to rewrite history regarding the controversy surrounding her Native American ancestry that emerged in the 2012 Senate campaign. What s remarkable is that, at least in the initial book reviews, the press largely allows her to get away with it. In fact, it s virtually ignored that to this day Warren still refuses to release any law school records that may shed light on this controversy.To be fair, most reviews note that Warren has never substantiated her claims of Native American heritage, which is true. The larger and unaddressed issue, however, is whether or not Warren falsely claimed minority status in order to gain an unfair advantage in her academic career. This was a question that was unresolved at the end of the 2012 campaign and it remains unresolved with the publication of Warren s book.Watch Cherokee people from ND tell how they feel about Lying Elizabeth using phony Native American status to gain an advantage in obtaining a job:First, what s perhaps most notable about Warren s book is that she even includes a section called Native American, in which she reportedly writes, Everyone on our mother s side aunts, uncles, and grandparents talked openly about their Native American ancestry. My brothers and I grew up on stories about our grandfather building one-room schoolhouses and about our grandparents courtship and their early lives together in Indian Territory. This is ironic because, until the Boston Herald first broke the news in April 2012 that Harvard Law School had repeatedly promoted Warren as a Native American faculty member, Warren never once mentioned these stories of her upbringing in a single press interview, speech, class lecture or testimony at any point, ever, in her decades-long career. What s more, Warren was not listed as a minority on her transcript from George Washington University where she began her undergraduate education, nor did she list herself as a minority when applying to Rutgers University Law School in 1973.In fact, it was not until she was in her 30s and focused on climbing the highly competitive ladder of law school academia that Warren apparently rediscovered her Native American heritage. It s important to note that entrance and advancement in the law school profession is governed by the Association of American Law Schools, which requires registrants interested in teaching at law schools to fill out a questionnaire detailing their education, experience, bar passage and, yes, ethnicity. This information is then disseminated to law schools around the country that, as Warren surely knew, are always on the lookout to add to the diversity of their faculty.A copy of Warren s questionnaire currently resides in the Association of American Law Schools archives at the University of Illinois at Urbana-Champaign. However, only Warren herself has the authority to release the complete copy of her questionnaire and to date, she has refused to do so.Watch Warren stonewalling the press over her phony Native American status and double down on her refusal to clear the record and release the copy of her questionnaire: Her opposition to such transparency can perhaps be understood in the documented fact that in the years thereafter, starting in 1986, Warren began self-reporting herself as a minority professor in the Association of American Law Schools staff directory that lists all law school professors around the country. As the former association chairman told the Boston Herald, the directory once served a tip sheet for law school administrators, in the pre-Internet days, who were looking to identify and recruit minority professors.Remarkably, Warren s explanation to the Boston Herald was that she listed herself as a minority in the hopes that she would be invited to a luncheon so she could meet people who are like I am and she stopped checking the box when that didn t happen. Perhaps it didn t happen because at no point, at any of the schools she attended or worked at, is there any evidence that Warren ever joined any Native American organizations on campus or in any way interacted with anyone in the Native American community.That did not however, stop Warren from continuing to self-report as a Native American minority. The New York Times reported in May 2012 that Warren was listed as a minority recipient of a teaching award years earlier at the University of Pennsylvania where she had advanced after teaching at several non-Ivy League law schools. Notably, Penn declined to explain to the Times why Warren was listed as a minority.From Penn, Warren moved on to Harvard Law School, where her Native American heritage was touted in multiple articles, including a Fordham Law Review piece that lauded her as Harvard Law s first woman of color. Even as recently as 2011, it appears Warren was listed as the lone Native American faculty member on the school s 2011 diversity report, though like Penn, Harvard also refused to comment.Yet, when the Herald first broke the story in April 2012, Warren claimed she had no idea that Harvard had touted her Native American status and claimed she did not recall ever citing her Native American heritage when applying for a job. In the months afterward, Warren ducked, dodged and stonewalled subsequent questions, eventually wearing-out the press, and succeeded in winning an election without ever releasing any records that might substantiate those claims.Whether Warren falsely claimed to be a minority in order to game the system and advance her career is a question that goes to the heart of her honesty and integrity. It s also a question that will confront her if she ever seeks higher office. Via: US News",left-news,"Jun 19, 2016",0 +FATHERS OF SONS MURDERED By Illegal Aliens Have Brutal FATHER’S DAY Message For Paul Ryan,"US Citizens should never have to beg members of Congress to put the safety and security of their families before the donors who support their campaigns. The fact that Congress has allowed our current illegal crisis to spin this far out of control is unforgivable. Border Agents who spend years training to apprehend illegal aliens who cross our borders are not only being told to stand down by the Obama regime, they are also being asked to stand by and watch these aliens being transported to cities across America in a coordinated effort to populate red states with Democrat voters. This Father s Day, fathers whose sons were murdered by illegal aliens are calling on House Speaker Paul Ryan to resign describing his policies as treasonous and taking particular objection to Ryan s recent attempts to undermine Donald Trump s proposals to enforce U.S. immigration law. I would invite Speaker Ryan to forsake spending Father s Day with his kids to come down here to Houston and visit the place I will spend every Father s Day for the rest of my life my American son s grave. This way Speaker Ryan can see first hand what pandering to the cheap illegal labor lobby means to Americans who can t afford to put a security fence up around their house, said Dan Golvach.Golvach s 25-year-old son, Spencer, was murdered by an illegal alien. Spencer was shot in the head while stopped at a red light. The best thing Ryan could do to protect his family from what my family is experiencing is resign today! Golvach added. His policies are not only treasonous to us, they are also treasonous to any American that ever happens to be sitting at a red light like Spencer was. This wasn t Syria or Iraq. It was the neighborhood I grew up in. Do your kids ever sit at red lights, Mr. Speaker? Billy Inman, whose 16-year-old son was murdered by an illegal alien, said that it was a disgrace for Paul Ryan to suggest that he may sue a President Trump for using executive authority to pause Muslim migration. He s more upset with Trump than he is about what happened to our families, Inman said. If Ryan sues Trump on the Muslim ban, we could sue him and most of our elected officials for not stopping illegal aliens from crossing the southern border. In addition to Father s Day, this week marks the 16th anniversary of the death of Inman s child. Inman s 16-year-old son Dustin was murdered while he and his family were on their way to celebrate an early Father s Day family fishing trip. An illegal alien rear-ended the family s vehicle at over 60 mph. Dustin s parents, Billy and Kathy, were both knocked unconscious. They were unable to attend their son s funeral because they were in accident-induced comas for weeks after their son s death.Dustin s killer remains at large today.Inman sees it as symbolic that Donald Trump the first national politician to make their family feel heard launched his presidential campaign on the same day Inman lost his son fifteen years ago. I d like for Ryan to try wearing my shoes for a week. I don t think he d make it a day, Inman said while discussing the anguish he and his wife go through daily. Ryan is just one of Obama s puppets. I don t consider him a Republican, said George Wilkerson, whose 18-year-old son Joshua was tied up, beaten, strangled, set on fire, and tortured to death by his illegal alien classmate while he was on his way home from school.Wilkerson described Ryan s policies as treasonous and voiced his own frustrations about Ryan s tone:His tone is totally against Americans as far as I m concerned. He s been paid by the taxpayers, but he hasn t done anything for them. He s been there for two decades. He s not doing his job. He s not looking out for Americans. He s doing more for foreign citizens than he is for his own American citizens.Addressing Ryan s recent denunciations of Trump s immigration proposals, Wilkerson said, Ryan doesn t speak for me. He hasn t done anything to help us. By contrast, Wilkerson said that Trump has helped his family, but that it s starting to get harder when you have people like Ryan standing up and telling the American public that Trump is wrong on this issue. Paul Ryan has a two-decade history of pushing open borders immigration policies and fighting to maintain illegal immigrants access to benefits paid for by U.S. taxpayers. Ryan s 2015 omnibus spending bill fully funded sanctuary cities; and earlier this week, Ryan seemed to suggest that the reason the House has not pushed Kate s Law named for Kate Steinle is because he s opposed to clogging up our jails with illegal alien drunk drivers. Ryan s immigration agenda that caters to his GOP donors, who benefit from illegals being here, is totally wrong, Wilkerson said. We re in tough times. For him to sit there and not be for Americans and for America is absurd I m supporting Paul Nehlen. Absolutely, I want Paul Nehlen to take Paul Ryan s place . We need more people like Nehlen. Via: Breitbart News",left-news,"Jun 19, 2016",0 +[VIDEO] HOLLYWOOD ACTOR Scott Baio FED UP With Obama: β€œHe’s a Muslim or a Muslim sympathizer”,"I don t think there are too many people who would disagree with that sentiment, given Obama s obvious desire to make Americans believe Islam has nothing to do with Islamic terror. In the wake of yet another attack on American soil by a radicalized Muslin gunman, actor Scott Baio questioned whether President Barack Obama wants to eliminate the United States as it was created. Appearing on Fox Business, the former Happy Days star was asked if the president is reluctant to say Islamic terror. He s absolutely reluctant, Baio replied. I can t tell, Lester, if he s dumb, he s a Muslim or he s a Muslim sympathizer. And I don t think he s dumb. WATCH here:Baio, an ardent supporter of Donald Trump, was asked to explain Obama s actions. I have no idea, the actor replied. Like I said, either he s a sympathizer, a Muslim sympathizer or he s a Muslim to allow this to keep happening. He insisted that Trump is the only person who wants to do something about these attacks by Islamic extremists.Borrowing from Obama s 2008 promise of fundamentally transforming the United States of America, Baio speculated on what may be the end game for liberals like Obama and Hillary Clinton. Is it to totally eliminate the United States as it was created and founded and the way it is now? he asked.The actor went on to say he is baffled by the inaction from Obama and Clinton, saying the only time they get angry is at Republicans. Via: Biz Pac Review ",left-news,"Jun 19, 2016",0 +BOOM! Dodgers Baseball Radio Legend Drops A Mid-Game Rant On Socialism [Video],"This is totally out of left field! Vin Scully goes off on the evils of socialism-epic! Vin Scully has strong feelings on socialism pic.twitter.com/7XEnF56EOy Timothy Burke (@bubbaprog) June 18, 2016 ",left-news,"Jun 19, 2016",0 +WATCH: GAY MAN AND FORMER LIBERAL Makes Riveting YouTube Video Urging Americans To Vote For Trump: β€œMuslim Countries Execute Gays…That’s Not Radical…That’s Common Law”," Hillary s going to make make our borders less secure. She s going to take away our ability to defend ourselves It s RADICAL ISLAM Obama SAY IT! A gay man has made a riveting Youtube video urging the gay community to vote for Donald Trump over Hillary Clinton in the aftermath of the Orlando nightclub terrorist attack by an Islamic State sympathizer. The Sleeping Giant, a Youtube user who describes himself a disaffected former liberal who just so happens to be gay, made an emotional appeal for Trump in the video:Hillary Clinton is up there talking about guns. And I just wanted to pull my hair out of my head in frustration because this isn t about guns. If he [Omar Mateen] didn t have a gun then maybe it would have been a bomb. It could have been arson. It could have been any number of tools to kill people because it s not about the tool. It s about terrorism. It s about radical Islam. And we need to say it. Because if we can t even say it then how are we going to fight it?In November, we have two options. You may not like either of them. A lot of people don t. You have Hillary Clinton and you have Donald Trump. And all I can say right now is that Hillary Clinton is politicizing this and talking about gun control. And Donald Trump, for all his faults, has the courage to stand up and call it what it is. Radical Islam. It is terrorism. They re killing us, you guys. They re killing us.I want him to fight them. I want them to pay. And I m not ashamed to say it that I want revenge.Via: Breitbart News ",left-news,"Jun 18, 2016",0 +LOL! CONSERVATIVE COMEDIAN Steven Crowder Makes Video You Don’t Want To Miss: β€œPainting Muhammad With Bob Ross”,"Hysterical! As always, conservative comedian Steven Crowder nails it with this one ",left-news,"Jun 18, 2016",0 +BUSTED! Main Political β€œFact” Checker For SNOPES Is FINALLY EXPOSED As Liberal Hack,"Wait until you read this woman s biography and past quotes about conservatives! Popular myth-busting website Snopes originally gained recognition for being the go-to site for disproving outlandish urban legends -such as the presence of UFOs in Haiti or the existence of human-animal hybrids in the Amazon jungle.Recently, however, the site has tried to pose as a political fact-checker. But Snopes fact-checking looks more like playing defense for prominent Democrats like Hillary Clinton and it s political fact-checker describes herself as a liberal and has called Republicans regressive and afraid of female agency. Snopes main political fact-checker is a writer named Kim Lacapria. Before writing for Snopes, Lacapria wrote for Inquisitr, a blog that oddly enough is known for publishing fake quotes and even downright hoaxes as much as anything else.While at Inquisitr, the future fact-checker consistently displayed clear partisanship.She described herself as openly left-leaning and a liberal. She trashed the Tea Party as teahadists. She called Bill Clinton one of our greatest presidents. She claimed that conservatives only criticized Lena Dunham s comparison of voting to sex because they fear female agency. She once wrote: Like many GOP ideas about the poor, the panic about using food stamps for alcohol, pornography or guns seems to have been cut from whole cloth or more likely, the ideas many have about the fantasy of poverty. (A simple fact-check would show that food stamp fraud does occur and costs taxpayers tens of millions.)Lacapria even accused the Bush administration of being at least guilty of criminal negligience in the September 11 attacks. (The future fact-checker offered no evidence to support her accusation.)Her columns apparently failed to impress her readership, oftentimes failing to get more than 10-20 shares.After blogging the Inquisitr, Lacapria joined Snopes, where she regularly plays defense for her fellow liberals.She wrote a fact check article about Jimmy Carter s unilateral ban of Iranian nationals from entering the country that looks more like an opinion column arguing against Donald Trump s proposed Muslim ban.Similarly, Lacapria in another fact check article argued Hillary Clinton hadn t included Benghazi at all in her infamous we didn t lose a single person in Libya gaffe. Lacapria claimed Clinton only meant to refer to the 2011 invasion of Libya (but not the 2012 Benghazi attack) but offered little fact-based evidence to support her claim.After the Orlando terror attack, Lacapria claimed that just because Omar Mateen was a registered Democrat with an active voter registration status didn t mean he was actually a Democrat. Her fact check argued that he might have chosen a random political affiliation when he initially registered. Lacapria even tried to contradict the former Facebook workers who admitted that Facebook regularly censors conservative news, dismissing the news as rumors. In that fact check article, Lacapria argued that Facebook Trending s blacklisting of junk topics was not only not a scandalous development, but to be expected following the social network s crackdown on fake news sites. The opinion-heavy article was mockingly titled: The Algorithm Is Gonna Get You.Lacapria again played defense for Clinton in a fact check article when she claimed: Outrage over an expensive Armani jacket worn by Hillary Clinton was peppered with inaccurate details. One of the inaccurate details cited by Lacapria was that, The cost of men s suits worn by fellow politicians didn t appear in the article for contrast. She also argued the speech Clinton gave while wearing the $12,495 jacket, which discussed raising wages and reducing inequality, wasn t actually about income inequality.Read more: Daily Caller",left-news,"Jun 18, 2016",0 +FRIGHTENING POWER OF THE PRESS: You Won’t Believe What 41% Of Americans Are Calling Orlando Terror Attack,"Remember when the press used to actually report the news? Today they are nothing more than a mouthpiece for the Obama administration and Democrat party. There isn t a radical agenda this President and his regime want pushed that s off limits for today s mainstream media. So you have an Islamic terrorist who even in 2001 as a teenager was cheering the 9/11 attack. He cased different targets, including Disney World (happy, but not a gay target) and prepared for the attack apparently for quite some time. He listened to Anwar al Awlaki videos, and has connection to radicals like American suicide Moner Abu Salha. He makes comments to coworkers about his connections to terrorists that spark them to call the FBI. During the attack, he calls media, says he s doing it because of ISIS, tells the victims that s why he s doing it, tells the police that s why he s doing it. He also tells victims he s doing it because the US bombing of my country'[Afghanistan, he was born in NY but apparently self-identified as Afghan]. ISIS claims the attack and calls him a soldier of the caliphate .The police never say it s Islamic terrorism, and they immediately said the morning after, there are leanings in that direction . They have reported the connections to radicals and are still looking at all the connections now.But it s domestic gun violence to these people?Check out the poll below:Why? Because of the media narrative and politicians like Obama and Clinton pushing it.At least 48% (translate Republicans and people with sense) get it.Via: Weasel Zippers",left-news,"Jun 18, 2016",0 +WHY OBAMA AND MUSLIM CIA DIRECTOR BRENNAN Have Opposing Views Of ISIS [Video],"Catherine Herridge is one of the best reporters on foreign policy and terrorism. She weighs in on the two opposing views within the Obama administration on ISIS. Last, week Obama and CIA Director Brennan had two different takes on our progress fighting ISIS. Here s the scoop: ",left-news,"Jun 18, 2016",0 +BREAKING: SOCIALIST BRAZIL Declares FINANCIAL DISASTER Less Than 2 Months Before Start Of Olympics,"Corruption and socialism go hand in hand Brazil is no exception!Here s the backstory on the corrupt Brazillian President and how she drained the coffers. It hasn t helped that the lower oil prices have devastated Brazil s economy:The impeachment of Brazilian President Dilma Rousseff is about more than cooking the books to hide election-year spending or looting the state-owned oil company for her campaigns and cronies. What s really on trial are Rousseff s socialist policies.Those policies drove up deficits to win votes, bet too heavily on exports to China and not only failed to retool the world s ninth-largest economy to compete in the world but drove it into a recession.Rousseff was first elected in 2010 on the coattails of her mentor Luiz In cio Lula da Silva a leftist labor leader who exceeded expectations as president from 2003-2011. Da Silva benefited from the windfall of revenue from exports of oil, natural gas, minerals and agriculture goods which convinced him that his bloated anti-poverty programs were sustainable.Unfortunately, both da Silva and Rousseff ignored the dire need to improve education, reform tangled tax codes, fix stifling labor laws, invest in infrastructure or make it easier to create or operate a business. Read more: NYPFAST FORWARD TO TODAY:RIO DE JANEIRO (AP) The acting governor of Rio de Janeiro state has declared a state of financial disaster so he has more leeway to manage the state s scarce resources less than two months Brazil hosts the Olympic Games.Francisco Dornelles announced the decision on Friday. It will allow Rio s state government to change its budgetary priorities without disrespecting Brazil s fiscal laws.The move will let Dornelles adopt exceptional measures to pay costs related to the Games as the state grapples with the country s economic recession.The 2016 Summer Olympic Games will be held in Rio de Janeiro on Aug. 5-21.Dornelles office said in a statement that the decision was made because a dip in revenues from taxes and oil royalties was stopping the state of Rio de Janeiro from honoring its commitment to the organization of the Olympic and Paralympic Games. The financial crisis has brought several difficulties in essential public services and it could cause the total collapse of public security, health care, education, urban mobility and environmental management, the statement said.Rio s state government is in such dire straits that two of its hospitals were taken over by the Rio de Janeiro city government to allow doctors to keep receiving their paychecks. Some police stations are so underfunded that they have asked neighbors to donate basic items like toilet paper. Public workers and retirees have suffered months-long delays in receiving their money.Read more: Yahoo News ",left-news,"Jun 18, 2016",1 +ARIZONA BIKERS ARE ABOUT To Become Violent β€œDreamers” Worst Nightmare At Upcoming Phoenix Trump Rally," The Left has been itching for a fight the only problem is, they ve been itching for a fight against Trump supporters who re outnumbered so they can t fight back. They may be biting off a bit more than they can chew this time around A group of bikers said it plans to protect supporters from possible violence at a Donald Trump rally scheduled to be held in Phoenix on Saturday. We re going to stand between them and any protesters that come onto the property and hopefully protect them from any bodily harm, should it get to that point, Cindy Perrin with Lions Guard Arizona said.The rally is expected to begin Saturday about 4 p.m. at the Veterans Memorial Coliseum on the Arizona State Fairgrounds near 19th Avenue and McDowell Road.The protest will be held at nearby Encanto Park from 10 a.m. to 1 p.m.Perrin said the biker group, made up mostly of retired police officers, such as herself, and veterans, will be wearing American flag bandanas so they are easy to identify. If they have any problems, they ll be able to locate us and ask us for help, she said.Perrin said her group is not expecting things to take a violent turn outside of Trump s rally, unlike several events the presumptive Republican presidential nominee hosted in California. We re not expecting it to get to that point in Arizona, she said.The bikers will not be the only group attempting to keep things calm on Saturday. Arizona Department of Public Safety Capt. Damon Cecil said his organization has reached out to groups both for and against Trump. Most of those groups not all, but most of those groups we have talked to their leadership and got assurances their protests were going to be peaceful, he said.Protest organizers are also hoping things remain civil. My message to the folks that want to protest is: You know what? Why don t you pick up a clipboard, let s get some voter registrations and get some more families registered to vote who will vote against Trump come November, Tony Navarette with Promise Arizona said.DREAM Act advocate Carmen Cornejo said protesters who act violently are doing nothing more than falling into line with Trump s rhetoric. I invite all young people to not react with violence to the provocations and the incendiary comments of Mr. Trump, she said. Via: KTAR",left-news,"Jun 17, 2016",0 +PAUL RYAN IGNORES EXECUTIVE ORDERS OBAMA… SAYS He’ll Sue Trump Over Muslim Ban,"Paul Ryan has had almost 8 years to lead the charge to impeach Obama for his unlawful, unconstitutional acts against America. Where was all of the tough talk from Ryan when Obama was shoving Obamacare down our throats? House Speaker Paul Ryan (R-WI) has made clear he doesn t agree with a proposal put forward by Donald Trump whom Ryan has endorsed to ban Muslim immigration into the United States, but in an interview with the Huffington Post Thursday, Ryan floated taking a President Trump to court if he tried to implement such a ban or some of his other controversial proposals unilaterally. I would sue any president that exceeds his or her powers, Ryan said in a back-and-forth about Trump s claims that he could implement a Muslim ban or build a Mexican border wall without congressional approval.REALLY Paul? Where have you been for the past year?Ryan said he wasn t sure of the legal question of whether Trump could institute a Muslim ban on his own as president. That s a legal question that there s a good debate about, he said, citing the 1952 Immigration and Nationality Act. On the broader question, are we going to exert our Article I powers and reclaim this Article I power no matter who the president is? Absolutely, Ryan said. He also said he discussed the limits of the executive power with Trump.In the interview, Ryan said his endorsement of real estate mogul did not give Trump a blank check, and that he was still trying to achieve real unity between the presumptive nominee and his caucus. I am going to keep being who I am, I am going to keep speaking out on things where I think it s needed, where our principles need to be defended, and I am going to keep doing that, I hope it s not necessary, Ryan said. But the last thing I want to see is a another Democrat in the White House Via: Talking Points Memo",left-news,"Jun 17, 2016",0 +FLORIDA GOVERNOR GOES OFF ON OBAMA: β€œThe Second Amendment Didn’t Kill Any Of These Individuals…Radical Islam Killed Them” [VIDEO],"Florida Governor Rick Scott is not holding anything back. He is angry that Obama has made the Second Amendment the enemy while ignoring ISIS. We need a President who says my number one job right now is, on top of turning the economy around is to destroy ISIS. ",left-news,"Jun 17, 2016",0 +BREAKING: GUN STORE OWNER Claims He DID Report Florida Terrorist To FBI Weeks Before Massacre,"If you see something say something and maybe, if the FBI isn t too busy spending all of their time and resources investigating a presidential candidate who should already be in jail, they ll do something about it A gun store owner reported Orlando shooter Omar Mateen to authorities weeks before he committed the worst mass shooting in US history.Robbie Abell, co-owner of Lotus Gunworks, told the Wall Street Journal Mateen came into the store in South Florida in May and asked for heavy-duty body armor like the kind used by law enforcement.Staff at the store, which does not sell body armor, felt it was a strange demand.After his request was denied, Mateen asked to buy bulk ammunition.Though Lotus does sell ammunition, staff shut down his request and refused to sell him anything else.They subsequently reported the incident to the FBI, Abell said. Mateen had already been investigated by the FBI years before. But even after Abell s report, the 29-year-old self-radicalized gunman obtained an AR-15 and a semiautomatic pistol from another store in the area, bought stacks of ammunition, then opened fire on Pulse nightclub, where he killed 49 people and wounded 53.The store s owner Robbie Abell told the Journal: The questions he was asking were not the normal questions a normal person would be asking He just seemed very odd. Abell also said Mateen was speaking to someone on the phone in Arabic and was walking around the store texting.He added that staff were on high alert since authorities has recently warned them to look out for suspicious activity in the area.Abell did not specify which authorities gave this warning. Port St Lucie police said they did not receive a report about Mateen s suspicious behavior.The FBI has yet to comment.Once it emerged that Mateen was the perpetrator of the worst mass shooting in history, Abell said, Lotus staff instantly recognized him and reported their experience to the FBI.For entire story: Daily Mail ",left-news,"Jun 17, 2016",0 +OBAMA COMMENCEMENT SPEECH To Black Graduates: You’re Just Lucky,"Because getting something for nothing is all the rage with this President and the professors who spew this type of garbage to our children Earning a living is a totally foreign concept to this generation that is being taught it s better to receive than to give of one s self BEGIN TRANSCRIPTRUSH: Did you hear what Obama said? This happened when I was away. When this happened, when I heard about this, I almost got on the plane and flew 12 hours back here. I could have done it on the phone but I don t trust it.Obama in his commencement speech at Howard University, do you remember what he said? Here s what he said to the class of 2016 at Howard University: Yes, you ve worked hard, but you ve also been lucky, and that s a pet peeve of mine. People have been successful and don t realize they ve been lucky, that God may have blessed them. It wasn t nothing you did! Quote/unquote, Barack Obama, right out of the Elizabeth Warren playbook. Hey, you didn t build that! which Obama also has said.Can you imagine telling college graduates, You ve worked hard, but you ve been lucky, and so s every other successful person out there. They ve been lucky, and they don t realize it. Wasn t [any]thing you did. And that Nothing. Nothing. And that is how they lay the case for Big Government. To redistribute, to make things fair, to determine equality of outcomes, because it s just luck.Dick Gephardt, the successful are winners of life s lottery. I ll tell you, the American left, progressives, Democrats, are the greatest enemies of human greatness that we have to deal with. They really stand in the way of individual, group, whatever, human greatness, by disparaging it, by impugning it, by denying it. It s bad enough you think it, but to run around and send college graduates from a black university out into the world thinking that what they ve just accomplished was luck? (sigh) That s the kind of thing, you know, you walk out of a speech, people saying things like that. Via: Rushlimbaugh.com",left-news,"Jun 16, 2016",0 +WHOA! PAUL RYAN JUST LIED TO O’REILLY About Bill House Passed To Pause Somali Refugee Program [VIDEO],"And people wonder why American voters are flocking to Trump like flies on cow-pies In a Wednesday interview with Fox News s Bill O Reilly, House Speaker Paul Ryan made a demonstrably false declaration about his efforts to pause the Somali refugee program. During the interview, O Reilly criticized Ryan for failing to message on immigration controls and asked Ryan specifically about the Somali refugee crisis in Minnesota.O Reilly: We have a Somali problem up in Minneapolis-St. Paul. [We] have a problem there and those are refugees from Somalia. And if, God forbid, some refugee comes in and blows people up, it s going to be grisly. Watch here:https://youtu.be/UBo5DG9Twp4Ryan replied by explaining that he passed a bill to pause the refugee program. Ryan said: Right. Right. That s why just so you know that s why we passed a bill pausing this refugee program, because we don t think the refugee program works. That s why we don t want it to continue right now. However, Ryan did no such thing. The bill Ryan championed did not in any way pause the Somali refugee program it applied solely to refugees from Syria and Iraq.The House bill would not have affected the Somali refugee program at all, said Numbers USA Director of Government Relations Rosemary Jenks.Jenks further noted that, The bill the House passed would in no way pause the refugee program. They had the option of taking up the Babin bill, which would have paused the refugee program, but they refused to do that All [the House bill] required was that the government sign off that individuals had been vetted. It didn t even change the fact that we don t have any information by which to vet them. As National Review s Rich Lowry explained at the time, the Ryan-championed House bill when you get down to it, it doesn t do anything, Lowry wrote in a piece entitled, Uh, the House Bill to Pause the Syrian Refugee Program Doesn t Really Pause the Syrian Refugee Program. Hot Air s AllahPundit said that Democratic Senator Dianne Feinstein s bill was more substantive than the Ryan-backed bill because it was not strictly limited to refugees from Iraq and Syria:When you compare the House GOP s bill to what Senate Dems are pushing, it s the Democratic bill that s more substantive. Dianne Feinstein wants to add an exception to the current policy of waiving the visa requirement for visitors from France; the exception would require a visa for anyone who s visited Iraq or Syria in the last five years.Reports seem to confirm O Reilly s concerns about assimilation with regards to the Somali population of Minnesota.Last year, filmmaker Ami Horowitz interviewed Muslim residents of the Cedar Riverside section of Minneapolis, many of whom said that they would prefer to live under Sharia law. As CBS has reported, The Cedar-Riverside neighborhood of Minneapolis is sometimes called Little Mogadishu given that it is the center of the nation s largest concentration of Somalis. CBS notes that the area is also fertile ground for Islamic terrorist groups recruiting new fighters. As the Minneapolis Star Tribune has reported, a Congressional report found that Minnesota leads the nation in would-be ISIL terrorists from U.S. During the last two years, more than 20 Somali-Americans from Minnesota have left to fight alongside terrorists under the banner of ISIL, a report from 2015 states.A separate report from the Star Tribune writes:No state in the country has provided more fresh young recruits to violent jihadist groups like Al-Shabab and, more recently, the Islamic State in Iraq and the Levant (ISIL). Over the last decade, dozens of mostly young men have abandoned the relative comfort and security of life in the Twin Cities to fight and, in many instances, die, in faraway lands the exodus of local men abroad, its impact on the families and the Twin Cities Somali-American community the largest in the U.S. has been profound.During the interview, O Reilly pressed Ryan on his failure to message on immigration controls: With all due respect, I didn t even know Harry Reid was blocking that bill [on Iraqi and Syrian refugees]. Ya know, you guys got to get out there. And you ve got to bang the drum on this thing. Like him or not, Trump bangs that drum. And you guys don t. I mean, I didn t know until you just told me tonight that Harry Reid who is a villain he blocked Kate s Law, he s trying to block this You guys should be screaming at the top of your lungs. In response, Ryan laughed and said: We passed the bill in January. For entire story: Breitbart News",left-news,"Jun 16, 2016",0 +"5-STAR MOOCH, HER TAXPAYER FUNDED MOM And Meryl Streep Travel To Africa To Discuss β€œGender Inequality”","One of the countries Mooch and her taxpayer funded mom and daughters will be visiting was devastated by Ebola less than two years ago. I m sure the first thing on their minds (after wondering where their next meal will come from or if they ll live past the age of 15 years) is gender inequality! Way to waste hundreds of thousands of taxpayer dollars that could be spent to help unemployed Americans find jobs or to improve the health care for veterans. Actresses Meryl Streep and Frieda Pinto are set to join First Lady Michelle Obama and First Daughters Sasha and Malia Obama for a trip to Liberia and Morocco in late June to promote the White House s Let Girls Learn female education initiative. The First Family who will also be joined by Obama s mother, Mrs. Marian Robinson will visit Margibi County, Liberia, Marrakech, Morroco and Madrid, Spain from June 27 July 1, according to a White House press release.Pinto, 31, perhaps best known for her role in the Oscar-winning film Slumdog Millionaire, will join Michelle Obama at a school in Unification Town in Liberia on June 27 to meet with young girls to discuss the obstacles they face in attaining an education. Pinto will moderate the discussion, and the pair will be joined by Liberian President Ellen Johnson Sirleaf.Obama is also scheduled to visit a Peace Corps training facility in Kakata while in Liberia.The following day, Streep will join Obama and Pinto in Morocco for a discussion centered on girls education moderated by CNN s Isha Sesay. On the final day of the trip, Obama will visit Madrid to deliver a speech highlighting the White House s Let Girls Learn initiative. The First Lady will also meet Queen Letizia while in Spain.According to a rough cost estimate of the trip conducted by the Daily Mail, the First Family s overseas visit could cost as much as $300,000 in taxpayer funds for airfare alone. The outlet reports that the First Lady s plane generally costs $11,684 per hour to operate; with roughly 25 hours of flight time scheduled, the airfare alone could come out to just under $300,000.The Mail notes that the First Lady s 2011 trip to Botswana and South Africa cost $424,142 in travel and plane crew fees.The three-country trip in late June could be Michelle Obama s final overseas trip as First Lady, as President Obama has just seven months left in office.Streep and Michelle Obama have teamed up to discuss gender equality before; in 2015, the pair gave a joint interview to More magazine in which the Oscar-winning actress said that women in America have not yet reached full equality with men.- BreitbartHas anyone else ever noticed how carefully Marian Robinson is covered up in all of the 5-star vacation photos that are taken by the mainstream media? It s almost as if they don t want the American taxpayer to see that we re footing the bill for her to accompany her greedy daughter and ungrateful grandchildren on their 5-star vacations. Can you spot Granny above? ",left-news,"Jun 16, 2016",0 +RACIST OPRAH MAKES SAME MISTAKE…TWICE,"Just remember, the woman who believes Hillary is the best candidate for the job because she has a vagina, is the same person who thought America needed the first Black President to bring us together Never mind that the only thing keeping Hillary from spending the next two decades in jail is the first black President Oprah endorsed 8 years ago.Oprah Winfrey is throwing her support behind Hillary Clinton.Winfrey spoke with ET s Nancy O Dell at the premiere of her new OWN drama, Greenleaf, and the media mogul opened up about the possibility of America electing its first female president. I really believe that is going to happen, said Winfrey, 62. It s about time that we make that decision. Regardless of your politics, it s a seminal moment for women, she continued. What this says is, there is no ceiling, that ceiling just went boom! It says anything is possible when you can be leader of the free world. I m with her, Oprah added, touting Clinton s campaign slogan and effectively endorsing the former Secretary of State. Clinton, the presumptive Democratic Party nominee for president, was also recently endorsed by President Barack Obama, who declined to back any candidate until the primaries had ended. ET",left-news,"Jun 16, 2016",0 +EMBARRASSING: Pro-Gun Control Reporter Attempts Hit Job On AR-15’s…Claims He Got β€œTemporary PTSD”…Viewers Respond: β€œIf you have a man card turn it in immediately” [VIDEO],"What is it about liberal men that makes a woman want to shoot him up with testosterone just to make him tolerable? Gersh Kuntzman of the New York Daily News has been roundly mocked since the publishing of an article headlined What is it like to fire an AR-15? It s horrifying, menacing and very very loud. The article also contains a video of Kuntzman shooting the AR-15, a segment put together one day after the Orlando massacre.He described the experience as an explosion of firepower that was humbling and deafening, but it was a line at the end of the article that people really took issue with. The brass shell casings disoriented me as they flew past my face. The smell of sulfur and destruction made me sick, he said. The explosions loud like a bomb gave me a temporary case of PTSD. For at least an hour after firing the gun just a few times, I was anxious and irritable. It was the temporary case of PTSD that critics found inappropriate and Kuntzman added a note about it after publishing, while linking to a follow-up story showcasing some of the responses he received.Many people have objected to my use of the term PTSD in the above story. The use of this term was in no way meant to conflate my very temporary anxiety with the very real condition experienced by many of our brave men and women in uniform. I regret the inarticulate use of the term to describe my in-the-moment impression of the gun s firepower, and apologize for it. I have also posted a follow up piece here.In the follow-up mentioned, which Kuntzman headlined To gun lovers, you can t even have an opinion on assault rifles unless it s theirs. Here s the proof, the writer opened by saying The gun debate is also a gender war. In all my years in journalism coming up on 30 (thanks) I have never received so much angry mail as I did after yesterday s story. Here is a sampling of the angry mail he received: Kuntzman is an outright liar. Nice try with an extremely stupid article which only appealed to girly boys and women of NYC and like the sheeple they are probably believed the lies. Hey there Cupcake! I have never subscribed to the idea of gender confusion, but after reading your article on the AR-15, I m a believer because there is no way you and I are the same gender. You should surrender your testicles to the Department of Girlymen. I m not sure where it s located, but your girlfriend Barack does! You f king pussy. If you have a man card turn it in immediately. You might be better served writing about feminine hygiene products!!! Maybe you can get some balls through Obamacare! Huntsman said these were only the printable responses he received.Via:Rare.us",left-news,"Jun 15, 2016",0 +"#BoycottDisney: DISNEY PUSHES GAY AGENDA On Toddlers, Young Kids…Makes Stingray In New β€œFINDING DORY” Movie A TRANSGENDER","Disney has officially begun to push a gay agenda on children so young that many of them don t even know there are anatomical differences between themselves and their friends. No matter, Disney apparently has a gay agenda, and no child is too young to start pushing that agenda on our children. Just remember, no one is FORCING you to take your kids to Disney movies or buy their propaganda. A controversy has been brewing for some time now over the sequel to Frozen where MTV host, Alexis Isabel started a hashtag campaign: #GiveElsaAGirlfriend asking Disney to make the Elsa character a lesbian.Let's trend #GiveElsaAGirlfriend in hopes that @Disney will consider giving queer girls representation in princess form. Alexis Isabel (@lexi4prez) May 1, 2016Disney/Pixar s upcoming film Finding Dory features a transgender stingray who transitions to become Sting-Rhonda, the film s star Ellen DeGeneres revealed in an interview.The sequel to the 2003 smash hit Finding Nemo has already fueled speculation that it will be the first Disney film to feature a lesbian couple, but Degeneres, who voices the titular blue fang fish, told USA Today in an interview that the film will feature a trans sting. There s a stingray that s becoming sting-Rhonda, so there s a trans sting in the movie, DeGeneres said.A representative for Pixar didn t immediately return Breitbart News s request for confirmation.In May, eagle-eyed viewers of the Finding Dory trailer speculated that the film would be the first Disney project to feature a lesbian couple, after a blink-and-you ll-miss it shot of what appeared to be two women walking near a baby stroller.The creative team behind the film have not confirmed or denied whether the couple is, in fact, lesbian, and DeGeneres also remained mum on the subject in her interview with USA Today. I don t know if it s true or not or if she just has a bad short haircut, you know? DeGeneres joked. Who knows if she s a lesbian. Some fans of other Disney film properties have lobbied the studio to include LGBT characters in its films.There is some recent precedent for gay Disney characters; earlier this year, an episode of ABC s fairy-tale drama Once Upon a Time featured a lesbian true love s kiss between Ruby and the Wizard of Oz s Dorothy.Via: Breitbart News ",left-news,"Jun 15, 2016",0 +β€œMODERATE” MUSLIM SILENCE? Neighbors: β€œThey Kept To Themselves…They Did Not Wear Religious Garb”…PEOPLE WHO KNEW HIM: β€œHe Expressed Support For Terror Groups”,"If the Muslim terrorist who killed 49 people and wounded several others in a gay nightclub in Orlando had been scouting out Disneyworld and other possible soft targets in the Orlando area, why is this the first time we are hearing about it? Did his Muslim wife have her mouth taped shut? If friends are now coming forward to tell authorities that the Ft. Pierce terrorist had expressed support for terror groups, why didn t they contact the FBI before he committed a horrific act of terror in America? And finally, if the Ft. Pierce terrorist, who was clearly making incendiary statements, was visiting nations who fund the campaigns of United States Presidential candidates like Hillary Clinton, and have a history of supporting terror groups, should the FBI be held accountable, or should every US citizen demand the people who knew he posed a danger, but kept silent be held accountable? Meanwhile, Barack Hussein Obama blames America and uses this horrific tragedy to trash Donald Trump and to promote his final, (and maybe most important) action that would prove his disdain for America and our Constitution GUN CONTROL.Orlando gunman Omar Mateen s two trips to Saudi Arabia, one of which was a pricey package that included four-star accommodations and fancy meals, were highly unusual and may have been cover for terror training, according to experts.The FBI is piecing together Mateen s radical Islam roots, and the trips to Saudi Arabia could be a sign of his growing religious devotion. His stated reason for both the 2011 and 2012 trips was umrah, a Muslim pilgrimage to the Kingdom that is not as significant as the hajj, a trip all Muslims must make to Mecca at least once in their lives. Either or both of the trips could also have included a side trip. It s very possible for someone to take a trip to a country like Saudi Arabia and declare it as their destination when it is in actuality just a pit stop to a different country like Yemen, said Ryan Mauro, national security analyst for Clarion Project, a New York-based research institute that tracks global terrorism. Based on his blatant extremism and ties to a convicted Orlando imam known for facilitating international jihadists traveling, the strong likelihood is that these trips were not benign. Mateen, 29, killed 49 people and wounded 53 inside the gay nightclub Pulse early Sunday, holding dozens hostage for hours before a SWAT team stormed the building and killed him in a gun battle. While holding captives, Mateen made multiple calls to 911, professing his allegiance to ISIS and support for the Muslim brothers who bombed the 2013 Boston Marathon, police said.When Mateen aligned himself with terrorists is not yet clear, but his trips to Saudi Arabia would have put him within a day s drive of Yemen, where Al Qaeda on the Arabian Peninsula has long had a large presence, and where ISIS also has gained a foothold in recent years. Several radicalized Americans have traveled to Yemen to train in terror camps.Mateen s first trip to Saudi Arabia was for 10 days, and the jaunt a year later was for eight. The 2011 trip was arranged by U.S.-based Islamic travel agency Dar El Salam and was a package the company calls the Sacred Caravan Umrah. The package costs up to $4,000 and is generally comprised of four nights at four-star accommodations in Mecca and six nights in Medina, complete with buffet meals, sightseeing and religious studies and lectures.The travel agency did not respond to a request for comment.The second trip included a stop in the United Arab Emirates, but the exact itinerary of either trip is not known. The FBI, which searched Mateen s condominium in Fort Pierce, Fla., overnight Sunday and into Monday morning, taking a computer and several other items, declined to comment on what investigators may have learned about Mateen s travels.Muslim leaders said it was unusual for Mateen to have made two visits to Saudi Arabia in consecutive years the first when he was just 24.Okay so why didn t anyone report his trips to the FBI??? It s not cheap to do so and people that young usually don t go twice, said Adnan Khan, former leader of the Council of Pakistan-American Affairs. And especially considering he appeared not to have come from a staunchly religious background. Okay so why didn t anyone report his trips to the FBI??? A single trip to Saudi Arabia could be attributed to the mandatory hajj or umrah, but the second trip and the visit to the UAE suggest that his stated reason for traveling was a cover, he said. Even if the trip included legitimate religious travel, it does not mean the activity was limited to that. One umrah is usually enough for a Muslim, said Timothy Furnish, an expert in Islamic history and consultant to the Pentagon, The fact that Mateen made two of those would suggest that he felt he had many sins needing rectifying and/or he was not engaged solely in religious activity but meeting with someone in Saudi Arabia, Furnish said.Mateen was born in New York to Afghan immigrants. People that knew him have said he was not overtly religious, but often expressed anger and a deep hatred of minorities. He had once aspired to be a police officer, was trained with weapons and worked for an international security firm after being fired from a job as a prison guard.The Saudi Embassy in Washington did not immediately respond to a request for comment.Those Saudi s are quick to react when it comes to writing a check to the Clinton Crime Syndicate/Hillary for President fund though!Neighbors in the quiet condominium complex where Mateen lived with his 3-year-old son and wife, Noor Zahi Salman, said the couple kept to themselves and did not wear religious garb. We were all shocked when we found out, one neighbor told FoxNews.com. The most activity I ever saw from the apartment was his girlfriend or wife walking to the mailbox and back with their child. However, sources say Mateen had a large collection of Islamic literature in his home, and people who knew him said he had expressed support for various terrorist groups.- FOX NewsWouldn t any sane person knew someone who expressed support for terrorist groups report them to the proper authorities? ",left-news,"Jun 15, 2016",0 +LOL! PRINCE of Country Who Gave Hillary $50 Million BEGS Americans NOT To Vote For Trump,"Sounds like one of the best reasons ever TO vote for Trump A Saudi prince has urged Americans not to vote for Donald Trump in the upcoming general election.Turki al-Faisal, who served as Saudia Arabia s ambassador to the US from 2005 to 2007, spoke against the presumptive Republican nominee during a foreign policy dinner in Washington, DC on Thursday.He blasted Trump s proposal to ban Muslims from entering the US, which the billionaire first formulated in December last year before renewing his vow on Wednesday. For the life of me, I cannot believe that a country like the United States can afford to have someone as president who simply says, These people are not going to be allowed to come to the United States, Turki said according to the Huffington Post. It s up to you, it s not up to me, Turki added. I just hope you, as American citizens, will make the right choice in November. This plea to NOT vote for Trump should come as no surprise since Saudi Arabia has donated up to $50 million to the Clinton FoundationWFB The gulf nations represent three of the largest donors to the foundation, but that is hardly the extent of their ties to the Clintons. Qatari, UAE, and Saudi firms paid Bill Clinton millions of dollars for speeches during the time Hillary served as secretary of state, when she also approved weapons deals with all three countries worth billions of dollars to U.S. defense firms, many of which are also Clinton Foundation donors.Bill Clinton has praised the Qataris as intelligent, forward looking investment partners for their collaboration on Clinton Foundation projects. One of Hillary s top advisers, Cheryl Mills, served on the board of the New York University campus in Abu Dhabi. Bill Clinton is the friend and former classmate of Saudi Prince Turki bin Faisal Al Saud, who recently attended a lavish Clinton Foundation conference in Marrakech, hosted by the King of Morocco. The Bill Clinton presidential library in Little Rock was funded in part by a $10 million from the Saudi Royal family.Turk, who went to Georgetown University in Washington, DC, isn t currently part of Saudia Arabia s government but serves as the chairman of the King Faisal Center for Research and Islamic Studies, a cultural organization that conducts research in politics, sociology and heritage. h/t: Breitbart News Via: Daily Mail ",left-news,"Jun 15, 2016",0 +"WHY ARE WE IMPORTING HATE AND INTOLERANCE? U.S.Has Imported Over 674,000 Migrants From Countries Who EXECUTE Gays","When you read these statistics, the Orlando massacre of 49 innocent men and women in a public space should really come as no surprise to anyone who s paying attention Between 2001 and 2014, the United States has permanently resettled nearly three quarters of a million migrants (674,920) from nations that may execute gays and lesbians including a quarter of a million (250,387) who were resettled during Hillary Clinton s tenure in the State Department. As Secretary of State, Clinton was in charge of screening visas for admission, which some foreign nationals could then adjust to receive green cards.Following the Orlando terrorist attack, in which the son of Afghan migrants targeted the LGBT community and slaughtered 49 people in a gay nightclub, Donald Trump called for a common-sense, mainstream immigration policy that promotes American values. Indeed, new evidence has shown that the Orlando terrorist s anti-Western values were imported from overseas and were not homegrown or native to the United States absent immigration.Trump explained that the values of radical Islam which our current immigration policies are importing into America are incompatible with Western values and institutions :A radical Islamic terrorist targeted the nightclub not only because he wanted to kill Americans, but in order to execute gay and lesbian citizens because of their sexual orientation. It is a strike at the heart and soul of who we are as a nation Many of the principles of Radical Islam are incompatible with Western values and institutions. Radical Islam is anti-woman, anti-gay and anti-American. I refuse to allow America to become a place where gay people, Christian people, and Jewish people, are the targets of persecution and intimidation by Radical Islamic preachers of hate and violence.Trump pledged that, as President, he would curb the flow of assimilation-resistant migrants from terror-prone regions that share these same oppressive views. Following the attack, the Washington Post published a list of mostly Muslim countries where homosexuality may be punished by death. The Washington Post, however, did not deem it necessary to make any mention of how many migrants from these nations that hold anti-Western, anti-LGBT values are being resettled throughout the United States.Between 2001 and 2014, the U.S. permanently resettled 674,920 migrants from nations where gays can be executed, according to data from the Department of Homeland Security (DHS).This figure does not include the total number of migrants the U.S. has permanently resettled from Muslim nations during that time, which is nearly 1.7 million.To see the breakdown of how many migrants the U.S. has admitted from countries where homosexuality can be punishable by death, click HERE.Many Washington politicians, however, have pushed to continue and even expand- the already record high levels of immigration from nations that hold anti-Western values.Hillary Clinton is joined in her opposition to pausing Muslim migration by House Speaker Paul Ryan, who today said that temporarily pausing Muslim migration is not reflective of our principles and is not in our country s best interest. In stating his opposition to Trump s proposal, Ryan did not explain how American communities have been made better by such historic flows of Sharia-sympathetic migrants or as Donald Trump put it why we should admit anyone into our country who supports violence of any kind against gay and lesbian Americans. Via: Breitbart News ",left-news,"Jun 14, 2016",0 +NOT NEWS: 7 DEAD…35 Wounded In Obama’s Hometown In 2 Days…WATCH: BLACK CHICAGO RESIDENTS Blame Barack Obama [VIDEO],"Chicago residents are living a nightmare. The murder and crime statistics are what you would expect to see in a war torn Middle Eastern nation.These Chicago residents have had enough and they re speaking out against Barack Obama and the Democrat party that has sold them a bill of goods:Click HERE to see more Chicago residents speak out: The liberal agenda is not the black agenda, it is not the family agenda and it s not the American agenda. Seven people were killed and at least 35 others including a 5-year-old girl were wounded in shootings across Chicago between Friday night and Monday morning.The weekend s latest homicide happened Sunday morning in the Englewood neighborhood on the South Side.About 8:35 a.m., an officer on patrol found 32-year-old Dwayne T. Triplett slumped over at the wheel of a vehicle near his home in the 1100 block of West 72nd Street, according to Chicago Police and the Cook County medical examiner s office.He suffered gunshot wounds to the head and chest, and was pronounced dead at the scene at 8:53 a.m., authorities said.Earlier Sunday, two men, ages 34 and 42, were slain on a Brainerd neighborhood porch on the South Side. Officers responding at 1:13 a.m. to a call of shots fired in the 9000 block of South Marshfield found them dead, one shot in the head and the other in the neck, police said.Authorities have not released their names. Family members identified the older man as Antwon Brooks, a father of two.Late Saturday in Back of the Yards, a 17-year-old boy was killed and a 19-year-old man was wounded in more South Side gunfire.They were standing in the street about 10:20 p.m. in the 5200 block of South Sangamon when a silver Audi pulled up and someone inside fired shots, police said. The 17-year-old, identified as Christopher Fields, was shot in the back and taken to Stroger Hospital, where he died at 11:17 p.m., authorities said. He lived in the 6200 block of South Csangamon. Via: CBSlocal",left-news,"Jun 14, 2016",0 +SYRIAN IMMIGRANT Who Said β€œ9-11 Changed The World For Good”…Calls Syria Her β€œHomeland” Is Homeland Security Advisor,"Feeling safer? One of the sitting members on the Homeland Security Advisory Council s (HSAC) Subcommittee on Countering Violent Extremism is a 25-year-old immigrant of Syrian heritage who said that the 9/11 attacks changed the world for good and has consistently disparaged America, free speech and white people on social media.Laila Alawa was one of just 15 people tapped to serve on the newly-formed HSAC Subcommittee on Countering Violent Extremism in 2015 the same year she became an American citizen. Just last week, the subcommittee submitted a report to Department of Homeland Security Secretary Jeh Johnson, recommending that the DHS avoid using Muslim terminology like the words sharia and jihad when discussing terrorism.Alawa says she immigrated into the U.S. when she was ten years old. Her family had already left Syria by the time she was born. But I will always be Syrian. I will always be from Syria. I will always be of Syria, she wrote in November 2015, calling the country her homeland. In 2014, Alawa commemorated the September 11 attacks by tweeting that 9/11 changed the world for good, and there s no other way to say it. Exactly a year later, she claimed that, after September 11, Being American meant you were white. In April 2013, she responded to a tweet from activist Pamela Geller who called the Boston Marathon bombings jihad by tweeting: go fuck yourself. On September 21 the day after Secretary of State John Kerry announced that the U.S. would accept 85,000 Syrian refugees in 2016 and 100,000 more in 2017 Alawa mocked the Salty white tears all over my newsfeed. In the Countering Violent Extremism report published last week, Alawa and her fellow subcommittee members recommended that the Department of Homeland Security adapt to the changing nature of violent extremism itself by devoting more attention to anarchists, sovereign citizens, white-supremacists, and others. The report also recommended that, in order to combat violent extremism, the DHS Focus on gender diversity of youth through careful attention to the range of push and pull factors that attract individuals of differing gender. As originally reported by The Daily Caller, the subcommittee Alawa serves on instructed the DHS to begin using American English instead of religious, legal and cultural terms like jihad, sharia, takfir or umma when discussing terrorism in order to avoid offending Muslims.Two months before Secretary Johnson created the Subcommittee on Combatting Violent Extremism, Alawa tweeted: THE US HAS NEVER BEEN A UTOPIA UNLESS YOU WERE A STRAIGHT WHITE MALE THAT OWNED LAND. straight up period go home shut up. Via: Daily Caller ",left-news,"Jun 14, 2016",0 +HILLARY CLINTON’S Super Detailed Counterterrorism Strategy…LOL,And the left says Trump hasn t given details about what he ll do when president? Hillary couldn t be more clueless and vague in her Twitter statement. If she had a clue about terrorism she d know that there s no such thing as a lone wolf . All jihadists are interconnected and fighting together for the caliphate. She s a joke! ,left-news,"Jun 14, 2016",0 +BREAKING: PUTIN TIRED OF WAITING FOR Obama’s DOJ To Release Hillary’s Highly Classified Emails…Set To Release Them In Near Future,"This is not the first time Putin has warned the US to hurry up with its release of Hillary s emails. Biden better get the emergency campaign team ready. If Putin releases the unedited, corrupt version of Hillary s highly classified emails, Crooked Hillary will not likely be able to overcome the damage that will be done to what s left of her reputation. Reliable intelligence sources in the West have indicated that warnings had been received that the Russian Government could in the near future release the text of email messages intercepted from U.S. Presidential candidate Hillary Clinton s private e-mail server from the time she was U.S. Secretary of State. The release would, the messaging indicated, prove that Secretary Clinton had, in fact, laid open U.S. secrets to foreign interception by putting highly-classified Government reports onto a private server in violation of U.S. law, and that, as suspected, the server had been targeted and hacked by foreign intelligence services.The reports indicated that the decision as to whether to reveal the intercepts would be made by Russian Federation President Vladimir Putin, and it was possible that the release would, if made, be through a third party, such as Wikileaks. The apparent message from Moscow, through the intelligence community, seemed to indicate frustration with the pace of the official U.S. Department of Justice investigation into the so-called server scandal, which seemed to offer prima facie evidence that U.S. law had been violated by Mrs Clinton s decision to use a private server through which to conduct official and often highly-secret communications during her time as Secretary of State. U.S.Sources indicated that the extensive Deptartment of Justice probe was more focused on the possibility that the private server was used to protect messaging in which Secretary Clinton allegedly discussed quid pro quo transactions with private donors to the Clinton Foundation in exchange for influence on U.S. policy.The Russian possession of the intercepts, however, was designed also to show that, apart from violating U.S. law in the fundamental handling of classified documents (which Sec. Clinton had alleged was no worse than the mishandling of a few documents by CIA Director David Petraeus or Clinton s National Security Advisor Sandy Berger), the traffic included highly-classified materials which had their classification headers stripped. Russian (and other) sources had indicated frustration with the pace of the Justice Dept. probe, and its avoidance of the national security aspects of intelligence handling. This meant that the topic would be suppressed by the U.S. Barack Obama Administration so that it would not be a factor in the current U.S. Presidential election campaign, in which President Obama had endorsed Mrs Clinton. via: Oilprice.com",left-news,"Jun 14, 2016",0 +BREAKING: SOMALIAN MAN TAKES HOSTAGE…Shots Fired In Walmart Located In Texas City Overrun By Middle Eastern Refugees…UPDATE: Suspect Shot and Killed [VIDEO],"Amarillo, Texas is home to more than 1,000 Mideast migrants giving Amarillo the highest refugee ratio in the country.UPDATE: Suspect has been shot and killed by APD:Watch here:Police and firefighters are at the scene of a reported active shooter situation at a Walmart store in Amarillo, Texas, the city says. APD and several other agencies are on scene at the Walmart on Georgia, police said in a press release. There are reports of an armed subject inside who may have hostages. More info when it s available. Please avoid the area so that officers can focus on the scene and not traffic. Any media is asked to respond to the area of 42nd and Georgia. The shooting was first reported at about 11:10 a.m. local time. The initial call was for a suspect who was actively shooting inside the store, according to police radio dispatches, which you can listen to below.He was said to be a Somalian man wearing khaki pants, KFDA-TV reports.The gunman has barricaded himself inside the manager s office, police said. It is not known how many hostages are being held or if anyone was wounded before the hostage situation began.This is a developing story, check back for updates.Via: Heavy.com ",left-news,"Jun 14, 2016",0 +WOW! MILWAUKEE SCHOOL OF ENGINEERING Professor Exposed After Student Takes Photo Of INSANE Test Question: β€œOne Of Main Functions Of Government Is Income Redistribution”,"Socialist indoctrination starts in Kindergarten and is reinforced throughout the American student s educational journey. Parents need to pay attention to the drivel their children are being taught at school. This kind of socialist teaching is not limited to public schools, many of us have discovered that private and parochial schools are equally guilty of this type of indoctrination. Conservative Hollywood actress Sam Sorbo suggests home schooling your children to avoid government indoctrination. The role of government is to redistribute wealth, according to a course at the Milwaukee School of Engineering.A test, administered on April 29 in Professor John Traxler s Healthcare Economics class, told students that [o]ne of the main functions of government is income redistribution, then asked them to explain what the statement meant. The correct answer was C: Taxing the wealthy and giving it to those in poverty. Josh Fisher, a student in the class, told Campus Reform he was flabbergasted when he saw the question, given that it is premised on an unabashedly liberal view of a politically contentious issue. When I saw it I wanted to get up and leave, he said. I thought there s no way this is a real question at all. Fundamental concepts include: demand and supply, elasticity and marginalism, inflation, unemployment, business cycles, role of government, states the course description on the school s website, adding, These concepts are then used to explain and analyze market structures, including perfect competition and monopoly. The website also defines the course learning outcomes, which include [analyzing] the role of government and the effect of regulation on the healthcare section as described by economics. I listen to talk radio a lot now: [Ben] Shapiro, [Steven] Crowder, [Andrew] Klavan, [Mark] Levin, and Milo [Yiannopoulos], Fisher said. So I knew that this type of liberal perspective being pushed on students was happening but I had no idea it was so blatant. Maybe the worst part is that so many of my classmates now believe this to be true. Several professors who spoke with Campus Reform about the matter said that while the question defines income redistribution accurately, it was unnecessary to include an endorsement of that controversial concept. This question assumes a false premise, said Antony Davies, a professor at Duquesne University. I do not accept the premise that redistribution is a main function of government (in general), he added, though he did concede that it is a main function of our government today. When asked if this is common to be taught in economics classes he claimed: No. That s not common [to be taught]. It is common to teach that that is something governments can do. One way to read the question is that it is simply a definition: C is the definition of income redistribution. The real slant is in the start, saying that income redistribution is one of the main functions of government, noted Mount Holyoke College economics professor Jim Hartley. Some people think that is true, but others disagree. So, if the question was written as Income redistribution means, the question is fine. If it started, Some people believe one of the main functions it would be fine, he explained. The assertion in the first sentence is the evidence of bias, but the question is unaffected by the bias. He also added that The first sentence is not necessary for the test question and thus is really just serving as propaganda. Fisher told Campus Reform that he was reluctant to challenge his professor on the matter, saying, I didn t want to risk to affecting my grade. He pushes his agenda pretty hard. The student who provided the tip wishes to remain anonymous, but added that Traxler is pretty set with his opinion anyways, so I don t think [fighting him] would have made a difference. Via: Campus Reform ",left-news,"Jun 14, 2016",0 +LONDON’S FIRST MUSLIM MAYOR BANS β€œSexy Women” On Advertisements,"No word yet on when every female London resident will be asked to wear a hijab in public, so as not to offend the exploding Muslim population Sadiq Khan, London s first Muslim mayor, announced Monday that body shaming advertisements will no longer be allowed in London s public transport. As the father of two teenage girls, I am extremely concerned about this kind of advertising which can demean people, particularly women, and make them ashamed of their bodies. It is high time it came to an end, Khan said.No one's confidence or body image should be undermined by ads on our transport system. I've strengthened @TfL policy https://t.co/AJ7qYDQW0T Mayor of London (@MayorofLondon) June 13, 2016Here are just a few Twitter (not G-rated) responses that the Mayor got to his tweet above:The mayor added, Nobody should feel pressurised, while they travel on the Tube or bus, into unrealistic expectations surrounding their bodies and I want to send a clear message to the advertising industry about this. Khan was not clear in what would determine which ads would be banned, as it doesn t include all images of people in underwear or swimming clothes. Most underwear and bikini models though can be assumed to have non-average bodies. Via: Daily Caller",left-news,"Jun 13, 2016",0 +SHOCKER! WAS MUSLIM TERRORIST GAY? Used Gay Dating App…”Frequent Visitor” Of β€œPulse” Nightclub…Asked Former Male Classmate Out β€œRomantically”,"Of course, Mateen s Muslim father vehemently denies his son was gay. ISIS isn t gonna like this new little development, especially after they claimed responsibility for the actions of the gay terrorist A former classmate of Omar Mateen s 2006 police academy class said he believed Mateen was gay, saying Mateen once asked him out.Officials say Mateen shot and killed 49 people and injured 53 others at an Orlando nightclub early Sunday morning.The classmate said that he, Mateen and other classmates would hang out, sometimes going to gay nightclubs, after classes at the Indian River Community College police academy. He said Mateen asked him out romantically. We went to a few gay bars with him, and I was not out at the time, so I declined his offer, the former classmate said. He asked that his name not be used.He believed Mateen was gay, but not open about it. Mateen was awkward, and for a while the classmate and the rest in the group of friends felt sorry for him. He just wanted to fit in and no one liked him, he said. He was always socially awkward. In Orlando, the Los Angeles Times reported that Mateen attended the Pulse nightclub possibly as many as a dozen times before the rampage. Kevin West said he had messaged Mateen back and forth over a year s time on the gay dating app Jack d but never met him until he saw Mateen crossing the street about 1 a.m. Sunday. He walked directly past me. I said, Hey, and he turned and said, Hey, and nodded his head, West said. I could tell by the eyes. At least four regular customers of Pulse, the lesbian, gay, bisexual and transgender nightclub where the massacre took place, told the Orlando Sentinel on Monday that they believed they had seen Mateen there before. Sometimes he would go over in the corner and sit and drink by himself, and other times he would get so drunk he was loud and belligerent, said Ty Smith, who also uses the name Aries.He saw Mateen at the club at least a dozen times, he told the Sentinel. We didn t really talk to him a lot, but I remember him saying things about his dad at times, Smith said. He told us he had a wife and child. The Canadian Press reported Monday that Mateen had been seen there over three years.Chris Callen recalled the eventual killer being escorted drunk from the Pulse bar on multiple occasions, including one incident where he pointed a knife at a friend. Said Callen, who performs under the name Kristina McLaughlin, He s been going to this bar for at least three years. Mateen s father emphatically told The Post Monday that his son was not gay. If he was gay, why would he do something like this? Seddique Mateen asked.For entire story: Palm Beach Post ",left-news,"Jun 13, 2016",0 +NOT KIDDING! HILLARY’S State Department Blocked Investigation Into Muslim Terrorist’s Florida Mosque Because β€œIt Unfairly Targeted Muslims”,"Nothing to see here. Hillary was likely just fulfilling a promise to a foreign Muslim donor. It wasn t the first time she gave a stand down order and if the Democrat party can help it, it won t be the last Hillary Clinton s State Dept. shut down an investigation into the mosque Orlando killer Omar Mir Siddique Mateen attended because it unfairly singled out Muslims. The Fort Pierce Islamic Center, where Mateen worshipped several times a week, was under investigation by both the FBI and DHS as early as 2011 for ties to a worldwide Islamic movement known as Tablighi Jamaal which was linked to several terrorist organizations.But the investigation was shut down under pressure from the Clinton-ran State Dept. and DHS s Civil Rights and Civil Liberties Office out of fear of offending Muslims, according to recently retired DHS agent Philip Haney. The FBI had opened cases twice on him, and yet they found no evidence to charge him; it means they didn t go through the same basic, analytical process that I went through over a three- or four-hour period in which I was able to link the mosque to my previous cases, he told WND on Sunday.In other words, the FBI had limited options at stopping Mateen because it was ordered to back off its investigation into his mosque.Both Clinton and the Obama administration have a history of enabling Islamic terrorism.In 2012, Clinton s State Dept. was backing al-Qaeda in Iraq, which morphed into ISIS, and other Islamic extremist groups as a proxy army to topple Syrian President Bashir al-Assad. The Salafist [sic], the Muslim Brotherhood and AQI [al-Qaeda in Iraq] are the major forces driving the insurgency in Syria, a leaked memo between her State Dept. and the Pentagon stated. The West, Gulf countries, and Turkey support [this] opposition, while Russia, China and Iran support the [Assad] regime. The FBI had opened cases twice on him, and yet they found no evidence to charge him; it means they didn t go through the same basic, analytical process that I went through over a three- or four-hour period in which I was able to link the mosque to my previous cases, he told WND on Sunday. This secret document confirms that Clinton s State Dept. and the Obama administration in general were directly responsible for the rise of ISIS, which is now targeting the West. The former head of the Defense Intelligence Agency, Lieutenant General Michael Flynn, confirmed the document s importance. I don t know that [the Obama administration] turned a blind eye [to ISIS], I think it was a decision; I think it was a willful decision, he said.Clinton even admitted some responsibility. The United States had to be fair we had helped create the problem we re now fighting, she said in an interview with Fox anchor Greta Van Susteren. When the Soviet Union invaded Afghanistan, we had this brilliant idea we were going to come to Pakistan and create a force on Mujahideen, equip them with Stinger missiles and everything else to go after the Soviets inside Afghanistan. For entire story: InfoWars",left-news,"Jun 13, 2016",0 +WHOA! Did Donald Trump Just Imply Obama Is Working On Behalf Of Muslim Terrorists? [VIDEO],And if Trump did indeed imply Obama was working on behalf of Muslim terrorists do you believe he s correct?,left-news,"Jun 13, 2016",0 +BREAKING: FL MUSLIM TERRORIST Worked For Security Company Who Quietly Transports And RELEASES Van Loads Of ILLEGAL ALIENS Away From Border For U.S. Government,"As a side note, the illegal aliens who are being dropped off across America in vans are OTM s or Other Than Mexicans. Can the mainstream media PLEASE start doing their job and exposing this corrupt administration? In a surprising discovery, the Palm Beach Post first reported that according to state records, Orlando shooter Omar Mateen who as we reported earlier was licensed as a security guard and also holds a firearms license was employed by the US subsidiary of G4S plc, a British multinational security services company, whose US-headquarters are located in Jupiter, Fla, and which also happens to be the world s largest security company by revenue.Shortly thereafter, G4S confirmed that Omar Mateen has worked for the company since 2007. This is the statement released from G4S: We are shocked and saddened by the tragic event that occurred at the Orlando nightclub. We can confirm that Omar Mateen had been employed with G4S since September 10, 2007. We are cooperating fully with all law enforcement authorities, including the FBI, as they conduct their investigation. Our thoughts and prayers are with all of the friends, families and people affected by this unspeakable tragedy. In other words, Mateen who according to preliminary reports, had been on a terrorist watchlist, and who still managed to obtain weapons thanks to his various licenses and permits just last week, was employed by one of the world s largest security companies, where he may have had extensive clearances well above his pay grade, not to mention access to sophisticated military weapons and equipment.But where it gets more disturbing is that as Judicial Watch reported several days ago, in a post titled, DHS Quietly Moving, Releasing Vanloads Of Illegal Aliens Away From Border , border patrol sources said that the Department of Homeland Security (DHS) was quietly transporting illegal immigrants from the Mexican border to Phoenix and releasing them without proper processing or issuing court appearance documents. As a reminder, the government classifies them as Other Than Mexican (OTM) and this week around 35 were transferred 116 miles north from Tucson to a Phoenix bus station where they went their separate way. Judicial Watch was present when one of the white vans carrying a group of OTMs arrived at the Phoenix Greyhound station on Buckeye Road.And this is where the Mateen-G4S link emerges: as JW reported previously, a security company contracted by the U.S. government is driving the OTMs from the Border Patrol s Tucson Sector where they were in custody to Phoenix, sources said. The firm is the abovementioned G4S, the world s leading security solutions group with operations in more than 100 countries and 610,000 employees. G4S has more than 50,000 employees in the U.S. and its domestic headquarters is in Jupiter, Florida.Judicial Watch noted that it had filed a number of public records requests to get more information involving the arrangement between G4S and the government, specifically the transport of illegal immigrants from the Mexican border to other parts of the country. The photo below shows the uniformed G4S guard that transported the OTMs this week from Tucson to Phoenix.Outraged Border Patrol agents and supervisors on the front lines say illegal immigrants are being released in droves because there s no room to keep them in detention. They re telling us to put them on a bus and let them go, said one law enforcement official in Arizona. Just move those bodies across the country. Officially, DHS denies this is occurring and in fact earlier this year U.S. Customs and Border Protection Commissioner R. Gil Kerlikowske blasted Border Patrol union officials for denouncing this dangerous catch-and-release policy. Kerlikowske s scolding came in response to the congressional testimony of Bandon Judd, chief of the National Border Patrol Council, the labor union that represents line agents. Judd told lawmakers on the House Judiciary Committee that illegal immigrants without serious criminal convictions can be released immediately and disappear into the shadows. Kerlikowske shot back, telling a separate congressional committee: I would not stand by if the Border Patrol was releasing people without going through all of the formalities.Meanwhile, the Hill reported that Mateen s employment, and gun licenses, were untouched even though the FBI confirmed it had interviewed the 29-year-old three times before the shooting took place early Sunday morning. An official said that the FBI first became aware of the suspect, Omar Mateen, 29, in 2013 when he made inflammatory comments to coworkers alleging possible terrorist ties. In the course of that investigation, Mateen was interviewed twice, but the FBI was unable to verify the substance of his comments. Via: Zero HedgeShares in G4S have fallen heavily after the UK security services company said Omar Mateen, who killed 49 people at a gay nightclub in Orlando, Florida, was an employee.G4S said Mateen was an armed security officer and that it was trying to establish whether weapons used in the attack on the Pulse gay nightclub were related to his work. The company supplies its armed employees with guns in the US and does not allow them to use their own.G4S shares dropped by as much as 7.5% and were the biggest fallers among leading UK shares. The company employs 620,000 people in more than 110 countries and the US is one of its biggest markets.Jasper Lawler, an analyst at CMC Markets, a City spread betting firm, said it did not look good for G4S to have employed Mateen while he was being investigated by the FBI. G4S has more than 50,000 employees in the US, a large proportion of which are involved in government contracts. If the name of G4S starts getting dragged through the mud, US contracts may become harder to come by. Via: Guardian",left-news,"Jun 13, 2016",0 +HILARIOUS! WATCH What Happens When Campus Cops Try To Kick β€œStudents For Trump” Off Campus For Building Trump Wall [VIDEO],"Where there s a will, there s a way and these awesome students certainly don t lack the will to succeed in their quest to protect their precious First Amendment Right! The Portland State University Students For Trump chapter were back at it, this time holding an event called BUILD THE WALL , where they literally brought a replica wall to campus.At first campus police told them they could not bring it on the university property because it is a structure and they didn t have a permit. What s quite interesting about that is the fact that the wackjob SJW groups on campus have been getting away with violating policy after policy over and over during their protests and marches. They use amplified devices, march through the halls of the buildings screaming and yelling, they literally took over a PSU board of trustees meeting that cause the board members to flee, and they staged a die in in the street, all of which were ignored by campus police and, as far as this author can tell, no punishment was handed down. If there were, then they were so light that it did not cause any of the students to think twice before doing it all again at the next protest.The students began setting up The Wall off campus, then realized what cucks the campus police are and that none of the policies would be enforced, so they returned to the park blocks in the heart of the campus. This time a city park Ranger decided to tell them the wall had to go. The students made the case that The Wall was a sign and not a structure . The Ranger cucked himself off and the students continued on, with police monitoring both on the ground in uniform, and in plain clothes from the balcony of a nearby building, where an officer had a video camera and was filming the event.WATCH HERE:WATCH these awesome students give offended liberals a lesson in tolerance and truth:And what could possibly offend a liberal more than LGBT s for Trump? Mainstream media asked the Trump students to clarify on the race issue. One old bag and her daughter (?) went on about how Trump s immigration policy is racist, and while a Trump supporter is calmly responding, the young hagling just says Let s go. Fuck Donald Trump while, as usual, flipping everyone off.Via: Progressives Today ",left-news,"Jun 13, 2016",0 +"WHY DID CLINTON APPOINTED Judge Release EXTREMELY DANGEROUS Muslim Inmate, Former U.S. Marine Who Indoctrinated Florida Terrorist?","Federal prosecutors warned U.S. District Judge Gregory Presell that gang member and radical Muslim, Marcus Dwayne Robertson was dangerous and was recruiting inmates for terrorism, yet the judge released him. The gunman who murdered at least 50 people in a Florida nightclub early Sunday morning was a follower of a controversial gang leader-turned-bank robber who was released from prison last year despite warnings from prosecutors that he would recruit people to carry out violent acts, sources told FoxNews.com.Omar Mateen, whose bloody siege inside a packed Orlando gay nightclub ended when SWAT teams stormed the building and killed him, was a radical Muslim who followed Marcus Dwayne Robertson, a law enforcement source said. It is no coincidence that this happened in Orlando, said a law enforcement source familiar with Robertson s history of recruiting terrorists and inciting violence. Mateen was enrolled in [Robertson s online] Fundamental Islamic Knowledge Seminary. Robertson and several associates were rounded up for questioning early Sunday, according to law enforcement sources, a development his attorney refused to confirm or deny.Robertson s school may not have been the only source of Mateen s spiritual guidance. The gunman was at the Islamic Center of Fort Pierce with Imam Shafiq Rahman two days before the nightclub attack, according to The Washington Post. That mosque was frequented by American-born suicide bomber Monar abu Salha, who blew himself up in Syria in 2014, and the two knew each other, according to officials. Mateen s association with Salha led the FBI to interview him in 2014. Rep. Michael McCaul, chairman of the House Homeland Security Committee Mike McCaul told Fox News law enforcement determined at the time their contact was minimal. FoxNews.com has reported extensively on Robertson, a former U.S. Marine who served as a bodyguard to the Blind Sheik involved in the 1993 World Trade Center Attack and led a gang of New York bank robbers called Ali Baba and the 40 Thieves before resurfacing in Orlando, where he started an Islamic seminary.The school, recently renamed the Timbuktu Seminary, is operated by Robertson, a 47-year-old firebrand known to his thousands of followers as Abu Taubah.Robertson, who recently spent four years in prison in Florida on illegal weapons and tax fraud charges before being released by a Florida judge one year ago, has openly and enthusiastically preached against homosexuality. The targets of Mateen s bloody rampage were members of the gay community of Orlando, 120 miles from the 29-year-old s home in Fort Pierce.Prosecutors said wiretaps from 2011 proved Robertson instructed one of his students, Jonathan Paul Jimenez, to file false tax returns to obtain a tax refund to pay for travel to Mauritania for terror training.Jimenez studied with Robertson for a year in preparation for his travel to Mauritania, where he would study and further his training in killing, suicide bombing, and identifying and murdering U.S. military personnel. He pleaded guilty in 2012 to lying to authorities and conspiring to defraud the IRS and was sentenced to 10 years in federal prison.Robertson was arrested on a firearms charge in 2011 and pleaded guilty in January 2012. On March 14, 2012, federal authorities charged him with conspiring to defraud the IRS, which he was convicted of in December 2013.While in the John E. Polk Correctional Facility in Seminole County, Robertson was considered so dangerous, he was kept in shackles and assigned his own guards. Whenever he was transported to court, a seven-car caravan of armed federal marshals escorted him. He was initially moved into solitary confinement after prison authorities believed he was radicalizing up to 36 of his fellow prisoners.In seeking enhanced terrorism charges during sentencing for the two crimes, prosecutors said Robertson has been involved with terrorism activities, focused on training others to commit violent acts as opposed to committing them himself overseas instead of inside the United States. Yet efforts by federal prosecutors to tack on another 10 years to his sentence, based on enhanced terrorism charges under the Foreign Intelligence Surveillance Act, were not persuasive enough for U.S. District Judge Gregory Presnell, who freed Robertson in June 2015 with time served.Robertson had denied being involved with terrorist activities, in court and in postings on social media and in statements from his attorney to Fox News.Federal law enforcement has been familiar with Robertson since 1991.As a former U.S. Marine who became the leader known as Ali Baba of a notorious New York gang Ali Baba and the 40 Thieves , Robertson and his crew robbed more than 10 banks, private homes and post offices at gunpoint, shot three police officers, and attacked one cop after he was injured by a homemade pipe bomb.During the same period, federal authorities claimed Robertson served as a bodyguard to Omar Abdel Rahman, nicknamed the Blind Sheik, who led the terrorist group that carried out the 1993 bombing of the World Trade Center and donated more than $300,000 in stolen funds to mosques he attended, both claims Robertson denied. Robertson has adamantly denied the claims.After he was arrested in 1991 along with most of the other members of the gang, prosecutors cut a deal with Robertson, and let him serve four years in prison before going to work undercover for the FBI between 2004 and 2007 to document terrorists plans and networks in Africa, Egypt and the United States.Many of the court s filings, including Robertson s own testimony from his most recent criminal case, remain under federal seal, which means only prosecutors, the judge and the defense can review the records. Via: FOX News",left-news,"Jun 13, 2016",1 +TRUMP’S STATEMENT On Muslim Immigration Is Spot On: β€œWe have no choice!” [Video],Donald Trump: With fifty people dead and perhaps more ultimately and dozens more wounded we cannot afford to talk around issues anymore. We have to address these issues head on. I called for a ban after San Bernardino and it was met with great scorn and anger. And now many are saying although the pause is temporary we must find out what is going on. We have to do it. ,left-news,"Jun 13, 2016",0 +"OBAMA AGREES WITH MUSLIM NEWS Network Whose Facebook Page Celebrates Jihad Against Gays In Orlando…GUNS To Blame For Terror Act, NOT Hate-Filled, Intolerant Democrat Muslim","Liberals like to use the term right wing extremists . They like to blame the Christian faith every time a Planned Parenthood abortion mill is shot up or an abortion doctor is killed. But the minute a Muslim terrorists kills or harms another human being, religion somehow, has nothing to do with it. America woke up to the horrible news of an unimaginable mass murder against over 100 innocent people in Orlando yesterday, at the hands of a Muslim man, who openly pledged his allegiance to ISIS. Instead of addressing America with a call to vigilance against Muslim radicals, Obama predictably called for gun control. Not that it comes as a surprise, but his friends over at the radical Al Jazeera news agree.Omar Mateen called the cops to pledge his fealty to ISIS as he was carrying out his mass murder in Orlando early Sunday. Twelve hours later, the president of the United States declared that we have no definitive assessment on the motivation of Omar Mateen but that we know he was a person filled with hate. So I guess the president thinks Mateen didn t mean it?Here again, and horribly, we have an unmistakable indication that Obama finds it astonishingly easy to divorce himself from a reality he doesn t like the reality of the Islamist terror war against the United States and how it is moving to our shores in the form of lone-wolf attacks.He called it terror, which it is. But using the word terror without a limiting and defining adjective is like a doctor calling a disease cancer without making note of the affected area of the body because if he doesn t know where the cancer is and what form it takes, he cannot attack it effectively and seek to extirpate it.So determined is the president to avoid the subject of Islamist, ISIS-inspired or ISIS-directed terrorism that he concluded his remarks with an astonishing insistence that we need the strength and courage to change our attitudes toward the gay, lesbian, bisexual and transgender community.That s just disgusting. There s no other word for it. Via: NYPWe re seeing the demonization of the AR-!5 all over liberal media in the wake of the Orlando terrorist attack. As usual they seek to deflect from the real problem, the Islamic terrorism, and try to shift blame to gun. It s perhaps particularly galling given that their readership is cheering the attack.So some facts for Al Jazeera and other fact-challenged liberal media.AR-15 is not an assault rifle and is not an automatic rifle. Fully automatic rifles have been severely restricted from civilian ownership since 1934. AR-15 is semi-automatic like most guns and is no more powerful than any other common rifle. It fires only one round with each pull of the trigger.The AR in AR-15 rifle stands for ArmaLite rifle, after the company that developed it in the 1950s. AR does NOT stand for assault rifle or automatic rifle. The AR-15 is one of the most common rifles in the country, popular for hunting, sport or self-defense.Al Jazeera is even incorrect in referring in the graphic to a magazine as a clip . A clip is a device that is used to store multiple rounds of ammunition together as a unit, ready for insertion into the magazine or cylinder of a firearm.What they leave out in all this deflection of course is that the shooter was an Islamic terrorist, a registered Democrat, doing it in the name of ISIS. Via: Weasel ZippersAl Jazeera Facebook page celebrates Orlando terror attack:",left-news,"Jun 13, 2016",0 +"FORMER COP Who Worked With Muslim Terrorist Complained About Homophobic, Racist Comments…Talked Of β€œKilling People”…Quit Job After MUSLIM Employer IGNORED Complaints","This is what happens when people are more concerned about hurting someone s feelings or profiling someone than reporting someone s behavior to the proper authorities. If the Muslim employer won t take action after a hateful and unhinged employee is talking about his desire to want to kill people, it s time to take it to the next level.A former Fort Pierce police officer who once worked with 29-year-old Omar Mateen, the assailant in an Orlando nightclub shooting that left at least 50 dead, said he was unhinged and unstable. Daniel Gilroy said he worked the 7 a.m. to 3 p.m. shift with G4S Security at the south gate at PGA Village for several months in 2014-15. Mateen took over from him for a 3 to 11 p.m. shift.My Palm Beach Post A licensed security guard who held a firearms license, Mateen started working for G4S in 2007, according to a company newsletter. While there, he had been a screener at an area courthouse, said Daniel Gilroy, a co-worker.Gilroy worked with Mateen after he transferred to a security guard detail at PGA Village in Port St Lucie.Mateen took his prayer mat to work and prayed regularly, but, Gilroy found Mateen s attitudes toward and comments to gays, African-Americans and women crude.And then there was the screaming. Mateen was constantly agitated and on the verge of an outburst, said Gilroy, who could hear his rants even outside of the guard house.Fed up, he told Mateen he wasn t interested in being friends.That s when he went boiled-rabbit crazy, said Gilroy, with Mateen texting him, pleading for a reconciliation of friendship, and accusing him of betrayal so frequently that Gilroy s girlfriend believed the two men might have been having an affair.Rather than continue, Gilroy quit his job.Mateen s former wife was also on the receiving end of his outbursts.Speaking to the press Sunday night, she described violent outbursts and beatings. My family literally had to rescue me, she said.Greg Davis, a St. Lucie County man, said a friend who worked with Mateen told me (Mateen s) demeanor recently had drastically changed. He was working out, he really bulked up. He showed up with a rental van the last night he was at work. That s strange because he loved his car, said Davis.None of the erratic behavior showed up in the mosque, or was obvious to his neighbors. I would wave and say hello, said Esmerelda Gonzalez, whose parents live next door to Mateen s former home onBayshore Boulevard. We never talked beyond that. He came over and bought stuff at a yard sale we had. He came over once and asked if he could use our property for parking because he was having a family gathering. Visitors sometimes came to the house at odd hours, sometimes as early as 4 a.m., said Gonzalez, but she thought nothing of it.At the mosque, Rahman said he can t remember ever having a conversation with Mateen.Mateen, he said, attended sporadically frequently with his toddler son in tow but his three sisters were regular faces, sometimes performing chores and cleaning the mosque.If Mateen leaned toward an extremist version of Islam, he kept it from his imam, who wept as he began Sunday evening prayers at the mosque. There is nothing outside the door that says you can t come in and worship God and be here and pray if you are gay, Rahman said. And Rahman said he speaks out against terrorist groups at every gathering. They have hijacked our religion, Rahman said. They have caused more trouble for us than anything. Gilroy, a former Fort Pierce police officer, said Mateen frequently made homophobic and racial comments. Gilroy said he complained to his employer several times but it did nothing because he was Muslim. Gilroy quit after he said Mateen began stalking him via multiple text messages 20 or 30 a day. I quit because everything he said was toxic, Gilroy said Sunday, and the company wouldn t do anything. This guy was unhinged and unstable. He talked of killing people. Gilroy said this shooting didn t come as a surprise to him.Via: Florida Today",left-news,"Jun 13, 2016",0 +BREAKING: MUSLIM TERRORIST’S DAD Visited State Department Several Times…New Evidence Suggests Attack May Have Been Planned For Some Time,"He was such a nice boy, from such a nice family .This is a little disturbing. Remember Amed Mohamed and the exploited islamic opportunism with 14-year-old clock boy bomb hoax from Irving Texas and how his father was running for political office in Sudan?Well, apparently 29-year-old terrorist Omar Mateen comes from a similarly engaged political family and his father, Seddique Mateen, was/is running for national office in Afghanistan and not happy with the government of Pakistan.IJR Mateen has his own television show, which broadcasts out of California.It is called the Durand Jirga Show and features Mateen discussing Middle Eastern politics. The show is posted on YouTube.According to the Washington post, the show demonstrates the Orlando shooters father s sympathetic views toward the Taliban:In one video, Mateen expresses gratitude toward the Afghan Taliban, while denouncing the Pakistani government. Our brothers in Waziristan, our warrior brothers in [the] Taliban movement and national Afghan Taliban are rising up, he said. Inshallah the Durand Line issue will be solved soon. This April, Mateen was in Washington DC doing advocacy work with Congress and the State Department Seddique Mateen is an effusive poster on social media. The following posts from his Facebook describe a trip to Washington DC in April. He can be seen posing in front of State Department offices & the Democratic Foreign Services Committee offices.Mr. Mateen is photographed with numerous Washington DC Politicians and roaming the halls of Congress:The father of this radical terrorist sure was able to roam freely around the Capitol. Here he is pretending to be Barack Hussein Obama in a mock Presidential Briefing Room:In addition, Got News.Com has discovered the sister of Omar Mateen, Miriam Seddique, purchased Omar s house for $10 in April via a quit claim deed . link It would appear the jihadist Omar Mateen was making preparations for this attack for quite some time.Donald Trump was correct again when he called for additional scrutiny in December of 2015. The families of these terrorists need to be a concentrated focus for attention.Mr. Seddique Mateen even incorporated his entities as The Provisional Government of Afghanistan Corporation in official records in Florida:Via: Conservative Treehouse",left-news,"Jun 12, 2016",0 +"BREAKING: Gay Bernie Sanders Supporter With Long Rifle, Possible Explosives Arrested On Way to L.A. Gay Pride Festival","The media will ignore the fact that this man was reportedly on his way to harm gays or that he appears to be a Bernie Sanders supporter. The media and Democrats will instead, be laser focused on the weapons and ammunition that were found in his possession. Democrats and other gun-control fanatics should be reminded that they are just inanimate objects until they end up in the hands of unstable Bernie Sanders supporters Authorities on Sunday were trying to determine the intentions of an Indiana man with a cache of weapons, ammunition and explosive-making materials in his car and apparent plans to attend the L.A. Pride festival in West Hollywood.Santa Monica Police Chief Jacqueline Seabrooks said on Twitter that the 20-year-old man told one of her officers after he was arrested that he wanted to harm Gay Pride event. But she did not provide any details, and officials said they are still trying to sort out his motives.Police identified him as James Wesley Howell of Indiana. A Facebook page for someone with the same name in Indiana shows a young man posing next to a white Acura with the same license plate as the car searched in Santa Monica for the weapons and explosives.At a news conference Sunday afternoon, police stressed they were still trying to figure out what Howell planned to do with the weapons.Howell s friend and fellow car club member Joseph Greeson, 18, said Howell didn t harbor any ill will toward gays or lesbians.Greeson said Howell s family in Jeffersonville hadn t seen him for days and that his parents had called Greeson s parents looking for him.He added that Howell was known to have a gun collection.According to Indiana court records, Howell was charged in October 2015 with intimidation and felony pointing a firearm at another person. On April 19, Howell pleaded guilty to misdemeanor intimidation, and prosecutors dropped the pointing a firearm charge. Court records show he was sentenced to a year in state prison and placed on probation. Under the deal, He agreed to forfeit all weapons during his term of probation.Oct 21, 2015- Around 11:17 p.m. Thursday, Oct. 15, Charlestown Police Department officers were dispatched to Winthrop Drive to investigate a report of James W. Howell, 19, pointing a gun at his neighbors, according to a police report.When the officers arrived, the neighbors pointed out Howell, who was then handcuffed until the officers could determine the nature of the allegations. While doing so, one officer noticed a Smith and Wesson handgun sticking out of the back waistband of his pants, which the officer secured in his car.One of the neighbors who reportedly had the gun pointed at him told officers he, his wife and several other neighbors and friends had been sitting on the porch having beers and discussing his cat being poisoned several months ago. At that point, a woman who lives at Howell s residence with her husband, who was on the porch, came around from the back of the house yelling that they were talking about her and calling her names. An argument ensued between the woman and the complainant, and Howell went into his residence and returned with a gun, witnesses said.The complainant said Howell pointed the gun at him and his wife, who said she would call the police. Howell withdrew the gun and went into the house.The officers said that the other complainants and witness stories were consistent and none seemed intoxicated. Two of them referred to an incident earlier in the day in which Howell had pointed his gun at his boyfriend. A report was taken after this incident as well. James is going to get someone hurt, one witness said. He needs to stop pointing guns at people. Federal and local law enforcement decided against canceling the annual parade, which went forward Sunday morning under tightened security. Investigators are now trying to piece together what happened but said they don t believe there is any connection between the incident and the massacre at a gay nightclub in Orlando, Fla., that killed at least 50 people overnight.Early Sunday, Santa Monica police received a call about a suspected prowler who was knocking on a resident s door and window about 5 a.m. in the 1700 block of 11th Street, Santa Monica police said. Patrol officers responded and encountered Howell, who was sitting in a car registered in Indiana, police said. Officers inspected the car and found three assault rifles, high-capacity ammunition and a five-gallon bucket containing chemicals capable of forming an improvised explosive device, police said.A law enforcement source who spoke on condition of anonymity said the contents of the bucket included tannerite, an ingredient that could be used to create a pipe bomb. The maker of the material said that was not the case and that it can only be detonated by high-velocity impact such as a bullet strike. But tannerite is known as a material used in the construction of other types of explosive devices.The source, who was not authorized to speak publicly about the ongoing investigation, said authorities also found camouflage clothing in the car.Los Angeles County sheriff s officials said the suspect told police he was going to the Pride parade to look for a friend. Authorities were looking for that individual.Santa Monica police spokesman Saul Rodriguez said detectives are not aware of what the suspect s intentions were at this point. Santa Monica police continued to search the suspect s white Acura on Sunday morning. All four of the car s doors were open and a green blanket, red gasoline canister and several other smaller items were being piled on the sidewalk next to it. The car s license plate included a symbol of the National Rifle Assn. on the left side and the bottom said, Teaching Freedom. A Facebook page for Howell said he attended high school in Louisville, Ky., and lives in Jeffersonville, Ind., where he works for an air filtration company. A car enthusiast, Howell posted numerous photographs of the Acura along with a couple of videos taken from inside cars. Another 10-second video includes gunfire, with shots striking grass.Here is the comment James Wesley Howell made under the pro-Bernie Sanders meme:The site includes political posts, including one in which he compares Hillary Clinton to Adolf Hitler. In another, he repeats conspiracy theories that the government was behind notorious terrorist attacks, including Sept. 11, 2011. That post shares a video claiming that last year s terror attack on the Paris offices of the satirical magazine Charlie Hebdo was a hoax and attributable to the New World Order. They found him with weapons that were very disconcerting, said one source, adding officials are taking the appropriate safety precautions. One source in West Hollywood said there was discussion of calling off the parade but that officials decided to go forward, with heavy security including undercover officers in the crowd. Via: LA Times ",left-news,"Jun 12, 2016",0 +"BREAKING UPDATE: 50 DEAD, 53 Injured After U.S. Citizen, Muslim Extremist Who Was On FBI Radar Opens Fire During RAMADAN In WORST Mass Shooting In U.S. History…Father Of Muslim Terrorist Tells Why His Son Committed Horrific Act [VIDEO]","We ve heard it all before He was such a good boy this has nothing to do with his Muslim faith. Never mind that he called 9-11 just before the attack and declared his allegiance to ISIS. The gunman who slaughtered at least 50 people after taking party-goers hostage inside a gay club in Orlando had pledged allegiance to Islamic State, according to California congressman Adam Schiff.Schiff, who serves as top Democrat on the House Select Committee on Intelligence, told CNN: What I ve heard from the Department of Homeland Security this morning is that, according to local police, he made a pledge of allegiance to ISIL (ISIS). He said the shooting was highly indicative of an ISIL-inspired attack .Schiff added: [He] was heard praying in a foreign language and I don t know if this was at some point during the course of the shooting but that s what I m hearing, obviously second hand, coming ultimately from local police. Mateen also called 911 shortly before the shooting and swore allegiance to the leader of ISIS, Abu Bakr al-Baghdadi, law enforcement officials told NBC News.Law enforcement sources have identified the shooter, who was wielding an AR-15 assault rifle and a handgun, as US citizen Omar Mateen, 29, from Port St. Lucie in Florida.The gunman, who was born to Afghan parents, opened fire on the dance floor inside Pulse night club in the early hours of this morning.At least 50 people were killed and 53 others were injured in the shooting in the deadliest mass shooting in US history. A surgeon at Orlando Regional Medical Center said the death toll was likely to climb.An FBI spokesman said the mass shooting is being investigated as an act of terrorism, adding that they are looking into whether this was an act of domestic or international terror, and if the shooter was a lone wolf.Schiff said in a statement: This attack is so painfully reminiscent of the terrible attack at the Bataclan Theatre in Paris, and other ISIS-inspired attacks in recent years. The fact that this shooting took place during Ramadan and that ISIS leadership in Raqqa has been urging attacks during this time, that the target was an LGBT night club during Pride, and if accurate that according to local law enforcement the shooter declared his allegiance to ISIS, indicates an ISIS-inspired act of terrorism. Whether this attack was also ISIS-directed, remains to be determined. But Mateen s father, Mir Seddique, told NBC News his son became angry when he saw two men kissing in Miami several months ago. This has nothing to do with religion, he said. We are saying we are apologizing for the whole incident. We weren t aware of any action he is taking. We are in shock like the whole country. They were kissing each other and touching each other and he said, Look at that. In front of my son they are doing that . And then we were in the men s bathroom and men were kissing each other. Seddique said Mateen had a job in security and attended Indian River State College, as well as having an associates degree in criminal justice.He was a known quantity to the FBI and was investigated twice before the mass shooting. A senior law enforcement source told the Daily Beast that Mateen was a person of interest both in 2013 and again in 2014.An investigation was opened into the 29-year-old, but the case was closed when no evidence appeared to warrant further probing. He s a known quantity, the source said. He s been on the radar before. Writing on Facebook, Pulse, which described itself as the most prominent gay club in Orlando, urged party-goers to get out and keep running as bullets started flying at around 2am local time.Orlando Police Chief John Mina said the suspect exchanged gunfire with an officer working at the club around 2am, then went back inside and took hostages. There were about 320 people inside the club at the time of the shootings and about 100 people were taken hostage.At around 5am authorities sent in a SWAT team to rescue the hostages. Nine hero officers used a controlled explosion to distract the shooter before fatally shooting him and were able to rescue about 30 hostages who were hiding in the bathroom of the club.Heartbreaking texts were sent to this victims mother:Here are two additional texts that were sent to Mina Justice by her 30 year old son Eddie:A distraught mother is desperately looking for her son:During the gunfire, an officer was shot, but he was saved by his helmet. It was thought that at least one hostage had been locked in a bathroom with gunshot wounds.Watch here:Mayor Buddy Dyer said in a press conference: Many were saved by the heroic efforts of the men and women of the OPD, the Orange County Sheriffs, Seminal County Sheriff s office. At around 6am local time police tweeted: Pulse Shooting: The shooter inside the club is dead. Twitter accounts which claim to be affiliated to the Islamic State have hailed the shooting, although DailyMail.com cannot confirm whether the terror group was behind the attack.U.S. Rep. Alan Grayson identified the shooter as Mateen, citing law enforcement officials in speaking to reporters.Mateen, a Muslim and father to a three-year-old son, was born in 1986 in New York and married Sitora Alisherzoda Yusufiy, who was born in Uzbekistan, in 2009.His father told NBC News: We were in Downtown Miami, Bayside, people were playing music. And he saw two men kissing each other in front of his wife and kid and he got very angry.Via: Daily Mail ",left-news,"Jun 12, 2016",0 +CROOKED HILLARY’S BIGGEST NIGHTMARE: Brilliant Filmmaker Finds A Way To Turn Hillary’s Emails Into A Movie For Every American To See [VIDEO],"The movie that Hillary will NOT want America to see Hillary Clinton s staff are currently giving depositions under oath about how she got away with having an allegedly illegal private email server when conducting matters of national security.The depositions are being filmed, but Hillary s lawyers have managed to persuade a judge to block the release of the tapes in case they are used to make her look bad in the election!This is amazing and unacceptable that films, showing the truth are being blocked from the American people, especially in the run-up to an election.Film Director, Phelim McAleer and Producers Ann McElhinney and Magdalena Segieda have managed to find a way around this. George Orwell described journalism as something somebody somewhere doesn t want published. So they are going to commit a series of acts of journalism.The deposition transcripts have been released and they are re-enacting and filming highlights of the depositions.Here is a peek into what the film looks like so far:An URGENT Message from Film Director Phelim McAleer: Today we re releasing a film of Cheryl Mills deposition highlights, using the transcript her actual words. Cheryl Mills has worked for the Clintons for almost 30 years. She was Hillary s Chief of Staff at the State Department.Cheryl Mills evidence is amazing, full of classic Clintonian evasions. She used the phrase I don t remember or I don t recall 189 times. This deserves to be brought to a wider audience not censored and hidden away. And we now have it on film. (You can share the film with your friends by sending them to ClintonEmailsOnFilm.com.)These short videos will be: The Films that Hillary Clinton Doesn t Want You to See. There will be a total of five short films ending with Huma Abedin s deposition at the end of the month. And if the depositions uncover enough evidence, then the judge could give them permission to depose Hillary. That will be a great film!Here s how the #NeverHillary every day Americans can help make the movie that Hillary will NOT want America to see:We need your help to finish the videos. The American people deserve to see what s being said in these depositions. To make a video of each of the deposition, we need to raise at least $84,000. We launched a crowdfuding campaign so people like yourself can donate and make these videos possible: www.ClintonEmailsOnFilm.comBy supporting this project, you re making a statement: TRUTH IS MORE IMPORTANT THAN POLITICS.Click HERE to donate!Please choose a perk, make a contribution, and spread this campaign far and wide. Tell your friends, family, neighbors, and coworkers. Send them to ClintonEmailsOnFilm.com.Let s send a message to Hillary and her lawyers: They can t stand in the way of the truth.Thank you for your support! ",left-news,"Jun 12, 2016",0 +New Book Reveals HILLARY’S ANTI-SEMITIC SIDE: Blamed Bill’s Campaign Manager For Losing Congressional Race…Called Him A β€œF*cking Jew B*stard”,"Hillary doesn t recall saying it, but Bill s campaign manager, Paul Fray clearly remembers her saying it. Just another Hillary lie what different does it make? Hillary Clinton is fighting a rearguard action to avoid further damage to her standing with the crucial Jewish vote in her campaign for a Senate seat after a claim that she once used an ethnic insult against one of Bill Clinton s aides.A book out today claims that 26 years ago she called Paul Fray, her husband s campaign manager at the time, a fucking Jew bastard .Mrs Clinton denied the allegation and pressed the president into supporting her, but the author, Jerry Oppenheimer, said: Three witnesses have now publicly acknowledged that she said it. I have never said anything like that, ever, Mrs Clinton said. I have in the past certainly, you know maybe, called somebody a name. But I have never used an ethnic, racial, anti-Semitic, bigoted, discriminatory, prejudiced, accusation against anybody. I ve never done it. I ve never thought it. Mr Clinton, who was trying to bring about a Middle East peace deal at Camp David, backed her up. I was there on election night in 1974 and the charge is simply not true, he said. She might have called him a bastard, I wouldn t rule that out. She s never claimed that she was pure on profanity. But I ve never heard her tell a joke with an ethnic connotation. She s so fanatic about it. It s not in her. Referring to a vast rightwing conspiracy in previous elections, he said: This is part of a pattern. They couldn t defeat me politically and they can t defeat her politically so they go after us personally. Accounts of the dispute on election night 1974, when Mr Clinton failed to win a congressional seat representing Arkansas, have appeared before without the ethnic insult.Those present at the inquest into the defeat were Mr Clinton, his then-girlfriend Hillary, his campaign manager Paul Fray, and Mr Fray s wife, Mary Lee. Neill McDonald, a campaign worker, was just outside the room and claims to have heard everything.The Frays and Mr McDonald are the three witnesses on whom Mr Oppenheimer, a former reporter on the National Inquirer tabloid, relies for the passage in his book State of a Union: Inside the Complex Marriage of Bill and Hillary Clinton.Mr Fray, 57, said yesterday: I was a little defensive about it. I looked to the floor thinking How do I respond? I didn t mind being called a son-of-a-bitch, but when it came to attacking my culture, that s a whole nother ballgame. You ve got to understand it was the heat of the moment. We knew we had lost. It was a case of people lashing out at one another and it just got to that point. Mr Fray is actually a Southern Baptist but says that he is one-eighth Jewish through his great-grandfather.Mrs Fray said that her husband s recollection of the meeting, which lasted about an hour, was accurate. Mr McDonald said: I don t know what provoked it or what. I just remember that one little comment. Via: The Guardian ",left-news,"Jun 11, 2016",0 +DEMOCRATS FUMING Over Vote To Keep β€œHurtful” Word In Library Of Congress,"The left wants to change hurtful words to whatever they deem to be ok but they got some push back with the order to keep the word illegal alien in the Library of Congress In a victory against political correctness, the House voted to order the Library of Congress to continue referring to illegal aliens rather than change the designation to noncitizen. The party line vote had Democrats fuming, claiming the term was pejorative and that liberal doublespeak can never be repealed once it s in use.Well that s not exactly what one Democrat said. Texas Democrat Rep. Joaquin Castro told the House, The words illegal alien will be retired. This will change, whether it s now or six months from now or 10 years from now. For the first time in history, conservatives hijacked a legislative appropriations bill to stop the Library of Congress from abandoning the term illegal alien from how it catalogs the 162 million-item collection it manages. Texas Congressman Joaquin Castro attempted to make an amendment to the legislation allowing the Library of Congress to make the change, but it failed to gain traction in the Republican-dominated House. Each year, the Library of Congress makes thousands of changes to its subject headings; in 2015 alone, it added 4,934 new subject headings. Never before has Congress weighed in on the Library of Congress subject headings in any way, let alone legislated on the issue, Castro said in a statement.Via: PJ Media",left-news,"Jun 11, 2016",0 +HYPOCRITE BILLY CRYSTAL INJECTS JAB At Trump In Eulogy To Ali That’s Curiously Similar To A Clinton Speech,"The bashing of Donald Trump is getting so old and tiresome. People with common sense know the truth and know what the left is trying to do. It s the same old playbook of demonizing what you don t like repeatedly. The problem is that Americans are finally wising up to this Alinsky strategy. You d think the liberals are all coordinating their talking points .hummm Billy Crystal bashed Trump during his eulogy of Ali in a line similar to Clinton s speech on Tuesday: life is best when you build bridges between people, not walls. Do you think for one minute that Trump would have gotten where he is if he d not reached out to people and built bridges literally and figuratively? The reason Trump wants to build a literal wall with Mexico is that, without borders, we don t have a country . We can certainly reach out to others but Trump knows open borders DO NOT WORK! Just take a look at Europe and the EU! What a mess! Trump has said he wants LEGAL IMMIGRATION and doesn t want ILLEGAL IMMIGRATION! He s protecting the people of America and that s putting America first!The problem with Billy Crystal s swipe at Trump is that he isn t practicing what he preaches. Anyone who knows Los Angeles knows that the homes have gates and walls. Well, Billy Crystal has walls and a fence surrounding his home people in glass houses!It was easy to get photos above of the fence and wall around Billy Crystal s home but we can t just walk onto his property uninvited. Isn t that the same as people walking over our border illegally?Comedian Billy Crystal gave an emotional tribute during Muhammad Ali s funeral on Friday, but may have sneaked in a low-key dig at Republican presidential nominee Donald Trump. Crystal, a friend of The Champ s for more than 40 years, said at the end of his eulogy for the boxer in the KFC Yum! Center in Louisville, Kentucky that Ali taught us that life is best when you build bridges between people, not walls. That line Crystal said sounds similar to what Hillary Clinton said during her victory speech on Tuesday. We believe that cooperation is better than conflict, unity is better than division, empowerment is better than resentment, and bridges are better than walls, the Democratic presidential candidate front-runner said. Read more: Daily Mail",left-news,"Jun 11, 2016",0 +SURPRISE! HISPANIC REPORTER Tries To Call Injured White Guy A β€œRacist”…Gets Unexpected Smack Down By Black Friend,"This video is just one of many examples showing the truth about the manufactured race war in America created by Obama, his friends at Univision and Black Lives Matter terror groups.",left-news,"Jun 11, 2016",0 +TERROR GROUP PLANS VIOLENCE AGAINST TRUMP SUPPORTERS: Shocking Flier Reveals Calls For VIOLENCE: β€œSmash White Supremacy”,"This call to violence by the Left against innocent people who don t agree with their radical ideology, is eerily similar to the tactics used by terror groups in the Middle East. These are acts of terror that are being overlooked by our President and our DOJ, simply because they understand that this is the only way to stop Trump is by striking fear in the hearts of his supporters A picture of a flier that s been circulating in the Richmond, VA area is going viral. The intent of this flier is clearly to stir up hate and encourage violence against Trump supporters who plan to attend Trump s upcoming rally. This type of organization to create chaos and fear is how the Left wins elections, how the unions get what they want and how our PRESIDENT and his cronies operate behind closed doors at our White House. This flier is laced with hate, fear mongering and calls to violence, but you will never see it being shown to the general public by the mainstream media, as it crushes their narrative that the Trump supporters and conservatives of America are somehow promoting violence and fear mongering to get votes. This incendiary flier is summarized at the bottom by claiming, They [Trump supporters] have promised us violence, and we must promise them the same. Can someone please provide us with one iota of evidence that shows Trump supporters asking other supporters to violently attack innocent people who disagree with their political views?America needs to stand up to these coordinated efforts by talking to their neighbors, relatives, friends, co-workers and even to members of their churches. Sunlight is the best disinfectant. If the media won t report this, we need to speak up and let everyone know what is happening h/t Weasel Zippers",left-news,"Jun 11, 2016",0 +THIS ONE IS SPOT ON! The Democrat Party In a Nutshell,THERE MAY BE SOME THAT WOULD CHANGE A FEW OF THE DESCRIPTIONS BUT THIS IS PRETTY DARN CLOSE:,left-news,"Jun 11, 2016",0 +BEAUTIFUL YOUNG REPORTER Spit On By Muslim Thugs During Live Report,Two Muslims spit on a Dutch reporter and then flipped her off as they rode away. Who does this? Sick animals! ,left-news,"Jun 10, 2016",0 +SCREAMING LEFTISTS Interrupt Trump Speech…Crowd Goes Wild! [Video],Screaming leftists interrupted Donald Trump s speech today at the Faith and Freedom Conference in Washington DC. Trump blamed Democrats for the latest outburst. ,left-news,"Jun 10, 2016",0 +"The β€œBrown” The Media Wont’ Cover Because He Wasn’t Killed By A White Cop…Raekwon Juaquay Brown,17 Year Old Hero Sacrifices His Life To Save An Elderly Woman","If his name was Michael Brown if he robbed a local convenience store and roughed up the store manager if he tried to take a gun from the cop who confronted him and was killed by it in the struggle, the media might have covered it. But this was just an innocent 17 year old boy minding his own business when he was faced with the awful decision of whether to risk his own life and save the life of a total stranger or stand back and watch an elderly woman be killed. This hero chose to sacrifice his own life. If we lived in a world where real heroism is not celebrated because it s not controversial. In a good and decent world, Raekwon Juaquay Brown s name would be more of a household name than that of thug Michael Brown. But we live in a world where the Left celebrates victimhood and real or imagined, a good victim can always be used to prop up a cause. #RIP Raekwon Juaquay Brown you are a hero. Seventeen-year-old Raekwon Juaquay Brown sacrificed his life when he pushed an elderly woman out of the way of gunfire before he was slain in Wednesday s daylight shooting near Jeremiah E. Burke High School, the grief-stricken lady told the Herald just hours before a vigil honoring the young hero. He saved my life I have a new life, the woman, 67, said in Spanish yesterday while tears streamed down her face. He was only 17. I ve lived here 10 years, I ve never seen anything like this. There needs to be more police here, she said, showing a wound to her right ankle, where police say she was grazed.The woman was one of four people struck by gunfire in the 1:15 p.m. ambush that left Brown, a Burke High junior, dead. Her name is being withheld by the Herald because she is a witness to the murder.She explained she was in an alley by a pizza shop when the shooting broke out. The teen, who was sitting down eating a hamburger, got up and pushed her to the side by a car, she claimed.Last night hundreds of people, including at least a dozen family members, crowded in front of the market on Washington Street less than a block from the school where Brown fell.Some men turned and walked away in tears while several women dabbed their eyes with tissues from a box that was being passed around. Brown s mother, Wanda Graddy, supported by several relatives, walked toward a memorial for her son, where she cried, My boy, my boy. The Rev. William Dickerson of the Greater Love Tabernacle Church spoke first and called for the killer to step forward and for witnesses to name him. We pray that justice will come in the midst of this terrible reality, Dickerson said.Family members said they hope that whoever pulled the trigger will surrender. Stop being cowards, said Raekwon s older brother, John Brown. Stand up like a man. Take your consequences. Beside him was the slain teen s godmother, Jacqueline Cane. I just want you to know, whoever did it, turn yourself in, she said. You re not going to sleep until you turn yourself in. That was a good guy here. This was my God-baby. Seventeen years old, you took his life. Turn yourself in or you will never rest. Mourners said another prayer and then hugged as they departed.Burke school staff also took time out from the day to recall Brown as a selfless teen. Raekwon was probably one of the most loving and caring students I have ever had in the Sophomore Academy, said Cheryl Windle, leader for the academy. He actually had this warmth about him that I really believe captures his true essence. He will truly be missed by all of us here at the Burke community. Lindsa McIntyre, headmaster of Burke, said students and staff will miss Brown dearly. He came to us as a vibrant, struggling, middle school student, looking for fun and full of vim and vigor. But as he grew in his high school career, he became a metamorphosis for what a real Burke student looks like. Via: Boston Herald",left-news,"Jun 10, 2016",0 +WATCH: JUAN HERNANDEZ Tells How He Was CHASED And BEATEN By Anti-Trump COWARDS Who Sucker Punch People And Run In Packs,"This is what happens when you cross the Left. Sadly, this is how unions have been operating for decades. Mainstream America is about to see the ugly truth about the violent tactics of the Left. Anyone who could vote for a party who represents itself in such a manner should be ashamed. By Juan Hernandez A Hispanic Trump supporter who lives in Santa Clara, CA.Last Thursday, I left work about 5 p.m. and drove to the San Jose Convention Center to hear Donald Trump speak.I ve been voting for conservative candidates for 15 years and a registered Republican since 2015. Now that the general election is underway, I believe Trump is the best candidate to fix our country s many problems, and I believe he s going to be the next commander in chief. So I was excited to hear him, and to show my support. Walking into the rally with a friend, I was a little wary: Trump s speech to the California Republican convention in Burlingame had been disrupted by protesters, and I wasn t sure whether to expect a similar scene in San Jose. But we got to the event early, and we must have been inside already by the time a crowd of protesters gathered in the streets near the convention center.The speech really got me energized. I got a new sense of appreciation and respect for Trump after a Bernie Sanders supporter interrupted him with a sign. Trump didn t blink: Darling, there s no way he can win, but keep your sign high, he said. That is the president that I want. It was great being around so many Republicans in the Bay Area, we don t have a lot of that, so it was great to feel the camaraderie of being part of the GOP.My trouble began once the rally was over.My friend and I joined a crowd of Trump supporters who had all left the convention center around the same time. The garage where we had parked our car was right next to the building, but police were directing everyone around the block to another garage entrance instead. The farther we walked, the fewer Trump fans were with us people began peeling off to go to restaurants or bars in the area, or to other garages nearby.And suddenly, there were protesters everywhere. Some were holding Mexican flags, or burning American ones. They were yelling F Trump! at us and cornering us. Some of them started grabbing Trump supporters they were going up and slugging people, sucker-punching people, just picking random people out. As much as we wanted to help, because our fellow Republicans were getting hit, I knew any moment that could be me. So my friend and I just kept walking sometimes, we d be running. We saw police standing nearby, but they didn t do anything. That scared me, because I thought, Okay, if I m next, there s going to be no cops. About a block from the garage entrance, we turned down the street and found a line of protesters standing in our way. To get back to our car, we d have to go through them. My friend and I were wearing Make America Great Again Trump hats. We were targets, and I was terrified. I could feel it coming they would look at me and start walking up to me.Before we could make it into the garage, four or five men surrounded me, and another four surrounded my friend. They just started swinging. We swung back as best as we could. My main thing was I didn t want to fall; I didn t want to be knocked down. I m not a big guy, but I can defend myself as best I can if it s one on one but not when they have so much anger against us.One of the blows caught my nose, and blood just started pouring out. That kind of stunned them, and they backed off a quick second. My adrenaline kicked in; I felt punches on my head, and I felt the punch that hit my nose, but I was in survival mode by then, and I didn t realize until later how much it hurt. I called my friend, Okay, let s go! We ran into the parking garage, and we thought we were safe, but there were another few dozen protesters there, too. We got in our car and headed toward the exit. Some protesters jumped on the cars in front of us, but we eventually made it out. My friend drove me to the emergency room because my nose was pouring blood. I had a broken nose, and because I was covered with scratches, I had to get a tetanus shot, too. It took a lot out of me, much more than I realized at first; my headaches and soreness didn t start to go away until a week later.WATCH HERE:I still can t believe how poorly the police handled the protests. I live by Levi s Stadium, where the Super Bowl was. They had every single cop out there. Yet knowing the violence that s been breaking out near Trump rallies, San Jose wasn t prepared for it last week? So the Los Angeles chapter of Log Cabin Republicans held a news conference back in San Jose on Wednesday, to get some answers from the city s mayor, Sam Liccardo, and its police department about why they let me and other people get attacked and only made a few arrests.The whole thing made me angry. Here in Northern California, I feel like I m a unicorn: I m a gay Hispanic who s a Republican. It was much harder to come out as a Trump supporter than it was to come out as gay the minute you say you re for Trump, everyone comes at you but this has pushed me out of the closet about it completely.I should be able to vote for whom I want, and I shouldn t have to deal with violence to go hear my candidate speak. If people really want to protest at rallies, they should do it peacefully. I have a young niece and nephew, and I don t want them to think this is how politics work in the United States. We can t let our freedom of speech and our freedom of assembly be tarnished by politicians like those in San Jose who do not have our safety at heart. Follow Juan Hernandez on Twitter: @mrjuanhernandezVia: Washington Post",left-news,"Jun 10, 2016",0 +WATCH THIS: DID GOOGLE MANIPULATE Search For Hillary Clinton For Favorable Results? [Video],"While researching for a wrap-up on the June 7 Presidential Primaries, we discovered evidence that Google may be manipulating autocomplete recommendations in favor of Hillary Clinton. If true, this would mean that Google Searches aren t objectively reflecting what the majority of Internet searches are actually looking for, possibly violating Google s algorithm. According to a research paper cited in this video, that kind of search result manipulation has the potential to substantially influence the outcome of actual elections. ",left-news,"Jun 10, 2016",0 +"BERNIE SANDERS THANKS OBAMA For Not Endorsing A Candidate…Only Hours Later, Obama Endorses Crooked Hillary [VIDEO]","Sorry Bernie, but it s all about Obama s third term and he s not about to let some geriatric socialist screw that up for him The Democrats true, Hillary-loving, stacking the deck, anti-democracy colors came through loud and clear today when President Obama screwed over Bernie Sanders just hours after he played nice and shook his hand during a private White House meeting.Here is Bernie Sanders still at the White House thanking Obama for not endorsing a candidate while he is still in the race (Sanders says he is staying in through the last primary which is next week).#Democratic candidate @BernieSanders thanked @POTUS Obama and VP @JoeBiden for their impartiality #voanews pic.twitter.com/Qyk72eg7ja The Voice of America (@VOANews) June 9, 2016Just a few hours later, Barack Obama decided he couldn t wait a week until Sanders backed out and endorsed Hillary anyhow.",left-news,"Jun 9, 2016",0 +NEW AGE GURU Dr. Deepak Chopra Says Trump May Be β€œMentally Retarded” [VIDEO],"Pathetic New Age guru and alternative medicine activist Dr. Deepak Chopra attacked Donald Trump Tuesday in an interview on Fox News The Alan Colmes Show, during which he called the presumptive GOP presidential nominee both emotionally and mentally retarded. Chopra, 68, said that Trump epitomizes, among other things, the darkest demons of America s collective psyche. I would never say this unless I believed it was 100% true, but he represents the racist, the bigot, the one who s prejudiced, the one who is full of fear and hatred, the one who represents emotional retardation of a three-year old, Chopra said of Trump. And yet he s so popular because he s given permission to our collective psyche to express their darkest demons. Radio host Colmes asked Chopra if Trump is himself a racist and bigot, or whether he just represents those ideologies to his supporters. I think he is, Chopra said, adding: I think he s racist, he s bigoted, he s prejudiced. He s full of fear. He is angry. He has a lot of hatred. He pouts, he s belligerent, he s emotionally retarded. Via: Breitbart News",left-news,"Jun 9, 2016",0 +TX Valedictorian With Full Ride Scholarship To YALE UNIVERSITY Reveals She Is ILLEGAL ALIEN In Graduation Speech…Trashes Trump [VIDEO],"Wow .just wow! This is a great article for anyone whose child is a LEGAL American citizen and got a 4.0 or greater in high school and was rejected by Yale University. A Texas high school valedictorian has revealed she is an illegal immigrant in her graduation speech.Larissa Martinez told classmates at McKinney Boyd High School that she was one of the 11million undocumented citizens living in the United States after she fled her abusive and alcoholic father in Mexico.The 18-year-old, who has been offered a full scholarship to Yale, said she decided against giving her classmates the traditional Hallmark version of the speech and instead opted for the truth. The teenager told the crowd of thousands: Immigrants, undocumented or otherwise, are people too . We are here without documentation because the US immigration system is broken and forces many families to live in fear. She also used the speech to slam Donald Trump s plans to build a wall based on hate and prejudice .Martinez paid tribute to her friends and her mother during the emotional speech, adding that it had taken her years to drum up the courage to reveal her background: While mothers move mountains for their children, you literally moved countries for my sister and me, she said. I d like to offer you a different kid of speech. One that offers expectations versus reality. Many of you see me standing up here and assume my life must be pretty great and my parents must be very proud. Nevertheless its important to note that these are only the half truths. Those are the expectations My reality is quite different. On July 11 it will be exactly six years since I moved to McKinney from Mexico City where I was born and raised.For entire story: Daily Mail ",left-news,"Jun 9, 2016",0 +LIBERAL JOURNALIST Goes To Border Gets Shocking Answers About Wall With Mexico [Video],"A liberal Reporter for Esquire got a dose of reality when he went along the border and asked anyone he saw to weigh in on what needs to be done on the border to stop illegals. What he got was a very surprising result! Most everyone he asked wanted a border wall but most shocking to the journalist was the positive Hispanic response.Esquire sent a journalist to Texas with orders to survey the people living along the border and ask them what they think needs to be done to stop the flow of illegal immigrants.The magazine s editor-in-chief, Jay Fielden, recently appeared on MSNBC s Morning Joe to explain what happened when Esquire sent what host Joe Scarborough referred to as a liberal journalist to the Texas-Mexico border. Fielden said he instructed the reporter to go down there with no preconceived notions, just an empty notebook. Fielden, a former Texan, explained the assignment was to drive or walk the 800-mile border and talk to whoever you see and let them tell us what s really going on and whether we need a wall, he told Scarborough and his panel. They said, Build the wall, Fielden said, adding, Hispanic, Anglo, Democratic, Republican, uncommitted, clueless, whatever, they said, We want a wall, and we want it tied to some compassion. Most of those Hispanics are first-generation and they see it as unfair, he said. I think they feel, as one guy said, Get in line. Via: The Blaze",left-news,"Jun 9, 2016",0 +HILLARY LIES AGAIN…She’s NOT The First Female Presidential Nominee …She’s Not Even the First Female COMMUNIST Nominee …Here’s PROOF,"What a role model for women and young girls, a presidential candidate who has one foot in prison and the other on the campaign trail That Hillary If she s not lying she s never mind, she s probably lying Clinton is merely the first woman to earn a major party nod but she follows these party standard-bearers who also tried to break the ultimate glass ceiling:1872: Equal Rights Party, Victoria WoodhullNearly 50 years before women earned the right to vote, Victoria Woodhull headlined a progressive all-star ticket, running with former slave and abolitionist leader Fredrick Douglass. Woodhull s agenda was well ahead of the Reconstructionist times; the newspaper editor turned Presidential nominee championed suffrage, civil rights and free love which is a radical threesome.1888: Equal Rights Party, Belva LockwoodLockwood was born in a log cabin and the first woman to argue a case before the Supreme Court, but her bootstraps story didn t impress some wags of the day. Old lady Lockwood, the Atlanta Constitution warned, would subject the country to petticoat rule. She got 4,100 votes in an age when half the electorate women still could not vote and most blacks were still disenfranchised.1940: Surprise Party, Gracie AllenLike Donald Trump s candidacy, what began as a joke between comedian Gracie Allen and her husband and show time side-kick George Burns, soon became a national amusement. Allen, who s political slogan was Down with common sense, vote for Gracie and vowed to resolve the California-Florida boundary dispute, seized the nation s attention with a series of campaign stops and satirical policy platform. It s estimated that she received 42,000 votes in November.1968: Communist Party USA, Charlene MitchellMitchell, a card-carrying member of the CPUSA from age 16, was the first African-American woman to be nominated for president. The ticket, which made it onto only two state ballots, received just over 1,000 votes.1972: Socialist Worker s Party, Linda JennessAt age 31, Jenness could not have actually served if she had been elected but that was part of the point. We think that constitutional requirement is ridiculous, Jenness said. Turning 35 does not make you a genius, politically, as so many of our politicians have proven. Jenness was an outspoken anti-war candidate and vocal critic of rival nominees, the Republican Richard Nixon and Democratic George McGovern.1976: People s Party, Margaret WrightThe World War II shipyard worker featured in the 1980 documentary The Life and Times of Rosie the Riveter fronted the People s Party ticket, a coalition of various socialist and anti-war organizations. The party received 49,016 votes, or .06% of the national total.1980: Right to Life Party, Ellen McCormackMcCormack s single-issue candidacy brought the pro-life agenda to the nation s attention. After a successful run as a Democrat that earned her 238,000 primary votes and raised over $500,000 in campaign contributions, McCormack s 1980 campaign received 32,000 votes in the three states in which she qualified. I think we are teaching working mothers it is more prestigious to work than be home with their children, the self-described housewife once said.1984: Citizens Party, Sonia JohnsonFor entire list go here: NYDaily News ",left-news,"Jun 9, 2016",0 +DETROIT FREE PRESS EDITOR Calls For Gruesome Murder Of MI GOP Lawmakers,"Read anything Stephen Henderson has written over the past year and you will be hard pressed to find a single piece where he is not crying about some injustice either he or his fellow black man has suffered. Anyone who reads his whiny drivel for more than a couple of months will likely need some sort of therapy to keep them from wanting to jump off the nearest ledge on a tall building. Henderson is a perfect example of the wussification of the male in the United States. We ve met and spoken with him before. Henderson is not embarrassed to say he s a hardened liberal. He blames it on his U of D Catholic High School education. He claims they pumped liberalism and social justice through his veins. As a Catholic, I find this type of rhetoric gut-wrenching, irresponsible and the furthest thing from the type of love and compassion for my neighbor I learned as a young Catholic. If representatives of working citizens who live in the suburbs of Detroit, refuse to burden them with hundreds of millions of tax dollars to bail out the failed Detroit Public Schools (yet again), Stephen Henderson says they should be murdered.Stephen Henderson, the Pulitzer prize-winning editorial page editor of the Detroit Free Press has called for the murder of Michigan lawmakers with whom he disagrees.The reason? The lawmakers voted for legislation that would give parents more choices to avoid Michigan s failing public schools. Detroit s public schools are failing academically and nearly insolvent, the New York Times wrote in January. The Detroit News wrote in March that the statewide opinion of K-12 education is downright ugly. That poll showed residents didn t think throwing money at public-union-controlled schools was the answer, with 63 percent saying it takes more than money to improve education.Yesterday Michigan s Republican legislators voted to bail out Detroit s abysmally run schools with $617 million in taxpayer funding. The same bill also fought efforts to constrain charter school choices in Detroit. Prior to the vote, Stephen Henderson wrote on his editorial page:We really ought to round up the lawmakers who took money to protect and perpetuate the failing charter-school experiment in Detroit, sew them into burlap sacks with rabid animals, and toss them into the Straits of Mackinac.That s harsh. Maybe.But isn t that what the Romans or Greeks or some other early practitioners of democracy used to do with solicitous and unprincipled public officials?And this legislation that passed the state House of Representatives Thursday night, the one that bows to the thoroughly debunked theory that a free-for-all, market-based approach to public schooling will produce quality choices for Detroit parents?It is garbage.It is bought-and-paid-for work product from a legislative body whose leader, the maladroit thinker Kevin Cotter, has sold his caucus political soul to the high-bidding DeVos family and other charter advocates and told himself it s about belief, not money.In the most crass terms, the House of Representatives is telling parents in Detroit that the best we deserve is what we have now. Public schools that have been underfunded and torn asunder by depopulation and corruption. Charters opening and closing willy-nilly, many to profit off the traditioal public schools misery, but offering alternatives in name only to the public schools they claim to outperform. The bragging that charter advocates do about the sliver of daylight between the outcomes of charters and traditional public schools would be roll-on-the-floor funny if it weren t so condescending, and it it didn t heartily embrace the idea of calcified inequality.It is every bit deserving of an old-school retributive response.A sack. An animal. A lake.No lover of actual democracy could weep at that outcome.Stephen Henderson s tweeted his Detroit Free Press article and added this disgusting commentary:GOP House harlots deserve worse than hanging for selling out #detroit kids on #DPS bills. https://t.co/zbPajL81qq Stephen Henderson (@SHendersonFreep) June 3, 2016 ",left-news,"Jun 8, 2016",0 +COME TO ITALY AS A REFUGEE And Work For FREE…Italy’s Interior Minister Fed Up With Financial Burden On Citizens,"First the mafia announced that they re all done playing games with these freeloaders, and now the government is putting them on notice. They re will be no more fun and games for these Muslim migrants The Italian interior minister has suggested that asylum seekers should work for free as the country creaks under the burden of thousands of immigrants arriving via the Mediterranean sea each week.Angelino Alfano made the announcement yesterday in a meeting with regional mayors as it was reported that another 9,000 migrants flocked to Italy this week alone.Italian officials have repeatedly called for assistance in rescuing and resettling migrants crossing from North Africa into Europe. More than 30,000 migrants have crossed the Mediterranean into Italy so far this year and tensions and tensions are only increasing, with anti-migrant rhetoric from politicians and locals threatening to turn into violence.In the meeting, Alfano said: We must ask the municipalities to apply our directive and make migrants work for free Rather than leave them with nothing to do, they should make them work. The statement echoed a previous announcement by the Italian interior ministry s immigration chief, Mario Morcone, who said that migrants should be employed on environmental projects for the common good , where they would only qualify for health insurance and would not be paid a salary.Asylum seekers cannot legally work in Italy until six months after they have applied for a work permit, meaning that many of them are unemployed. The recent deluge has also created regional tensions, with Val d Aoste in northwestern Italy saying on Wednesday that they will refuse to accept any additional migrants.In response to the deaths of thousands of migrants being smuggled across the Mediterranean, the European Union last month promised to triple its funding to maritime operations in the region. Via: Europe Newsweek ",left-news,"Jun 8, 2016",1 +ITALIAN CATHOLICS TOLD TO β€œPRAY SILENTLY” So As Not To β€œOffend” Muslim Refugees Living In Church [VIDEO],"Italian Catholics are essentially being told to pray silently (hide their religious convictions) to avoid offending anyone, while Muslims are living free of charge in their church? I can t be the only Catholic who has a problem with this Parishioners in the Italian parish of St. Anthony in Ventimiglia, a small town in northwestern Italy about four miles from the border of France, were ordered Saturday by a Catholic aid organization volunteer to pray the Rosary silently so the Muslim migrants living in the church would not be offended.With a population of about 55,000, Ventimiglia has been overwhelmed by Muslim migrants, receiving over 50 every day, many of which are housed in Catholic churches.ANSA reports a parishioner snapped back at the volunteer, telling him to bring migrants into another church. The parish priest, Don Rito, instead took the parishioners to another church close by where they could pray out loud.Migrants have been pouring into the little town on their way to France and locals feel overwhelmed. The mayor of Ventimiglia, Enrico Ioculano, said the situation is untenable. But the Italian government and Caritas seem to do little to help the burden; already in the first five months of 2016 it has cost the town 220,000, less than half of which will be funded by the government.Caritas is also doing little to allay the town s burden. While it helps migrants who want to file for refugee status, saying they have a special channel, in March the local director said the organization can only afford to provide for a few days those who are passing through, whether they stay for a day or weeks.The Lepanto Institute describes Caritas Internationalis as a confederation of 165 Catholic relief, development and social service organizations operating in over 200 countries and territories worldwide.It has been exposed by the American Life League as being part of the Marxist organization the World Social Forum, promoting communism, abortion, and homosexuality throughout the world.WATCH HERE:Via: Church Militant",left-news,"Jun 8, 2016",0 +NORWEGIAN GOVERNMENT RETURNS 5 Children To Family After Removing Them From Home For β€œChristian Radicalism And Indoctrination”,"How does one reconcile this insane interference by the government over how a legal Norwegian family practices their Christian faith, while opening their borders to radicalized Muslim male refugees ? A Christian family has been reunited with their children after losing an appeal in Norway in Dec, 2015, to have their children returned, after the government forcibly removed five children from their home. The public is reacting with outrage.Marius Bodnariu, a Romanian, and his Norwegian wife Ruth, former members of the Pentecostal Church in Bucharest, moved to Naustdal, Norway 10 years ago, where they raised five children. As reported by Marius brother Daniel, on November 16, Norway s child welfare services took away the Bodnarius two oldest children, showing up at their school and removing them from class without their parents knowledge. Police later that day arrived at the Bodnarius home and also forcibly removed the two older boys, leaving Ruth with her three-month-old baby, who was taken away the following day by police as well.Two days later, child welfare services notified the parents that their children were in the care of two separate foster families and were integrating well. One of the officials reportedy said to Ruth, The kids don t even miss you. What kind of parents are you? Marius and Ruth were later informed by the government that they were guilty of Christian radicalism and indoctrination. Apparently, the children s removal was instigated by the school principal, who complained to child welfare services that the Bodnarius were very Christian and their belief that God punishes sin creates a disability in the children. Accordingly, the principal believed the parents needed guidance from the government in raising their family. The principal also cited concerns over discipline in the family home, as occasional corporal punishment is used. But after physical examination of the children (the three-month-old was subjected to x-rays and a CT scan), no physical abuse was discovered. Child welfare services is claiming, however, that Marius is physically abusive, while he and Ruth are vehemently denying the claims.A hearing held November 27 dismissed the Bodnarius appeal to be reunited with their children. The court ruled instead that they were to remain in the care of their foster parents, while Marius and Ruth could visit their three-month-old son twice a week for two hours. They could see their two older sons as well, but the court refused to grant them visitation rights for their daughters. The parents are considering further legal action.Meanwhile, a petition begun in support of the family has collected nearly 30,000 signatures, and a Facebook page has been set up documenting the family s ordeal.On December 2, Romanian senator Titus Corlatean spoke on the Bodnarius behalf to the Commission for equality and nondiscrimination of the Parliamentary Assembly of the European Council (PAEC) in Paris. Corlatean condemned what he deemed abusive conduct on the part of the Norwegian government, and asked that the Assembly investigate. He also noted prior actions on the part of Norway s child welfare services that involved splitting children from their parents based on groundless accusations.Marius brother writes:I testify, and vehemently vouch, for Marius and Ruth having given birth to and raised a normal family with Christian values. These parents love their children and have taken every imaginable step in raising their children with loving caring in all aspects of their well-being. The tearing apart of their family by the Barnevernet [child welfare services] is a living nightmare for Marius and Ruth. Their hope is founded, and rests, in God; He can change any situation and He is always in control! Via: Church Militant",left-news,"Jun 8, 2016",0 +"YIKES! TRUMP ANNOUNCES β€œMajor Speech” About Hillary On Monday: β€œI think you’re going to find it very informative and very, very interesting”",Crooked Hillary has met her match: Hillary Clinton turned the State Department into her private hedge fund. Here is Trump s speech in its entirety. It is one of his best speeches to date and truly worth watching to the end.https://youtu.be/nO7GAbBoIF0,left-news,"Jun 8, 2016",0 +MOM NOT HAPPY: TRANSGENDER BOY BEATS DAUGHTER In Girls 100 Meter Running Race [VIDEO],"Sorry Leftists the DNA doesn t change because a boy wants to be a girl. What part of NOT fair don t you get?Alaskan mother Jennifer VanPelt is not happy that her daughter missed out on a podium appearance at a state track meet after a transgender girl was allowed to compete and got the third-best time in a 200-meter varsity final race.Here is the mother s Facebook post where she expresses her frustration with this clearly unfair rule:See video below:Pictured: Nattaphon Wangyot, KTVA/screenshotAccording to transgender.com, these 30 states allow athletes to compete in the sports based on gender they identify with:We discovered this by perusing the comment section of KTVA s story on Haines runner Nattaphon Wangyot, who finished the 100-meter in 13.14 and qualified for state. Via: Rare",left-news,"Jun 8, 2016",0 +LOL! HYPOCRITE HILLARY Gives Speech On Evils Of β€œInequality” While Wearing Designer Pants Suits With Price Tag You Won’t Believe,"Fat ass fraud in a pants suit When Hillary Clinton won the New York primary in April, she called for raising wages and reducing inequality and building ladders of opportunity while sporting a $12,495 Georgio Armani jacket.It was just one small part of a major wardrobe overhaul that one fashion expert pegged as a six-figure operation, the New York Post reported.It wasn t just in New York, where Clinton was photographed recently leaving a Ralph Lauren store on 5th Avenue accompanied by longtime aide Huma Abedin, where Clinton sported fancy fashions.She also wore a $4,000 white jacket by Susanna Beverly Hills on the campaign trail in rural Iowa. She s had to have spent in the six figures on this wardrobe overhaul, Los Angeles-based image consultant Patsy Cisneros told the paper.For her campaign kickoff on Roosevelt Island, Clinton wore a custom blue silk Lauren suit that cost upwards of $2,200, according to the paper.For a New York funder, she opted for a beaded coat by Andrew Gn comparable to a $3,000 selling at Bergdorf Goodman.Her counterpart, real estate mogul Donald Trump, has been reported to favor Brioni suits that can cost more than $7,000. Via: Daily MailBut then again he s not hiding his net worth or preaching about the evils of inequality to his supporters. ",left-news,"Jun 7, 2016",0 +JUDICIAL BIAS? LATINA SUPREME COURT JUSTICE Declares Her Shockingly Racist View On Ethnicity And Sex When Judging," I would hope that a wise Latina woman with the richness of her experiences would more often than not reach a better conclusion than a white male who hasn t lived that life Supreme Court Justice SotomayorAs the main stream media does a hit job on Donald Trump for expressing his view that the presiding judge in the Trump University case is biased against him because of Trump s views on immigration, we have a RACIST Latina Supreme Court Justice who s openly declaring that the ethnicity and sex of a judge makes a difference in their judging! So which is it? The left wants to have it both ways but they re being outed as total hypocrites! Unreal! Judge Sotomayor questioned whether achieving impartiality is possible in all, or even, in most, cases. She added, And I wonder whether by ignoring our differences as women or men of color we do a disservice both to the law and society. AND THEY RE CALLING TRUMP A RACIST?WASHINGTON In 2001, Sonia Sotomayor, an appeals court judge, gave a speech declaring that the ethnicity and sex of a judge may and will make a difference in our judging. In her speech, Judge Sotomayor questioned the famous notion often invoked by Justice Ruth Bader Ginsburg and her retired Supreme Court colleague, Sandra Day O Connor that a wise old man and a wise old woman would reach the same conclusion when deciding cases. I would hope that a wise Latina woman with the richness of her experiences would more often than not reach a better conclusion than a white male who hasn t lived that life, said Judge Sotomayor, who is now considered to be near the top of President Obama s list of potential Supreme Court nominees.Her remarks, at the annual Judge Mario G. Olmos Law and Cultural Diversity Lecture at the University of California, Berkeley, were not the only instance in which she has publicly described her view of judging in terms that could provoke sharp questioning in a confirmation hearing.This month, for example, a video surfaced of Judge Sotomayor asserting in 2005 that a court of appeals is where policy is made. She then immediately adds: And I know I know this is on tape, and I should never say that because we don t make law. I know. O.K. I know. I m not promoting it. I m not advocating it. I m you know. The video was of a panel discussion for law students interested in becoming clerks, and she was explaining the different experiences gained when working at district courts and appeals courts. Her remarks caught the eye of conservative bloggers who accused her of being a judicial activist, although Jonathan H. Adler, a professor at Case Western Reserve University law school, argued that critics were reading far too much into those remarks.Republicans have signaled that they intend to put the eventual nominee under a microscope, and they say they were put on guard by Mr. Obama s statement that judges should have empathy, a word they suggest could be code for injecting liberal ideology into the law.Judge Sotomayor has given several speeches about the importance of diversity. But her 2001 remarks at Berkeley, which were published by the Berkeley La Raza Law Journal, went further, asserting that judges identities will affect legal outcomes. Whether born from experience or inherent physiological or cultural differences, she said, for jurists who are women and nonwhite, our gender and national origins may and will make a difference in our judging. Her remarks came in the context of reflecting her own life experiences as a Hispanic female judge and on how the increasing diversity on the federal bench will have an effect on the development of the law and on judging. In making her argument, Judge Sotomayor sounded many cautionary notes. She said there was no uniform perspective that all women or members of a minority group have, and emphasized that she was not talking about any individual case.She also noted that the Supreme Court was uniformly white and male when it delivered historic rulings against racial and sexual discrimination. And she said she tried to question her own opinions, sympathies and prejudices, and aspired to impartiality.Still, Judge Sotomayor questioned whether achieving impartiality is possible in all, or even, in most, cases. She added, And I wonder whether by ignoring our differences as women or men of color we do a disservice both to the law and society. Read more: NYT ",left-news,"Jun 7, 2016",0 +B*TCH OF BENGHAZI WINS Democrat Nomination” I’m Encouraged By Extraordinary Conviction” Of Her Supporters,"American citizens will be encouraged when the queen of the Clinton Crime Syndicate is convicted Former Secretary of State Hillary Clinton confirms that she feels emotion when she thinks about becoming the first woman nominee for president. Do you feel the weight of what this means for people? asked one reporter on the campaign trail on Monday. I do. I do, she said, praising her supporters for being passionate and committed to her victory. It s really emotional, she said. I am someone who has been very touched and really encouraged by this extraordinary conviction that people have. Says the woman who is still playing to crowds that are comparable to those of a kid running for student council in a rural high school.She said the emotion came from predominantly women and girls but that men had been bringing their daughters to her campaign events to witness history. I do think that it will make a very big difference for a father or a mother to be able to look at their daughter just like they can look at their son and say You can be anything you want to be in this country, including president of the United States. Via: Breitbart News",left-news,"Jun 7, 2016",0 +OBAMA CONDEMNS TRUMP…Says U.S. Is β€œBlessed With Muslim Communities”,"New York City begs to differ Of course, this is just another way of Obama saying, Screw Trump and screw America, we re building Muslim communities in your hometowns and communities with or without your permission. In an official statement on the eve of Ramadan, an Islamic holy month, Barack Obama said the United States would continue to welcome Muslim refugees despite voices that seek to divide us. I stand firmly with Muslim American communities in rejection of the voices that seek to divide us or limit our religious freedoms or civil rights, he said in the statement. I stand committed to safeguarding the civil rights of all Americans no matter their religion or appearance. Obama s speech regarding Ramadan, the monthlong holiday observed by Muslims through fasting during daylight hours, did not mention Donald Trump by name, but clearly seemed to be directed towards the Republican nominee. Here in the United States, we are blessed with Muslim communities as diverse as our nation itself. There are those whose heritage can be traced back to the very beginning of our nation, as well as those who have only just arrived, he said. Via: Townhall ",left-news,"Jun 7, 2016",0 +"CONSERVATIVE OFFERS $20,000 REWARD For Identity Of Anti-Trump Thug Who Sucker-Punched Elderly Trump Supporter [Video]","PLEASE TAKE A LOOK AT RHE VIDEO BELOW:Several Trump supporters have been assaulted at rallies but this one is especially sickening. An elderly man gets sucker punched by a thug. A reward is being offered so look closely and hopefully we can nail this thug.We d also like to give a big shout out to the patriot offering the reward of $20,000:I m offering a $20,000 REWARD for the identity of the COWARD who sucker-punched this Trump Supporter in San Jose. RT pic.twitter.com/vJxoi26X4S Thomas Paine (@Thomas1774Paine) If you know anything about this, please report it immediately. When an Anti-Trump thug sucker punched an elderly Trump supporter, he never thought he would be caught on video and now there is a very big award for anyone who knows his identity.A 66-year old Donald Trump supporter was surrounded by Mexican thugs in San Jose whose mayor told police to stand down and let them riot and they followed him for two blocks as he tried to leave the Trump rally there.The man did not want his name released, but he suffered injuries to his right orbital (eye) socket, and required minor surgery.Well now a prominent conservative on Twitter is offering of a $20,000 reward to anyone providing the identity of the thug so he can release it online: ",left-news,"Jun 7, 2016",0 +SHERIFF CLARKE OUTRAGED AT RALLY VIOLENCE: ” Where’s the FBI and DOJ?”,Sheriff Clarke weighs in on the violence at the Trump rally in San Jpse: ,left-news,"Jun 7, 2016",0 +A MUST WATCH: The Islamization Of Our Schools [Video],"A short excerpt from CAN s upcoming documentary Exposed: The Islamization of Our Schools .This documentary-in-progress uncovers the ongoing, accelerating indoctrination of U.S. students to Islam, using U.S. taxpayer money. ",left-news,"Jun 6, 2016",0 +LIBERAL HEADS EXPLODE When PIERS MORGAN Points Out Phony β€œRacist” Charges Against Trump VS. Muhammad Ali’s ACTUAL Racist History [VIDEO],"Watch the video and you be the judge. Was Piers Morgan correct or was he out of line?Piers Morgan poked the hornets nest Sunday when he highlighted a double standard among Muhammad Ali s fans that the late boxer espoused more radical views on race than Donald Trump.Muhammad Ali said far more inflammatory/racist things about white people than Donald Trump ever has about Muslims. #fact Piers Morgan (@piersmorgan) June 5, 2016The tweet quickly brought a swarm of social justice outrage, but Morgan did not back down. He argued that Ali was an important voice in the civil rights movement, but that is no reason to whitewash statements far more radical than Trump s on race and immigration. Via: Breitbart NewsTrump was in New York on 9/11 & knew people who died. Does that count? https://t.co/eF7Lg76Ye7 Piers Morgan (@piersmorgan) June 5, 2016Here are just a few tweets from liberals right before their collective heads blew off their necks:https://twitter.com/DentonJez/status/739780815807188992Morgan s response:I didn't say that. I just said Ali made far more inflammatory/racist comments. Which he did. https://t.co/5ABetSkFPi Piers Morgan (@piersmorgan) June 6, 2016 Why would stating that Muhammad Ali made a lot of inflammatory, race-charged statements in his life be remotely controversial? He did. Piers Morgan (@piersmorgan) June 5, 2016Piers Morgan shared this clearly racist interview with Muhammad Ali on Twitter to back up his claim:Along the way, Piers picked up a few Twitter users who were willing to tell the truth about boxing legend Ali:https://twitter.com/NordicImports/status/739845621289517056Honesty is the new ""being racist"" FYI Michael (@socalmike_SD) June 6, 2016In the end, Piers Morgan knew he could never walk into another room filled with liberal crybabies if he didn t do the obligatory Leftist, even though I m correct here is my apology:I'm sorry for 'saying inflammatory things for attention'.That's the last thing Muhammad Ali would have condoned. Piers Morgan (@piersmorgan) June 5, 2016",left-news,"Jun 6, 2016",0 +PROTESTER HITS COP ON HEAD WITH BALLOON…WATCH Hysterical Reaction When Cop Pops Balloon [VIDEO],***TURN DOWN THE VOLUME***These are the pathetic social justice warriors (SJW s) our colleges and universities are indoctrinating every day https://twitter.com/133760D/status/739160618448609284H/T Weasel Zippers,left-news,"Jun 6, 2016",0 +ITALIANS FURIOUS! Have You Ever Dreamed Of Living FREE OF CHARGE In A 4-Star Seaside Resort In Italy?…Become A Refugee And You Can!,"One short trip on a boat and this could be all yours! No papers required A group of local citizens from the Italian Island of Sicily have denounced a recent political decision to turn a 4-star seaside resort into the latest migrant welcome center, near the historic city of Agrigento. The hotel Capo Rossello Realmonte is located just a short distance from the Scala dei Turchi, or Turkish Steps, an unusual white, rocky cliff popular with tourists that has also been proposed for the UNESCO Heritage list.The Region of Sicily, led by governor Rosario Crocetta of the Democratic Party, has decided to transform the hotel into a hub where asylum-seekers will be accommodated, theoretically just for 48 hours for registration purposes before being transferred to other centers or possible repatriation. Critics have noted that the migrants and refugees will actually be staying considerably longer, judging from the way such centers work elsewhere in Italy.The local City Council of Realmonte, chaired by Mayor Calogero Zicari has joined a local citizens movement in collecting signatures protesting the plan to convert the hotel into a migrant center.The mayor told local media that since the area depends on tourism, the proposal would have a major impact on the economy, recalling that the arrival of large groups of migrants in other areas has destroyed investments that had been developed over years. We are angry and worried by this latest irresponsible decision, said Angelo Attaguile, the local leader of the Noi con Salvini populist political party. Some people forget that we are talking about a site with enormous touristic value, which was recently nominated as a UNESCO Heritage site, and which could be jeopardizes by this foolish decision, Attaguile said. We cannot accept that top-tier hotel facilities, close to the sea and tourist destinations like the Scala Dei Turchi, continue to be turned into reception centers, he added.Another political operative from the Noi con Salvini party, Giuseppe Di Rosa, has accused politicians in office of reaping economic benefits from public funds coming in for the construction and operation of refugee centers. They are transforming our land into a mega hotel that houses refugees of all kinds without any sanitary control of the territory, he said. -Via: Bretibart News ",left-news,"Jun 6, 2016",1 +RESTAURANT OWNER Makes Awesome Sign Mocking Transgender Bathroom Law," Political correctness is obviously not important to this outspoken business owner The owner of a Windy City Pizza store didn t want there to be any confusion about which bathroom to use in their establishment, so they placed this sign in front of their establishment:Here s another sign that previously appeared in front of the restaurant: ",left-news,"Jun 5, 2016",0 +BORDER PATROL AGENTS RAT OUT DHS: Government Secretly Puts Illegal Aliens On Busses…Dumps Them Off Into Unsuspecting Communities Across America,"It s really a pretty simple scheme. Obama is placing Democrat voters (illegal aliens who are given housing, education, food, health care and ultimately citizenship in exchange for their votes) in unsuspecting communities across the USA. Our safety and the safety of our nation is really of no consequence to a man and his family who will be surrounded by secret service for the rest of his life. There seems to be a particular focus on populating red states with illegal aliens and refugees in hopes that can give their party the boost it needs to put those states in play when the elections roll around Part of the supposed mission of DHS is to transport individuals apprehended in the country illegally from our soil to their own. They might stop and spend some time on our soil behind bars, but the general direction of travel and the paperwork is, in theory, towards their home country. That was before the enemies of America took over our country, Hussein Obama in the White House and Jihadi Jeh Johnson at the Department of Homeland Security. Now everything is backwards. There often is no paperwork to track the individuals or direct their travel, just a white van, loaded with illegal aliens pointed north, towards the interior of the United States and a Phoenix bus station. We all remember the uproar over the DHS buses with mirrored windows that were the subject of protests last year. Now DHS is using stealth to bypass the angered American people and it s working.According to a report by Judicial Watch, Homeland Security is still secretly transporting illegal aliens into the interior of the United States, those same shadows that they will later disingenuously claim to be wanting desperately to rescue them from. They ll be the families that can t be broken up and can t be transported together back to where they belong. They re the immovable squatters who are dictating what will and won t be done to them through the corrupt government that is using them as pawns to advance their agenda.The good people who make up the rank and file members of the CBP and ICE aren t happy about what they are being forced to do and the destructive impact it s having on our nation. Judicial Watch wrote:The Department of Homeland Security (DHS) is quietly transporting illegal immigrants from the Mexican border to Phoenix and releasing them without proper processing or issuing court appearance documents, Border Patrol sources tell Judicial Watch. The government classifies them as Other Than Mexican (OTM) and this week around 35 were transferred 116 miles north from Tucson to a Phoenix bus station where they went their separate way. Judicial Watch was present when one of the white vans carrying a group of OTMs arrived at the Phoenix Greyhound station on Buckeye Road.This report, part of an ongoing Judicial Watch investigation into the security risks along the southern border, features only a snippet of a much broader crisis in which illegal aliens are being released and vanishing into unsuspecting American communities. The Senate Subcommittee on Immigration and the National Interest addressed this issue just a few weeks ago in a hearing called Declining Deportations and Increasing Criminal Alien Releases The Lawless Immigration Policies of the Obama Administration. Judd, the Border Patrol Union chief, delivered alarming figures at the hearing. He estimated that about 80% of apprehended illegal immigrants are released into the United States. This includes unaccompanied minors who are escorted to their final destination, family units and those who claim to have a credible fear of persecution in their native country. Single males that aren t actually seen crossing into the U.S. by Border Patrol agents are released if they claim to have been in the country since 2014, Judd added.The OTMs are from Honduras, Colombia, El Salvador and Guatemala and Border Patrol officials say this week s batch was in custody for a couple of days and ordered to call family members in the U.S. so they could purchase a bus ticket for their upcoming trip from Phoenix. Authorities didn t bother checking the identity of the U.S. relatives or if they re in the country legally, according to a Border Patrol official directly involved in the matter. American taxpayers pick up the fare for those who claim to have a credible fear, Border Patrol sources told JW. None of the OTMs were issued official court appearance documents, but were told to promise they d show up for a hearing when notified, said federal agents with firsthand knowledge of the operation.A security company contracted by the U.S. government is driving the OTMs from the Border Patrol s Tucson Sector where they were in custody to Phoenix, sources said. The firm is called G4S and claims to be the world s leading security solutions group with operations in more than 100 countries and 610,000 employees. G4S has more than 50,000 employees in the U.S. and its domestic headquarters is in Jupiter, Florida.Outraged Border Patrol agents and supervisors on the front lines say illegal immigrants are being released in droves because there s no room to keep them in detention. They re telling us to put them on a bus and let them go, said one law enforcement official in Arizona. Just move those bodies across the country. Officially, DHS denies this is occurring. Of course DHS denies it s happening. They are violating their oaths, the public trust and the United States Constitution; it s not likely they ll confess. But there is no doubt it is, and that it is they and not the rank and file members who are lying.The real question that needs to be asked is why it is happening. Why has an agency that is responsible for border enforcement evolved into a mechanism for facilitating border violations or was this its intended function from its subversive beginning?Via: Rick Wells ",left-news,"Jun 5, 2016",0 +KARMA? PODIUM COLLAPSES At Hillary Rally [Video],Hillary Clinton was all smiles at a rally in California until her podium starts to collapse is this just a big case of karma? ,left-news,"Jun 5, 2016",0 +CAN YOU GUESS THE ONE THING Majority Of Bernie Sanders Supporters Have In Common?,"The function of socialism is to raise suffering to a higher level. Norman MailerBernie Sanders has raised a lot of money during the 2016 Democratic primary. In fact, his supporters often brag about his fundraising as proof of his viability as a candidate, just like Obama supporters did back in 2008.With all that in mind, you ll never guess what most of Bernie s donors have in common.The Los Angeles Times reports:Who gives money to Bernie Sanders?Small-dollar contributions have been the fuel that has propelled Sen. Bernie Sanders presidential bid, making it one of the most successful insurgent campaigns in Democratic party history, but little has been known about those donors because campaigns don t have to publicize the names of people who give $200 or less.Now, a Times analysis of nearly 7 million individual contributions has provided unprecedented detail about the army of people behind the $27 donations Sanders mentions at virtually every campaign stop.Many resemble Emily Condit, 40 of Sylmar, who has contributed three times $5 each to the Vermont senator s campaign.Condit, who has several physical disabilities, is among the largest single group of Sanders donors those who don t have a job. Of the $209 million given to the Vermont senator s campaign, about one out of every four dollars came from those not in the workforce, who include the unemployed or retired.Here s a handy chart that puts things in perspective:So the free stuff candidate is being bankrolled mostly by people who aren t working.Anyone surprised?Via: Gateway Pundit",left-news,"Jun 5, 2016",0 +ESPIONAGE ACT VIOLATION? HILLARY EXPOSES Names Of Hidden Intelligence Officials In Emails Through β€œGross Negligence”,"America keeps waiting for word that Hillary will be indicted. Is Obama waiting for the right moment or will the FBI be allowed to do their job and put Hillary behind bars? Are Joe Biden and Elizabeth Warren standing by in the wings? One thing we know for sure, with this corrupt administration, anything could happen. Obama seems to have mastered the art of punishing America. Will the most corrupt President to ever occupy our White House, be the one responsible for finally putting end to the Clinton Crime Syndicate or does she know too much?Hillary Clinton posted and shared the names of concealed U.S. intelligence officials on her unprotected email system. Federal records reveal that Clinton swapped these highly classified names on an email account that was vulnerable to attack and was breached repeatedly by Russia-linked hacker attempts. These new revelations reminiscent of the Valerie Plame scandal during George W. Bush s tenure could give FBI investigators the evidence they need to make a case that Clinton violated the Espionage Act by mishandling national defense information through gross negligence. Numerous names cited in Clinton s emails have been redacted in State Department email releases with the classification code B3 CIA PERS/ORG, a highly specialized classification that means the information, if released, would violate the Central Intelligence Act of 1949.The State Department produced a document to Judicial Watch in April 2014 that identifies different types of (b)(3) redactions, including CIA PERS/ORG, which it defines as information Specifically exempted from disclosure by statute Central Intelligence Act of 1949. That s what it suggests, Judicial Watch president Tom Fitton told Breitbart News, referring to the indication that Clinton disclosed the names of CIA-protected intelligence sources, based on the B3 redactions.The CIA justifies (b)(3) redactions with this description: (b)(3) Applies to the Director s statutory obligations to protect from disclosure intelligence sources and methods, as well as the organization, functions, names, official titles, salaries, or numbers of personnel employed by the Agency, in accord with the National Security Act of 1947 and the CIA Act of 1949, respectively. The State Department declined to comment. Per the colleague who handles this issue, we are not speaking to the content of emails, State Department spokeswoman Nicole Thompson told Breitbart News.Here are some examples of (b)(3) redactions;Naming the defense attach in MaltaOn October 16, 2011, recent U.S. Ambassador to Malta Douglas Kmiec sent an email to Cheryl Mills with the subject line TIME SENSITIVE AND CONFIDENTIAL Malta Trip Backgrounder for the Secretary Confidential. Kmiec wrote to Mills, I know from current events that your life must be a whirlwind. I know that if there ever was someone who could tame the whirlwind, it would be you. Just read the news report of the Secretary s stop in Malta next week. Thank you for arranging this. This letter and the accompanying clips I believe will help make the Secretary s visit a highly successful and well received one. In the memo, Kmiec revealed the name of a top defense attach in the country. That name was later classified by the State Department with three different classifications: 1.4 (D) to connote Foreign relations or foreign activities of the US, including confidential sources, B1 to connote Information specifically authorized by an executive order to be kept secret in the interest of national defense or foreign policy, and B3 CIA PERS/ORG. The largest part of our US team in the embassy is the navy/coast guard/ ncis contingent that has established a Maritime training program with the AFM to good success. The defense attach there now is new [REDACTED] beloved and hardworking and to good effect, patrolling the waters and the ports for [illegible] traffickers and terror related figures, Kmiec wrote.Mills forwarded the memo directly to Clinton s private email account at clintonemail.com with the note Fyi background. Clinton replied to Mills and CC ed Huma Abedin with the confidential information, writing, I need enough time there to meet. Hague is there today and doing all the right meetings. So, I m copying Huma to reinforce my desire to squeeze more out of a too quick trip. When he sent the memo to Mills, Douglas Kmiec had been out of his Ambassador to Malta job for several months. Kmiec was a big supporter of President Obama. He garnered criticism in a 2011 inspector general report for ignoring directives from Washington and for spending too much time writing articles about religion. Iran Insights On September 2, 2009, Jackie Newmyer of Long Term Strategy Group in Cambridge, Massachusetts sent an email directly to Clinton s private account with the subject line Iran Insights From [Redacted] that included the B3 redaction code:Secretary Clinton,Last week I traveled to Israel [REDACTED] in an Iran-related seminar and simulation exercise with the IDF general who is likely to become Israel s next chief of military intelligence and his team and, separately, [REDACTED]. Yesterday, [REDACTED] Iran workshop in Washington involving DoD and think tank experts. Despite the fact that the meetings were with defense [REDACTED] personnel, there was universal sentiment that a strike on Iran s nuclear facilities would be counterproductive, on the one hand, and that incremental measures would be perceived by Iran as an indication of weakness, on the other.The email included sensitive information including the following:If Iran acquires a nuclear capability, no single American/allied countermeasure will be adequate. Something like the flexible response posture from the Cold War will be required, necessitating a range of actions from enhancing the US deterrent presence nuclear submarines carrying ballistic missiles in the Arabian Sea to bolstering regional actors defenses.Israeli leaders should be able to contain the damage to the Israeli population s morale from an Iranian bomb, but this will require careful management of public statements. There is a tension between building up support for action against the Iranian nuclear program now and delivering the kind of reassurance that will be necessary once the capability has been acquired.Clinton replied that she would like to discuss the matter with Jackie.Jackie replied:I will be in Washington for a day-long meeting on Thursday this week [B3 REDACTED] and my travel plans are flexible, so I could meet you any time on Wednesday afternoon, after 5 pm on Thursday, or any time on Friday morning. If those times do not work, I would be happy to come down at your convenience.Clinton and Jake Sullivan then set up a meeting with Jackie.For entire story: Breitbart News ",left-news,"Jun 5, 2016",0 +"5-STAR MOOCH Tells Graduates: β€œEvery Single Day, I Wake Up In A House That Was Built By Slaves” [VIDEO]","Poor 5-star Mooch. At least we know now why she spends so much time traveling around the world on our dime First Lady Michelle Obama touted the diversity of the 2016 graduating class of City College in New York by comparing it to her own life and experiences. It s the story that I witness every single day, when I wake up in a house that was built by slaves, Obama told the 3,000 graduates and their families Friday, adding:And I watch my daughters two beautiful, black young women head off to school waving goodbye to their father, the President of the United States, the son of a man from Kenya who came here to American to America for the same reasons as many of you: To get an education and improve his prospects in life.Via: Breitbart News",left-news,"Jun 4, 2016",0 +LOL! POLITICO Publishes Article Blaming TRUMP And His Supporters For Horrific Violence Committed Against Them,"This ridiculous article by Politico, who pretends to be a non-biased source for news is sadly, what passes as journalism today. We ve taken the liberty of highlighting the article in places where POLTICO has gone out of their way to blame Trump and/or his supporters for the violent protesters (many of whom are paid by leftist organizations). Our comments can be found in parenthesis following the highlighted copy.Outside Donald Trump s campaign rallies in recent days, protesters have gathered and, increasingly, clashed violently with Trump supporters and police. Inside, Trump is going to new rhetorical extremes in his attempts to delegitimize a Mexican-American judge. Together, (Together? Does anyone else find it to be slightly ridiculous that the person writing this piece would honestly think anyone believes Trump and the violent anti-Trump protesters were working together?) they re forming an increasingly combustible atmosphere as the campaign enters the summer and temperatures here climb into triple digits.Trump has in the past vowed to become more presidential after dispatching his primary foes, and many political observers hoped tensions would decrease as Trump pivoted to appeal to broader swath of voters in the general election.Instead, the end of the primary has seen a steady rise in tension, fueling fears that the convention in Cleveland next month will surpass the turbulence of the 1968 Democratic convention in Chicago.Tense standoffs involving police, protesters and Trump supporters are common sights at campaign rallies, and violence has occasionally flared up, but there has been an uptick in the scale and frequency of violence over the past two weeks during the candidate s swing through the West. Most of the violence has been directed at police officers and Trump supporters outside rally venues, but on Friday, one local leader who condemned the violence also partly blamed Trump for it. (Of course, it s Trump s fault that the Left is paying people to riot and to attack innocent people along with the law enforcement officers who are hired to keep the peace.) While it s a sad statement about our political discourse that Mr. Trump has focused on stirring antagonism (Trump s fault) instead of offering real solutions to our nation s challenges, there is absolutely no place for violence against people who are simply exercising their rights to participate in the political process, said San Jose Mayor Sam Riccardo, a Democrat, in a statement on Friday. In another statement, Riccardo said Trump s rhetoric is no excuse for violence and that city police would investigate and prosecute offenders. She said no protesters had applied for permits to demonstrate. In Albuquerque, where demonstrators shattered windows at the site of Trump s rally on Tuesday, police made three arrests and have an outstanding felony warrant for another demonstrator that includes eight counts of aggravated battery on a police officer, according to Albuquerque Police public information officer Tanner Tixier. He added that police were working four to five other cases that could lead to more arrests.Tidier also shot down as conspiracy theories rumors that anti-Trump demonstrators were illegal immigrants or paid agitators. (Because this public information officer knows each and every protester, and whether they ve been paid or are legal citizens of the United States.) They re just general local criminals. I don t even think they knew what they were protesting, he said.The Mexican flag has been a common sight at recent protests in the West, which is home to many Mexicans and Mexican-Americans. Trump, meanwhile, began insisting during the past week that the judge presiding over one of the lawsuits against Trump University, Gonzalo Curiel, could not be fair because of his Mexican heritage. The statement condemned by House Speaker Paul Ryan, editorial boards and legal watchdogs can only inflame tensions out here. Muriel, the son of Mexican immigrants, was born in Indiana. (Because if Paul Ryan condemned Trump, the whole Republican party must be against him right?)Despite the warning signs, there is little indication from the Trump campaign or anti-Trump demonstrators that they plan to change course, making continued unrest likely in the months ahead. (In other words, there is no indication Trump plans to change his policies in order to appease illegal aliens and leftist thugs.)Entire article can be found at Politico",left-news,"Jun 4, 2016",0 +WATCH: BLACK CONSERVATIVE DESTROYS Mexican Flag Carrying Protesters: β€œIf Your Country Is So Great…Why Are You Here?,"***LANGUAGE WARNING*** Why is it acceptable for people who come from other damn countries to be proud of their country, but if American who is proud of the American flag is deemed racist ? Why are you here is you re so proud of Mexico? Nobody else wants to say it, but Mexico is a f*cking hell-hole. They come over here and use our system because of our weak-ass politicians. Mexican pride this, and Mexican pride that. Then why the hell are you over here? Stop the bullshit. If I was saying a country was so great, I wouldn t have my ass in another country screaming about how great that country is that I ran away from! ",left-news,"Jun 4, 2016",0 +BLACK MUSLIM CHASES And TACKLES Young White Trump Supporter [VIDEO],"Maybe Hillary or Bernie can use this footage in their next campaign ad. What a great way to bring American voters over to their side A poster on Twitter who identifies as a Black Muslim man claims to have been the person seen on news video chasing and tackling a young white male Trump supporter following a Trump rally in San Jose Thursday. Using the Twitter handle Houdini @sizzle_seyf , the man posted the news video and retweeted congratulations on his chasing and tackling the Trump supporter.This video shows anti-Trump thugs sucker punching and attacking Trump supporters. Near the end of the video, the young white Trump supporter can be seen running from the mob. The pictures and video below show what happened when the black Muslim man finally caught up to him:Here are the still images of anti-Trump Muslim Houdini chasing and tacking a Trump supporter leaving the rally in San Jose, California.Before the Trump rally, Houdini had been posting about My Ramadan. The Muslim punk who calls himself Houdini has made his Twitter account private since bragging about tackling this young Trump supporter Here s the video:Outside Trump rally protestors chased down this kid and tackled him. When he got up we pointed him to police. pic.twitter.com/83O2oNzcMx Tom Llamas (@TomLlamasABC) June 3, 2016Via: Gateway Pundit",left-news,"Jun 4, 2016",0 +FORMER CLINTON POLITICAL ADVISOR: β€œI Left When Hillary Hired Secret Police to Go After Woman Victimized by Bill” [VIDEO],"Here s how Bill is paying back years of loyalty by his enabling wife Hillary, who made it possible for him to sexually assault an untold number of women. With Bill s magnanimous personality and Hillary s less than likable aura and fingernails on a blackboard orator skills, Bill has had her right where any strong and capable woman wouldn t have allowed herself to be in his back pocket. Hillary has allowed herself to be portrayed in the media as a victim and a loyal wife to her impeached husband. The truth is, Hillary needed (and still needs) Bill more than he ever needed her. It s precisely because of Hillary that Bill was able to prey on so many women and keep them quite afterwards. According to several sources, Hillary worked behind the scenes, threatening to do harm to any woman who would dare to come forward and expose her perverted husband for fear of destroying her insatiable desire for a powerful position in politics.During an Oct, 2014 interview, former advisor to President Bill Clinton, Dick Morris said it was then-first lady Hillary Clinton s Nixonian attempt to attack the woman Bill Clinton victimized and sexually harassed by hiring detectives to dig for dirt in their lives Hillary could use against them to smear their character. Dick Morris said he believes Bill was a very good president but he left because he said, What really turned me off was what I call secret police. When she [Hillary] hired this fleet of detectives to go around examining all of the woman who had been identified with Clinton. Not for the purpose of divorcing Clinton. Not for the purpose of getting him to stop but for the purpose of developing blackmail material on these woman to cow them into silence that had a Nixonian quality that I hold against her and I continue to. Via: Breitbart NewsWATCH HERE: ",left-news,"Jun 4, 2016",0 +VIOLENT RADICAL COMMIE ANGELA DAVIS Has A Strategy To Beat Trump That Every American Should Hear…We All Need To Know The End Game!,"The strategy of the left is WAR and that s why every American should hear it: Angela Davis on defeating Trump: We have to do whatever is necessary Here s the truth about Davis from Frontpage mag and then the article below it is from a liberal publication so take it with a grain of salt.Frontpage Mag provides some background on Davis:Who is Davis? She s a Communist and a supporter of the Black Panther Party as well as homicidal British Black Power cult leader Michael X and the Soledad Brothers who were acquitted of a prison guard s murder in 1970.That year, Davis was arrested and jailed for having bought the gun used in the Soledad Brothers escape attempt: an attack in open court in California, which led to a shootout with the police and resulted in the death or injury of six people. She was eventually found not guilty.Davis has enjoyed massive support from the global left. When she was released from prison, she visited Cuba, then Russia, where she was awarded the Lenin Peace Prize. She spoke against racism in America and became a glamorized spokeswoman for Communism as a solution for black Americans and for oppressed people of color everywhere.Just like Obama s pal Bill Ayers, Angela Davis past has been rewritten by the left to transform her into an activist rather than what she is a violent criminal.NOTICE HOW IN THE ARTICLE BELOW THE LIBERAL PUBLICATION MAKES DAVIS OUT TO BE THE VICTIM:Activists around the world have long turned to Angela Davis for scholarly guidance when discussing systems of oppression and power.This week in New York, the radical feminist activist issued a rallying cry to Americans: to avoid a Donald Trump presidency, we have to do whatever is necessary. Born in Birmingham, Alabama, Davis became a household name in 1969 when she was removed from her teaching post at the University of California Los Angeles for social justice work and her affiliation with the Communist Party. She made the F.B.I. s Ten Most Wanted list on false charges soon after, starting the 1970s with a 16-month incarceration and trial that sparked an international campaign when the world demanded that the United States government Free Angela Davis. Former California Governor Ronald Reagan swore then that the philosophy professor would never teach in the University of California system again.Nine books and four decades later, a vocal Davis is now Distinguished Professor Emerita of History of Consciousness at U.C. Santa Cruz an interdisciplinary Ph.D. program the likes of which are only possible because of the radical scholarship she laid as groundwork.Read more: Fusion",left-news,"Jun 4, 2016",0 +WHY ARE VAN LOADS OF ILLEGALS Being Moved and Released Away From The Border?,"The insanity continues! The outrageous invasion on our southern border has been so out of control in the past seven years but it s gotten to crisis mode recently with a HUGE surge in illegals from all over the world. Yes, we ve become a GLOBAL MAGNET for anyone to cross our border. Soooo what s the reason for the illegals to be released? You ll never believe it! It s because the detention centers are FULL! No kidding! The Department of Homeland Security (DHS) is quietly transporting illegal immigrants from the Mexican border to Phoenix and releasing them without proper processing or issuing court appearance documents, Border Patrol sources tell Judicial Watch.The government classifies them as Other Than Mexican (OTM) and this week around 35 were transferred 116 miles north from Tucson to a Phoenix bus station where they went their separate way. Judicial Watch was present when one of the white vans carrying a group of OTMs arrived at the Phoenix Greyhound station on Buckeye Road. The OTMs are from Honduras, Colombia, El Salvador and Guatemala and Border Patrol officials say this week s batch was in custody for a couple of days and ordered to call family members in the U.S. so they could purchase a bus ticket for their upcoming trip from Phoenix. Authorities didn t bother checking the identity of the U.S. relatives or if they re in the country legally, according to a Border Patrol official directly involved in the matter. American taxpayers pick up the fare for those who claim to have a credible fear, Border Patrol sources told JW. None of the OTMs were issued official court appearance documents, but were told to promise they d show up for a hearing when notified, said federal agents with firsthand knowledge of the operation.A security company contracted by the U.S. government is driving the OTMs from the Border Patrol s Tucson Sector where they were in custody to Phoenix, sources said. The firm is called G4S and claims to be the world s leading security solutions group with operations in more than 100 countries and 610,000 employees. G4S has more than 50,000 employees in the U.S. and its domestic headquarters is in Jupiter, Florida. Judicial Watch is filing a number of public records requests to get more information involving the arrangement between G4S and the government, specifically the transport of illegal immigrants from the Mexican border to other parts of the country. The photo accompanying this story shows the uniformed G4S guard that transported the OTMs this week from Tucson to Phoenix.Outraged Border Patrol agents and supervisors on the front lines say illegal immigrants are being released in droves because there s no room to keep them in detention. They re telling us to put them on a bus and let them go, said one law enforcement official in Arizona. Just move those bodies across the country. Officially, DHS denies this is occurring and in fact earlier this year U.S. Customs and Border Protection Commissioner R. Gil Kerlikowske blasted Border Patrol union officials for denouncing this dangerous catch-and-release policy. Kerlikowske s scolding came in response to the congressional testimony of Bandon Judd, chief of the National Border Patrol Council, the labor union that represents line agents. Judd told lawmakers on the House Judiciary Committee that illegal immigrants without serious criminal convictions can be released immediately and disappear into the shadows. Kerlikowske shot back, telling a separate congressional committee: I would not stand by if the Border Patrol was releasing people without going through all of the formalities. Yet, that s exactly what s occurring. This report, part of an ongoing Judicial Watch investigation into the security risks along the southern border, features only a snippet of a much broader crisis in which illegal aliens are being released and vanishing into unsuspecting American communities. The Senate Subcommittee on Immigration and the National Interest addressed this issue just a few weeks ago in a hearing called Declining Deportations and Increasing Criminal Alien Releases The Lawless Immigration Policies of the Obama Administration. Judd, the Border Patrol Union chief, delivered alarming figures at the hearing. He estimated that about 80% of apprehended illegal immigrants are released into the United States.Read more: Judicial Watch",left-news,"Jun 3, 2016",0 +OBAMA’S LAWLESS AMERICA: CA Police Tell Violent Anti-Trump Protesters β€œLeave Now Or You Will Be Arrested”…Protesters Shout Back β€œWE DON’T FOLLOW THE LAW”,"Barack Obama s legacy will be a divided, lawless, mooching, disrespectful America. Obama has been very clear about his open alliance with Black Lives Matter terrorists and professional race baiters for hire. Ever since the death of thug Trayvon Martin, when Obama began his first strategy meetings with Al Sharpton and his former AG, racist Eric Holder, he s been shamelessly holding closed-door meetings at our White House. His meetings have been met with criticism by many Americans for hosting unsavory characters, like the guy wearing a tracking device on his ankle for kidnapping and rappers who threaten to harm fellow Americans if the election doesn t go their way at our White House. All the while, Obama has been subtly encouraging the masses to keep up the fight against law enforcement and to not let up on the oppressive white man. These violent protests are NOT spontaneous. They are happening as a result of a well planned, highly strategized and well-funded group of hard core leftists, who will stop at nothing to ensure their radical agenda is not upended by the shocking rise of the unafraid Donald Trump.YThis anti-Trump mob began their organized disruptions last night in San Jose, CA. It all started with the typical union chant (union influence can be found in every anti-Trump rally) that has been adopted by every leftist group in America. Here, you can see most of the protesters are Hispanic (likely illegal aliens):Officers form line btw protesters and supporters walking to rally. Protesters now chanting against Trump and police. pic.twitter.com/fjC8Xsnajh Jacob Rascon (@Jacobnbc) June 3, 2016Protesters, probably several hundred, move away from police and onto main road, blocking traffic. Don't see any officers. Jacob Rascon (@Jacobnbc) June 3, 2016Protesters march through downtown San Jose for an hour, targeting Trump supporters and evading officers. pic.twitter.com/Q4hKFELkIw Jacob Rascon (@Jacobnbc) June 3, 2016Police use megaphone to tell crowd to ""leave now or you will be arrested."" Protester shouts back, ""we don't follow the law!"" Jacob Rascon (@Jacobnbc) June 3, 2016 ",left-news,"Jun 3, 2016",0 +"SHOCKING MOB SCENE Caught On Video: Men With Mexican Flags ATTACK Female Trump Supporter, Throw Objects At Her Face And Head","What is amazing about this video is that it captures the unimaginable positive attitude of the female Trump supporter in the face of an angry mob of Trump haters. These men waving Mexican flags and shouting expletives can be seen throwing eggs and other unknown objects at her face and head while yelling Mexico ! This brave woman just smiles and flashes a peace sign at the angry mob. Talk about composure!These men waving Mexican flags are more than likely illegal aliens. They are becoming increasingly more violent as the prospect of being sent back to Mexico or Latin America is becoming closer and closer to a reality. The gravy is train is pulling out and these uninvited criminals who have been living in our country under the cover of progressivism are scared to death they re about to get the boot. This will only get worse before it gets better. If America is serious about sending these lawbreakers back to their homeland, we need to use the woman in this video as an example of courage and steadfast commitment to saving our nation.Watch: The moment a Trump supporter, surrounded by protesters, is egged in the face, hit by other food. pic.twitter.com/qYFdwJWvrS Jacob Rascon (@Jacobnbc) June 3, 2016Here is a view from another angle of the mob of Mexican men assaulting the lone female:https://twitter.com/JaredWyand/status/738645772409970688",left-news,"Jun 3, 2016",0 +TRUMP SUPPORTER Assaulted Outside Rally In San Jose…Media Silent [Video],"Yet another assault on a Trump supporter by a thug at a Trump rally in San Jose, California tonight. Luckily,the assault was captured on video so they have a picture of the attack. Arrest this guy! ",left-news,"Jun 2, 2016",0 +BUSTED! HILLARY AND BILL CLINTON’S MASSIVE Money Laundering Scheme With For-Profit University Makes Trump University Accusation Look Like Small Potatoes,"They preyed on the poor in Latin America. They promised them an education, but the real goal was about turning a profit. No, we re not talking about the Democrat party, we re talking about the sleazy Clinton Crime Syndicate, headed up by a serial sexual abuser and his habitual liar wife. You may have heard of her, she s the Democrat party s frontrunner in the upcoming presidential race With her campaign sinking in the polls, Hillary Clinton has launched a desperate attack against Trump University to deflect attention away from her deep involvement with a controversial for-profit college that made the Clintons millions, even as the school faced serious legal scrutiny and criminal investigations. In April 2015, Bill Clinton was forced to abruptly resign from his lucrative perch as honorary chancellor of Laureate Education, a for-profit college company. The reason for Clinton s immediate departure: Clinton Cash revealed, and Bloomberg confirmed, that Laureate funneled Bill Clinton $16.46 million over five years while Hillary Clinton s State Dept. pumped at least $55 million to a group run by Laureate s founder and chairman, Douglas Becker, a man with strong ties to the Clinton Global Initiative. Laureate has donated between $1 million and $5 million (donations are reported in ranges, not exact amounts) to the Clinton Foundation. Progressive billionaire George Soros is also a Laureate financial backer.As the Washington Post reports, Laureate has stirred controversy throughout Latin America, where it derives two-thirds of its revenue. During Bill Clinton s tenure as Laureate s chancellor, the school spent over $200 million a year on aggressive telemarketing, flashy Internet banner ads, and billboards designed to lure often unprepared students from impoverished countries to enroll in its for-profit classes. The goal: get as many students, regardless of skill level, signed up and paying tuition. I meet people all the time who transfer here when they flunk out elsewhere, agronomy student Arturo Bisono, 25, told the Post. This has become the place you go when no one else will accept you. Others, like Rio state legislator Robson Leite who led a probe into Bill Clinton s embattled for-profit education scheme, say the company is all about extracting cash, not educating students. They have turned education into a commodity that focuses more on profit than knowledge, said Leite.Progressives have long excoriated for-profit education companies for placing profits over quality pedagogy. Still, for five years, Bill Clinton allowed his face and name to be plastered all over Laureate s marketing materials. As Clinton Cash reported, pictures of Bill Clinton even lined the walkways at campuses like Laureate s Bilgi University in Istanbul, Turkey. That Laureate has campuses in Turkey is odd, given that for-profit colleges are illegal there, as well as in Mexico and Chile where Laureate also operates.Shortly after Bill Clinton s lucrative 2010 Laureate appointment, Hillary Clinton s State Dept. began pumping millions of its USAID dollars to a sister nonprofit, International Youth Foundation (IYF), which is run by Laureate s founder and chairman, Douglas Becker. Indeed, State Dept. funding skyrocketed once Bill Clinton got on the Laureate payroll, according to Bloomberg:A Bloomberg examination of IYF s public filings show that in 2009, the year before Bill Clinton joined Laureate, the nonprofit received 11 grants worth $9 million from the State Department or the affiliated USAID. In 2010, the group received 14 grants worth $15.1 million. In 2011, 13 grants added up to $14.6 million. The following year, those numbers jumped: IYF received 21 grants worth $25.5 million, including a direct grant from the State Department.For entire story: Breitbart News",left-news,"Jun 2, 2016",0 +"OBAMA BLAMES β€œRight Wing” Talk Radio, FOX News For Angering β€œWhite People”…”Anti-Government” Attitudes [VIDEO]","Barack only needs to find the closest mirror to understand where the increase in racism and distrust in our over-reaching government originated. He is without a doubt, the most divisive President in the history of the United States of America. Dividing our nation will be his legacy President Barack Obama accused right wing talk radio and cable channels like Fox News of angering white people in America about the economy, arguing that it was actually doing really well under his administration.During his speech, Obama decried Republicans who campaigned on stopping welfare queens complaining about makers and takers and even referred to Mitt Romney s 47 percent comment. Their basic message is anti-government, anti-immigrant, anti-trade, and let s face it it s anti-change, Obama said, accusing them of lying just to oppose him. What they are saying just isn t true, he said, before launching his own attempt at mythbusting narratives from conservative media.Obama complained that people failed to recognize that he was succeeding in improving the economy, cutting the deficit, and cutting spending. It s the story that is broadcast every day on some cable news stations, on right wing radio it s pumped into cars and bars and VFW halls all across America and right here in Elkhart, he said. If you re hearing that story all the time, you start believing it. It s no wonder people start thinking big government is the problem. Because of conservative radio, Obama argued, White Americans think that reverse discrimination is as big a problem as discrimination against minorities. Obama argued they were wrong, since black unemployment was still twice as high as white unemployment and Hispanic women earned 55 cents for every dollar earned by a white man. Obama warned voters against listening to Trump s political argument. The one thing I can promise you is if we turn against each other based on divisions of race and religion if we fall for a bunch of okey-doke just because it sounds funny or the tweets are provocative, then we re not going to build on the progress we started. At one point, Obama stuttered repeatedly when speaking about Trump.Our President without a teleprompter:https://vine.co/v/iVLaiJxdqV2Obama made his speech at Elkhart, Indiana, where a majority of voters in the county voted against him in the 2012 presidential election. One person in the crowd shouted one more time! suggesting that she wanted Obama to run again for office. No I can t do that, Obama said. The Constitution prohibits it but more importantly Michelle prohibits it. Via: Breitbart News",left-news,"Jun 2, 2016",0 +"Β‘VIVA LA REVOLUTION! As Venezuela Collapses Under Socialist Rule, Dictator Maduro Endorses Fellow Socialist Bernie Sanders","The leader of the worst economy on the planet is endorsing fellow Socialist Bernie Sanders. Let that sink in Yes It s A future you can believe in if you re an abject idiot who doesn t have access to a single news source. VENEZUELA TODAY: The army has moved in, Coca-Cola has stopped production and inflation is expected to hit 500 per cent.Venezuela s economic crisis has ratcheted up a gear in the last week after President Nicholas Maduro deployed the army to strategic areas for two days of war games designed as a show of strength to a population increasingly pitted against him.The drastic escalation follows a major deterioration in the country s finances that have seen widespread shortages of food, basic goods and power cuts, fueled by years of economic mismanagement and corruption that have seen unemployment skyrocket to 17 per cent as the oil price has plummeted.University College London s leadership professor Marco Aponte-Moreno, who was born and raised in Caracas, told news.com.au the past few days had seen the stakes raised for both corrupt officials and those dying from lack of food and medicine in his home country. The stakes are very high [for the government] if they lose power, he said, adding that many involved in illegal activities could be charged and taken to trial. The situation has become a matter of life and death for the government and also a matter of life and death for the people because people are dying because they don t have their medicines, the water they need. It s very sad to see the country like this, especially when you take into account that this is a country that has large natural resources. I have to admit it isn t a surprise. Corruption, shortages are things that are not new in Venezuela but they have never reached this level before. Via- News.comauVenezuelan President Nicolas Maduro has endorsed fellow socialist Bernie Sanders, D-Vt., for president, calling him our revolutionary friend. In a televised address on Tuesday, Maduro criticized the U.S. election system, which he called archaic, for putting Sanders at a disadvantage. If the elections were free, Maduro said, Bernie Sanders would be president of the United States. Socialist Venezuela, which has been criticized for lack of transparency in elections, frequently denounces the U.S. government and accuses it of imperialism. The South American country is also prone to blaming its economic woes on Washington, and the two countries do not exchange ambassadors.Is this the America so many college students are dreaming of?Venezuela teeters on the brink of collapse, with low global oil prices contributing to massive shortage of basic goods like flour and toilet paper. The government recently moved to a two-day work week for public employees in an effort to conserve electricity.Maduro, who has publicly denounced President Barack Obama, said Sanders ought to win in the United States. The Vermont senator trails frontrunner Hillary Clinton and has little chance of amassing the delegates needed to receive the Democratic nomination. Via: The Olympian ",left-news,"Jun 2, 2016",1 +BOOM! NAVY SEAL VET DESTROYS Whiny Organizer Of β€˜Veterans Against Trump’ [VIDEO],"There is a stark difference between these two veterans. Perry O Brien, the crybaby veteran who has organized a group against Trump is put in his place more than once during their interview with CNN s Don Lemon. Former Navy Seal Carl Higbie brilliantly calls out and embarrasses conscientious objector Perry O Brien for attempting to label him a racist because he doesn t agree with a particular religious ideology.We re not really fans of CNN, but they actually do America a favor when they bring guests like the conscientious objector, Perry O Brien onto their show to go head to head with a brave and passionate defender of America. This interview provides a pretty good representation of the how the Left has wussified the male vs. the strong conservative male who stands ready to defend his nation. If I were Trump I d pick the latter to be on my team. The reality is, when the sh*t hits the fan 99% of Americans are going to want veteran Carl Higbie on their team. We re not going to give a damn about whether or not he s passed a sensitivity course we just want to keep our nation safe from those who would like to take away our freedoms and destroy our way of life Anti-Trump and pro-Trump veterans debate Donald Trump's record https://t.co/u52Ea97Ny8https://t.co/jpUvhlw2zn CNN Tonight (@CNNTonight) June 1, 2016",left-news,"Jun 2, 2016",0 +LOL! The Woman Who Couldn’t Be Bothered With Protecting Lives Of Brave Americans Serving In Benghazi Attacks Trump On National Security,"Ironically, the two issues that catapulted Trump past all of his competitors in the GOP Presidential race were building the wall on our southern border and not allowing unveiled refugees to enter our country. We re gonna go out on a limb and guess that based on Trump s popularity with a wide variety of Americans, both issues are pretty important when it comes to our national security.Hillary Clinton will launch an attack on Donald Trump s national security policy Thursday, focusing on an issue the likely Democratic presidential nominee could use to her advantage over the billionaire New Yorker.The address in San Diego will make clear the threat that Donald Trump would pose to our national security and to put forth her own vision for keeping America safe at home and leading in the world, Clinton s campaign said in a statement Wednesday afternoon.For Clinton, the move is part of an effort to paint Trump as fundamentally unsuited to lead the world s most powerful military as she hopes to pivot away from the extended Democratic primary and toward a general election match-up with the presumptive GOP nominee.The attacks on Trump s lack of national security bona fides have increased speculation that he might pick a running mate with more experience in the defense or foreign policy, such as Senate Foreign Relations Committee Chairman Bob Corker (R-Tenn.). Throughout this campaign, Trump has refused to outline any coherent foreign policy doctrine, failed to demonstrate a basic understanding of world affairs, and repeatedly proven he s temperamentally unfit to serve as our commander in chief, Clinton s campaign said on Wednesday.Despite his apparent weaknesses, however, Trump benefitted the most when the GOP primary contest took on a national security focus following deadly terror attacks in Paris and San Bernardino last year. Notwithstanding their radical nature, Trump s proposals to build a wall along the U.S.-Mexico border and temporarily ban foreign Muslims from entering the country have attracted a fair amount of support from fellow Republicans.",left-news,"Jun 1, 2016",0 +Race Obsessed Democrat Congressman CAUGHT Allowing Daughter To Use Vehicle With Congressional Plates As Taxi For Hire,"Of course, Black Caucus member and loudmouth activist, Rep. Cummings would be the first to let everyone know how outraged he was if this what a white congressman A Lyft car adorned with congressional plates that went viral on social media belongs to Rep. Elijah E. Cummings (D-Md.), The Washington Post reported Tuesday.A photo submitted to local Washington, D.C., blog Popville last week depicted a black Honda with a pink Lyft driver sticker on its window shield and the words Maryland U.S. Congress 7-A on its license plates.Cummings told The Washington Post that his daughter who just graduated from Howard University has been using the car to drive for Lyft and earn extra income. In an effort to earn some extra money to pay her expenses at school, she signed up for a part-time position with one of the ride-sharing companies, Cummings said. They, in turn, gave her a sticker to apply to the windshield of the car. Cummings added that he has asked his daughter to remove the congressional plates, which afford special parking privileges for members and staffers.Allen B. West Elected to the House in 1996, Cummings is coming up on his 20th year representing Maryland s 7th congressional district which includes over half of Baltimore City and most of Howard County. His district contains some of Maryland s most black precincts, precincts in which statistics for crime and incarceration, homelessness, economic development, school drop-out, unemployment, drug conviction and out-of-wedlock birth rates all are consistently worse than both state and federal levels for all those same statistical categories.Yet despite these facts, Cummings believes its time for EVERYBODY ELSE to realize that black lives matter.In a piece published on afro.com Cummings laid out his plan new plan, Enacting Black Lives Matter into law , stating [in part]: America is at an historic crossroads. Either we will move forward in 2016 with public policies that support greater opportunity for everyone or we will continue to sink deeper into economic inequality, injustice and violence. These are the stakes in our current political struggles and this is why black lives should matter for everyone. It s not the first time congressional cars have come under the spotlight. Roll Call s video of Rep. Eleanor Holmes Norton (D-D.C.) performing a botched park job outside the Capitol went viral last year. Via: The Hill",left-news,"Jun 1, 2016",0 +SYRIAN REFUGEES Spreading Catastrophic Outbreak Of FLESH EATING DISEASE To Host Nations…Disease Is Difficult To Detect In Refugees Coming To U.S.,"How many times have the press and the Left admonished Trump for saying we need to do a better job of vetting the refugees coming into America? Call me racist, but the threat of polio, measles, TB and this horrific flesh eating disease all seem like pretty good reasons to re-evaluated our open borders to Muslim refugees position The Syrian refugee crisis has precipitated a catastrophic outbreak of a flesh-eating disease that is spreading across the Middle East and North Africa, according to research published on Thursday in the scientific journal PLOS. Largely missing from news media coverage is that the same news-making scientific report warned the ongoing violence in Syria has created a setting in which we have seen the re-emergence of polio and measles, as well as tuberculosis, hepatitis A, and other infections in Syria and among displaced Syrian refugees. Indeed, in 2013 the World Health Organization documented new cases of vaccine-preventable diseases such as measles, reporting that year alone the number of confirmed measles cases in Syria reached 139, as compared to no documented cases in 2010 and 2011.The WHO reported that 2013 saw Syria s first outbreak of polio since 1999. According to an April 2015 WHO report, 35 children were subsequently paralysed by polio before the start of a new vaccine campaign.In November, 2014 PLOS documented the spread of measles from among the Syrian refugee population.Regarding the flesh-eating disease, leishmaniasis, PLOP warned in its latest report, We may be witnessing an epidemic of historic and unprecedented proportions, but it has largely been hidden due to lack of specific information. The PLOP journal reported leishmaniasis is now affecting hundreds of thousands of refugees and has spread to Iraq, Lebanon, Jordan, Libya and Yemen. In Yemen alone, 10,000 new cases have been reported annually, the journal reported. Additionally, the number of cases of CL (cutaneous leishmaniasis) has most likely been severely underreported due in part to constraints on collecting data from violence-torn regions, PLOP warned. Few countries have mandated reporting of CL and the resultant weak reporting system promotes a lack of disease awareness and public policies for treatment and prevention, the report added. Due to the violence, Syrians have been forced to flee from their homes and seek refuge across the Middle East, North Africa, and, more recently, Europe, the journal documented.Volcano-like ulcersLeishmaniasis, meanwhile, is a disease caused by protozoan parasites. It is spread almost entirely by sandflies, including those present in the U.S.There are three main types of the disease: cutaneous, mucocutaneous, and visceral leishmaniasis.Cutaneous is the most common form among Syrians. It manifests in skin sores that typically develop within a few weeks or months from a sand fly bite. The sores can initially appear as bumps or nodules and may evolve into volcano-like ulcers.Mucocutaneous leishmaniasis causes skin ulcers like the cutaneous form, as well as mucosal ulcers that usually damage the nose and mouth.Visceral leishmaniasis, which has also been found among Syrian refugees, is the most serious form and can be fatal. It damages internal organs, usually the spleen and liver, and also affects bone marrow.Threat to U.S.?Refugees who enter the U.S. must undergo medical screening according to protocols established by the Centers for Disease Control and Prevention, or CDC. Each refugee must submit to a physical examination, including a skin test and possibly a chest x-ray to check for tuberculosis,as well as a blood test for syphilis.The blood tests do not currently look for leishmaniasis. Clearly, an attending doctor could easily spot a patient with obvious skin ulcers. However, leishmaniasis cannot be detected upon physical examination if the patient is asymptomatic, as can be the case for years.In December, Dr. Heather Burke, an epidemiologist from the CDC s Immigrant, Refugee, and Migrant Health Branch, explained to Breitbart Jerusalem that there is generally a window of three to six months from the initial physical examination until a refugee departs for the U.S.She said a medical examination is valid for six months, and explained that patients undergo a second examination just prior to departure a quicker fitness to fly screening. While she conceded that this final examination is not thorough, she said it would pick up any visible skin lesions. Burke told Breitbart Jerusalem that she is not aware of a single case of leishmaniasis entering the U.S. via Syrian refugees.Dr. Jane Orient, executive director of the Association of American Physicians and Surgeons, warned that most doctors in the U.S. know nothing about leishmaniasis. We d all need to refer patients to tropical diseases specialists, she told Breitbart Jerusalem in December. The treatments are toxic and expensive, and some are not widely available. For Orient, the only sensible public health policy is for all refugees to pass through a quarantined place like Ellis Island. Officials need to know where they ve been and what diseases occur there. We need sophisticated, reliable screening methods and excellent vector control in any areas where refugees stay. For entire story: Breitbart News",left-news,"Jun 1, 2016",1 +One Person MURDERED Every 14 Hours In Obama’s GUN-FREE Hometown…Black Chicago Residents Speak Out: β€œMy Life Has Been Hurt By Democrats” [VIDEO],"69 people were shot in gun-free Chicago over this past Memorial Day weekend. Meanwhile Barack Obama is busy working with Black Lives Matter terror groups to point fingers at law enforcement and white people for the crisis majority black neighborhoods are facing in their communities. When will the media start exposing the truth about gun-free zones in America? It should be clear to every American that violent gun related crimes don t stop because you put up a gun-free zone sign in a neighborhood filled with bad guys.Instead of focusing on broken families, elected Democrats have been ignoring these communities for decades in favor of kickbacks and favors from vendors and contractors and in many cases, outright theft from money that was designated for local schools or community improvement projects. Unless and until someone gets serious about finding jobs for blacks and cutting off welfare funding as a reward for teenage and single moms to have multiple children, this problem will only get worse. Children need a father in the home period.Here are a few crime statistics that prove most of the crime victims in the gun-free city of Chicago are black males. Black on black crimes are the biggest issue these communities face, yet Obama and race baiters for hire across America have magically turned the argument around and are blaming Whites and cops for the huge uptick in violence in these mostly black neighborhoods.Sadly, a large number of the crimes have gone unsolved, as people who live in these neighborhoods don t want to rat out the killers. (Note the number of shootings where police were involved vs. the number of shootings between citizens HELLO Black Lives Matter!)Here s what black Chicago residents really think of their Democrat leaders, including the former Chicago community organizer/hustler, Barack Hussein Obama. They explain how Democrats are really the people responsible for perpetuating black on black crime:BLOODY MEMORIAL DAY WEEKEND:Just after midnight, in one of the last shootings of the Memorial Day weekend, two people pulled out guns and started firing in East Garfield Park.The first call to police early Tuesday was for one person shot on Homan Avenue. Then a second victim. Then a third. Then someone walked into a hospital a few minutes later.In all, 27 of the 69 people hit by gunfire over the weekend were shot in or near the Harrison District, one of the city s most violent and one of the most heavily patrolled by police.So many people were shot there that Deputy Superintendent John Escalante promised Sunday to beef up patrols. Nine more people were shot there by early Tuesday.The breakdown from the weekend is: Three people killed and 12 people wounded Friday afternoon through early Saturday; one person killed and 24 people wounded Saturday evening through early Sunday; 13 people wounded Sunday afternoon through early Monday; and 16 people shot Monday into early Tuesday, two of them fatally.Here s a SHOCKING 30 DAY Stupidity Trend from HeyJackass.comThe holiday weekend was police Superintendent Eddie Johnson s first since Mayor Rahm Emanuel picked the veteran cop to lead the embattled department in late March. The department sought volunteers to work overtime over the weekend, although police spokesman Anthony Guglielmi did not release figures on how many officers worked. Instead of hiring more cops during a city budget crunch, Emanuel instead has relied heavily on overtime to try to tamp down violence. Via: Chicago TribuneWith the constant bashing of law enforcement by Black Lives Matter terrorists, coupled with the desire by Barack Obama and AG Loretta Lynch to tie the hands of cops across America, it should come as no surprise that cops are no longer willing to go the extra mile to protect those who would like to see them harmed.Question: How much on average does it cost for each gunshot victim in Chicago in 2016?Answer: An ASTOUNDING $68,683* per person*Costs assume the following:$55,000: Average gunshot victim ER and hospital expenses. $1000: Average CFD ambulance ride, only applicable to 80% of victims, rest self-transport. $800: Homicide-related autopsies. Doesn t include hospice care or ongoing rehabilitation. Cost estimates provided by Chicago Killings Cost $2.5 Billion. ",left-news,"Jun 1, 2016",0 +KING OBAMA Just Proclaimed The Month Of June Will Be Dedicated To Celebrating Homosexuality,"So let it be said so let it be done.I don t remember anyone asking if Americans were okay with the month of June being dedicated to homosexuality. How quickly we mere citizens have morphed into nothing more than serfs in King Hussein-Obama s kingdom LESBIAN, GAY, BISEXUAL, AND TRANSGENDER PRIDE MONTH, 2016BY THE PRESIDENT OF THE UNITED STATES OF AMERICAA PROCLAMATIONSince our founding, America has advanced on an unending path toward becoming a more perfect Union. This journey, led by forward-thinking individuals who have set their sights on reaching for a brighter tomorrow, has never been easy or smooth. The fight for dignity and equality for lesbian, gay, bisexual, and transgender (LGBT) people is reflected in the tireless dedication of advocates and allies who strive to forge a more inclusive society. They have spurred sweeping progress by changing hearts and minds and by demanding equal treatment under our laws, from our courts, and in our politics. This month, we recognize all they have done to bring us to this point, and we recommit to bending the arc of our Nation toward justice.Last year s landmark Supreme Court decision guaranteeing marriage equality in all 50 States was a historic victory for LGBT Americans, ensuring dignity for same-sex couples and greater equality across State lines. For every partnership that was not previously recognized under the law and for every American who was denied their basic civil rights, this monumental ruling instilled newfound hope, affirming the belief that we are all more free when we are treated as equals. [ ]NOW, THEREFORE, I, BARACK OBAMA, President of the United States of America, by virtue of the authority vested in me by the Constitution and the laws of the United States, do hereby proclaim June 2016 as Lesbian, Gay, Bisexual, and Transgender Pride Month. I call upon the people of the United States to eliminate prejudice everywhere it exists, and to celebrate the great diversity of the American people.IN WITNESS WHEREOF, I have hereunto set my hand this thirty-first day of May, in the year of our Lord two thousand sixteen, and of the Independence of the United States of America the two hundred and fortieth.Via: WhiteHouse.gov",left-news,"May 31, 2016",0 +DEMOCRATS EAT THEIR OWN: Secret Service Protect Angry Bernie As Leftist Protesters Rush Stage [VIDEO],"It s really quite ironic that the guy who has paid and non-paid protesters inciting violence and riots at virtually every Trump rally across America is being attacked by leftists on him home turf. Seriously though Bernie Sanders is as far left as a politician can go without becoming a declared Communist. What bone could a leftist protester possibly have to pick with Bernie? The guy is like Santa Claus, but with other people s money. He s promising to punish every rich person in American while rewarding the lazy. What more do these freaks want? At least four people at a Bernie Sanders rally in Oakland rushed the stage Monday evening, spurring Secret Service agents to jump onto the raised platform and protect him.The Democratic presidential candidate was uninjured and continued speaking, but not before several agents hugged him and pushed him away from the microphone. The identities of the individuals, who yelled as they approached the stage, were not immediately known. They were apprehended and led away by Secret Service from the podium at the Frank Ogawa Plaza, where the rally was being held. After the events of Monday night in Northern California, Sanders spokesman Michael Briggs said, It was handled professionally by the Secret Service. Watch here:The Vermont senator began receiving Secret Service protection in early February during the early part of the presidential primary season, in his challenge to Democratic front-runner Hillary Clinton. Via: CNN",left-news,"May 31, 2016",0 +WATCH: Hispanic Parents Make Shocking Video Teaching 3 Yr Old To Say β€œWE HAVE TO KILL DONALD TRUMP”,"This video exposes the underbelly of the illegal alien community and the hate they have for anyone who would enforce the rule of law in America. Based on the conversation these irresponsible parents are having with their 3 year old child in the video, these parents appear to be concerned about being deported if Trump becomes our next President. It s hard to distinguish the difference between Islamic radical parents who teach their young children that killing innocent Americans is okay as long as it fulfills an obligation to Islam, and Mexican illegals living in America who are teaching their kids the same kind of hate and violent behavior.America is a melting pot. We welcome vetted immigrants from all over the world with open arms who want to become citizens of our great country. Becoming an American does not mean you live here, but are separate from our culture and traditions. It s clear by this video that these parents have an us against them mentality. This is NOT assimilation and these are NOT the kind of people we want living in America!WHAT THESE YOUNG ILLEGAL DREAMERS Do To Trump Supporters Will Make Your Blood Boil [Video]We posted a story a few months ago that featured young Hispanic kids screaming expletives at Trump supporters as they drove by en route to a Trump rally. Are these the kind of children we want to see growing up to become violent adults in our nation, all because their parents were fortunate enough to illegally cross our borders and give birth to them?https://youtu.be/zjHb3XkPuK0There was also this professionally made video that was used as a tool to dissuade Hispanics from voting for Trump. Whoever thought this making video was a good idea is a first rate idiot. The only thing this video will do is make Americans want to start deporting more stupid people who think they re above the law Any parent who allowed their child to appear in this vile video should be up on child abuse charges! ***Serious Language WARNING**** ",left-news,"May 31, 2016",0 +WOW! NH LAWMAKER AND VET Rips Into Liberal Media At Trump Press Event: β€œStop making political pawns out of veterans” [Video],"Donald Trump held a press conference today to clarify every since bit of accusations made that he pocketed over six million dollars meant for veterans. Basically, Trump shut the liberal media down. It was awesome! What was even better was watching a New Hampshire lawmaker rip into the liberal press like I ve never seen! ",left-news,"May 31, 2016",0 +CAUGHT ON VIDEO! Violent Anti-Trump Thugs Pelt Eggs At Trump Supporters,When will the media report on this nice group of illegal aliens and racist American thugs ,left-news,"May 31, 2016",0 +BREAKING: PICTURE OF MOTHER Whose Boy Climbed Into Gorilla Cage Is Revealed…Angry Black Twitter Users Humiliated After Blaming β€œWhite Privilege” For Gorilla’s Death,"Here s what some ignorant race baiting Twitter users had to say about the recent tragedy that involved the killing of a Silverback Gorilla, after a 4 year old boy fell into the exhibit in the Cincinnati Zoo. One of the users claimed the white boy who was only saved because he was white. Meanwhile, one of these fools actually said if the boy was black the endangered gorilla would have only been tranquilized. LOL!Tweets are courtesy of Breitbart News:There are so many things we could point out that are wrong with these ignorant tweets, but clearly the most stinging mistake was the accusations being made about the skin color of the boy.Here s a picture the mother of the 4-year-old boy who fell into the Gorilla World exhibit at the Cincinnati Zoo, which lead to the fatal shooting of Harambe the gorilla. She has been identified as Michelle Gregg. She is clearly not suffering from white privilege LOL!The 32-year-old mom of four and Cincinnati resident posted a now-deleted Facebook post thanking the zoo for making the difficult decision to shoot the gorilla to save her son.Here is her Facebook post explaining the incident:Harambe, a 17-year-old western lowland silverback gorilla, was killed after dragging the boy through a moat inside the exhibit.Watch video here: The Zoo security team s quick response saved the child s life. We are all devastated that this tragic accident resulted in the death of a critically-endangered gorilla, Zoo Director Thane Maynard said in a statement. This is a huge loss for the Zoo family and the gorilla population worldwide. Videos of the incident were recorded by a bystander and posted on social media. The videos show the 400-pound gorilla grabbing the 4-year-old boy and dragging him through a moat area. He then stops and stands over the boy, before dragging him further into the enclosure.During one part of the video, which you can watch below, Michelle Gregg can be heard talking to her crying son and saying Oh God, please protect him, while panicked zoo visitors call for help. Isaiah, be calm, Gregg calls out. Be calm, be calm. In another part of the video, she can be heard saying, Mommy s right here, and mommy loves you. Kim O Connor, who recorded video of the incident, said it appeared the gorilla was trying to protect the child. I don t know if the screaming did it or too many people hanging on the edge, if he thought we were coming in, but then he pulled the boy down away further from the big group, Kim O Connor told WLWT-TV.Cincinnati Fire Chief Marc Monahan said in a statement to NBC News that the gorilla was seen violently dragging and throwing the child. He said the gorilla was neutralized by a Cincinnati Zoo employee with one shot from a long rifle.The family issued this statement through a PR firm: We are so thankful to the Lord that our child is safe. He is home and doing just fine. We extend our heartfelt thanks for the quick action by the Cincinnati Zoo staff, the statement from Gail Myers Public Relations said. We know that this was a very difficult decision for them, and that they are grieving the loss of their gorilla. We hope that you will respect our privacy at this time. The 4-year-old boy was released from a local children s hospital on Sunday. He suffered serious, but not life-threatening, injuries, authorities said. Via: Heavy ",left-news,"May 31, 2016",0 +NOT KIDDING! OBAMA Agrees To Turkey’s Demands…U.S. Troops Ordered To Wear Mark Of Islam On Right Arm,"This report is so outrageous that we could hardly believe it was true. Sadly, this is a true story. The idea that our troops would be told to wear an insignia that is pleasing to Islam is beyond the pale.Erdogan wants only the insignias that are pleasing to Islam to be placed on the right arm of all fighters. He has even dictated that American special forces are to wear on their arms Islamic symbols that resemble the mark of the beast we ve been speaking about for decades.Foreign Minister Mevlut Cavusoglu said that he wants them to wear (get this) the mark of Islam from ISIS or Al-Nusra or Boko Haram: We advise them (US troops) to wear badges of Daesh (ISIS) or (Al-Qaeda affiliate) Al-Nusra when they go to other parts of Syria and badges of Boko Haram when they go to Africa, Cavusoglu said with angry sarcasm as reported by Al-Arabiya with AFP and the Associated Press. What we are reporting here is confirmed.Erdogan of Turkey was upset that U.S. troops wore the YPG emblem and he got his way. In compliance, U.S. military commanders have ordered special operations troops in Syria to replace uniform patches which they were disguised with bearing the insignia of a controversial Kurdish rebel group known as the YPG.It is amazing that the U.S. quickly complied to Turkey s demands. Wearing those YPG patches was unauthorized, and it was inappropriate and corrective action has been taken, Army Col. Steve Warren, a Baghdad-based spokesman, told reporters Friday. And we have communicated as much to our military partners and our military allies in the region. So which of these emblems will the Americans wear? We shall see. But last year American soldiers fighting against ISIS in Syria and Iraq were actually already wearing the emblem of the Muslim infamous two crossed swords (see below) as USA Today reported. So this Muslim two-crossed sword might be what they will put on their right arm in Syria. Via: Shoebat Unit insignia is important because it fosters esprit de corps, said Army Col. Steve Warren, the spokesman for Operation Inherent Resolve. The CJTF-OIR headquarters is made up of men and women from all services, many nations and many different units in the Army. This insignia will be worn by all of the Army members of the CJTF and may be authorized for wear by other services and nations according to their regulations. ",left-news,"May 31, 2016",1 +WHOA! Mainstream Media Has Officially DECLARED WAR On Crooked Hillary: β€œFar and away the most devastating 10 minutes on Hillary Clinton you will EVER see” [VIDEO],"Even the most militant supporters of Crooked Hillary are (reluctantly) exposing the truth about her. Fake black guy, journalist and Black Lives Matter terror group activist, Shaun King tweeted a scathing video exposing Hillary and the lies she can t escape Leftist Chuck Todd begrudgingly admits, Because of this breach, for instance, I don t think she could be confirmed for instance, as Attorney General. The best part of the video is when Mika asks looney leftist Andrea Mitchell, who has been carrying the Clinton s water for decades, I really, don t want to be the one delivering this, but, I gotta tell ya it s really hard to believe. It feels like she s lying straight up. Andrea Mitchell is she [Hillary] lying? Andrea panics then responds, I can t say that uh I would let the viewer, I would let the voter uh make those determinations. The libs are in panic mode, as they should be. Hillary cannot lie her way out of this and these leftist journalists are running out of options to cover for her.https://twitter.com/ShaunKing/status/736067250105372673And finally Chuck Todd has this to say about Crooked Hillary and her crooked husband, Like so many of these Clinton scandals, it s impossible to imagine that this wasn t going to surface. ",left-news,"May 30, 2016",0 +"ESPN SENIOR WRITER Says COPS, SOLDIERS Singing At Ballparks Is Racist Show Of Power…Says 9/11 Police Officers Aren’t Heroes [VIDEO]","What happens when a black police officer sings the national anthem at a ball park? Is that racist as well? When will Disney owned ESPN figure out their fans aren t watching for their ignorant, racist commentary? ESPN Magazine senior writer Howard Bryant argued in has latest column that police officers and military personnel should not sing the national anthem before sporting events.But it s not because he thinks they have bad voices but rather because it amounts to a display of staged patriotism signaling an authoritarian shift at the ballpark. Why don t more athletes speak out on behalf of their communities? Bryant wrote. Perhaps more of them would if there wasn t a chilling force looming over them. Bryant s column became a subject on a Fox and Friends Weekend segment, and the gang totally disagreed with him.Anna Kooiman noted that Bryant had written similar columns, in which he took the exception to doing the flyovers and singing the national anthem and God Bless America. In today s political climate, where kids in some district can t recite the Pledge of Allegiance, she asked What is the problem here with expressing some patriotism? It s not forced patriotism! Peter Doocy said that, according to Bryant, these displays are feeding into the 9/11 hero narrative, which butts heads with the Black Lives Matter movement.He does not believe that police officers on 9/11 were heroes, he said, and then wondered why a sporting magazine was opining about politics in the first place. Via: BizPac Review ",left-news,"May 30, 2016",0 +COMMUNIST VIETNAMESE LEADER THANKS U.S. Anti-War Activists For Helping With Their Victory Only Days Before Obama’s Visit,"Obama s historic Embracing the Communists Tour wouldn t be complete without a stop in Vietnam All on the American taxpayers dime, of course In the weeks leading up to Memorial Day and President Barack Obama s scheduled trip to Vietnam, a prominent Vietcong communist leader privately thanked American anti-war activists for helping defeat the U.S.-allied government in Vietnam in the 1970s, saying protest demonstrations throughout the United States were extremely important in contributing to Vietnam s victory. For Vietnamese guerrilla leader Madam Nguyen Thi Binh, who sent the private letter from Hanoi dated April 20, victory meant the communist takeover of South Vietnam. The letter addressed veteran American anti-war activists who gathered in Washington, D.C., at a May 3 reunion of radical May Day anti-war leaders.The Daily Caller News Foundation obtained a copy of the letter at the meeting.Binh, now age 90, originally served as the highest ranking Vietnamese delegate to the Paris Peace Talks that imposed a ceasefire in the country in 1973.The Vietcong was a ragtag group of communist guerrillas who were allied with the official communist government in North Vietnam. The country was cut in two in 1954, with the south seeking to build a democratic state allied to the West.Binh s frank admission highlights a secret side of the communist s effective lobbying influence in the United States. Rather than live in the southern part of the country, which for decades she represented as a diplomat, it appears after the war Binh was living in Hanoi, the original capital of North Vietnam.In her letter, she extolled the American anti-war movement, saying it was a key component that advanced the communist takeover of South Vietnam. The Vietnamese people have great appreciation for the peace and antiwar movements in the United States and view those movements contribution as important in shortening the war, she wrote and which was read to an assembled group of May Day anti-war activists in Washington, D.C.The May Day tribe consisted of thousands of radical anti-war protesters bent on shutting down Washington, D.C., in May 1971 through three days of massive civil disobedience. More than 12,000 protesters were arrested, for filling the streets to block feds from getting to work.The Nixon administration was so fearful of violence against federal employees, it deployed 5,000 paratroopers from the 82nd Airborne Division and thousands more from the Marine Corps barracks to protect the 14th Street Bridge, a major thoroughfare into the nation s capital from Virginia.The protesters rallying cry was, if the government won t stop the war, we ll stop the government. The war temporarily ended in 1973 when the Paris Peace Treaty was signed that imposed a ceasefire on all parties.That ceasefire was abruptly broken in 1975, however, when the North Vietnamese forces launched a surprise Spring Offensive. Leading the offensive were hundreds of T-54 and T-55 heavy Russian tanks that left secret sanctuaries in neighboring Cambodia and flooded into South Vietnam. Regular North Vietnamese troops spearheaded the offensive, along with guerrillas tied to the Vietcong, which also called themselves the National Liberation Front of Vietnam.By the time the Russian tanks were about to drive into Saigon, a liberal Congress filled with anti-war lawmakers already had hamstrung their South Vietnamese allies. Congress cut military aid to Saigon by 50 percent and handcuffed the South Vietnamese military facing the communist onslaught by barring any U.S. air support or other meaningful military assistance to the government.The offensive was relatively quick, trapping hundreds of thousands of pro-American Vietnamese troops and millions of civilians who had trusted Washington and openly supported the United States.The lasting images of those dark, chaotic days were captured by American news networks, which showed the panic in the capital city.Harrowing pictures depicted U.S. helicopters frantically trying to ferry thousands of panic-stricken Vietnamese citizens and U.S. officials off the roof of the American Embassy. The videos depicted Vietnamese clinging from helicopters in a desperate effort to escape the onrushing communist army.The defeat ultimately triggered an international humanitarian crisis where at least 800,000 Vietnamese boat people fled their communist conquerors. Many bravely undertook perilous journeys in small boats across the Gulf of Thailand to escape the new communist warlords. An unknown number of refugees drowned in the exodus.After the communists defeated the South Vietnamese army, more than 1 million South Vietnamese citizens who had supported the United States were left behind and imprisoned in re-education camps. About 100,000 faced summary execution by the communist victors.Bill Cowan, who was a Purple Heart Marine platoon leader in Vietnam, told TheDCNF that U.S. troops were demoralized when the U.S. media only highlighted anti-war protesters and not the heroism of many of the Vietnamese who were trying to keep their country free. The media fueled the anti-war movement, empowering the protestors, the North Vietnamese, and the Vietcong, he told TheDCNF. It was rare to have a good news story about what was happening there, Cowan said. I recall a reporter coming to interview me at the village I was living at and apologizing after she was done by saying, You know, this story will probably never see the light of day. My editors will quash it because it has too many good things in here about what you guys are doing. Cowan told TheDCNF.Fred Rustmann, a former Central Intelligence Agency officer who was deployed in Vietnam for two years and later assigned to cover the Paris Peace Talks where Binh was the chief Vietcong delegate, called her a great propagandist. She was really the propaganda arm of the Vietcong. And she was very effective. She was living in a villa in Paris in the southern suburbs, which was a very communist, socialist neighborhood, Rustmann told TheDCNF in an interview. He said ironically Binh spent more time in Paris than in Vietnam.In Paris, she was regularly interviewing with leftist news organization. She had these leftist kids and try to influence them. I believe she met several times with Jane Fonda. Binh actually recalled in her latest letter many meetings she had with American anti-war activists. She wrote, The first time I met representatives of the American anti-war movement was at a week-long conference held in Bratislava in 1967, with the attendees of about forty Americans. Before parting, we were shaking hands, holding hands, she recalled in her letter, adding, During the war years, I also met many other Americans in different places organized by U.S. citizen groups opposed to the war. Obama visited Vietnam last week for a three-day trip, and hailed its communist leadership and downplayed the human rights problems that persist.Hours before Air Force One touched down, Vietnam had scheduled national elections for its one-party National Assembly. Reminiscent of previous old communist regimes from the Soviet Union days, the state-run press reported that 98.77 percent of the public voted in the election.Only one sentence in Obama s main speech to the Vietnamese public made any reference to human rights problems in the country.Vietnamese government officials also blocked dissidents from meeting with Obama or his advisers when the American delegation arrived in Ho Chi Minh City, formerly Saigon. White House Deputy National Security Adviser Ben Rhodes said it shows the meeting was the source of significant discomfort for Vietnam s rulers. Via: Daily Caller",left-news,"May 30, 2016",1 +WHOA! HISPANIC TRUMP SUPPORTERS Scream At Anti-Trump Thugs: β€œGO BACK TO MEXICO!” [VIDEO],"A first hand look at the lie the media continue to perpetuate that all Hispanics are against Trump. WOW! HISPANIC TRUMP SUPPORTERS Scream at Anti-Trump Mob: Go Back to Mexico! #RollingThunderhttps://t.co/50evxarkt2 Cris (@ThePatriot143) May 29, 2016",left-news,"May 29, 2016",0 +IT BEGINS….OBAMA APPOINTED JUDGE Rules Trump University Records Must Be Released,"Chicago style politics buckle up America Barry s just getting warmed up A federal judge has ordered the release of internal Trump University documents in an ongoing lawsuit against the company, including playbooks that advised sales personnel how to market high-priced courses on getting rich through real estate.The Friday ruling, in which Judge Gonzalo Curiel cited heightened public interest in presumptive Republican presidential nominee Donald Trump, was issued in response to a request by The Washington Post. The ruling was a setback for Trump, whose attorneys argued that the documents contained trade secrets.Curiel s order came the same day that Trump railed against the judge at a boisterous San Diego rally for his handling of the case, in which students have alleged they were misled and defrauded. The trial is set for November.Trump, who previously questioned whether Curiel s Hispanic heritage made him biased due to Trump s support for building a wall on the Mexican border, said Friday that Curiel happens to be, we believe, Mexican. Trump called the judge a hater of Donald Trump who had railroaded him in the case. I think Judge Curiel should be ashamed of himself. I think it s a disgrace that he is doing this, Trump said.Trump University was started in 2004 to offer courses in entrepreneurship under the Trump brand. Trump gave his blessing, according to court documents reported previously by The Post, becoming a 93 percent owner of the new enterprise.For entire story: The State.com ",left-news,"May 29, 2016",0 +PANHANDLER CONFRONTED By Outraged Man [Video],"VANCOUVER, Wash. (KOIN) A Vancouver man confronted a known panhandler recently near NE Andresen Rd. and NE Fourth Plain Blvd., after he saw the panhandler get into a newer Toyota pickup truck.Jimmy Severs works as a tattoo artist right across the street from where the panhandler sits. Severs said he became outraged when he saw the man get into the truck. Just to see somebody sitting out with a 2014, 2015 Toyota Tacoma holding a sign just imagine how much money that guy has made in the months of sitting there, that I ve personally seen him sitting there, Severs said.Severs posted his video to Facebook where it s been shared 1,000 times and has more than 43,000 views. ",left-news,"May 29, 2016",0 +Anti-Trump Protester’s X-Rated Comment Angers MSNBC Anchor: β€œGrow The Hell Up!”,This is rich! A live feed from MSNBC was trying to show how great the anti-Trump protesters were behaving but all of a sudden a guy yells out a disgusting sexual phrase. Fair warning! ,left-news,"May 28, 2016",0 +Anti-Trump Protester Surrounded By Mexican Flags In CA: β€œIf Trump Wins He’ll Be Dead Within A Week…Cartel Won’t Have His Bullsh*t” [VIDEO],"It was actually refreshing to see the cops fighting back against an unruly mob of Mexican flag carrying rioters in San Diego (Watch video HERE). It s interesting to see how little coverage the threats against Donald Trump s life are getting by the press. Could you imagine a LEGAL American Tea Party member threatening the life of Hillary? Do you think you d have to scour conservative news sources to find that story? No need to answer that Hundreds of protesters gathered outside a Donald Trump rally on Friday, chanting f**k Donald Trump and holding obscene signs including one that included a death threat against Trump should he win the presidency in November.The young protester held up a sign that read: If TRUMP wins He ll be DEAD with in A week The Cartel wont have his Bullsh*t. Protester outside Trump San Diego rally threatens Trump with death by cartel if @realDonaldTrump is elected pic.twitter.com/khqIm8Ro4h Michelle Moons (@MichelleDiana) May 27, 2016Mexican flags waved as the crowd flooded the street in front of the San Diego Convention Center, where Trump was speaking.Arrests were also made at the anti-Trump riots. Most of them appeared to be Hispanic. Will the media ever disclose how many of the people who were arrested are illegal aliens.Protester handcuffed outside Trump San Diego rally pic.twitter.com/qpMR3Jbskt Michelle Moons (@MichelleDiana) May 28, 2016At one point bottles were thrown at police, and in the course of the protests, several people were detained. Several pi atas depicted Trump, including one whose head had been severed in the street, with the rest just a crumpled bit of papier-m ch .Via: Breitbart NewsWhat you didn t see reported by the mainstream media was the ENORMOUS crowd of supporters inside the San Diego venue where Trump was announced to thunderous applause. It s no wonder the Left is freaking out about Trump. He is drawing tens of thousands of supporters in the bluest of blue states and they re coming because they believe in him. They re not coming because of the color of his skin or his promise to fundamentally destroy our nation, they re coming because they want to see America return to her greatness and they believe Trump has the ability to actually make that happen. What America didn't see much of! @realDonaldTrump's rally in Fresno, CA. w/ the MOVEMENT! AKA, #TrumpTrain pic.twitter.com/oETrL6M4A5 Dan Scavino Jr. (@DanScavino) May 28, 2016",left-news,"May 28, 2016",0 +RUSSIAN ROULETTE FOR LAW ENFORCEMENT: Border Patrol Agents Given Awards For Putting Lives Of Armed Illegal Aliens Before Their Own,"Mind blowing incompetence and reckless disregard for the lives of these brave men and women by politically appointed leftists A new service award recently created by U.S. Customs and Border Protection (CBP) for Border Patrol agents could actually put their lives at risk. The award recognizes an agent who does not use deadly force in a situation where they are confronted by an armed assailant. They want us to put ourselves in a bad tactical situation, National Border Patrol Council Vice President Shawn Moran told Breitbart Texas in an interview Friday evening. This could lead to one of our agents getting killed. The award is defined by the CBP as:The Use of Deadly Force Encounter Averted award is to recognize and employee who demonstrated clear situational awareness and courage while disarming a suspect using contact controls and verbal commands before the situation escalated to the use of deadly force. The act must demonstrate courage in the face of an armed suspect and result in no injury in accordance with agencies use of force policy. At first, I thought this was a joke, Moran told Breitbart Texas. But Border Patrol Agent Chris Cabrera contacted officials in the awards section of CBP and they confirmed it is true, he said. In addition to his Border Patrol duties Cabrera also serves as vice president of NBPC Local 3307 and as NBPC deputy spokesperson. This is a true indication about how the politically appointed leaders of the CBP truly feel about our agents, he said.Moran said he had not heard about the award before Cabrera brought it to his attention. I can t recall any official discussions between the union and the department over this, he explained. This is typical pandering by our executives to organizations like the ACLU and illegal alien advocates. The exacerbated leader of the NBPC which represents more than 18,000 men and women who protect our nation s borders said, They are more concerned about placating these groups than protecting Border Patrol agents. He said this is also typical for them to roll something like this out on the day before a big holiday weekend hoping no one will notice.The policy appears to put just one more thing an agent must think about when faced with a life threatening situation.The NBPC posted a copy of the award definition on its Facebook page earlier on Friday evening. Commenting on the award, the organization posted, This type of thinking will get Border Patrol agents killed. If that happens we will hold the creators of this award accountable. This is despicable. The CBP seems to be following the lead of the Los Angeles Police Department who rolled out a Preservation of Life Award. The policy was designed to recognize officers who hold their fire to avoid using deadly force, Breitbart News William Bigelow reported in November 2015.The Los Angeles Police Protective League had a similar reaction to that of the NBPC. The local police union responded that the award prioritizes the lives of suspected criminals over the lives of officers.NATO forces in Europe considered a similar idea but never implemented it, Bigelow reported. Via: Breitbart News ",left-news,"May 28, 2016",0 +THAT’S GONNA LEAVE A MARK…Anti-Trump Punks Attack CA Police…Get BIG Surprise When Cops Hit Back! [VIDEO],"Are police officers finally getting sick and tired of walking around on eggshells while being disrespected and abused by the Obama-Soros F*ck The Police crowds? It s good to see our law enforcement officers actually doing what they re paid to do without coddling Bernie and Hillary s basement dwellers Watch: Protesters outside Trump rally start to attack SD police officers, who hit back. pic.twitter.com/4bSZHVQAck Jacob Rascon (@Jacobnbc) May 27, 2016Here s a video of a F*ck Trump sign carrier who was pepper sprayed by police. Watch the black man near the end of the video ask her, Was it worth it? Watch: Protester tries to recover after she is pepper sprayed in the face by a SWAT officer. pic.twitter.com/9nocgenykr Jacob Rascon (@Jacobnbc) May 28, 2016Here is a great time lapse video of thousands of Trump fans lined up to get into his San Diego, CA rally. It s interesting how there doesn t appear to be a single act of violence anywhere in this video:Time-lapse: Thousands of Trump supporters still in line for SD rally nearly five hours after doors opened. pic.twitter.com/fzcSpZAWV8 Jacob Rascon (@Jacobnbc) May 27, 2016Here are some of the responses to the YUGE San Diego Trump rally line by Twitter users:For the record and your future reporting: San Diego is NOT a big GOP area. Obama won SD County 55-44% in '08, 51.5-46.4% in '12! George Biagi (@hoyageorge) May 27, 2016https://twitter.com/nancyporras13/status/736351982521192448Here is a tweet from leftist San Diego councilman encouraging anti-Trump protesters. Saying San Diego will #StopTrump :This lady refuses to let go of the Trump pi ata. Says she will carry it until the end. San Diego will #StopTrump pic.twitter.com/BwTPqcGoq2 David Alvarez (@AlvarezSD) May 27, 2016https://twitter.com/realHJTrinity/status/736335102376955904 ",left-news,"May 28, 2016",0 +BREAKING VIDEO: TRUMP MOTORCADE BLASTS THROUGH Police Barricade After Angry Anti-Trump Protesters Lob Projectiles At Him,"Are these protesters at the Trump rally in Fresno, CA illegal aliens? If they re not illegal aliens, why are the people who are most angry about the potential of a Trump presidency so loyal to the Mexican flag?Secret Service agents directing the motorcade carrying presumptive Republican presidential nominee Donald Trump apparently took evasive action after objects were thrown at the SUV carrying Trump as he departed the Selland Arena in Fresno, California on Friday. Video and online reporting posted by a local TV station shows the Trump motorcade barreling through a police barricade at such a high rate of speed that a shocked reporter said hundreds could have been killed or injured by the maneuver.Video by ABC30 reporter Veronica Miracle shows objects being thrown by protesters hitting the Trump motorcade as the convoy departs Selland Arena.Moments later fellow ABC30 reporter Jessica Peres posted her shocked reaction to Twitter as Trump s motorcade apparently took evasive action: Insane! Trump s vehicles RAM through police barricade at high speed and speed out of downtown @ABC30 #TrumpFresno #ABC30Insider Really Jessica Peres? Did you miss the objects that were being LAUNCHED at the Trump motorcade by protesters? Are you aware that the Secret Service has an obligation to protect Trump from harm by these pathetic basement dwellers? How is the Secret Service supposed to determine if the flying objects being lobbed at the motorcade are Starbucks cups from the anti-capitalists punk protestors molotov cocktails? Here is the video footage of Trump s motorcade barreling through the police barricade:It appears there was a security failure by allowing a horde of anti-Trump protesters with a history of violence across the state and nation to gather en masse within feet of Trump s departing motorcade at a vulnerable point as it crept out of the service entrance for the arena and had to make a hard turn off a driveway exit ramp. The apparent high-speed detour through the police line moments later seems to have been a corrective action.Via: Gateway Pundit",left-news,"May 27, 2016",0 +"MUSLIM MIGRANT Too Sick To Work, With Wife, 8 Kids On Government Dole, Wants To Import 2nd Wife + 12 More Kids","This is probably not an untypical Muslim taxpayer supported family. Once a government makes the decision to open its borders to anyone who cares to come in and to support them, regardless of the size of family, or age of the wife (or in many cases multiple wives), it s very hard to turn off the government spigot Politicians in Denmark have condemned the asylum seeker policy which will allow Daham Al Hasan to rake in thousands in benefits once his huge family is reunited.The 47-year-old fled war-torn Syria two years ago with a wife and eight children before arriving in Denmark.The unemployed migrant, who claims to be too sick to work, has now been granted family reunification for his remaining 12 children and two wives who are still in Syria.The migrant also said the pain was so overwhelming that he could not learn Danish yet.The approval will see the Danish taxpayer fork out 214,128 Danish Kroners ( 21,883) in child support for the family each year.Outraged officials have raised concerns about the policy and suggested the Syrian man is exploiting the country s welfare system.Integration spokesperson for the Conservatives, Naser Khader, said: It is highly problematic that a Syrian refugee can be allowed to call himself sick to avoid working and learning Danish, so he can support 20 children. The politician added it should not be possible for someone who does not intend to work to be given such vast sums and called for Denmark to implement an upper limit for the number of children a person can claim contributions for.Shader said: We need to save and it can t be right that a man, who has not contributed, is granted hundreds of thousands in child support. Via: Express UK",left-news,"May 27, 2016",0 +OBAMA USES HIROSHIMA VISIT To Blame Religion For Wars…Doesn’t Mention Pearl Harbor [VIDEO],"What a unique way for a President of the United States to spend his Memorial Day weekend apologizing to a nation who wanted to destroy us, but were defeated because of those brave men who gave all to defend our nation against evil Every visit our repulsive apologist President makes to a foreign country is calculated. It s hard to imagine any reason other than campaigning for UN Secretary General for his visits, as he makes his way around to communist and former enemy nations apologizing for America s transgressions . Will America survive the 7 months that still remain in this traitor s term? President Barack Obama delivered a pious anti-war address in Hiroshima highlighting humanity s core contradiction of war, lamenting that humanity tried to justify war because of religion. How easily we learn to justify violence in the name of some higher cause, he said. Every great religion promises a pathway to love and peace and righteousness, and yet no religion has been spared from believers that have claimed their faith has a license to kill. Obama blamed religious zeal or nationalist fervor for inspiring humankind to war throughout history, but urged the world to seek a future filled with peace.Watch here at the 7:50 mark:https://youtu.be/ikI0F7wVomoThe president did not explicitly apologize for America using the nuclear bomb to end World War II but rhetorically painted a vivid scene of the bomb that wasted the entire city. Death fell from the sky and the world was changed, he said, pointing to the wall of fire that ended the lives of thousands of people. Their souls speak to us, they ask us to look inward, to take stock of who we are and what we might become, he said.The president delivered his speech at the Hiroshima Peace Memorial Park in Hiroshima after he laid a wreath of memorial at the and met with survivors of the nuclear attack.Obama wrestled with mankind history of using science and technological innovation to destroy each other, asserted that the nuclear bombs that ended World War II proved the horror that mankind possessed the means to destroy itself. Yet, in the image of a mushroom cloud that rose into these skies we are most starkly reminded of humanity s core contradiction, he said.He argued that it was time for the United States and other countries with nuclear weapons to disarm their stockpiles. We must have the courage to escape the logic of fear and pursue a world without them, he said. Via: Breitbart News ",left-news,"May 27, 2016",0 +GREAT NEWS! Thanks To New York’s Socialist Mayor And Leftist City Council…You Can Now Pee In The Streets!,"The social rot continues in a city that was miraculously cleaned up on Mayor Giuliani s watch. All of the hard work Rudy did to fight crime and make tourists as well as residents feel safe again will all be undone by one Socialist mayor Scofflaws of New York, rejoice the City Council has cleared the way for you to litter, loiter and pee in the street to your heart s content.Watch here:New legislation dubbed the Criminal Justice Reform Act was passed by lawmakers Wednesday, giving miscreants a get-out-of-jail-free card by eliminating the criminal penalties on a raft of quality-of-life crimes.The disgusting and disturbing acts that the council voted to decriminalize include drinking alcohol out of a paper bag, lurking in parks after hours, urinating in the street and making enough of a racket to violate the noise code.Under the legislation, which Mayor Bill de Blasio is expected to sign, offenders will face only civil summonses instead of criminal citations.The main part of the reform act sponsored by Council Speaker Melissa Mark-Viverito deals with reducing the penalty for public urination and other quality-of-life offenses. It passed by a 40-9 vote in the liberal-leaning council.It aims to keep offenders from getting a permanent criminal record and requires the NYPD to develop guidance for cops on when to issue criminal instead of civil summonses.",left-news,"May 27, 2016",0 +ANGRY BERNIE REFUSES To Respond When TV Host Asks About Collapse Of Socialist Latin American Countries [VIDEO],"#FeelTheBernOfSocialismUnivision host Leon Krauze asked avowed Socialist Bernie Sanders about the collapse of several Latin American countries due to their failed socialist policies. Angry Bernie responded with well, anger.WATCH:",left-news,"May 27, 2016",0 +WOW! TEXAS IMAM Agrees With Trump About Shutting Down Muslim Immigration: β€œPeace comes before religion”,"A Texas Imam agrees with Republican presidential candidate Donald Trump s controversial suggestion that America set-up a total and complete shutdown of Muslims entering the United States until further investigation can be done. The Imam also said there should be a ban of Syrian refugees of any religion.The Imam, Nidal Alsayyed, who leads a Beaumont, Texas, mosque agrees with both Donald Trump and Texas Governor Greg Abbott.Governor Abbott called for a halt to relocation of Syrian refugees into Texas after the Paris terrorist attacks. He also called upon President Obama to stop the importation of these refugees into the U.S., as reported by Breitbart Texas Bob Price.12 News On Monday Trump called for a total and complete shutdown of Muslims entering the United States until our country s representatives can figure out what is going on, as reported by Breitbart News.Trump said, our country cannot be the victims of horrendous attacks by people that believe only in Jihad, and have no sense of reason or respect for human life. Trump issued a statement saying that Americans need to understand radicals within Islam before the government authorizes them to come into the country, as reported by Breitbart News.Alsayyed, the Imam from east Texas told his local television station, I certainly see it to be wise [to] stop temporarily accepting any new Muslim immigrants [refugees and non-refugees] into the United States. Alsayyed leads the Islamic Center of Triplex. He said the halt applies to new refugees of any religion and he does not believe that taking this action is unconstitutional. The Muslim religious leader said these actions are acceptable when it comes to peace and safety. He also added, This should not prevent the United States to fulfill its duties towards international partners. The Texas Imam said, It does not matter whether Trump said it or anyone else American Muslims need to say we are with this country. He also said they should raise the American flag in support of the nation. He continued, We American Muslims need to be sincere in our religion and to the country we are living in. Peace comes before religion. We need to be truthful and transparent when we express a viewpoint or feedback. It does not matter whether Trump said it or anyone else, he said.When challenged on his comments the Imam responded in a comment via Facebook saying:I only said what I believe is right. Trump is not against American Muslims; He is against any new Muslim immigrants (refugees and non-refugees)! There is a big difference here! We cannot be emotional.I believe there is a great confusion and lack of understating nationally and among Muslim themselves for what Mr. Trump is calling for. Refugees in general have no clear identity or belief. They are seeking shelter and opportunity; but America cannot take this risk NOW!My advice to trump to stop differentiating among Christian vs. Muslim refugees; only because he may get surprised to see all refugees claiming to be Christians!The east Texas imam made local headlines last December when he denounces ISIS and their ruthless conduct. 12NewsNow anchor Kevin Steele asked Alsayyed if he would denounce ISIS. He strongly replied, Come on, no human being would accept this type of animal behavior. This is like, this is completely, it doesn t belong to any religion this ISIS. In Trump s statement on Monday, he noted a Center for Security Policy poll showing there are segments of the Muslim population that hate U.S. citizens. The poll showed that 25 percent of the Muslims polled agreed that violence against Americans here in the United States is justified as part of the global jihad. Fifty-one percent of those polled agreed that Muslims in America should have the choice of being governed by Shariah. Breitbart News has also reported that The Economist/You Gov poll published in late November shows that Americans strongly oppose Muslim immigration into America. The poll showed that of those likely to vote in a primary election, approximately 30 percent believe that all, most, or more than half of Muslims worldwide support the Islamic State (ISIS).An Ipsos poll in mid-September revealed that even before the Paris terrorist attacks, public support for allowing more Middle East refugees into the country crashed once Americans understood the enormous numbers of refugees, as reported by Breitbart News.Before the San Bernardino, California, attacks, a full 61 percent opposed Obama s refugee program, as reported by Breitbart News John Nolte. Via: Breitbart News",left-news,"May 27, 2016",0 +DEVASTATING 30 SECOND Commercial Shows Scary Truth About TARGET’S Dangerous Open Door Bathroom Policy [VIDEO],"First it was the FLUSH TARGET campaign, where a truck will travel to every store in MN delivering a serious message to Target management: I don t feel safe at Target Click HERE for [VIDEO]Now a new campaign has been launched with an ad targeted at Target shoppers. The ad was produced by Minnesota-based activist group Flush Target . It s a simple ad with a powerful message.WATCH:",left-news,"May 26, 2016",0 +THIRD GRADE BOYS COMPLAIN About 9 Year Old Girl Using Boys’ Bathroom…Boys Told To Stand Closer To Urinals,"Girls aren t the only gender who will suffer embarrassment, humiliation and even the prospect of sexual predators in their bathrooms and locker rooms. Shame on American parents for not making more of a fuss about this horrendous decree by a dictator with only seven months left in his final term A Southwest Elementary School parent said he s keeping his three sons out of school until the Howell, MI Public Schools Board of Education explains why a girl is using the boys bathroom.Matt Stewart said his 9-year-old son informed him Friday that there was a girl in the bathroom and the girl was told to look at the wall while boys were told to stand closer to the urinals. He said his son indicated the information came from a school staff member. I have three children in Southwest Elementary School and they are being humiliated and intimidated, Stewart said Wednesday. Our kids are absent from school until there s a policy in place that keeps them from being humiliated or intimidated. The bottom line: A 9-year-old girl is in the boys bathroom with my son, the father said, adding there is no precaution to keep the girl from walking out of a stall and seeing a male classmate urinating.Messages to Southwest Principal Jennifer Goodwin and district Superintendent Erin MacGregor as well as public information officer Tom Gould were not returned late Wednesday.School board President Michael Yenshaw said the matter is not one that has reached the board at this time, and Vice President Stacy Pasini said she preferred to have no comment. It does not pertain to an immediate threat to the public safety of the district, Yenshaw s written reply stated. It may also involve FERPA (Family Educational Rights and Privacy Act) issues, which limit the content of information that the district is permitted to release.FERPA is a federal law that protects the privacy of student education records.Stewart said he spoke with the school principal and MacGregor, both of who would not confirm if the third-grade female student is transgender due to privacy issues.Stewart sought an approved policy through the Freedom Of Information Act, but was told there is no districtwide policy in place on the issue of transgender bathroom use. He said MacGregor took ownership for the final decision on this matter allowing students to use the bathroom of their choosing. This was (decided) quietly, behind closed doors, Stewart said.The issue of transgender usage of bathrooms exploded nationally after the passage of House Bill 2 in North Carolina, which became law March 23. It bans transgender people from using bathrooms that don t match the gender on their birth certificate.Via: Livingston Daily",left-news,"May 26, 2016",0 +FRIGHTENING Observations By A 75 Year Old American…All Of A Sudden America’s Becoming An Islamic State,"These are shocking revelations that have essentially taken place while America and our elected representatives slept.ALL Of A Sudden Before Obama there was virtually no outlandish presence of Islam in America. Only 7 years later, here are some observations made by a 75 year old American:1. All of a sudden, Islam is taught in schools. Christianity and the bible are banned in schools and in our military.2. All of a sudden we must allow prayer rugs everywhere and allow for Islamic prayer in schools, airports and businesses.3. All of a sudden we must stop serving pork in prisons.4. All of a sudden we are inundated with law suits by Muslims who are offended by American culture.5. All of a sudden we must allow burkas to be worn everywhere even though you have no idea who or what is covered up under them.6. All of a sudden Muslims are suing employers and refusing to do their jobs if they personally deem it conflicts with Sharia Law.7. All of a sudden the Attorney General of the United States vows to prosecute anyone who engages in anti-Muslim speech .8. All of a sudden, Jihadists who engage in terrorism and openly admit they acted in the name of Islam and ISIS, are emphatically declared they are NOT Islamic by our leaders and/or their actions are determined NOT to be terrorism, but other nebulous terms like workplace Violence. 9. All of a sudden, it becomes policy that Secular Middle East dictators that were benign or friendly to the West, must be replaced by Islamists and the Muslim Brotherhood.10. All of a sudden our troops are withdrawn from Iraq and the Middle East, giving rise to ISIS.11. All of a sudden, America has reduced its nuclear stockpiles to 1950 levels, as Obama s stated goal of a nuke-free America by the time he leaves office continues uninterrupted.12. All of a sudden, a deal with Iran must be made at any cost, with a pathway to nuclear weapons and HUNDREDS of BILLIONS of dollars handed over to fund their programs.13. All of a sudden America APOLOGIZES to Muslim states and sponsors of terror worldwide for acts of aggression, war and sabotage THEY perpetrate against our soldiers.14. All of a sudden, the American Navy is diminished to 1917 Pre-World War I levels of only 300 ships. The Army is at pre-1940 levels. The Air Force scraps 500 planes and planned to retire the use of the A-10 Thunderbolt close air support fighter. A further draw down of another 40,000 military personnel is in progress.15. All of a sudden half of our aircraft carriers are recalled for maintenance by Obama rendering the Atlantic unguarded, NONE are in the Middle East.16. All of a sudden Obama has to empty Guantanamo Bay of captured Jihadists and let them loose in Jihad-friendly Islamic states. He demands to close the facility.17. All of a sudden America will negotiate with terrorists and trade FIVE Taliban commanders for a deserter and Jihad sympathizer.18. All of a sudden there is no money for American poor, disabled veterans, jobless Americans, hungry Americans, or displaced Americans but there is endless money for Obama s Syrian Refugee Resettlement programs.19. All of sudden there is an ammunition shortage in the USA.20. All of a sudden, the most important thing for Obama to do after a mass shooting by two Jihadists, is disarm American Citizens.21. All of a sudden, the President of the United States cannot attend the Christian funerals of a Supreme Court Justice and a former First Lady because of previous (seemingly unimportant) commitments.Finally And all of a sudden, I m sick to my stomach. I m not sure the majority of Americans recognize the seriousness of the situation and how much progress has been made by Islam these last 7 years, a very brief time compared to a 75 year lifetime!This was sent to 100% FED UP! by a fan of our Facebook page.",left-news,"May 26, 2016",0 +REGISTERED SEX OFFENDER Arrested After β€œHarassing” Little Girls In Girl’s Bathroom,"Wow! They re really coming out of the woodwork now! Peeping at little girls is sick and so twisted but it s obvious this guy has a past he s a REGISTERED SEX OFFENDER! Is this what OBAMA and the nutty liberals want? Keep you children close and go into the bathroom with them you don t know who you ll find in there these days. After questioning a man seen peeping at little girls in the women s bathroom of a community park, California police discovered he was already a registered sex offender.Police in Placerville, Calif., arrested Kenneth Tincher, 62, for harassing little girls in a bathroom of the city s Rotary Park. The girls were at the park on a field trip for school, police reported. Witnesses told police that for much of the time Tincher was hovering outside the bathroom and leering at the little girls, but at one point even went inside the bathroom with some of the girls.The suspect fled the park before police arrived, but he was was later arrested at another city park. He was wearing only a pair of pants, found living out of his truck, and told police he is a transient from Sacramento.Once they identified the suspect, police learned he was already a registered sex offender. Placerville authorities reported that Tincher was registered as a sex offender in Sacramento only two weeks prior to this latest incident.Read more: Breitbart",left-news,"May 26, 2016",0 +WATCH: ANTI-GUN CRUSADER KATIE COURIC Intentionally Edits β€œUnder The Gun” Documentary To Make Gun Rights Supporters Look Stupid,"We ve said it before, Katie Couric is a wolf in sheep s clothing. Katie has been practicing the promotion of deceitful, leftist propaganda for decades. Don t let the Little Miss Sunshine act fool you. This woman is especially dangerous, because so many people think of her as a sweet little benign morning talk show host, and that her anti-gun crusade must be for the good of the country. The makers of a new Katie Couric documentary on gun violence deceptively edited an interview between Couric and a group of gun rights activists in an apparent attempt to embarrass the activists, an audio recording of the full interview shows.At the 21:48 mark of Under the Gun a scene of Katie Couric interviewing members of the Virginia Citizens Defense League, a gun rights organization, is shown.Couric can be heard in the interview asking activists from the group, If there are no background checks for gun purchasers, how do you prevent felons or terrorists from purchasing a gun? The documentary then shows the activists sitting silently for nine awkward seconds, unable to provide an answer. It then cuts to the next scene. The moment can be watched here:However, raw audio of the interview between Katie Couric and the activists provided to the Washington Free Beacon shows the scene was deceptively edited. Instead of silence, Couric s question is met immediately with answers from the activists. A back and forth between a number of the league s members and Couric over the issue of background checks proceeds for more than four minutes after the original question is asked.Listen here: John Lott, Jr. explains to The Blaze s Dana Loesch how this documentary was rigged from the outset:Under the Gun bills itself as a documentary that examines the events and people who have kept the gun debate fierce and the progress slow, even as gun deaths and mass shootings continue to increase. It follows a number of gun violence victims and those who have lost family members to gun violence as they advocate for stricter gun control laws. The 1 hour and 45 minute film was executive produced and narrated by Katie Couric.Under the Gun has been labeled dishonest politicking in the guise of media coverage, loose with the facts, and a full-length assault on guns and the Second Amendment by those in the gun community since its debut on May 15.The Virginia Citizens Defense League labeled the deceptively edited segment featured in the film unbelievable and extremely unprofessional. Philip Van Cleave, the organization s president, said the editing was done deliberately to make it appear that league members didn t have a response to Couric s question. Katie Couric asked a key question during an interview of some members of our organization, he said. She then intentionally removed their answers and spliced in nine seconds of some prior video of our members sitting quietly and not responding. Viewers are left with the misunderstanding that the members had no answer to her question. Nora Ryan, the chief of staff for EPIX, the cable channel that is airing the documentary, told the Free Beacon in an email, Under the Gun is a critically-acclaimed documentary that looks at the polarizing and politicized issue of gun violence, a subject that elicits strong reactions from people on both sides. EPIX stands behind Katie Couric, director Stephanie Soechtig, and their creative and editorial judgment. We encourage people to watch the film and decide for themselves. Via: WFB",left-news,"May 26, 2016",0 +"STUNNING BETRAYAL! 43 REPUBLICANS, In Dark Of Night Vote To Approve Obama’s Transgender Bathroom Decree","Who knew a President could do so much damage in one year? Who knew he would have the support of so many Republicans we fought so hard to elect, as our last hope to stop Obama s fundamental transformation of America Many are asking what Republicans plan to do to stop Obama s executive war on culture and religious liberty in pursuit of cultural Marxism. Now we know that not only will this party do nothing to stop Obama, they will use their control of Congress to codify Obama s agenda into law.Late Wednesday night, Republicans allowed a vote on an amendment from Rep. Sean Maloney (D-NY), which codified Obama s executive order 13672 making transgenderism the law of the land. Obama s executive order, promulgated in July 2014, instructed bureaucrats to sever contracts with companies that don t follow the Obama mandated sexual identity agenda. This could include companies that don t allow men into female bathrooms in their private corporate offices. The Maloney amendment to the $37.4 billion FY 2017 Energy &Water Appropriations Bill (H.R. 5055) codified that unilateral act into law.The amendment passed 223-195 with 43 Republicans supporting it. The GOP House just supported arguably the most radical Democrat agenda item in the dead of night.Enshrining Obama s specific edict into law and then passing vanity language reaffirming the general importance of religious liberty is like doing CPR on a dead body. GOP leaders are always twisting arms to get conservative members to vote for bad bills. Somehow we are to believe they were impotent in ensuring moderate members (what is moderate about transgenderism?) adhere to the party s platform?The reality is that Paul Ryan has long been a supporter of ENDA (Employment Non Discrimination Act), the legislative vehicle for enshrining transgenderism into law and mandating adherence to its dogma on private businesses. That is why he s been absent in this fight. Moreover, Republicans have failed to allow a single anti-religious bigotry bill to the floor since the illegal gay marriage decision was issued by the Supreme Court, despite the ubiquitous threats against private businesses, states, and private property.Clearly, whipping against this vote was not a priority.Once the Maloney amendment passed with GOP votes, Republicans proceeded to do what they always do so well. They offered side-by-side amendments in an attempt to cover up the damage.They passed the Pitts amendment as a second-degree by voice vote to affirm the constitutional importance of religious liberty. Then they passed the Byrne Amendments to reaffirm that RFRA is still in place and the government cannot discriminate against religious individuals. Well, as we all know, the Constitution and RFRA (Religious Freedom Restoration Act) have been in place for the entire Obama administration, yet he is still able to get away with anti-religious bigotry edicts by claiming they don t interfere with religious beliefs.To begin with, this entire spending bill was something that should never have come to the floor. It increased spending and retained a number of green energy programs for a department that shouldn t even exist.Now that leadership has loaded this already sub-par spending bill with transgenderism, conservatives should vote against final passage on Thursday. It s bad enough that a Republican House cannot be used as a tool to go on offense against cultural Marxism and anti-religious-liberty initiatives. To pass a bill placing an exclamation mark on that agenda is unforgivable.Via: Conservative ReviewHere is the list of Republicans who voted to assist Obama in his fundamental transformation of America:Amash (MI)Brooks (IN) Coffman (CO) Costello (PA) Curbelo (FL) Davis, Rodney (IL) Denham (CA) Dent (PA) Diaz-Balara (FL) Dold (IL)Donovan (NY) Emmer (MN) Fitzpatrick (PA)Frelinghuysen (NJ) Gibson (NY) Heck (NV) Hurd (TX) Issa (CA)Jolly (FL)Katko (NY) Kinzinger (IL)Lance( NJ) LoBiondo (NJ)MacArthur (NJ)McSally (AZ) Meehan (PA) Messer (IN) Paulsen (MN) Poliquin (ME) Reed (NY) Reichert (WA) Renacci (OH) Rooney (FL) Ros-Lehtinen (FL) Shims (IL) Stefanik (NY) Upton (MI) Valadao (CA) Walden (OR) Walters, Mimi (CA)Young (IA) Young (IN) Zelda (NY)Via: Conservative Review",left-news,"May 26, 2016",0 +OBAMA IS FUNDING Nuclear Weapons That Will Be Used Against U.S…Retired Air Force General Exposes DANGER Obama Poses To Security Of U.S. [VIDEO],"Meanwhile, Obama has brilliantly distracted America from his dangerous deals with Iran with White House sanctioned Black Lives Matter terrorists and a manufactured gender identity/inequality crisis Russian and Chinese militaries are increasingly trying to bully American forces because they are taking advantage of our weakness and publicly humiliating us, according to a respected retired Air Force general and Fox News military analyst. It s a slap in the face to the United States, Retired General Tom McInerney says, and President Barack Obama should not accept that kind of behavior. The president unilaterally disarmed America, adding we have all these social experiments, according to McInerney s 18-minute exclusive video interview for The Daily Caller News Foundation. By transforming America s foreign policy, Mcinnerney says Obama s America is known as a nation that will protect your enemies and deny your allies support.Retired Air Force General: Obama Unilaterally Disarmed America [VIDEO]For entire story: Ginni Thomas, Daily Caller",left-news,"May 25, 2016",0 +NOT KIDDING: DEMOCRATS Are Calling For Obama To Be Hillary’s Running Mate…But Is That Legal?,"Not that the word legal means anything to either one of them Because Hillary Clinton is white and no longer young, a strain of political thought holds that she might lack Barack Obama s inherent appeal to new and minority voters and thus that she won t be able to ride the Democratic party s demographic advantages to easy victory in 2016.Writing for the Washington Examiner, Philip Klein ably sketches the nightmare scenario for liberals. If Hillary s performance among black voters retreats to more typical Democratic levels, he writes, it will hinder her efforts in swing states such as Ohio and Florida, where Democrats need to rack up huge margins in urban areas to make up for their weaknesses in other parts of the states. It s questionable that young voters will flock to vote at historically high levels for a 69-year-old white woman who has been a national political figure since before many of them were born. The nightmare for conservatives is a complementary scenario in which Clinton holds the Obama coalition together without issue and simultaneously increases Democratic margins among women and whites. In that world, she defeats her opponent by greater margins than Obama defeated John McCain and Mitt Romney. But there s no reason to assume that outcome is any more likely than the one Klein alluded to. And there s also no reason Democrats should tinker with a winning formula. If Clinton can turn out Obama s voters, she will win.The challenge, then, is to make sure Clinton s age and ethnicity don t discourage Obama s youthful, diverse supporters from turning out in November 2016. Fortunately, there s an easy way to make sure that doesn t happen. Clinton simply has to select Barack Obama as her running mate.LOL, you might be thinking. Obama can t be the vice president. That would place him at the top of the line of succession, and the Constitution limits him to two terms. Clinton would end up in court before she ended up in the White House if she pulled something like that.I ll grant that if Democrats nominate Barack Obama to be their vice presidential candidate next year, it would be somewhat controversial. But here Democrats can borrow tactically from the literal-minded conservatives who have seized on syntactic oddities to unravel Obama s domestic agenda. As a purely textual matter, the Constitution merely prohibits Obama from being elected to a third term. It doesn t necessarily prohibit him from actually being president again, should Hillary Clinton no longer be able to serve. And were he on the ticket, Clinton s potential liabilities with Obama loyalists would disappear.As hot takes go, this one is significantly more piping than, say, the idea that Al Gore should challenge Hillary for the nomination. My guru for this argument is Cornell University law professor Michael Dorf, though others have examined the issue, as well.There are three sections of the Constitution that prescribe limits on who can be president and vice president: Article II, the Twelfth Amendment and the Twenty-Second Amendment. While the former two limit who is eligible to serve natural born citizens, 35 or older the Twenty-Second Amendment begins No person shall be elected to the office of the President more than twice. Whether its adopters intended it or not, the plain language of the Twenty-Second amendment doesn t prohibit a former two-term president from succeeding a sitting president and serving out the remainder of her term. It merely prohibits him from running for a third. By using the term elected instead of eligible, its authors created a loophole large enough for a Clinton-Obama ticket to coast to victory through. Via: New Republic ",left-news,"May 25, 2016",0 +BLACK CONSERVATIVE Student DESTROYS Black Lives Crybabies: β€œI Am Katie Danforth And I Am Working My A*S Off To Become Something” [VIDEO],"If you have the time, you should watch every minute of this video. If you can t watch it all, go to the 56 minute mark and watch DePaul University Junior, Katie Danforth give the Black Lives Matter Crybabies get an earful: ",left-news,"May 25, 2016",0 +ILLEGAL ALIENS Sent To States With Lax Voter ID Laws: Told To VOTE Democrat Or Be DEPORTED,"DEMOCRATS Making free and fair elections impossible in America. Hmmm I wonder why Obama, Hillary and Bernie are fighting so hard to keep our borders open? According to a new report from The Extract, illegal immigrants in the United States in 2012 were sent to states with lax voter identification laws and told that they would be deported if they didn t vote Democrat.From the report:Report: Illegals Told to Vote Democrat or Face DeportationDocumentarian Jo Anne Livingston has been working with her husband, Luke, to take a comprehensive look at the ongoing border crisis as experienced by the illegals themselves. After numerous interviews, she recently reported a number of astounding revelations that only confirm some long-held suspicions among conservatives.Most notably, she indicated that witness after witness after witness asserted that they were given voter registrations prior to the 2012 election and sent to states without voter identification laws.Upon receiving the instruction, Livingston explained, they were informed that unless they show up and vote the democratic [sic] ticket, they would be arrested and deported. Another shocking allegation revolves around proposed legislation she reportedly accessed during research for the documentary. If passed, she noted that immigration judges would have their hands effectively tied when addressing the overwhelming problem of illegals skipping their court date. Via: Progressives Today",left-news,"May 25, 2016",0 +"DEMOCRAT UNDERBELLY EXPOSED: Out-Of-Control Violence Erupts…Anti-Trump Rioters Deliver On Threat To Turn Up Heat, Shut Down Free Speech [VIDEO]","Donald Trump on Wednesday slammed what he described as thugs and criminals who clashed with police outside an Albuquerque campaign event, just hours after police in riot gear and mounted patrol units faced off against the violent crowd.The protesters in New Mexico were thugs who were flying the Mexican flag. The rally inside was big and beautiful, but outside, criminals! Donald J. Trump (@realDonaldTrump) May 25, 2016Watch here:The clashes erupted overnight, after Trump and some 4,000 of his supporters left the Albuquerque Convention Center. Approximately 100 demonstrators remained in downtown.Smoke grenades were used in an effort to disperse the crowd, while protesters threw rocks, plastic bottles, burning T-shirts and other items at officers. Albuquerque police said on Twitter late Tuesday that several officers were being treated for injuries as a result of being hit by rocks. At least one person was arrested.Inside the Trump rally, demonstrators shouted, held up banners and resisted removal by security officers. The banners included the messages Trump is Fascist and We ve heard enough. Trump s supporters responded with chants of Build that wall! At one point, a female protester was physically dragged from the stands by security. Other protesters scuffled with security as they resisted removal from the convention center. The altercations left a glass door at the entrance of the convention center smashed. During the rally, protesters outside overran barricades and clashed with police in riot gear. They also burned T-shirts and other items labeled with Trump s catchphrase, Make America Great Again. Trump supporters at the rally said they appreciated his stance on boosting border security and stemming the flow of people crossing the border illegally, but some said they were frightened by the violent protests outside. Albuquerque attorney Doug Antoon said rocks were flying through the convention center windows as he was leaving Tuesday night. Glass was breaking and landing near his feet. This was not a protest, this was a riot. These are hate groups, he said of the demonstrators. Via: FOX NewsWho are these domestic terrorist hell bent on shutting down free speech, and who is organizing these violent riots? What exactly is their end goal?An article published by Breitbart News in 2010 provides us with some pretty good clues:The radical Progressive wing of the Democrat party, through people like Lisa Fithian, has been in direct coordination with the very Anarchy protesters who trashed St. Paul, Minnesota, in 2008 during the Republican National Convention. They would have done much more damage had they not been thwarted by a former radical-turned FBI informant.How do we know this? Because they wrote about it. Why don t you know about it? Because the media in this country never bothered to look into whom the people were who organized the marches which repeatedly led to violence and arrests.If any of the mainstream press had been the slightest bit curious (and why would they be? It was just politically organized rioting on the streets of our country), they could have performed some cursory Google searches that return ample circumstantial evidence of direct coordinating efforts between the clean, presentable, mainstream face of the Progressive-Democrat movement, and the dark underbelly of the Anarchy movement in this country. *How does this relationship work? It s simple(ish). Let s start with the clean face of the Progressive-Democrats: the Congressional Progressive Caucus. This entity was founded and organized by self-described Socialist U.S. Senator Bernie Sanders, and by an organization called the Democratic Socialists of America (DSA).The DSA was founded and supported by many of the same people active in the 1960s radical movement, known widely as Students for a Democratic Society (SDS) and their domestic terrorist wing, the Weather Underground Organization (WUO).Key members of the Democratic Socialists of America are principal organizers of two current groups called Progressives for Obama and the reconstituted Movement for a Democratic Society (MDS).Progressives for Obama is where the straight face of Progressive unions, non-profits, and educational institutions organized their efforts to elect then Senator Obama to the presidency.The reconstituted MDS is the tip of the nose of America s ugly radical Progressive face. The MDS made it its mission to restart the SDS. They succeeded, and one of the first tasks of the reconstituted SDS was to begin forging a relationship with Anarchists and to participate in what they call Direct Action protests. They succeeded, and the synthesis of the Progressive Democrat movement with the Anarchists manifests itself in the self-described Socialist Anarchy movement called the Direct Action Tendency (DAT). The DAT, along with Lisa Fithian s United For Justice and Peace, represents the very ugly face of the Progressive-Democrat movement, where they coordinate with street thugs, Che/Castro worshiping Socialists, and islamists.**What is a Direct Action? A direct action typically (but not exclusively) consists of staging a protest with the predetermined goal of causing a direct confrontation with the police.While covering the Democrat convention in Denver, and subsequently the Republican convention in Minneapolis/St. Paul, it became clear that there was a distinct and organized pattern at work.Organizers would stage a rally and/or a concert. These events were planned and permitted through the local municipalities. The goal was almost always the same. Eventually the organizers would breach the boundaries of the permit, and force a confrontation with the authorities. This frequently resulted in extensive damage to property, as well as added expense in resources devoted to dealing with the Anarchists.What s the point? It s three-fold. 1) These events present successful organizing opportunities to collect names and contact info of participants, thus growing the movement. 2) These events radicalize the members, making them more devoted to the cause. 3) Propaganda is produced that depicts the evil police being brutal to otherwise seemingly peaceful protesters.What s their goal? To end Capitalism, with which they equate racism, sexism, exploitation, terrorism, and murder.These Direct Action Tendency and United For Justice linked events, (like the RNC Welcoming Committee) represent a modern day Progressive-Anarchy Tea Party. One main difference of course between the Conservative/Libertarian Tea Parties, and the Progressive-Anarchy Tea Parties is the premeditated tactic of breaking the law and getting arrested. Conservatives and Libertarians don t tend to do that. Progressive-Anarchists have mastered it as a form of political art.This all begs the question, if a group of Conservative/Libertarian Tea Partiers engaged in an attack on an urban infrastructure with the premeditated goal of shutting down a Democrat political event, would they face charges for federal civil rights violations? Perhaps that would depend on whether or not America is a land where people are guaranteed the right to political expression and peaceable assembly.",left-news,"May 25, 2016",0 +DESPERATION OR STUPIDITY? GERMAN State Recruits REFUGEES With No Passports For Police Officer Jobs,"It s too late for these countries who ve been invaded by mostly young Muslim male refugees to turn back the clock. Bavaria is now being forced to do whatever they can to fight back against terrorism in their own backyards. You can t allow millions of unchecked Muslim men to invade your sovereignty without paying an enormous price. Asking refugees to police refugees is like asking prisoners in a jail to police themselves. When mostly Muslim men have invaded a majority Catholic state, and are now being asked to police its citizens, what could possible go wrong?Migrants will be increasingly recruited as police officers those with and without German passports. Interior Minister Herrmann hopes this will produce a greater clear-up rate and a de-escalation of violence. The failures in the investigations of the NSU terror group have increased these efforts.Bavaria will increasingly employ police officers with foreign roots. Experience has shown that they have a more direct line to people of immigrant origin, as they speak their language and know their mentality better, said Interior Minister Joachim Herrmann (CSU) on Monday in Nuremberg. I hope this will help police achieve better clear-up rates and conflict resolution. Via: Merkur.deThis is insane. I can see many Europeans rightly refusing to acknowledge the authority of police officers who are foreigners and don t even have citizenship.RT In October, 2015, Bavarian Interior Minister threatened to file a constitutional complaint against the federal government unless it would implement efficient measures to curb the influx of refugees.The Bavarian government stepped up pressure on Angela Merkel s cabinet, demanding that the German government drop its policy of welcoming an unlimited number of refugees.If effective measures are not taken to deal with the crisis, Bavaria will take the matter to the Constitutional Court and charge the German government with endangering the legal capacity of the German states to act independently, Bavarian Interior Minister Joachim Herrmann announced after an emergency meeting of the Bavarian government on Friday. One [the German government] does not comply with the law and the other [Bavaria] wants the law to be complied with, Bavarian Prime Minister Horst Seehofer said, commenting on the decision at the press conference following the meeting.Listen here:",left-news,"May 25, 2016",1 +WATCH: Black Lives Matter Terrorists CRASH Stage At Conservative College Event…Black Church Minister Threatens Speaker…Female Thug Grabs Microphone…GAY CONSERVATIVE SPEAKER Gives Best Response Ever!,"It s hard to tell what these Black Lives Matter crybabies hate more gays with a different opinion than them or free speech Meanwhile, security guards that were hired and paid by the speaker stood by passively as they threatened and berated the guys who were paying them Milo Yiannopoulos event at DePaul University had to be cut short Tuesday night after protesters stormed the stage, blew whistles, grabbed the microphone out of the interviewer s hand, and threatened to punch Yiannopoulos in the face.Yiannopoulos attempted to continue the event, but protesters refused to leave the stage and the group of security guards (which DePaul forced both the organisers and Breitbart to pay for) refused to intervene.The male ringleader continued to pace along the stage with his whistle, refusing to let Yiannopoulos speak for extended amounts of time, while the female ringleader forcibly snatched the microphone from the interviewer s hand and shouted at Yiannopoulos just inches away from his face.It turns out the male who threatened Milo is a minister at a local church:https://twitter.com/Nero/status/735325590438481920The good Minister following in the foot prints of Reverend Al Sharpton tried the same tactics at a Donald Trump and bragged about it on Twitter:The guy that tried to silence @Nero tonight did the same to @realDonaldTrump I hope Soros got his money's worth. pic.twitter.com/Tsv3rpi3DG Sherry (@NHLaVa) May 25, 2016The male ringleader screamed Feel the Bern and chanted against Donald Trump, whilst the female ringleader chanted Black Lives Matter .The female ringleader also claimed that she had been silenced for 200 years , prompting Yiannopoulos to question how the supposed 200 year-old protester looked so young.After an extended period of time, the crowd started to chant Do your job at security, who remained at the back of the venue for the entire event. When security refused to intervene, Yiannopoulos posed for pictures with fans in the audience, and ordered the crowd to follow him to the college president s office..@nero brought the party outside after inaction from spineless cops pic.twitter.com/0ZjljPHAp8 Furby.jpg (@duckspeakeasy) May 24, 2016Responding to the amount of black female protesters who had turned up, Yiannopoulos hypothesized that it was because he had sex with their brothers. I give it 20 minutes , announced Yiannopoulos. The black incarceration rates are about to go up . Via: Breitbart News",left-news,"May 25, 2016",0 +HYSTERICAL! MSNBC Host Gets Rapists confused…Calls Bill Cosby β€œBill Clinton” [VIDEO],It seems like a pretty easy mistake. After all he could easily have called Hillary Obama ,left-news,"May 24, 2016",0 +WATCH: THE 2006 CHILD MOLESTER AD Bernie Sanders Doesn’t Want Voters To See,"We all know the defense of children comes dead last when it comes to the Left. It s interesting how Hillary helped to get a child rapist off (before she still had her law license taken away) and now nearly a decade later, this news about Bernie s support for child molesters and his non-support for the Amber Alert by way of his NO vote What s happened to Bernie- 2006 anti-Bernie by DailyPolitics Back in 2006, when Sanders was running for the Senate, Republican Richard Tarrant pointed out some things about the socialist s voting record he probably doesn t want his liberal flock to know.For example, Sanders voted AGAINST the Amber Alert system and refused to endorse a bill that would lock away child molesters for life.Via: DownTrend",left-news,"May 24, 2016",0 +"WATCH: How TRUMP Is Brilliantly CRUSHING HILLARY’S Phony Woman Card, Exposing BERNIE’S Socialist Agenda And Embarrassing Anti-Trump #AngerBabies","As the #NeverTrump movement has become officially irrelevant, our hilarious friend Joe Dan Gorman of Intellectual Froglegs puts the state of Trump s winning campaign into perspective for Americans #NeverTrump is fading into the sunset now relegated to a few tassel loafered pockets of resistance .and social media trollers. The Anger babies, if you will (a phrase coined by my friend Anthony Adams, I liked it so I stole it). These folks like Ben Shapiro, Bill Kristol, Paul Ryan, etc believe themselves to be intellectually superior to all of us. They represent purist of the pure the self-appointed guardians of conservatism, who for the most part are the biggest hypocrites on the planet.First.. where was their little #NeverRomney when we were forced to vote for the Grandfather of Obamacare? Or #NeverMcCain?Apparently McCain-Feingold didn t infringe on our first amendment TOO much. Via- Intellectual FroglegsThe Trump Train has officially left the station. Get on or get out of the way. Trump is winning. It s all he knows how to do. Either America accepts Hillary and Bernie s radical agenda for America, which includes gun control, as well as the loss of our First, and several other precious Amendments, or we support a man who is passionate about saving our nation from the evils of globalism and Socialism.#NeverHillary#NeverBernieIf you like LOVE Intellectual Froglegs videos as much as we do, consider giving Joe Dan Gorman (the guy who s in the video and works so hard to create these great illustrations that capture the true state of our nation) a donation HERE.",left-news,"May 24, 2016",0 +"AL SHARPTON CALLS For Less Legal Protection For Cops, More Federal (Obama) Involvement When Blacks Are Killed By Cops","How much longer before cops stop coming into the neighborhoods to help the people who hate them? The following is a statement from Ebonie Riley, Washington DC Bureau Chief of the National Action Network: We are disappointed in the decision of the court but unfortunately not surprised. As we have seen throughout the years, when officers opt for a trial by judge rather than by a jury, acquittal is the result. We have been through this with Sean Bell and far too many other cases in the past. This is exactly the reason we are calling for lowering the bar for federal prosecution, and greater involvement of the federal government in cases like this. In federal court, a jury trial cannot be waived without the consent of the prosecution and we believe that is a fairer, more just process. We continue to stand with the Gray family as they fight for justice for their son. Via: Weasel Zippers",left-news,"May 23, 2016",0 +SELFIE OF MUSLIM WOMAN MAKING PEACE SIGN Goes Viral…Twitter Account Shows She’s Not Really So Peaceful,"Another moderate Muslim A Muslim woman who was photographed taking selfies in front of a Belgian protest last week, earning her widespread praise for her cheerful stance against bigotry, reportedly praised Hitler and called for the killing of Jews in past Facebook posts.Zakia Belkhiri was photographed taking the selfies as she flashed a peace sign in front of Vlaams Belang protesters at the third annual Muslim Expo in Antwerp.The protests were part of the increasing resistance in Belgium and elsewhere in Europe to the flood of Muslim refugees pouring in from war-torn and poverty stricken countries in the Middle East and Africa. How To Neutralize Anti-Islam Protesters with a Selfie, was the headline of a Vice.com article where the photos by Jurgen Augusteyns initially appeared.Belkhiri told the BBC she took the photos to show that things can be different. And that we can live together, not next to each other but with each other. Social media commenters called Belkhiri a badass who put anti-Islamist protesters in their place. But the newfound notoriety brought scrutiny of Belkhiri s alleged Facebook and Twitter posts by Breitbart.com and other sites. Many were far more disturbing than anything Belkhiri was protesting.Here s a sample of one of the peace-loving Muslim woman s tweets:Belkhiri briefly deactivated her Twitter account, then reactivated it to first deny the posts were hers and then to apologize and explain that she had meant Zionists. Via: FOX News ",left-news,"May 23, 2016",0 +TRUMP COMES OUT SWINGING: New Ad Features One Of Bill’s Rape Victims…With Surprise Ending [VIDEO],"Bill s gonna wish his corrupt wife never ran for President by the time Trump is finished exposing this family of grifters. This is more than just about Trump winning, it s about Trump doing the job the media should have been doing to expose Hillary Clinton as an accomplice to her perverted husband for decades Fresh from using the R word during a recent sit-down with Sean Hannity, Donald Trump on Monday released on Instagram a new campaign ad against Hillary Clinton featuring the voice of Bill Clinton s rape accuser, Juanita Broaddrick. He starts to bite on my top lip and I try to pull away from him, Broaddrick is heard saying in the brief ad. Bill Clinton can be seen in the background with a cigar in his mouth.Watch here:Is Hillary really protecting women?A video posted by Donald J. Trump (@realdonaldtrump) on May 23, 2016 at 8:27am PDTYou gotta love the cackle at the end The Broaddrick audio comes from an emotional interview that she gave to NBC s Dateline in 1999 describing the alleged rape.Broaddrick says Clinton raped her at a hotel when she was a nursing home administrator volunteering for then-Arkansas Attorney General Bill Clinton s 1978 gubernatorial bid.She told NBC s Dateline that she resisted when Clinton suddenly kissed her:Then he tries to kiss me again. And the second time he tries to kiss me he starts biting my lip He starts to, um, bite on my top lip and I tried to pull away from him. And then he forces me down on the bed. And I just was very frightened, and I tried to get away from him and I told him No, that I didn t want this to happen but he wouldn t listen to me. It was a real panicky, panicky situation. I was even to the point where I was getting very noisy, you know, yelling to Please stop. And that s when he pressed down on my right shoulder and he would bite my lip. When everything was over with, he got up and straightened himself, and I was crying at the moment and he walks to the door, and calmly puts on his sunglasses. And before he goes out the door he says You better get some ice on that. And he turned and went out the door. In an interview with this reporter last week, Broaddrick was asked to comment on the statements made by Trump at a campaign stop earlier this month, where the presidential candidate slammed Hillary Clinton as unbelievably nasty, mean enabler who destroyed the lives of her husband s mistresses and alleged victims.Broaddrick replied: I feel like she has been the enabler behind him in allowing him to continue on the same path that he did back in the 70s and 80s and 90s. He has absolutely no morals when it comes to women. Via: Breitbart News",left-news,"May 23, 2016",0 +BLACK JUDGE FINDS White Cop In Freddie Gray Case NOT GUILTY Of All Charges…PROTESTERS ERUPT [VIDEO],"No reason to deal in facts. A black man was killed by a white cop why bother with a trial right? The verdict is in for one of the officers tried in the death of Freddie Gray: not guilty.Baltimore Circuit Judge Barry Williams found Officer Edward Nero, 30, not guilty of all charges Monday, The Baltimore Sun reports.For anyone who questions whether or not the trial was biased or unfair, they may want to consider Judge Williams commitment to civil rights:Judge Williams worked for the civil rights division of the U.S. Justice Department, 2002-2005. He was a trial attorney in the civil rights division of the U.S. Department of Justice, 1997-2002. The officer elected to have a bench trial, which means he waved his right to a jury trial and allowed the judge to decide his fate.Prosecutors hit Nero with misdemeanor charges of second-degree assault, reckless endangerment as well as two counts of misconduct in office, which could have landed him with up to 15 years in prison.The prosecution argued that Nero was wrong in detaining Gray without a good reason and for not buckling him into the van. Five other officers were involved in the death. Officer Caesar Goodson Jr. will be the next tried, set to begin June 6.Police arrested Gray in April and transported him in the back of a police van. The details are unclear with conflicting accounts, but Gray appeared healthy when arrested and was severely injured within an hour after his encounter with police. His spinal cord was severely damaged and he died a week later from the injuries.Baltimore Police Officer William Porter, 26, was the first of six officers to be tried, but the case was declared a mistrial. All will be tried separately. Porter, who is black, is scheduled to be tried again in September. Although he did not arrest Gray, he is accused of not properly buckling him into the van, which may have allowed him to slide around in the back, potentially causing the injury.Read more: Daily Caller ",left-news,"May 23, 2016",0 +NATIONAL SECURITY FOR SALE: UNIVISION Chair Gives Hillary $7 Million To Keep Borders Open,"Trump has the Left scrambling to figure out how they re going to stop the flow of illegal immigrants future Democrat voters into America. The possibility that he will defeat Hillary in a landslide election is becoming more and more real every day The chairman of the huge media company Univision has coughed up $7 million to support Hillary Clinton, according to a report on the biggest donors to her presidential campaign.Haim Saban and his wife, described as liberal mega donors, are the Democratic front-runner s top donors, according to the campaign database OpenSecrets.org and its reporter Will Tucker.Saban is notable inside the Donald Trump campaign for canceling coverage of Trump s Miss USA pageant on the Spanish-language network after the Republican proposed a wall between the countries.Tucker revealed the information on Full Measure with Sharyl Attkisson, which will air Sunday on Sinclair stations and online.By comparison, Trump s top donor gave $150,000, said the report.From the show s transcript, provided in advance to Secrets:Attkisson: Would people be surprised to know what s really going on behind some of these campaigns? Tucker: I think they would. And I think the data that we work with every day reflects kind of what people fear about the political system. It reflects that very few people have an outside influence over the federal political system in the United States. Tucker also found that Wall Street is Clinton s top donor.Below is the information and fuller transcript provided by Attkisson s show:Sharyl Attkisson: Who are Hillary Clinton s biggest industries and individuals giving to her or her Super PACs? Will Tucker, Open Secrets: If you look at her campaign, what you ll see is very traditional Democratic sources of campaign funds: Education as an industry and lawyers and law firms, to be specific. But if you factor in her Super PACs that are supporting her, securities and investment, what we consider to be Wall Street jumps up the list. It is her number one donor industry. Haim Sabin is one of the biggest supporters of Hillary Clinton s Priorities U.S.A. Action Super PAC.Sharyl: Who s Haim Saban? Tucker: Haim Saban is the Chairman of a big media group. He is a liberal mega donor, and has been for several years. He s a very plugged in donor with the Clinton coalition. Saban and his wife have supported Hillary Clinton to the tune of $7 million dollars. Their giant media investment firm owns Univision. That s the Spanish language TV network that cancelled plans to air Trump s Miss U.S.A. pageant after he said he d build a wall on Mexico s border and crack down on illegal immigration. Sharyl: Would people be surprised to know what s really going on behind some of these campaigns? Tucker: I think they would. And I think the data that we work with every day reflects kind of what people fear about the political system. For entire story: Washington Examiner",left-news,"May 23, 2016",0 +EPIC! COMMIE OBAMA PICTURED With Vietnam President In Front Of This!,"Wow! What a commie putz! After lifting the arms restrictions on Vietnam, Obama gleefully gets a photo right in front of the bust of Ho Chi Minh. That s some rich symbolism right there!",left-news,"May 23, 2016",0 +"WATCH: RAPPER MAKES VIDEO Shows White Police Officer Being Tortured, Hanged…Says He’s β€œNot Advocating Violence” Just Promoting Black Lives Matter"," Keep your white Jesus is all you need to hear to know how ignorant this rapper is. Because anyone who makes a video about torturing and hanging a police officer is somehow concerned about the color of Jesus skin? Of course, in the end it s all about pay-back for slavery?Some idiot rapper named David Banner is looking to make a dime out of inspiring hatred and violence in the black community, so he made a video showing a policeman being tortured and hanged. But don t worry he put a disclaimer up front saying he s not advocating violence!!Watch the stupidity below:Via: The Right Scoop",left-news,"May 22, 2016",0 +THE MOST CORRUPT WOMAN IN POLITICS Calls Trumps Success β€œPretend” [VIDEO]," Says the women whose whole life has been a series of lies.Hillary Clinton on Sunday effectively dismissed her two remaining White House rivals, suggesting that she s better vetted and tested than Democratic primary opponent Sen. Bernie Sanders and that presumptive Republican nominee Donald Trump is only pretend successful. I have been vetted and tested, the Democratic front-runner and former secretary of state said on NBC s Meet the Press. Clinton also suggested that the Vermont senator has not had a negative ad against him during the primary and said, I am going to be the nominee. I m in a much stronger position, and voters who have given me 3 million more votes think that as well. Clinton repeated what she has said in recent days, We re stronger together, a likely reference to the acrimony between the Clinton and Sanders campaigns and supporters, as Sanders keeps alive his longshot White House bid.Recalling how she stayed late into her failed 2008 primary race against now-President Obama, Clinton said that Sanders, campaigning hard this weekend in California ahead of the state s June 7 primary, has every right to finish off his campaign however he chooses. She also appeared to dismiss Trump s business success, the centerpiece of which is his real estate holdings, in an apparent attempt to get him to release his tax returns. She compared him to business people who are really successful, instead of pretend successful. Via: FOX News",left-news,"May 22, 2016",0 +PITTSBURGH POLICE OFFICERS Boycotting Race Baiting Diva Beyoncé’s Concert May Be FORCED To Work,"The worst thing is the number of white people and people with ties to law enforcement officers will pay to see one of the most influential, openly anti-white, anti-cop entertainers in America There are reportedly several Pittsburgh police officers refusing to work security for Beyonc s May 31 concert at Heinz Field, due to what they call the singer s anti-police lyrics in her latest Black Lives Matter-themed album, Lemonade. But city officials may force those officers to provide security for the show. There are police officers that have expressed that they do not want to support an artist that they don t like what she has to say, said Robert Swartzwelder, president of the Fraternal Order of the Police Lodge No. 1. It s up to them what they want to do with their off-duty time. Concert venues, like Heinz Field, usually ask city officials to provide off-duty police officers to work security or direct traffic at an event. The choice to work these events is usually each police officer s to make.However, a memorandum to officers from the City of Pittsburgh Bureau of Police says the city may appoint between 29 to 35 officers to work at the concert if they don t recruit enough volunteers.Click HERE for Beyonc s racist, cop-hating video.Swartzwelder said the city s plan would be in direct breach of the contract agreement between the city of Pittsburgh and the police department. Such a move would force the Fraternal Order of the Police to file an unfair labor practice complaint on behalf of its member officers.Last February, the Miami Fraternal Order of Police announced a boycott of Beyonc s concert where her Formation world tour would be kicking off. Similar calls to boycott Beyonc were lodged from Tampa, Florida to Texas.Earlier this month, members from several police organizations, including the Pasadena Police Department and the Coalition for Police and Sheriffs, held a protest near Beyonc s concert in Houston, Texas.Already aware of the criticisms of her music, Beyonc upped the ante last month and decided to sell Boycott Beyonc merchandise, including T-shirts, cellphone cases, and hats.Via: Breitbart News ",left-news,"May 22, 2016",0 +β€œTHE JIHADIST NEXT DOOR”…Undercover Filmmaker Shows BRUTAL Truth About EVIL Intentions Of Britain’s Non-Assimilating Muslim Community,"This is the truth about the intentions of the growing radical Muslim population living in the UK. It s the truth the liberal, open-borders Left in America doesn t want you to see. These are the people Donald Trump is warning us about allowing into our country with no real vetting, besides that of the UN, who has no vested interest in our national security. The people featured in this video could easily be your neighbor. An Eye-Opening Two Year Undercover Investigation Into Britain s Muslim Community These are the black flags of Islam. This one is actually the flag of the Islamic State [ISIS]. One day when the Sharia comes, you will see this black flag everywhere. One famous scholar of Islam Sheik he said that, The black flag of Islam will one day fly high over 10 Downing Street and that was about 10-15 years ago. It seemed ludicrous back then, but if you look at the way society is moving now, you see it as a very real possibility, the way Muslims are coming forward in this country. ",left-news,"May 21, 2016",0 +LOL! OPEN BORDERS SEAN PENN Responds After New PRO-REFUGEE Movie Gets DESTROYED By Critics At Cannes,"Is it possible the French have lost their appetite for our pro-open borders Hollywood liberals misrepresenting the truth about the inundation of Muslim men into their towns and communities? CANNES Another day, another dud. In its early days, the 69th Cannes Film Festival was one of pleasant surprises, including a three-hour German-language art-house comedy, Toni Erdmann, that had critics applauding during as well as after the film. Then there was Paterson, a Jim Jarmusch creation starring Adam Driver as a bus driver who writes poetry. The well-received film plays out like something of a poem itself. And even if it doesn t win any official prizes, it has already captured the Palme Dog for best canine performance, by a bulldog named Nellie.But many of cinema s big names have proven less reliable. Woody Allen s Caf Society and Stephen Spielberg s The BFG, both opening out of competition, were solid but hardly the directors best work. A Thursday night screening of The Neon Demon, written and directed by Nicolas Winding Refn and starring Elle Fanning, drew jeers for its lurid, over-the-top stew of vampirism, cannibalism and a touch of necrophilia.That was followed the next morning by The Last Face, Sean Penn s fifth film as a director and his first since 2007 s Into the Wild. It s a story of refugee crises and humanitarian aid (subjects with which the activist Penn is intimately familiar) but also, as an opening text explains with a thud: about the love (pause) between a man (pause) and a woman. You could hear the groans from the crowd.Charlize Theron and Javier Bardem lead an international cast that includes Britain s Jared Harris and French star Jean Reno. They are aid workers whose tumultuous love affair plays out over a decade and many explosions and, lest we doubt their passion, through a variety of slow-motion scenes, soft-focus lenses and choral music.Penn had little to say about the negative reaction to The Last Face. I ve finished the film so it s not a discussion that I feel I can be of any value to, he said. I stand behind the film as it is, and everybody is going to be well entitled to their response. Via: National Post ",left-news,"May 21, 2016",0 +WOMAN WORKING OUT WITH HUSBAND Told To Stop Wearing Tank Top To Gym…Reason Why Is OUTRAGEOUS!,"It s perfectly appropriate for a male rapist to make his way into a public girl s bathroom but a woman working out with her husband in a gym is not allowed to wear a TANK TOP because the size of her breasts might offend someone? Saying she felt degraded, an Ottawa woman is pursuing a possible human rights complaint against a local health club that asked her not to wear a tank top allegedly because of the size of her breasts.But the club, Movati Athletic, was fighting back against Jenna Vecchio Friday, saying that while it did not intend to embarrass her, it was she and her husband who chose to make the dispute public.Vecchio said she has contacted a human rights lawyer and is considering her options after she was told by a female staff member at Movati that her black, form-fitting tank top was making other gym members uncomfortable.The incident, which took place last Saturday while Vecchio and her husband were working out, left the woman shaken. It was humiliating because there were other members around (who) stopped doing what they were doing to listen in on the conversation, Vecchio told The Canadian Press. I felt singled out, degraded, she added. My chest became the focus of conversation and that s not something a woman likes to discuss openly with people. Vecchio shared her story on Facebook. It currently has over 5,200 shares.Here is Vecchio s post to Facebook:Vecchio returned to the gym two days later, where she cancelled her membership after speaking with the club manager, who promised to look into the matter and get back to her.But Vecchio didn t get a response and said she only heard through the media that Movati is standing by the decision.In a statement, the company said it launched an investigation after it saw Vecchio s Facebook post, and that it is upholding the decision to enforce its dress code. Following Ms. Vecchio s own social media postings on this matter, we conducted a thorough investigation which included first-hand accounts from members and other staff, and a followup meeting with Jenna herself, said the statement. Upon conclusion of our interviews, we stand by the original decision that confirms that Ms. Vecchio was dressed inconsistently with our code of conduct. Via: National Post ",left-news,"May 21, 2016",0 +RELIGION OF PROGRESSIVISM: Meet Obama’s NEW Transgender Leader For FAITH-BASED Neighborhood Partnerships,"The religion of Progressivism is working overtime to erase and replace Christianity in the lives of Americans. God is nothing more than a nuisance. He only gets in the way of a more accepting religion the Left has been cultivating for decades, where the rules are morals are determined by a select group of people in our government and in specially appointed positions within our government. You know kinda like Communism The Obama administration has appointed a transgender individual to the President s Advisory Council on Faith-based Neighborhood Partnerships, selecting Barbara Satin for a post along with two representatives of minority faiths.Satin, who was born a man but identifies as a woman, is an Air Force veteran, a member of the United Church of Christ and currently works with the National Gay and Lesbian Task Force, according to CBN News. Given the current political climate, I believe it s important that a voice of faith representing the transgender and gender non-conforming community as well as a person of my years, nearly 82 be present and heard in these vital conversations, Satin said in a statement published through the United Church of Christ. The Blazeh/t Weasel Zippers",left-news,"May 21, 2016",0 +TRANSGENDER TARGET SUING Good Samaritan Who Saved Girl From Being Stabbed To Death [VIDEO],"The timing couldn t possibly be any worse ***WARNING*** GRAPHIC VideoTarget is smack dab in the middle of a PR nightmare. The news of Target suing this good samaritan couldn t have come at a worse time In 2013, everyone agreed that Michael Turner saved the life of a teenaged girl who was attacked in a Pennsylvania Target store. Now, Target is suing him.When she was sixteen, Allison Meadows was shopping in an East Liberty, Pennsylvania, Target store when Leon Walls rushed into the outlet and stabbed her.With the assistance of surveillance video, Walls was convicted of attempted homicide for his attack on the girl.Here is the horrific video of the stabbing and more importantly, of the heroic act by Michael Turner (who Target is suing) that saved her life:The only reason the girl did not suffer more injuries is because Michael Turner interceded and, along with several other men, confronted Walls. Turner himself chased Walls out the store with a baseball bat.Unsurprisingly, Meadows was extremely thankful for Turner s efforts. I thank him, Meadows has said. I thank him every time I see him. But Meadows launched a lawsuit against Target, saying the store s lack of security put all shoppers, not just her, in danger.Target, however, is less grateful for Mr. Turner s heroics. And now the retailer is suing him for endangering the store s customers.According to the company s filing, Target says Turner and several others chased the suspect toward the store s entrance after the attack on the girl. The store insists Turner put other shoppers at risk with his actions.The victim of the stabbing and her family are furious with the retail chain and say Target is just trying to shift the blame away from its own security failures. Suing Michael Turner is just Target s way of trying to blame someone else for what happened under their own roof, the Meadows family attorney said. The family certainly doesn t blame Mr. Turner and they are thankful he was there that day. Target is already getting negative publicity; the chain is the subject of a major boycott effort due to its announcement that it is allowing men to use women s bathrooms and changing rooms.Despite the uproar over its decision not to mention the loss of up to $6 billion in stock values Target doubled down on its policy.Via: Breitbart",left-news,"May 20, 2016",0 +WATCH: THINGS GET UGLY WHEN Canada’s Self-Proclaimed β€œFEMINIST” Prime Minister ELBOWS Woman From Conservative Party On House Of Commons Floor,"The self proclaimed feminist apparently has no problem with using physical force against a woman who is part of a party that opposes his radical ideology Apparently, he forgot about his softer side when he elbowed NDP MP Ruth Ellen Brousseau in the chest Following the fracas on the floor of the House of Commons Wednesday night, opposition members of Parliament have taken turns scolding Justin Trudeau for his behaviour, with some even suggesting that the prime minister might be guilty of a crime.Justin Trudeau elbows his way into a bad dayJustin Trudeau apologizes for failing to live up to a higher standard NDP MP Niki Ashton said that physical violence had taken place in the House and that people would call what happened here assault. Conservative MP and deputy justice critic Michael Cooper suggested that Trudeau s physical encounters with two MPs could be defined as criminal assault. And Tory MP Mark Warawa tweeted that Trudeau was guilty of physical assault. And technically speaking, they might have a point.Ahead of a vote to limit debate on the government s doctor-assisted dying bill, Trudeau walked across the aisle and took Conservative Party whip Gord Brown by the arm while inadvertently elbowing NDP MP Ruth Ellen Brosseau in the chest. Trudeau has apologized repeatedly for the incident and said his behaviour was unacceptable. Assault definition is broadBut the act of taking Brown by the arm and ushering him to his seat, in the most technical sense probably meets all the requirements for assault, said Toronto lawyer Daniel Lerner, who was a former Ontario Crown prosecutor. The basic definition of an assault is if a person intentionally uses force on another person without their consent. (Brown said he told the prime minister to let go of him.)But that definition is broad and can capture quite a lot, Lerner said.Via: CBC ",left-news,"May 20, 2016",0 +WEDDING CRASHERS: Hillary Tries To Explain Why She And Bill Attended Trump Wedding And Proves They Are First Class Grifters,"Who goes to a wedding and doesn t bring a gift? Who brags about going to a wedding and not bringing a gift? Hillary admits she and Bill thought the wedding would be fun .Grifters Opportunists The Clinton s That s who When Hillary Clinton and husband Bill attended Donald Trump s 2005 wedding, their presence was their present.Asked at a Monday night forum in Iowa what she got Trump for his wedding, Clinton responded with a slight smile, Nothing. Nothing. He used to he was basically a Democrat before he was a Republican, she continued, and he was, you know, somebody that we all knew in New York. And he was supportive of Democrats. He was supportive of a lot of the causes that I cared about and that people I knew cared about. Now he seems to have taken another road, she concluded.At the GOP debate in Cleveland, Trump claimed Clinton had no choice but to attend his wedding. Trump married Melania Knauss, his third wife, at Mar-a-Lago in Palm Beach.In August, Clinton offered a different explanation for attending. I didn t know him that well. I mean I knew him, and I happened to be in Florida, and I thought it was going to be fun to go to this wedding, because it s always entertaining, she said last year. It s all entertainment. I think he s having the time of his life, saying what he wants to say getting people excited both for and against him. It is generally accepted that guests invited to a wedding bring a gift, even when the groom is a real estate mogul.Advice columnist Miss Manners wrote in 2013, You should not be attending a wedding if you do not care about the couple (either truly, or because they are relatives and you are supposed to care), and therefore wedding guests give wedding presents. Via: NYP",left-news,"May 20, 2016",0 +WATCH: TRANSEXUAL MICHELLE OBAMA LOOK-ALIKE Kicked Out Of Girls Bathroom By Security Guard…Presses Charges,"So it begins the suing of Americans who don t agree with Obama s dangerous decree that allows men to use the little girl s room at will. Will the first little girl who is raped in the Target bathroom receive the same media attention and compassion as this MAN will get from leftist LGBT agitators and progressive pigs of America? D.C. police have charged a security guard at a Giant grocery store with simple assault after a transgender woman said the guard forced her out of the women s restroom. Ebony Belcher, 32, said she went to the Giant in northeast D.C. with a friend to pick up a delivery from the Western Union.While at the Giant, she asked a store employee to point her to the restroom and passed a female security officer standing in the hallway. The officer came into the restroom and told her to get out, according to Belcher. Via: NBCWashingtonAlmost as disturbing as the transvestite who is eagerly using the little girls room (even though his genitals clearly show he is a male and should be using the bathroom with urinals), is Jackie Bensen, the woman reporting for News 4. Instead of reporting about a man who was invading the private space of women, she instead, chooses to behave as though she s just been exposed to a gruesome murder scene.We agree with the brilliant commentary on this issue by Rick Wells:Did the whole US sign up for some kind of voluntary brainwashing or mind control exercise without inviting me? As a similarly perplexed comedic genius once put it satirically, What in the wide wide world of sports is a goin on here? Now life has become stranger than fiction.The reporting and hand wringing would and should be laughable if it weren t so seriously deranged. Words have meaning and pronouns are words he is for boys, those with outie plumbing; she is for girls, the ones with innie plumbing. It s no more complicated than that or at least there s no reason for it to be. Despite claims to the contrary, clothes do not make the man or the woman. The female reporter joins in, describing the bathroom user as a transgender woman, and using the female pronouns for the man. You mean the mentally unstable man dressed up as a woman who is lurking in about in the ladies room, don t you, Miss liberal news reader? And aren t you being quite disingenuous? Wouldn t you want a pervert lurking around as you were taking care of your own private business to be redirected if you had been in that situation?According to the on the scene reporter, rather than thanking the security officer for protecting the space and the privacy of the real women from perverts pretending to be women, possible hate crime charges are being considered. That s good, make an example of this hero who stood up to the liberal bullying and turn women s rooms across America into pervert lounges. That s what the Marxists want, along with the complete emasculation of the American male population and manning-up of the girls.The reporter calls the pervert a transgender woman multiple times, misreporting the events. She says it was a deeply humiliating experience for the dude looks like a lady, which it should have been. Anywhere that man goes dressed up like a girl he should be embarrassed, it s abnormal.Even more embarrassing should be the fact that when he s dressed up like a girl he looks like a clone of another suspected transsexual, Michelle Obama. He s the spitting image right down to the overabundant teeth in his mouth and the freshly weed-whacked hairdo.His friend, identified as Earline Bud in the report, is another of the men parading as a woman though his size clearly restricts him to the handicapped stall of any facility he uses. He claims he couldn t believe that his friend was told he had to go to the proper restroom. Yeah, pretty unbelievable isn t it?For entire commentary click here: Rick Wells GIANT store s response: ",left-news,"May 20, 2016",0 +FURIOUS CUSTOMERS RESPOND To Home Depot Cashier’s β€œAMERICA WAS NEVER GREAT” Anti-Trump Hat [VIDEO],"The people who are angry about her wearing this hat should also be angry at the hate America indoctrination our children are getting at school, and from our Community Organizer In Chief who s made it cool to hate America and it s racist, homophobic, greedy citizens The decision by Home Depot cashier to wear a white baseball cap carrying the slogan America Was Never Great has caused a social media storm.A photo of Staten Island Home Depot employee Krystal Lake wearing the anti-Trump hat went viral Sunday. The reaction from Facebook and Twitter users skewed negative, with some promising to never shop at Home Depot again.According to this black @HomeDepot employee, ""America was never great"" pic.twitter.com/AO9p39TJCk Dr. White (@RealDoctorWhite) May 18, 2016Hey @HomeDepot you are OK with this? What an insult to #Vets and ALL Americans #Vets4Trump #Trump2016 pic.twitter.com/BjM835m4rH District fCriminals (@DistOfCriminals) May 18, 2016To be sure, Lake, 22, admits that wearing the America Was Never Great hat was her way of making a broader statement about U.S. history. The point of the hat was to say America needs changing and improvement, Lake told the Staten Island Advance. I don t think it s a positive message to say, Let s look to the past. The lifelong New Yorker said she was surprised when she awoke Wednesday morning to see a tsunami of calls and texts messages from friends and co-workers asking if she had noticed the firestorm her hat had created. Everyone kept asking me if I was on Facebook or Twitter, which I hadn t been, she said, and then I saw how many people were sharing [the picture] and that it was going viral. I was honestly shocked I didn t expect any of this to happen, Lake added.Interestingly, Republican presidential candidate and New York real estate mogul Donald Trump won the April 19 primary contest in a landslide, securing over 80% support in Staten Island.For its part, Home Depot didn t waste time responding to critics on Twitter and Facebook. The Atlanta Georgia-based home improvement retailer called Lake s hat inappropriate.It is against Home Depot policy for employees to wear apparel that reflects political statements, company spokesman Stephen Holmes said.Via: Breitbart News",left-news,"May 20, 2016",0 +BLACK LIVES MATTER ACTIVIST Obama Invited To White House Charged With PIMPING Teenage Girl…Blames Conservatives β€œTrolls”,"Just another upstanding citizen who s been invited to the White House by our Community Organizer In Chief Birds of a feather Who can forget when Obama s speech about child safety was interrupted by a rapper who was wearing an ankle bracelet for KIDNAPPING went off?And then there was the rapper Tef Poe, who met with Obama in our White House to strategize , who tweeted this threat: Dear white people if Trump wins young niggas such as myself are fully hell bent on inciting riots everywhere we go A Black Lives Matter activist who operates a social justice charity was arrested last month on charges of sex trafficking a 17-year-old girl.Charles Wade co-founded Operation Help or Hush in the aftermath of the August 2014 police shooting of Michael Brown in Ferguson, Mo. The group claims it helps raise funds for the needy and provide food and shelter for activists.But according to a police report obtained by TheDC, the 33-year-old Wade was raising money in more explicit ways.He was arrested on April 25 at a motel where he resided in College Park, Md. Police say he was using the motel room to pimp a 17-year-old girl.He s charged with seven counts, including felonies for human trafficking. The charges carry sentences of up to 25 years in prison and a $15,000 fine. Wade posted $25,000 bond and left jail on April 27.Wade denied the allegations in an email to The Daily Caller. Formerly a stylist for Solange Knowles, the sister of Beyonce, Wade has been featured in numerous news articles about the Black Lives Matter movement. He was also invited by the White House earlier this week to a movie screening with other Black Lives Matter activists. Wade says he did not attend the function, which was on Tuesday.Last year, a team of Washington Post reporters, including Pulitzer Prize-winner Wesley Lowery, included Wade in a profile of Black Lives Matter activists who protested after the August 2014 shooting of Michael Brown by Ferguson, Mo. police officer Darren Wilson. According to the police report, an undercover officer with the vice intelligence unit responded to an ad on backpage.com, a website frequently used by sex traffickers and prostitutes. Holla at me. Quick stay specials tonight and tomorrow. Independent. Fun and sexy. Text me to set up an appointment??????? reads the ad, which listed the age of the poster as 23.The undercover detective contacted the poster to set up a meeting. The respondent informed him that the cost of services would be $100 for a half-hour and provided an address, which turned out to be a Howard Johnson Inn in College Park. A room number was also provided.When the undercover john arrived, a white female wearing only a towel answered the door and let him inside the room. After she attempted to initiate contact with the detective he informed her he was a police officer, and she ran out of the room. Members of the Vice Intelligence Unit described a male that was watching the Undercover Detective as he entered [room 412], the report reads.Investigators reported that the teenager, who gave her age as 17, said that Wade was her manager. She called him CJ. Wade, who used a passport to rent the Howard Johnson Inn room, was arrested and charged with sex trafficking. Police recovered three cell phones from him.The alleged victim told investigators that Wade knew she was a minor. She said that he told her he was not concerned about her age because you only have 5 months left until you re 18 so I m not worried. She also told investigators that she provided all the money she was paid to Wade.In response to TheDC s request for comment, Wade claimed that a tenant at a temporary housing facility he was running as part of his charity was involved in activities that he did not know about. As this is a legal matter, I m not going into serious detail with you, he said.He did claim, however, that he was unfairly arrested because he was too trusting. Despite those claims, the police report suggests that there is evidence that Wade was the person who communicated with the undercover detective by text message.Wade issued a statement on Twitter after being contacted by TheDC in which he blamed conservative trolls for focusing on the case. He also said I am confident that I will be cleared of the charges I am currently facing. I was forced to make this statement before I was ready to because of ongoing efforts by Twitter trolls to stop my work and the work of my organization, he wrote. For the past two to three days, trolls have been actively baiting conservative news outlets to report on my arrest, amongst other vindictive things that they are actively working on. Wade also stated that the recent arrest is the second time he has been arrested after helping someone else. He did not provide details of the case, but a review of criminal databases shows he was charged with 3rd degree grand theft in Miami in January. Wade says he was not convicted in the case nor did he take a plea deal. Records show that the case was closed in February.Wade was also arrested in August 2014 in Travis County, Tex. and charged with making false statements.For entire story: Daily Caller ",left-news,"May 19, 2016",0 +LEADING N. CAROLINA NEWSPAPER: Girls Need To Attempt β€œOvercoming Discomfort” At Sight Of β€œMale Genitalia” In Locker Rooms,"The Leftist agenda in action blurring the lines of sexuality, while stripping humanity of any sense of individuality or morality A leading North Carolina newspaper issued an editorial last week telling girls to attempt overcoming discomfort at the sight of male genitalia, should transgender bathroom laws be enacted.In a defense of President Obama s order compelling schools to allow access to restrooms on the basis of gender identity, the Charlotte Observer editorial board compared the discomfort of school-aged girls seeing male genitalia in locker rooms to the discomfort of white people being around black people in post-segregation America. This is what the Obama administration nudged the rest of the country toward Friday, the editorial said. Yes, the thought of male genitalia in girls locker rooms and vice versa might be distressing to some. But the battle for equality has always been in part about overcoming discomfort with blacks sharing facilities, with gays sharing marriage then realizing it was not nearly so awful as some people imagined. While admitting that exposure to male genitalia is a possible outcome of transgender bathroom laws, the editorial said the notion that such laws constitute a threat to the privacy and safety of women and children is a political fiction pushed by Republicans. Those safety issues are political fiction non-transgender men wouldn t have been allowed in women s bathrooms under the Charlotte ordinance that HB 2 killed, and the 200 or so cities with similar ordinances have had no incidents involving bathroom predators, the editorial said. Via: Washington Times",left-news,"May 19, 2016",0 +WATCH: FOX Host DESTROY Race Enthusiast Juan Williams After He Attempts To Race Shame Her…,"Watch Juan Williams make several attempts to shame Fox Five host, Kimberly Guilfoyle for speaking out against Obama s Black Lives Matter race war in America. Once he realizes he s losing the argument, he attempts to berate her, telling her she is uncomfortable about being a racist. His horrible accusation is followed up brilliantly when Guilfoyle responds by asking, Why would I be uncomfortable about it [racism] as a Puerto Rican woman? A heated exchange on the subject of identity politics took place on The Five between, Kim Guilfoyle accused co-host Juan Williams of becoming infamous and also ridiculous because you put words in people s mouths. Guilfoyle, praising a commencement speech by Supreme Court Justice Clarence Thomas, said, I like his emphasis on faith and belief. Because in my personal opinion, the past eight years, we have seen under the Obama administration, they have used class warfare and race and envy to divide the nation. They have, and communities when you see Ferguson and other places Oh, I see. President Obama did Ferguson? Williams interjected.https://youtu.be/3bRrDyacnP0 Their exchange continued:KG: I didn t say that, Juan. And you re really become infamous and also ridiculous because you JW: Because that was a ridiculous statement.KG: You put words in people s mouth and you paraphrase JW: I didn t say You said President Obama, Ferguson .KG: I didn t say that. I said the administration.JW: OkayKG: And it s true. Under Eric Holder and the Injustice Department.JW: Whoo.KG: This is part and parcel for what happened across this country. We did not come closer together as a country. We became more divided. And there was more loss of life and destruction of property from that race and identity politicsJW: I see, because people speak out against injustice, you don t like it and it makes you uncomfortable.KG: Well, it s no it doesn t make me uncomfortable.JW: You have to deal with reality.KG: No. I do deal with reality. The bottom line is they fostered an environment that was violence and that was not something that brought people together. Instead of using the opportunity as president to bring people together and blur race and gender lines it was more about divisiveness JW: Oh, I see you want to blur race and gender when it makes you uncomfortable, KimberlyKG: I m not uncomfortable by it at all. I m not uncomfortable by it at all.JW: People in this country who have to live with police aggression KG: Why would I be uncomfortable with that as a Puerto Rican woman? The only way to blur race and gender is with alcohol! Greg Gutfeld burst in, bringing the heated exchange to a landing. Everybody just go out and get drunk. Via: Mediatate YouTube",left-news,"May 19, 2016",0 +SPEAK ENGLISH…You’re In America! Owner Of Popular Frozen Custard Shop Defends His Policy [VIDEO],"Forcing employees in a mostly Hispanic area of a very liberal city to speak English seems like a bit of a risk. It appears however, that Mr. Schneider is unconcerned about the spotlight on his English only policy and is standing firm on his convictions. It s going to get disruptive if we have to become bilingual, trilingual or anything else. Ron Schneider, Leon s Frozen Custard ownerMILWAUKEE Leon s Frozen Custard has an English-only policy a policy some are questioning, and others are applauding.Ron Schneider, the owner of Leon s, says there s nothing wrong with his policy, and that it doesn t appear to be hurting his business.Leon s is located near 27th and Oklahoma on Milwaukee s south side.Leon s Frozen Custard is a Milwaukee institution but the custard isn t good enough for everyone to overlook the controversial policy. Most people that live here are Latino, Jorge Maya said. I don t think I m going to be back anytime soon. This all started on Tuesday, May 17th, when Joey Sanchez overheard one of Leon s employees interacting with a Spanish-speaking customer. She whispered to him in Spanish I m not allowed to speak Spanish to you,' Sanchez said.Sanchez was next in line. He also placed his order in Spanish. The employee gave him the same response. I m trying to understand or find the why. I need to hear from him, to hear why he has this policy, Sanchez said.Schneider told WITI his employees can only speak English on the job. Hey, c mon! It is America. We ve spoken English for a long, long time, Schneider said.Schneider says the policy has been in place for a decade, and it has never been an issue. Any foreign language is going to be a problem. What I m trying to avoid is when people come up here, get waited on in a different language because there happens to be an employee who speaks that language, Schneider said.Sanchez said he feels Leon s policy is just bad business. If they have the people who can speak Spanish and communicate with the customer better, why not? Sanchez said.Other customers said they side with Schneider. We do live in America, you know? Ryan Schmidt said.Schneider, who points out that his wife is Hispanic, says no customer has ever been turned away at Leon s. Via: FOX 2 Now",left-news,"May 19, 2016",0 +A YOUNG FATHER EXPLAINS SOCIALISM To His 10 Year Old Son…A MUST Read For Every American,"The discussion Bret Stephens had with his 10 year old son, is one every parent should be having with the very generation who has the most to lose if socialism really is implemented in America. As parents, we re asked countless times by our children to explain ghosts, scary shadows on the walls, or some other imagined childhood fear. How many times however, do our children ask us to explain something that every American should truly fear? How many times do we have the opportunity to explain the reality of Socialism to our children? We Applaud Bret Stephens of the Wall Street Journal for the brilliant way he explained Socialism to his son. We thank him for sharing it with his readers.Noah, my 10-year-old son, was reading over my shoulder a powerful story about the state of medicine in Venezuela by Nick Casey in Sunday s New York Times. We scrolled through images of filthy operating rooms, broken incubators and desperate patients lying in pools of blood, dying for lack of such basics as antibiotics. Dad, why are the hospitals like this? Socialism. What s socialism? I told him it s an economic system in which the government seizes and runs industries, sets prices for goods, and otherwise dictates what you can and cannot do with your money, and therefore your life. He received my answer with the abstracted interest you d expect if I had been describing atmospheric conditions on Uranus.Here s what I wish I had said: Socialism is a mental poison that leads to human misery of the sort you see in these wrenching pictures.The lesson seems all the more necessary when discredited ideologies are finding new champions in high places. When Venezuelan President Hugo Ch vez died in 2013, an obscure U.K. parliamentarian tweeted, Thanks Hugo Chavez for showing that the poor matter and wealth can be shared. He made massive contributions to Venezuela & a very wide world. The parliamentarian was Jeremy Corbyn, now leader of the Labour Party.Up north, Naomi Klein, Canada s second-most unpleasant export, treated Ch vez as heroically leading the resistance to the forces of dreaded neoliberalism. Jimmy Carter mourned Ch vez for his bold assertion of autonomy and independence for Latin American governments and for his formidable communication skills and personal connection with supporters in his country and abroad to whom he gave hope and empowerment. There are lesser names to add to this roll call of dishonor Michael Moore, Sean Penn but you get the point: Democratic socialism had no shortage of prominent Western cheerleaders as it set Venezuela on its road to hyperinflation, hyper-criminality, water shortages, beer shortages, electricity blackouts, political repression and national collapse. Ch vez and his successor, Nicol s Maduro, gained prestige and legitimacy from these paladins of the left. They are complicit in Venezuela s agony.And so to the U.S. election, specifically the resolutely undead presidential candidacy of Vermont Sen. Bernie Sanders. The Sanders campaign is no stranger to accusations that its brand of leftism is cut from the same cloth that produced Chavismo. Yesterday, one of Hillary Clinton s most prominent Super PACs attacked our campaign pretty viciously, Mr. Sanders complained in September, noting that they tried to link me to a dead communist dictator. The senator protests too much. As mayor of Burlington, Vt., in the 1980s, he boasted of conducting his own foreign policy, including sister-city relations with Puerto Cabezas in Nicaragua and Yaroslavl in the Soviet Union. On a 1985 trip to Nicaragua, he lavished praise on Daniel Ortega s communist regime Chavismo s older cousin. In terms of health care, in terms of education, in terms of land reform . . . nobody denies they [the Sandinistas] are making significant progress in those areas, then-Mayor Sanders told one interviewer in 1985. And I think people understand that and I think the people of Nicaragua, the poor people, respect that. If Mr. Sanders ever rethought or recanted those views, I m not aware of it.But the point isn t what Mr. Sanders may have thought of the Sandinistas in the 1980s or the Chavistas in the past decade. It s that the type of socialism that the senator espouses $18 trillion in additional government spending over the next decade, accusations that Wall Street is a criminal enterprise and the continuous demonization of millionaires and billionaires is not all that different from its South American cousins.Democratic socialism whether Chavez s or Sanders s is legalized theft in the name of the people against the vilified few. It is a battle against income inequality by means of collective immiseration. It is the subjugation of private enterprise and personal autonomy to government power. Mr. Sanders promises to pursue his aims on the Scandinavian model, as if that was a success, and as if Americans are Scandinavians. It wasn t. We aren t. Bernie s Way paves the same road to serfdom that socialism does everywhere.That s a fact Americans might have learned after the Berlin Wall fell in 1989. We didn t. Take the time to tell your kids what socialism is, and does, before they too feel the Bern.Via: Wall Street Journal",left-news,"May 18, 2016",0 +MOTHER OF 12 GOES ON RANT IN TARGET STORE: β€œMothers…Get your children out of this store!” [Viral VIDEO],"Perhaps a few random flash mobs protesting Target s decision to put the feelings of .01% of our population before the safety of our women and children are in order?Video showing a woman protesting the bathroom policy at Target has gone viral. A video posted on YouTube shows the woman, who says she s a mother of 12, carrying a Bible through the store and yelling, America, when are you going to wake up? It s time to take a stand and have a voice. She calls the store s bathroom policy a wicked practice and says she wouldn t spend a penny there.You can see other people with her in the video, which lasts less than two minutes, and then shows them walking out.https://youtu.be/TCIYsXhR1D0Target has said that in its stores, transgender people are free to use whichever restroom they feel comfortable with. Via: Fox 8",left-news,"May 18, 2016",0 +CLINTON PAL AND FORMER GOVERNOR: Ugly Women Won’t Vote For Trumpβ€¦β€œThere are probably more ugly women in America than attractive women”,"The Democrat s war on mostly ugly women Former Pennsylvania Gov. Ed Rendell believes that Donald Trump will ultimately lose the support of women because of his past comments, arguing that there are more ugly women in the United States than attractive women.Rendell, a former two-term governor in the Keystone State, made the remarks to the Washington Post in a piece on Trump s attempt to make inroads with suburban voters, particularly in the Philadelphia suburbs. He told the Post s Dave Weigel that for every woman he wins, he ll lose 1 1/2 or two GOP women voters. Will he have some appeal to working-class Dems in Levittown or Bristol? Sure, Rendell told the Post. For every one he ll lose 1 1/2 , two Republican women. Trump s comments like You can t be a 10 if you re flat-chested, that ll come back to haunt him. There are probably more ugly women in America than attractive women, Rendell added. People take that stuff personally. Wendell, also a former Democratic National Committee chairman, has long been a top surrogate for former Secretary of State Hillary Clinton, having supported her in her 2008 bid for the White House. Via: Washington Examiner",left-news,"May 18, 2016",0 +TWO RICH WHITE GUYS Who Made A Fortune Selling Ice Cream To Rich People Introduce NEW FLAVOR To Highlight BLACK VOTER SUPPRESSION,"Two white guys living in a state where 96% of its residents are white, and who have become extremely wealthy by selling ice cream to the rich, want everyone to know how much they support diversity by marketing over-priced ice cream with diverse labels to more rich people Ben & Jerry s announced Tuesday that proceeds from its newest flavor of ice cream, Empower Mint, will help benefit the North Carolina NAACP s campaign to repeal the state s voter ID law. Ben Cohen, Jerry Greenfield and North Carolina NAACP President Rev. William Barber kicked off a voter registration drive at North Carolina Central University in Durham on Tuesday to help marshal support against a new North Carolina law requiring voters to present a photo ID before they vote.Proceeds from the sale of the new flavor will also go toward the organization s effort to get big money donations from corporations and wealthy elites out of politics. This flavor will benefit the North Carolina NAACP, an organization dedicated to ensuring the political, educational, social and economic equality of rights of all persons and eliminating racial hatred and discrimination, the ice cream company wrote in a statement on its website. It just felt really good to be working with all these people here in North Carolina, who ve been struggling to get back their right to vote for them and other people of color, said Ben Cohen.Campaigning against voter suppression is not something we get to do in Vermont, because they re so white, he added, chuckling. This flavor, Jerry Greenfield said, helps us connect with Ben & Jerry s fans as we work nationally on trying to help reauthorize the voting rights act. Right now we have a government that represents rich white people, Cohen added. That s not what s it s about. We ve got to overturn these laws. Ben & Jerry s Ice Cream was founded in 1978. Cohen and Greenfield sold the company they co-founded to British-Dutch corporation Unilever for $326 million in 2000. Via: Breitbart News",left-news,"May 18, 2016",0 +β€œFLUSH TARGET” Truck Will Travel To Every Store In MN Delivering A Serious Message: β€œI don’t feel safe at Target…” [VIDEO],"This highly visible campaign has nothing to do with being anti-gay this is about the safety of women and children and about Target looking the other way According to a CBS Minnesota report, an anti-Target campaign is working to send Target a strong message after the corporation doubled down on its policy to continue allowing patrons to use the bathroom of their self-identified gender.Opponents of Target s bathroom policy unveiled a truck with a young girl standing at a bathroom stall in front of a man staring at her with the message What about her rights to privacy & protection? Send Target a message don t shop where women and children s emotional and physical safety and privacy are under assault, Minnesota chair of the Child League Julie Quist said.The truck is set to visit every Target store in Minnesota with the hope of reversing the policy.Claire Chretien, an organizer of the campaign, said, I don t feel safe knowing that at Target a six-foot, five-inch, 250-pound man can follow me into a bathroom and store won t do anything about it. Target CEO Brian Cornell likened the policy to when Target included African-American models in advertising in the 1960s, noting its long history of embracing diversity and inclusion. Via: Breitbart News",left-news,"May 18, 2016",0 +SEX ROULETTE PARTIES On The Rise…One Person Is Secretly HIV…Entertained By β€œThrill” Of Not Knowing [VIDEO],"Culture rot The health professionals who will be forced to care for them will be really impressed when they find out how these sub-humans contracted HIV Sex roulette parties where one person is secretly HIV positive and nobody is allowed to use condoms are on the rise, warn doctors. The parties are usually attended by gay men, who are entertained by the thrill of not knowing whether they will be infected or not. Spanish doctors have noted a rise in the parties where attendees often take anti-viral drugs to reduce the risk of transmission.Dr Josep Mallolas of Hospital Clinic Barcelona said that the parties are a sign that people have lost respect for HIV, reports el Periodico. There is everything: sex roulette parties, or sex parties you can only attend if you already have HIV, he told the outlet.He added that some of the parties are known as blue parties because attendees take anti-viral medication to cut the risk of transmitting the virus.Psychosexual therapist Kate Morley told HelloU: Going to sex roulette parties is about the risk, partygoers think the higher the risk, the stronger the thrill. Via: Daily Mail ",left-news,"May 17, 2016",1 +"How TYSON FOODS Is DESTROYING Small Towns…Forcing Taxpayers To Pick Up Housing, Healthcare Costs For Muslim Refugees","This is a story you won t likely find anywhere else, as both political parties seem to be okay with the import of low wage workers from foreign countries. Meanwhile, we have millions of American citizens who have given up any hope of finding a job, and many more who are being paid more by our government to stay home. LEXINGTON, Neb. The old Longhorn Laundry is an unlikely place for a showdown over the First Amendment.You could easily miss the nondescript concrete building on a quiet downtown corner of this old cow town.But ever since a group of Somali workers from the local meatpacking plant spread out a sea of Persian rugs in the expansive former laundry and began holding Muslim prayer services five times a day, there has been controversy.City officials maintain that mosque leaders are ignoring local zoning laws and thumbing their noses at requirements for building permits and fire-code inspections.They insist that the flap is about a lack of parking, not a denial of religious freedom, and that it wasn t spurred by Islamophobia. The attraction is employment at Tyson Foods:African Muslims, mostly from war-torn Somalia, started arriving in the mid-2000s. Census estimates put the number of Somalis in Lexington at 769 in 2014 a 40 percent increase from 2000. Local Somalis and those who work with them say there actually may be 1,500 or more living in the community.Across Nebraska, census estimates show 2,100 Somali-born residents clustered in Omaha and Lincoln, and near meatpacking plants in Grand Island and Madison, as well as Lexington.Since Obama was elected, Nebraska has welcomed 6,716 refugees and the numbers have been increasing each of those years.Most of the refugees (seeded in Nebraska by federal church contractors) are Burmese or Iraqis, but of course Somalis have been resettled as well. (There are small numbers of Muslim Burmese and the largest group of Iraqis we admit to the US are Muslims. Somalis are virtually all Muslim.)For centuries, immigrants in search of a better life have been drawn to America s largest cities. Now, in part because of the meatpacking industry, recent immigrants have been seeking out small, rural towns. But many of these towns are struggling to provide the social services needed by such a diverse population that s largely invisible to most Americans.Noel, Mo is one of those small towns in America affected by the huge influx of mostly Somalian Muslim immigrants.Noel, Mo., has been dubbed the Christmas City and Canoe Capital of the Ozarks thanks to the Elk River, which winds through town. But this Missouri town of fewer than 2,000 residents thrives because of the Tyson Foods Inc. chicken processing complex located here it alone employs about 1,600 people. Just 20 years ago, Noel had only about half as many residents, and most of them were white. Then in the 1990s, Hispanics most of them Mexican moved to Noel to process chicken. Pacific Islanders and refugees from parts of Myanmar and Africa followed. We do have small towns that have had 100 to 200 percent growth that have really changed overnight over the past 20 years and have a much larger immigrant population than they used to, says Lisa Dorner, a University of Missouri education professor who has done extensive research on immigrant children growing up in small towns and suburbs. Dorner thinks such major demographic changes don t always sit well with local residents.How on earth our federal CHURCH contractors can be aiding and abetting this travesty continues to be beyond my understanding.From Progressives for Immigration Reform (emphasis RRW):In her NPR news story, In A Small Missouri Town, Immigrants Turn To Schools For Help, writer Abbie Fentress Swanson chronicles the plight of newly arrived immigrants to the small, rural town of Noel, Missouri. It seems that longtime residents there are not dealing well with sudden demographic changes. Consequently, immigrants from Mexico, Myanmar, Ethiopia, Somalia, Kenya, and the Pinglap region of Micronesia are among those feeling unwelcome and isolated in this formerly white community, which saw its population double to 2,000 in just two decades.Many of these immigrants are so poor they cannot afford housing or healthcare. Their children often lack shoes and clothes. As Swanson notes, about 90% of the community s children would go hungry most of the school day, if they didn t qualify for free or low-cost meals. With such an influx of people, Noel has not been able to keep up with providing social services. There is a long wait list for units from the local housing authority, and building more housing would strain the town s sewer system, already at 80% capacity.Immigrants are attracted to Noel by jobs at the chicken processing plant of Tyson Foods, which employs 1,600 people. The starting wage is a paltry $9.05 per hour, which comes to $362 a week before taxes for an eight-hour, five-day week. Despite health and injury risks to workers in this industry, Swanson calls this a decent wage and declines to hold Tyson culpable for perpetuating widespread misery in the cash-strapped town.The nation s largest U.S. meat processor by sales can easily afford to pay its employees in Noel a living wage, but prefers to have the community subsidize the resulting human wreckage. After all, profit is the overriding goal, even if it must be achieved by driving wages so low that most American citizens no longer can afford to work at its processing plants. No matter the continuous stream of cheap, compliant foreign labor will do just fine. The results are compelling .The Mayor of Noel, MO, John Lafley says Tyson Foods is pushing the town to allow for more housing development, but he s concerned that Noel s infrastructure can t handle more units.The schools system (66% minority children!) has become the de facto social services department trying to stem poverty in the immigrant households.The mayor says there s no money in the budget either to provide the social services needed in this small, remote town, which sits not far from the Missouri-Kansas-Arkansas-Oklahoma borders. For rural Missouri, Tyson plant jobs pay decent wages that start at $9.05 an hour. Still, poverty looms large here. About 90 percent of Noel school students qualify for free or reduced-cost meals. The number of homeless children has doubled in the past five years. Because the nearest food pantry and free clinic are miles away, many plant workers turn to their children s schools for help.Tyson Foods wants the town to build more housing, but the town can t afford the infrastructure costs.Affordable housing is also a problem here in Noel. There s a long waiting list for open units at the local housing authority. You cannot rent a house right now. If you look, try to find a house, you can t, says Faisal Ali Ahmed, a Somali refugee who works the night shift at the Tyson plant as a forklift driver. It s a very difficult life. If they shut down this company now, nobody stay in this bush.John Lafley, the mayor of Noel, says longtime residents need to be sensitized to immigrants needs, and immigrants need to try to fit in. We re trying to assimilate people that don t understand the American way. And they want to keep their own ways, which is not that popular, Lafley says.Lafley says Tyson Foods is pushing the town to allow for more housing development, but he s concerned that Noel s infrastructure can t handle more units.The schools system (66% minority children!) has become the de facto social services department trying to stem poverty in the immigrant households.The mayor says there s no money in the budget either to provide the social services needed in this small, remote town, which sits not far from the Missouri-Kansas-Arkansas-Oklahoma borders. For rural Missouri, Tyson plant jobs pay decent wages that start at $9.05 an hour. Still, poverty looms large here. About 90 percent of Noel school students qualify for free or reduced-cost meals. The number of homeless children has doubled in the past five years. Because the nearest food pantry and free clinic are miles away, many plant workers turn to their children s schools for help.Read about the profits Tyson Foods is making. Then this:Assimilation is not the real problem facing Noel, Missouri nor is it street-level bickering about matters of race, religion and values. The larger issue is what to do about rogue corporations that run roughshod over small communities in pursuit of profit, little of which is invested locally. Of greater concern is that our government wants to overload the job market even more through mass immigration policies, which will lay waste to many more small communities throughout America.And, what do you do about federal contractors for the US State Department wearing the white hat of do-gooderism while helping Tyson Foods make the profit!For entire story: Refugee Resettlement Watch",left-news,"May 17, 2016",0 +"PUTIN Threatens To Release 20,000 β€œTop Secret” Emails From Hillary…Why Judge Napolitano Says This Is Very Bad News For Hillary [VIDEO]","Putin may be the one person Obama has absolutely no influence over. With Obama unable to use his Chicago thug-like political tactics on Putin, could this finally be the end of Hillary Clinton s career in politics? Hillary Clinton sits at the center of a raging firestorm concerning her arrangement of a private email account and server set up in her home from which top secret information may have been deleted. But despite Bernie Sanders apparent annoyance with the damn emails, the scandal just exponentially intensified, when Judge Andrew Napolitano revealed on Monday that Russia has possession of around 20,000 of Clinton s emails leaving open the possibility her deletions might not have been permanent after all. There s a debate going on in the Kremlin between the Foreign Ministry and the Intelligence Services about whether they should release the 20,000 of Mrs. Clinton s emails that they have hacked into, Napolitano told Fox News Megyn Kelly in an interview for The Kelly File.https://youtu.be/oounggTI-jkWith Clinton s repeated claims she employed the personal email server only for mundane communications and non-sensitive State matters having been proven outright lies, the deletions of 31,830 emails in the new context of Napolitano s statement have suddenly become remarkably relevant.As the FBI investigation of Hillary Clinton s questionable email practices deepens, the question of who had access to what information previously located on the former secretary of state s server is now more critical than ever.One such individual, Romanian hacker Guccifer, who was abruptly extradited to the United States, revealed he had easily and repeatedly accessed Clinton s personal server and he wasn t the only one. For me, it was easy, the hacker, whose given name is Marcel Lehel Lazar, exclusively told Fox News; easy for me, for everybody. If Guccifer and Napolitano are right, Russia may, indeed, have possession of highly-sensitive information courtesy of Clinton s arrogant failure to adhere to the obligation to use a government email account during her tenure as secretary a situation worsened by the now-mendacious claim no sensitive information had been sent through the personal account.In fact, if Guccifer is to be believed as his extradition by the U.S. indicates news of the Kremlin having obtained potentially top-secret material may be the tip of a gargantuan iceberg. Using a readily available program, the Romanian hacker also claimed he observed up to 10, like, IPs from other parts of the world during sessions on Clinton s personal server. If just one of those unknown parties was connected to Russia, who the other nine might be could be central to the FBI s decision whether or not to charge Clinton for mishandling classified information.Adding yet another nail in the coffin case against Hillary on Thursday, the Hill reported conservative watchdog Judicial Watch revealed, pursuant to a Freedom of Information Act request, frustration with technical difficulties in obtaining a secure phone line led the secretary to direct a top aide to abandon the effort and call her without the necessary security in place. I give up. Call me on my home [number], Clinton wrote in a February 2009 email from the newly-released batch on the also notoriously unsecured server to then-chief of staff, Cheryl Mills.Via: Zero Hedge",left-news,"May 17, 2016",0 +AMERICA’S WORST FEAR: How Our Punishing President Will Harm America In His Final Months If Trump Wins,"This nightmare could have all been prevented if America was able to look past their unwarranted white guilt for one second, and realize they were electing a second rate community agitator, with sealed records and a questionable birth certificate If Donald Trump wins the Republican nomination and defeats likely Democratic nominee Hillary Clinton in November, President Obama will sabotage the economy in his final months in office, predicts talk-radio host Michael Savage. If Trump wins and I think he will there will be an economic crash, Savage told listeners of his nationally syndicated show, The Savage Nation, Monday. The reason I say that is not because of his policies, but because of what Obama will do on the way out the door. Savage said that if anyone thinks that a President Trump will be able to easily turn this huge ship around, you don t know much about navigation in turbulent waters. Wait until you see what happens in the last few months if Trump wins, Savage said. Wait until you see what that nice guy in the White House does. (Federal Reserve Chairman Janet) Yellen ups interest rates, Obama and his band of unmerry pranksters Sharpton and company unleash the mobs, Savage said. (George) Soros makes a last-ditch effort to distract Trump and the new Justice Department from currency manipulation and other financial games he may have been playing. Spends tens of millions on social agitation. Obama floods the U.S. with Central Americans, Syrians and Africans, mainly Muslim, mainly young males, and grants pardons to 10,000 more Central American drug dealers, Savage continued. Let s see what else might these decent Americans do? Release a few more billion pork barrel green projects? You can guess! Prior to his remarks about Obama s final days in office, Savage told his listeners he believed Trump would defeat Clinton in a landslide, describing the former secretary of state, senator and first lady as Fidel Castro in a dress. Savage cited the new Rasmussen poll of likely voters showing Trump with a 41-39 lead over Clinton nationally. And this is only an early poll, Savage noted on his show Monday. I said a long time ago that when it comes down to Trump vs. Clinton, he would win by a landslide, 60-40, 59-41, something like that. No matter how many illegal aliens Obama tried to flood into this country, Trump will win by a landslide, he said.In February, Savage warned that the banking deregulation under the Bill Clinton administration that led to the 2008 recession appears to be on the verge of impacting the economy again. We re being set up for an economic meltdown similar to the one that triggered the Great Depression, he said.This time, however, Savage continued, it s going to occur on a global scale, and it s unlikely that we ll be able to recover within even the next several decades, once it happens. For entire story: WND ",left-news,"May 16, 2016",0 +WATCH: LESBIAN HOST ELLEN DEGENERES Asks Singer Christina Aguilera About Picture Of Hillary Staring At Her β€œGirls”,"What would Ellen s motive be for addressing Hillary s strange public affection for Aguilera s bosoms, other than to endear her to the lesbian viewers? Of course, this calls into question yet again, Hillary s politically motivated, sham of a marriage to Bill. Look, we couldn t care less if Hillary is a lesbian. It s just another lie she s been living, on top of a million other lies. If it s true, (and there sure is a lot of evidence, as well as insiders who have come forward to say it is) America should question her political motivation for keeping it a secret for so many years, given she has become such a vocal advocate of gay rights over the past 8 years. It just goes to her rotten, lying character. Ellen didn t seem to suffer any ill effects by being honest with her fans, and she can certainly live with a clear conscience .something Hillary will never be able to do. Cough cough #Benghazi!Ellen: There s a picture of you was it you staring at Hillary or you staring at Hillary? Christina: She was staring at my bosoms. Ellen: I know you just had a fundraiser for her at your house. Christina: I did, I did. She s amazing. Ellen: That s fantastic. Leaving many of Ellen s viewers wondering, Why is that fantastic' ?",left-news,"May 16, 2016",0 +WATCH: FORMER TRUMP GIRLFRIEND Sets The Record Straight After NYT’s TWISTS Her Remarks To Make Trump Appear Disrespectful To Women,"It s interesting how much vitriol some women harbor for successful men who date beautiful women, as though it s somehow evil and mysoginist to date beautiful women. If Trump only dated unattractive women would that somehow make him a better candidate? One of the women quoted in a New York Times article headlined Crossing the Line: How Donald Trump Behaved With Women in Private is pushing back Monday and saying that she was taken out of context and Trump never made her feel uncomfortable.The piece which was published Saturday begins with the line Donald J. Trump had barely met Rowanne Brewer Lane when he asked her to change out of her clothes. It then continues with a scene illustrated by Brewer Lane about a 1990 pool party at Trump s Florida beach club. He suddenly took me by the hand, and he started to show me around the mansion. He asked me if I had a swimsuit with me. I said no. I hadn t intended to swim. He took me into a room and opened drawers and asked me to put on a swimsuit. But Brewer Lane disputed the way she is portrayed Monday in an interview with Fox & Friends. The New York Times told us several times that they would make sure my story that I was telling came across, they promised several times that they would do it accurately, they told me several times and my manager several times that it would not be a hit piece and that my story would come across the way that I was telling it and honestly and it absolutely was not, Brewer Lane said. They did take quotes from what I said and they put a negative connotation on it. They spun it to where it appeared negative. I did not have a negative experience with Donald Trump. Brewer Lane dated Trump and said that the presumptive Republican nominee never made me feel like I was being demeaned in any way, he never offended me in any way. WATCH HERE: Obviously they feel like they need to do something to make him look bad or go along with their article, Brewer Lane said. Why do you think the left the mainstream media is so obsessed with just creating this headline about how Donald Trump treats women? host Ainsley Earhardt asked. I don t know. I think that they re just reaching for straws, Brewer Lane said, adding that her manager has reached out to the reporter to say they would be telling her side of the story. Via: USA TodayHere is Trump s reply to the New York Times hit piece :Everyone is laughing at the @nytimes for the lame hit piece they did on me and women.I gave them many names of women I helped-refused to use Donald J. Trump (@realDonaldTrump) May 15, 2016Trump also replied to Brewer on Twitter, thanking her for letting the public know the truth, and about how the NYT s twisted her:That was an amazing interview on @foxandfriends I hope the rest of the media picks it up to show how totally dishonest the @nytimes is! Donald J. Trump (@realDonaldTrump) May 16, 2016 ",left-news,"May 16, 2016",0 +LOL! UN Refugee Spokes-Celebrity ANGELINA JOLIE Admonishes U.S. For β€œUndermining International Law” By Resisting Flow Of Muslim Refugees,"Great advice from a woman who has 24-7 security and lives in an imaginary world. Her life and the life of her children will likely never be affected by a rapefugee or terrorist who is greeted with open arms by naive leftists Angelina Jolie Pitt, the UN refugee agency s special envoy, has warned that the international humanitarian system for refugees is breaking down.Ms Jolie Pitt has been speaking as part of the BBC s World on the Move day of coverage of global migration issues.She warned against a fear of migration and a race to the bottom as countries competed to be the toughest to protect themselves.Earlier, the UNHCR s head said the refugee crisis was now a global issue.UN High Commissioner for Refugees Filippo Grandi told the BBC that simply turning migrants away won t work .She warned that amid a fear of uncontrolled migration there was a risk of a race to the bottom, with countries competing to be the toughest, in the hope of protecting themselves whatever the cost or challenge to their neighbours, and despite their international responsibilities .Isolationism was not the answer, she said, adding: If your neighbor s house is on fire you are not safe if you lock your doors. Strength lies in being unafraid. Such policies would lead to an even greater set of problems, she said. It would amount to the worst of both worlds: failing to tackle the issue and undermining international law and our values in the process. Urging the world to rally together, she said: Whether we succeed will help define this century the alternative is chaos. Click here for entire story and video : BBC",left-news,"May 16, 2016",1 +SINS OF SOCIALISM…Doctors Pumping Air Into Infants Lungs By Hand…No Antibiotics…Children Die In Filthy Venezuelan Hospitals,"Only the strongest will survive in the dog-eat-dog world of Socialism. This is the result of a society that believed the government is more capable of running their lives than they are. This is Bernie s world. This is the reality of the utopia Bernie has been promising his supporters. These are the same policies Hillary is promising she ll support if she s able to escape federal prosecution before the election. By morning, three newborns were already dead.The day had begun with the usual hazards: chronic shortages of antibiotics, intravenous solutions, even food. Then a blackout swept over the city, shutting down the respirators in the maternity ward.Doctors kept ailing infants alive by pumping air into their lungs by hand for hours. By nightfall, four more newborns had died. The death of a baby is our daily bread, said Dr. Osleidy Camejo, a surgeon in the nation s capital, Caracas, referring to the toll from Venezuela s collapsing hospitals.The economic crisis in this country has exploded into a public health emergency, claiming the lives of untold numbers of Venezuelans. It is just part of a larger unraveling here that has become so severe it has prompted President Nicol s Maduro to impose a state of emergency and has raised fears of a government collapse.Hospital wards have become crucibles where the forces tearing Venezuela apart have converged. Gloves and soap have vanished from some hospitals. Often, cancer medicines are found only on the black market. There is so little electricity that the government works only two days a week to save what energy is left.At the University of the Andes Hospital in the mountain city of M rida, there was not enough water to wash blood from the operating table. Doctors preparing for surgery cleaned their hands with bottles of seltzer water. It is like something from the 19th century, said Dr. Christian Pino, a surgeon at the hospital.The figures are devastating. The rate of death among babies under a month old increased more than a hundredfold in public hospitals run by the Health Ministry, to just over 2 percent in 2015 from 0.02 percent in 2012, according to a government report provided by lawmakers.The rate of death among new mothers in those hospitals increased by almost five times in the same period, according to the report.This nation has the largest oil reserves in the world, yet the government saved little money for hard times when oil prices were high. Now that prices have collapsed they are around a third what they were in 2014 the consequences are casting a destructive shadow across the country. Lines for food, long a feature of life in Venezuela, now erupt into looting. The bol var, the country s currency, is nearly worthless.The crisis is aggravated by a political feud between Venezuela s leftists, who control the presidency, and their rivals in congress. The president s opponents declared a humanitarian crisis in January, and this month passed a law that would allow Venezuela to accept international aid to prop up the health care system. This is criminal that we can sit in a country with this much oil, and people are dying for lack of antibiotics, says Oneida Guaipe, a lawmaker and former hospital union leader.But Mr. Maduro, who succeeded Hugo Ch vez, went on television and rejected the effort, describing the move as a bid to undermine him and privatize the hospital system. I doubt that anywhere in the world, except in Cuba, there exists a better health system than this one, Mr. Maduro said.For entire story: NYT sMuch like the drooling college students who are turning out by the tens of thousands to Bernie Sanders rally s in the United States, the citizens of Venezuela elected the controversial Nicolas Maduro as their president, and now they are paying a very heavy price. BBC While he lacks the magnetism followers of Mr Chavez attributed to the late president, he is a commanding figure in Venezuela, and not just because of his stature of (6ft 3in).Derided as a poor copy of his mentor, Mr Maduro has not been ousted by the opposition or by rivals in his own party, as some had predicted when he was elected in April 2013.However, he has failed to win over the opposition after sticking very closely to the fiery rhetoric of Mr Chavez.Tough stance His government s tough approach to mass anti-government protests in the first half of 2014 and the jailing of thousands of demonstrators prompted criticism from human rights groups and sanctions from the United States.His opponents paint him as a ruthless despot who detains his political rivals on overly harsh charges pressed by a judiciary under his party s control, while his followers say he is protecting the country from another coup.But with oil prices plummeting below $50 ( 33) a barrel, Mr Maduro s approval rating has been falling, too.Venezuela s economy is almost entirely reliant on its oil exports and the president is facing a severe economic crisis as well as a hostile opposition.And with financing for the government s generous social programs in jeopardy, some are questioning how committed those who voted for Mr Maduro really are to the socialist cause and their leader. ",left-news,"May 16, 2016",1 +"CITY OF CHICAGO Forcing Out Homeless Veterans Group To Make Space For Restaurants, Shops Around New β€œObama Presidential Center”","There is no reason to believe the welfare of our veterans would be a priority for Obama after he leaves office, considering they were never a priority for the 8 years he occupied the White House.A charity group that helps homeless military veterans on Chicago s South Side says the city is trying to take control of the meager facility to make way for the restaurants, shops and other commercial venues that would complement the proposed Obama presidential library and museum.Group leaders said the RTW Veterans Center is the last privately-owned property on a stretch of S. King Boulevard near the proposed Washington Park site for the Barack Obama Presidential Center and that city building inspectors unexpectedly arrived last April to find an overwhelming 32 code violations at the facility. We don t appreciate being muscled out and put in the situation of having to negotiate from a position of despair, facility center Director Jah Ranu Menab told FoxNews.com on Saturday.Menab thinks the University of Chicago, which is working with the Obama Foundation to bring the presidential center to the South Side, is also part of an apparent effort to ultimately force the facility into receivership.The fate of the veterans facility which officials say serves more than 3,000 meals monthly may well be decided Tuesday, when officials return to Cook County Circuit Court for a hearing on the efforts to fix the building s problems.Menab admits that the facility is in disrepair, with some violations related to a fire hazard, rats nests and raw sewage flowing onto the basement floor.However, he says the situation, which includes fines of $16,000 daily, looks like an attempted land grab and that the prestigious university, where Obama was a law professor, exerts a tremendous amount of influence over the city and its future.The university strongly denies any involvement in the city s dealings with the center and its building and on Friday issued the following statement: The mission of providing support for veterans is extremely important, and numerous University of Chicago community members have volunteered their time at the RTW Veterans Center. The university is not engaged in discussions regarding the center s property and has no plans to purchase it. Veterans center co-founder Daniel Doc Habeel, a Vietnam War veteran, acknowledged Saturday that people associated with the university have indeed volunteered time. But he also expressed uncertainty about the university s involvement. The not-for-profit facility, which receives no government funding, cited in a press release Wednesday a history of building inspectors in other places forcing a worn-out building into receivership so a prospective developer is eventually able to acquire the property without having to negotiate. The city says the fines are not being enforced and that the case landed in court because numerous 311 calls led inspectors to visit the facility, where they learned about the severity of the problems, including a structurally unsafe porch. Via: FOX News ",left-news,"May 15, 2016",0 +ALL OUT BRAWL! BERNIE/HILLARY DELEGATES GO AT IT: β€˜We need a medic!’ [Video],"WOW! IT WAS AN ALL OUT BRAWL AT THE NV DEM CONVENTION: The Hill Reported: Tensions were high at the Democratic convention in Nevada Saturday, with Bernie Sanders supporters demanding delegate recounts, booing Sen. Barbara Boxer (D-Calif.) and causing other disruptions, according to local media reports. Keep on booing and boo yourself out of this election .we had our Nevada caucus and Hillary Clinton won, BarbaraBoxer Sanders supporters were angry over a voice vote that adopted a set of temporary convention rules as the permanent rules, according to the Las Vegas Sun.And supporters also reacted angrily to the count of delegates attending the convention, which put Hillary Clinton at an advantage. Final numbers announced later in the day showed 1,695 Clinton supporters in attendance to Sanders s 1,662. The focus has been all on the Trump/Third Party situation but the Bernie/Hillary situation is what the press might want to focus on an all out brawl happened at the NV Dem Convention. Here s a little sample of just how ugly it got: FIGHT BREAKS OUT - CALL A MEDIC! Fight just broke out. Someone got their credentials snatched pic.twitter.com/RnDSMxaiI4 Laura Martin (@LauraKMM) May 14, 2016 ",left-news,"May 15, 2016",0 +"Oscar Winning Actress JENNIFER LAWRENCE Recalls Attending Same Concert As Trump: β€œI was adamant on finding him and then making a video of me going, β€˜Hey Trump, f*ck you!’” [VIDEO]","These leftist actors are so darn funny. You know what isn t funny? They never mention the 4 Americans Hillary left to die in Benghazi. They never mention that she has put our nation and the national security of our nation at risk with her personal unsecured email server. You know what else isn t funny? That they never mention the person they re supporting, because she has a vagina and a D after her name, has been under criminal investigation for most of her adult life. But let s hear how funny it is that some nit-wit actress who is supported by the general public (not just Democrats) wanted to track down Trump to make a video attempting to humiliate him. I m actually sorry she never found him, it would ve been an amazing career ending move. The 25-year-old Oscar-winning actress joined fellow actors Johnny Depp and James McAvoy on the Graham Norton Show Friday night, where she revealed that she once attended a concert at which the Republican presidential frontrunner was also present. I was at a concert that I heard he was attending, so I had my full security, I was like, Find Donald Trump, Lawrence told Norton. Because I was adamant on finding him and then making a video of me going, Hey Trump, f*ck you! I wouldn t rest until he was found, the actress continued over the audience s enthusiastic applause. He knew I was looking for him. WATCH:Meanwhile, Depp told Norton about his experience playing Trump in left-wing comedy website Funny or Die s Art of the Deal movie in February, and even offered up some on-the-spot impressions of the GOP candidate. Both Lawrence and Depp have predicted apocalyptic disaster if the Republican presidential hopeful were to win in November.During a red carpet appearance at the premiere of his latest film Alice Through the Looking Glass earlier this week, Depp said that a President Trump would be America s last president. If Donald Trump is elected president of the United States of America, in a kind of historical way it s exciting, Depp said, because we will see the actual last president of the United States. Via: Breitbart News",left-news,"May 15, 2016",0 +CAN SOMEONE PLEASE EXPLAIN How This Fairly Accurate Cartoon Is β€œRacist”?,"Perhaps a little trigger warning therapy is in order?A cartoonist has been accused of racism after he portrayed Michelle Obama as masculine and butch next to a pageant-ready Melania Trump in a controversial drawing.#InTrumpsAmerica The #FirstLady will be Great Again! #Trump2016 https://t.co/2FGmMQ1bBo pic.twitter.com/g2SOBjFXSI BenGarrison Cartoons (@GrrrGraphics) May 13, 2016The cartoon which has been branded racist and misogynistic shows a muscular Mrs Obama wearing a green dress with a bulge in the groin area.Stood next to her is a feminine, smiling Melania Trump in a pink dress and holding a Trump sign. DMHere are some of the reactions to the CARTOON on Twitter:The artist Ben Garrison tweeted the picture on Friday with the caption: #InTrumpsAmerica The #FirstLady will be Great Again! #Trump2016. the zombies are calling it ""racist"" and ""body shaming""! hahah you triggered them good!!! Mark Dice (@MarkDice) May 15, 2016And finally, here is artist Ben Garrison s awesome response to trigger warning, safe space, racist social media warriors:It's called satire folks-American politicalcartoons have a long tradition of lampooning those in office #DealWithIt pic.twitter.com/oyC2K6T7RZ BenGarrison Cartoons (@GrrrGraphics) May 14, 2016And finally, he created this epic cartoon in response to the anger he inspired from Leftists on Twitter:Thank U to all the many,many new followers-0 unfollows! Here's a #cartoon for the triggered #crybullies #DealWithIt pic.twitter.com/MoCaMD30l0 BenGarrison Cartoons (@GrrrGraphics) May 14, 2016 ",left-news,"May 15, 2016",0 +"OBAMA INVITES David Letterman, Will Ferrell And Other Leftist Celebrities To Extravagant Nordic State Dinner For Purpose Of Sending β€œStrong Message” To Putin","In typical Obama fashion, the extravagant tax-payer funded Nordic state dinner looked more like an after-party for the Academy Awards than a state function. How is anyone supposed to take this ass-clown seriously when he has turned our White House into a playground for the who s who in the Hollywood Communist party? But then again, nothing Obama does is for the good of our country, it always has been, and will continue to be, all about him until he and his sorry excuse for a family exit the White House. I m sure the sight of pop singer Demi Lovato and comedian Aziz Ansar with Nordic leaders at the White House left Putin shaking in his boots President Obama and the First Lady have welcomed five Nordic leaders to the White House for a lavish state dinner after earlier putting on a show of unity against Vladimir Putin s recent military aggression in the Baltics.The Obamas first welcomed Icelandic Prime Minister Sigurdur Ingi Johannsson who has only been in charge of his country for a month and his wife Ingibjorg Elsa Ingjaldsdottir as they arrived at the North Portico of the White House.They were swiftly followed by the prime ministers of Sweden, Finland, Denmark and Norway, who were also invited to the unusual if a little crowded meeting.The dinner will send a strong statement to Russia, who the five heads of state earlier slammed for its military buildup including the buzzing of a U.S. warship near Kaliningrad as they called for economic sanctions against Moscow to be maintained.Here s a peak into the Academy Awards after party Nordic State dinner. True to our divisive President s nature, there wasn t a single Republican invited to the affair.More than 300 guests including actor Will Ferrell, David Letterman and former NBA star Alonzo Mourning were invited to the dinner.Ferrell, who attended the dinner with his Swedish wife, Vivica Paulin, said it was his first time at the White House. I hope we don t do anything wrong, he joked.Also expected are Girls actress Allison Williams, Scandal star Bellamy Young, singer Janelle Monae and former Victoria s Secret model Miranda Kerr, as well as a smattering of Nordic celebrities. Several Democratic lawmakers were on the guest list, but no Republicans a possible sign that Obama s efforts to win over his political rivals are waning as the end of his presidency nears.Via: Daily Mail",left-news,"May 14, 2016",0 +WHOA! Why Is Our Classless President Following Porn Sites On Twitter?,"Just another classless act in the life of President Barack Obama President Obama s Twitter account, which is run by his Organizing for Action staff, follows 636,000 accounts. Many of them you might expect: Michelle Obama, Joe Biden, John Kerry. Even Mariah Carey and Snoop Dogg don t really raise an eyebrow. But several accounts on the presidential follow list fit a different theme: Asa Akira, a porn star who has 653,000 followers and, in her Twitter bio, states I have an award-winning asshole. Joanna Angel (390,000 followers), who describes herself as a multiple award winning punk porno princess; Penthouse Pet Of The Year Nikki Benz (808,000 followers); and Ashley Steel (138,000 followers), who writes that she is a Porn Star, Doggy mama, Happiness Junkie, XXX Model, Buddhist, & Total nerd. So why is the official Twitter account for the president of the United States publicly following adult movie stars? Of course, American porn stars are just as American (and just as worthy of the President s ear) as anyone else, but this interaction is nonetheless an unusual move for an elected official s campaign-managed social media account.Neither the Organizing for Action campaign nor the White House immediately responded to a request for comment. A spokesperson for Joe Rospars, Obama s principal digital strategist for both presidential campaigns, said that he was not available to comment.The current presidential candidates seemed to have been more intentional about their follow lists, if for no other reason than that Twitter had blocked auto-following before the start of their 2016 campaigns. Nikki Benz, Penthouse s 2011 Pet Of The Year, has followed Bernie Sanders, Hillary Clinton, and Donald Trump. None of them have followed back. Via: Fast Company ",left-news,"May 14, 2016",0 +HAS EUROPE GONE MAD? CONVICTED Terrorist Recruiters Free To Roam Streets If They β€œBehave” Themselves During Trial,"In their rush to make radical Muslims terrorists feel as though they are welcome in Belgium, coupled with their naive belief that if they coddle them enough, they will assimilate, the authorities have clearly forgotten about the victims of a horrific terror attack that took place in Brussels only months ago. When european nations start coddling terrorists and terror recruiters who are attracting Muslims from their homeland to commit horrific acts of violence against innocent people, the entire nation is screwed Erin McLaughlin of CNN told the story of a young man, a teen who became caught up in the ISIS recruiting web after a vacation in Belgium. Eight months after that trip to vacation in Belgium, Salia said her son became radicalized. He sent her a Facebook message to let her know he was in Syria.Then came a chilling phone call. the Syrian guide said, Congratulation, congratulation. Your son died as a martyr, and then he hung up.It was horrible. when I heard about his death, I felt like I died myself. she says her son was the happiest of her four children. She didn t know the most dangerous jihadist recruitment network in Brussels approached her son.It was the most dangerous of webs. Some were convicted and given lengthy prison sentences but, remarkably, were free on bail.It is veteran jihadists and recruiters. Some would go on to carry out the terrorist attacks in Paris and Brussels. Authorities prosecuted for man 60 recruiters and foreign fighters. One of them was Sala. His recruiters were declared guilty as you see here, the judge allowed them to walk free pending their appeal. CNN tracked down one of the recruiters to his home address that is neighborhood of a convicted recruiter.Her son said he pleaded, he wanted to come home. The recruiter said, no . We re here to ask him why.We ring the doorbell. His mother answers. She screams at us to leave her alone. As we walk away, the recruiter appears and confronts us. His words are not welcoming. He refuses to talk to us on camera.Families living in the complex don t even know they are living amongst them. It must be the EU PC.Belgian authorities tell CNN they have NOT notified residents that a convicted jihadist recruiter is living in their midst.We saw a teenage boy entering the same apartment building. the president of Brussels tribunal says in Belgium it is not unusual for a criminal to go free while they re waiting for appeal. If they re not considered a flight risk. How s it that a convicted member of a terrorist organization sentenced to seven years in prison is allowed to walk free after his trial? They re free, the official said, because they behaved during the trial.His mother said it s like her son died twice seeing his recruiters running loose on the streets.For entire story: Independent Sentinel",left-news,"May 14, 2016",0 +DARTMOUTH #BlackLivesMatter Terrorists TEAR DOWN Memorial To Slain Police Officers Because…”White Supremacy”,"Who can forget the sweet young Dartmouth College student who was part of a larger disruptive, bullying group of students who terrorized other students in the Dartmouth Library where they were trying to study? Because cramming your racist views of America trumps everyone else s right to not feel threatened in their college library right? It kinda makes one wonder when the administrators at colleges and universities are going to step up and put an end to this nation-wide, White House sanctioned domestic terror effort Fast forward to yesterday A controversy has erupted at Dartmouth College after a pro-police display was torn down by Black Lives Matter activists, who denounced it for memorializing the perpetrators of state violence. Dartmouth BLM Protesters Tear Down Memorial To Slain PoliceIn honor of National Police Week (which falls May 15-21), Dartmouth s College Republicans reserved a bulletin board at the Collis Center and used it to create a display honoring police officers and firemen who have fallen in the line of duty. One part of the display noted that 60 police and 343 firemen were killed in the 9/11 attacks, while another declared over 20,000 police officers have been killed while on-duty in the history of the United States.At the bottom, the display said in big letters, BLUE LIVES MATTER. This last part of the display appears to have outraged Black Lives Matter supporters at Dartmouth, several of whom vocally complained on Twitter and Facebook that the display was offensive and even white supremacist. #fight4facultyofcolor and students of color because we all woke up to this white supremacist bullshit in Collis. pic.twitter.com/l1gtxNCzqq MikaChu (@talladultchild) May 13, 2016But Black Lives Matter did more than just complain, they also took action. The original display was torn down Friday morning, at about 11 a.m, and in its place almost three dozen sheets of paper were used to cover the bulletin board, all of them carrying an identical message: YOU CANNOT CO-OPT THE MOVEMENT AGAINST STATE VIOLENCE TO MEMORIALIZE THE PERPETRATORS. At the bottom, each sheet also had the hashtag #blacklivesmatter printed on it.Via: Daily Caller",left-news,"May 14, 2016",0 +WOLF IN SHEEP’S CLOTHING: Katie Couric Would Like Americans To Know That Gun Owners Actually WANT Gun Control,"Beware of morning talk show hosts turned news personalities. The Katie Couric s and Matt Lauer s of the world are some of the most radical and dangerous propagandists in the media today. We are unknowingly being fed gun control with a cherry on top, while most Americans don t even realize the leftist drivel they re being fed During a May 13 appearance on NBC s Today, Katie Couric previewed her upcoming gun control documentary by claiming a silent majority of gun owners want more gun control.Couric said these things during an interview conducted by Matt Lauer, who began the interview by countering FBI statistics and claiming mass shootings are on the rise. In September 2014, the FBI released a highly politicized study claiming a rise in mass shootings, only to have the authors of the study recant months later and admit they created data to make the study outcome fit a preconceived conclusion.Yet Lauer claimed mass shootings are on the rise, and Couric played along without hesitation. In fact, she built on Lauer s mass shootings comment to suggest more gun control is needed, and a silent majority of gun owners support it.Couric said:Ninety percent of the public really favors universal background checks. And after Sandy Hook, everyone thought this was a watershed moment, something would be done. And then when Manchin/Toomey died in the Senate, I couldn t understand the disconnect between public opinion and our elected officials.So Couric undertook a gun control documentary, Under the Gun, and says that in interviewing people for the film, she came to the conclusion that the NRA really does not speak for the majority of gun owners. She said, The NRA only represents five percent of gun owners, so there s this huge silent majority, and they represent common ground. For entire story: Breitbart News ",left-news,"May 14, 2016",0 +MOM HEARS 8 Yr Old Daugher SCREAM In Girl’s Bathroom…Finds Man Strangling Her…Dragging Her Into Stall [VIDEO],"This story is for anyone who thinks King Obama s latest decree isn t reckless and dangerous to ever woman and girl in America A man is accused of choking an 8-year-old girl until she passed out in the bathroom of a restaurant in Chicago s South Loop.The girl was with her mother at the Jason s Deli in the 1200-block of South Canal Street on Saturday, police said. The girl and her mother were inside the restroom separated by stalls around 1:15 p.m.Police say 33-year-old Reese Hartstirn walked in and targeted the girl, choking her and trying to lock her in a stall. The mother heard her daughter scream and grabbed her.Police said other people in the deli helped hold the man until officers arrived.Jason s Deli released a statement Friday regarding the incident: We re blessed to have a wonderful relationship with the Chicago Police Department. Many of them are our customers and because of their connection to our deli, this unfortunate situation was handled very quickly. We re proud of how out team members responded and thankful that we have the kind of customers that are willing to lend a hand in a difficult situation. We continue to work hard every day to make every customer happy. The girl was taken to Comer Children s Hospital, but police did not have information about her condition.Hartstirn, of the 500-block of North Racine Avenue, was charged with aggravated kidnapping of a child, aggravated battery of a child and battery causing bodily harm.Police said he was also charged with aggravated assault of a peace officer because he swung at an officer who booked him at the Central District station. Via: ABC7-Chicago",left-news,"May 14, 2016",0 +UPDATE: 12 STATES NOW Giving Obama Middle Finger On UNLAWFUL Transgender Bathroom Decree,"Only 38 states to go. Obama is going to do more damage to the fabric of America in his final 7 months in office than any other President in history The ink was barely dry on President Obama s guidance regarding gender-neutral bathrooms the administration told U.S. public schools on Friday to let transgender students use bathrooms and locker rooms according to gender identity when opposing voices started shouting.And at least 7 of those voices in 6 states so far belonged to high-ranking state officials, beginning with North Carolina, where HB2 brought the controversy to the forefront:North Carolina Governor Pat McCrory (R) Says the U.S. Justice Department is displaying overreach by warning legal action and withholding federal funds unless HB2 which limits bathroom/locker room use to the gender on an individual s birth certificate is scrapped.Texas Governor Greg Abbott (R) Has declared that he will be working closely with North Carolina s governor in opposing the federal guideline.I announced today that Texas is fighting this. Obama can't rewrite the Civil Rights Act. He's not a King. #tcot https://t.co/vDgfQPZXjR Greg Abbott (@GregAbbott_TX) May 13, 2016Texas Lieutenant Governor Dan Patrick (R) Has stated that Texas does not want any dirty money tied to policies that amount to extortion:Texas Lt. Gov. @DanPatrick on Obama administration guidance on transgender bathrooms: ""We will not be blackmailed"" https://t.co/28tFsicoo8 CNN Newsroom (@CNNnewsroom) May 13, 2016Arkansas Governor Asa Hutchinson (R) Advised schools in his state to ignore the guidance:As Gov., I recommend that school districts disregard @POTUS's guidance on gender identification in schools. >> https://t.co/mFxgtOcbml Gov. Asa Hutchinson (@AsaHutchinson) May 13, 2016Alabama Attorney General Luther Strange (R) Says the issue should be decided by parents, teachers, and principals not by federal bureaucrats.Alabama AG Luther Strange vows to fight 'absurd' Obama order on transgender school bathrooms https://t.co/VnCUcZ6jSz AL.com (@aldotcom) May 13, 2016Kentucky Governor Matt Bevin (R) Released a statement saying that the federal government had no authority to interfere in local school districts bathroom policies.Our statement regarding Obama's proposed bathroom rules for public schools: https://t.co/50Zg6PqXOY Matt Bevin (@MattBevin) May 13, 2016Missouri Lieutenant Governor Peter Kinder (R) Released a statement saying that Obama was abusing his power, and that America needs guidance and prayer.Via: Independent JournalUPDATE: Six more states have joined in protest against Obama s unlawful transgender bathroom decree, they are: West Virginia, Arizona, Kansas, Nebraska, Utah, and Maine. The number of states who will fight back will certainly increase, as the public becomes more and more active, contacting their legislators and governors, demanding they stand up to King Obama. ",left-news,"May 13, 2016",0 +HILLARY APPROVED? BILL CLINTON Ditched Secret Service On Several Trips To Exotic Locations On PEDOPHILE PLANE,"We all know Bill Clinton is a sexual predator. The big question now is, how much Hillary knew about his disgusting sexual trysts with his good buddy, Jeffrey Epstein who apparently had a thing for underage girls? Bill Clinton spent enough time aboard disgraced Wall Street mogul Jeffrey Epstein s Lolita Express airplane that he should be eligible for frequent flyer miles, according to a shocking new report that reveals how often the former U.S. president road along with with the convicted sex offender.Flight logs reviewed by Fox News show Clinton took 26 trips aboard Epstein s Boeing 727 jet, more than double the 11 flights previously known. Epstein s jet was reportedly set up with a bed where guests had group sex with young girls. One of them, Virginia Giuffre, has claimed she was lured into joining Epstein s harem when she was just 15 years old and was then known as Virginia Roberts. The former teen prostitute has said she was used as a sex slave. Roberts, 32, has claimed she saw Clinton in 2002 on an Epstein junket to St. Thomas in the U.S. Virgin Islands.But according to Fox, flight logs don t show the former president aboard a flight headed there. St. Thomas has a landing strip long enough to accommodate the jet. The logs do show the former president jetting to such exotic locales as Brunei, Norway, Russia, Singapore, Hong Kong, Japan, the Azores, Africa, Belgium, China, New York, and Belgium all on Epstein s plane. Traveling with Epstein was New York socialite Ghislaine Maxwell, whom Roberts has accused of pimping her out. If nothing else, Clinton brought protection. Flight logs filed with the Federal Aviation Administration show Clinton brought as many as 10 U.S. Secret Service agents along with him on some trips. But a journey to Asia in 2002 didn t list any Secret Service protection. As a former president, Clinton still gets a taxpayer-funded security detail for life. The cable network reported that Clinton would have been required to file an official form to leave his protective forces behind, although the Secret Service hasn t responded to formal document requests. Epstein pleaded guilty to soliciting a minor for prostitution in 2008, and served just 18 months in jail for the offense despite outrage from victims advocates.The Palm Beach, Florida police and the FBI both investigated charges that Epstein consorted with underage girls used for prostitution. Court documents show that police found a clear indication that Epstein s staff was frequently working to schedule multiple young girls between the ages of 12 and 16 years old literally every day, often two or three times per day. One victim said under oath that Epstein molested her at least 50 times, beginning when she was 13. She said she and other girls were lured to Epstein s home with promises of hundreds of dollars for modeling or for massaging him.Read more: Daily Mail",left-news,"May 13, 2016",0 +"BREAKING BOMBSHELL: Blonde Clinton Neighbor, Dubbed The β€œEnergizer” Gets $2 MILLION From Clinton β€œCharity”","Here s how Donald Trump reacted Donald Trump reacted Friday to a report that the Clinton Global Foundation provided millions to a power company partly owned by a rich, blond divorcee by saying that people have been whispering about her possible romantic ties to Bill Clinton for a long time.The commitment to Julie Tauber McMahon s firm from the Clinton Global Initiative was placed on its 2010 conference agenda at Clinton s urging, the Wall Street Journal reported on Thursday.The initiative commits $2 million to support the work of Energy Pioneer Solutions, a company founded to deliver energy savings to communities in rural America, said a 2010 statement from the charity. People have been talking about this for years. I have no idea what went on. I certainly don t, the presumptive GOP presidential nominee said on Fox & Friends. According to a report in The Wall Street Journal, the Clinton Global Initiative doled out $2 million to Energy Pioneer Solutions, which is partly owned by Julie Tauber McMahon.The fit, blond mother of three, who lives just minutes from Bill and Hillary Clinton s home in Chappaqua, West chester, is the daughter of Joel Tauber, a millionaire donor to the Democratic Party.McMahon, 54, is rumored to be the woman dubbed Energizer by the Secret Service at the Clinton home because of her frequent visits, according to RadarOnline.Secret Service agents were even given special instructions to abandon usual protocol when the woman came by, according to journalist Ronald Kessler s tell-all book, The First Family Detail. You don t stop her, you don t approach her, you just let her go in, says the book, based on agents accounts. Energizer is described in the book as a charming visitor who sometimes brought cookies to the agents.The book describes one sun-drenched afternoon when agents took notice of the woman s revealing attire. It was a warm day, and she was wearing a low-cut tank top, and as she leaned over, her breasts were very exposed, an agent is quoted in the book as saying. Energizer reportedly timed her arrivals and departures around Hillary Clinton s schedule.When asked about whether there should be a probe into money directed from the foundation a charity to the company, Trump said: Well, I assume you put the word charity in quotes. The interviewer, who cited the New York Post s cover story, told Trump that Clinton helped steer an $812,000 federal grant to the company through then-Energy Secretary Steven Chu.The interviewer also pointed out that nonprofits are not supposed to act in anyone s private interests. For entire story: NYP ",left-news,"May 13, 2016",0 +POLICE CALLED TO GRISLY MURDER SCENE: Find Decapitated Blow Up Sex Doll In City Overrun By Muslim Immigrants,"Better a blow-up doll than an actual citizen, in the city of L beck, Germany where the Muslim migrant population has exploded.Police were called out on Wednesday to the scene of what seemed to be a grisly murder. But they were soon able to put the finder s mind to rest.It must have been quite the shock.A street cleaner in the picturesque town of L beck near Germany s Baltic coast called police early on Wednesday morning to tell them he had found a female corpse lying on the street next to a paper recycling container.The lifeless body was wrapped in a blanket with a foot jutting out of one end.Officers from L beck s 2nd police district jumped into action, rushing to the scene as fast as they could. After more exact criminal observation, it was ascertained that we were dealing with a so-called sex toy which had no head, the police report reveals. Via: Local de",left-news,"May 13, 2016",0 +[Video] DUMB AND DUMBER Star BASHES TRUMP…Use Worst Examples Of Female Leaders To PROMOTE Hillary,"Jeff Daniels channels his role as ACN s Will McAvoy from HBO s The Newsroom to respond to question about Trump vs Hillary. The only problem with Daniels answer is, he s using two embarrassingly incompetent female leaders in current times to support his belief that America is ready for a woman (Hillary) President.In the video, actor Jeff Daniels mentions German Chancellor Angela Merkel. Germany has lost their patience with open borders Merkel, as she continues to put citizens of Germany at risk by allowing over 1 million mostly male, Muslim refugees to flood the nation of Germany. A poll published on Tuesday shows that just under two-thirds of Germans do not want Merkel to run for office again in elections next year. He also references Brazil s female President Dilma Rousseff as a success story that America should look at when considering electing a female President. Here s the latest breaking story on Brazil s female President: Brazil s once-lauded model of leftist government appeared to come to an abrupt end Thursday, when lawmakers suspended President Dilma Rousseff in an extraordinary repudiation of her administration and the Workers Party that has ruled the country for 13 years.Vice President Michel Temer quickly assumed control of Latin America s largest country, signaling that he will take Brazil in a more free-market-friendly direction in an attempt to shore up its sagging economy and win over a skeptical public. A member of the centrist PMDB party, Temer introduced a conservative-leaning, all-male cabinet Thursday that swings Brazil toward the right.Hey Jeff, thanks for proving to your fans that you re really not acting in your Dumb and Dumber movies:For anyone who thinks Jeff Daniels is just acting in the video above, watch Daniels share his views on our Second Amendment with over-the-top gun-control advocate Piers Morgan here:",left-news,"May 13, 2016",0 +"BLACK LIVES MATTER ACTIVIST, Erica Garner Makes Campaign Ad For SANDERS [VIDEO]…OOPS! Bernie’s Support For INSANE TAXES Killed Her Dad","TAXES really do kill people. Eric Garner is a perfect example. This tragedy happened on Donald Trump s home turf, if his campaign was on top of their game, they d be all over this Ahead of the Pennsylvania primary Bernie Sanders was asked about Philadelphia s proposed soda tax during a recent interview with Meet The Press . Hillary Clinton favors the tax but Bernie opposes it because he says it taxes the poor who are already struggling enough. Chuck Todd didn t buy that answer and pressed Sanders to explain why he opposes the soda tax but favors cigarette taxes (which are much, much higher). Bernie explained that he thinks cigarettes are different than soda and that there s almost a question as to why [cigarettes]remain a legal product in this country . Apparently, Bernie Sanders doesn t realize that the cigarette taxes he favors are what got Eric Garner killed.Unfortunately, Chuck Todd didn t catch that statement and moved on to other topics. He should have jumped on it given that it s quite the hypocritical line coming from someone trying to gain the support of the Black Lives Matter movement. Bernie Sanders even has the support of Eric Garner s own daughter who starred in a three minute campaign ad just a couple months previous.One wonders whether or not Erica Garner approves of Bernie Sanders support of the cigarette taxes that killed her father.Recall that Eric Garner was accused of selling un-taxed cigarettes in New York City. The Federal government already imposes a $1.01 tax, which the New York state government adds a $4.35 tax to, and the New York City government tacked another $1.50 onto. That brings the total cigarette tax in New York City to more than $6.85 cents which is more than the cost of the cigarettes themselves. These excessively high taxes that Bernie Sanders supports double the price of pack of cigarettes and creates a black market for un-taxed cigarettes.It was this black market that Eric Garner was accused of taking part in. Un-taxed cigarettes are a lucrative business in New York City and account for tens of millions of dollars in sales. Many people try to make a living selling these un-taxed cigarettes as Eric Garner was allegedly doing when he was stopped by the police.Situations like this are the inevitable result of high taxes. If people refuse to pay taxes this is how they will be enforced. People with guns will show up. People will die.Via: A Libertarian Future ",left-news,"May 13, 2016",0 +HILLARY’S TOP AIDE Is About To See Her Husband’s Scandalous Life Played Out On Big Screen: β€œWEINER” Debuts In May [WATCH TRAILER],"Dinesh D Souza s Hillary s America will debut in theaters in July. Clinton Cash is a documentary that investigates donations made to the Clinton Foundation by foreign entities, paid speeches made by Bill and Hillary Clinton, and the Clintons personal enrichment since leaving the White House in 2001. It also debuts this summer. And now, Weiner exploring the life of a world class narcissist who just happens to be married to Hillary s top aide and special friend who is also tied to Hillary s email scandal investigation, Huma Abedin. With so many scandalous movies surrounding the life of Corrupt Hillary debuting this spring and summer, it s hard to know what to see first. We only have one question. Did filmmaker, Mr. Kriegman credit Andrew Breitbart for exposing (pun intended) the truth about Anthony Weiner?Mr. Kriegman s careful chronicling of Mr. Weiner s campaign is poised to prompt a much broader reassessment of a tabloid-tarred politician. Weiner, a feature-length documentary by Mr. Kriegman and Elyse Steinberg, will be released on May 20, amid one of the most contentious presidential elections in memory, and it may be the most intimate and provocative portrait of a political race since The War Room. Mr. Weiner whose moth-to-the-flame instinct toward exposure led in part to his resignation from Congress in 2011 after admitting he had lied about online liaisons with women granted extraordinary access to Mr. Kriegman, in exchange for the occasional use of his footage during the campaign. The filmmaker agreed to step out of the room whenever Mr. Weiner asked.And yet there is Mr. Kriegman in the back of a sport utility vehicle, filming as Mr. Weiner tries to persuade his wife, Huma Abedin, to appear at a primary-night party where Sydney Leathers, Mr. Weiner s erstwhile sexting partner, is lurking outside. Mr. Kriegman is inside the couple s apartment at breakfast time as Ms. Abedin, a frozen smile on her face, confides to the camera that she is living a nightmare. There are startling moments of Mr. Weiner analyzing his own transgressions (he calls them the things ) and facing teary-eyed staff members. Hours after Mr. Weiner s campaign is stricken by revelations of new online infidelities, the film finds husband and wife alone in a conference room, staring at each other for what may be the longest and most painful onscreen marital silence this side of an Ingmar Bergman film. The door closes, and I m filming, and I m riveted by what s happening, Mr. Kriegman recalled in an interview last month. But I m definitely thinking to myself: I can t believe I m standing here right now. He almost never got the chance. Mr. Kriegman had known Mr. Weiner for years, serving as chief of staff in his district office. After a decade in politics, he began pursuing a film career, earning credits on MTV and PBS. He and Ms. Steinberg, who are both 36, and previously collaborated on a documentary about prison reform, came to view Mr. Weiner as an ideal subject.Via: NYT s ",left-news,"May 12, 2016",0 +UPDATE: TRANSGENDER TARGET BOYCOTT Reaches Boiling Point…Loses $4 BILLION In 30 Days…CEO Defends Dangerous Bathroom Position,"Note to Target CEO: When you endanger the safety of little girls and women in your stores, you re giving placing a target on your back a whole new meaning. Only two days ago in women s bathroom in Chicago, an 8 year old girl was choked by a man until she was unconscious. He proceeded to drag into a bathroom stall. Fortunately, her mother overheard her screams and was able to come to her rescue. Is this really the kind of America we want? Is Target ready to accept responsibility for crimes against women and children in their bathrooms and changing rooms?UPDATE: Target is facing a nationwide backlash for its support of transgender rights.More than 1.2 million people have signed a pledge to boycott the retailer after it announced last month that it would welcome transgender customers to use any bathroom or fitting room that matches their gender identity.Critics have been holding protests and demonstrations at stores across the country, and they are showing no signs of dying down.Many are demanding access to bathrooms of the opposite sex to support claims that perverts can now prey on children and women as a result of the policy.The boycotters goal is to force Target to reverse its policy, or at least make the retailer suffer for it by spending their money elsewhere. Breitbart NewsThe CEO of retail giant Target is zig-zagging between the many customers who are angered by his decision to open single-sex bathrooms to the other sex, the gender-identity progressives who pushed for the disastrous transgender policy, and the Wall Street stock-pickers who have chopped roughly $4.5 billion off the company s value. We re going to continue to embrace our belief in diversity and inclusion, just how important that is to our company, CEO Brian Cornell said in a May 11 appearance on CNBC s Squawk Box business show. But we re also going to make sure our focus on safety is unwavering, he added.To mollify the public angered by his removal of single-sex restrooms and changing rooms, the company will add family bathrooms to all of its stores, he said.We re committed over the next few months, to make sure every one of our stores has that option, because we want to make sure that our guests be welcomed in our stores. But if there s a question of safety, I can tell you and others, our focus on safety is unwavering, and we want to make sure we provide a welcoming environment for all our guests, one that s safe, one that s comfortable.But Cornell did not offer to return single-sex changing rooms, which is likely the most unnerving element in the company s new open-door, pro-transgender agenda.The company can t easily add family changing-rooms without using up scarce space in their retail stores and can t reestablish single-sex changing-rooms without angering many progressive professionals in the media and fashion industries. Those progressives professionals would likely claim the company is unfairly gender policing its customers, even though transgender advocates say only 1 in every 300 Americans are transgender. Other estimates say the ratio is only 1 transgender for every 2,400 Americans.So Cornell tried to reassure and flatter progressives about the justice of his company s brand-damaging, revenue-reducing April 19 decision. We took a stance, Cornell said, as he suggested that single-sex bathrooms are just like a racist refusal to use African-Americans in commercial advertising in the 1960s.We ve had a long history embracing diversity and inclusion. A couple weeks ago, one of our team members sent me a note reminding me that if we went back to the mid-60s, our company was one of the very first to use African-American models in their advertising, and back then, it wasn t well received.In the company s initial April 19 statement, the store said, we welcome transgender team members and [customer] guests to use the restroom or fitting room facility that corresponds with their gender identity. The statement came as Americans were recognizing and rejecting the revolutionary political agenda behind the push for transgender status.Since April 19, We had a lot of tough feedback. But sitting here today, we know we made the right decision, Cornell insisted.That tough feedback includes a consumer boycott that now has 1.2 million supporters, much damage to the company s brand, and a massive sell-off on Wall Street that has chopped the company s share price from almost $84 on April 19 to $75.70 on May 11.That s a loss of $8.30 per share, or 10 percent, or almost $5 billion since April 19. Of course, some part of that loss is due to President Barack Obama s weak economy but no company is helped by many management decisions that anger so many customers. Via: Breitbart News",left-news,"May 12, 2016",0 +OBAMA FAN CLUB PRESIDENT GEORGE CLOONEY Tells France: β€œThere’s Not Going To Be A President Trump” [VIDEO],"There s nothing quite like an arrogant actor who lives in Europe, supports Hillary, blames the press for making Trump popular, and for not properly vetting him, while hanging out at the White House with the least vetted President in American history.George Clooney is making his disdain for Donald Trump known not just here in the United States but also overseas.The actor was interviewed by members of the international press at the Cannes Film Festival on Thursday afternoon, and took some time to share with them his opinion of Trump. There s not going to be a President Donald Trump, said Clooney, who held a fundraiser for Hillary Clinton last month in Los Angeles where tickets reportedly went for $353,400 per couple. That s not going to happen. Fear is not going to be something that drives our country. We re not going to be scared of Muslims or immigrants or women. We re not actually afraid of anything. That whole We re not afraid of Muslims thing ought to go over pretty well with the victims and families of victims who have been attacked in Paris twice over the past couple of years. Tell that to French residents who live in or near no-go-zones George. Of course, you wouldn t know, because you have the best security detail money can buy hypocrite!Clooney, who was on the Croisette to promote his film Money Monster, went on to say; Trump is actually a result in many ways of the fact that much of the news programs didn t follow up and ask tough questions. Via: Daily Mail ",left-news,"May 12, 2016",0 +WATCH: NEW MOVIE Black Lives Matter Terrorists DON’T Want You To See…What REALLY Happened In FERGUSON Courtroom,"We ve written about the amazing filmmaker, playwright and journalist, Phelim MacAleer and his fearless wife Ann McElhinney several times over the past couple of years. They ve brilliantly exposed the Left and their outrageous lies countless times. They are currently making a movie called Gosnell that will tell the truth the media hid about the crimes committed by serial killer, Dr. Kermit Gosnell. This husband and wife team are doing the work honest journalists, if they were being true to their profession, SHOULD be doing. Phelim s play Ferguson, that is now a movie, (see full-length version below) has completely dismantled the hands up don t shoot lie that was coordinated by the White House and professional race agitators. This lie of course, was perpetrated by a willing media. MacAleer does a brilliant job of dispelling these lies by simply using the actual testimony from the case.From Phelim MacAleer:These are professional actors reading the actual words of eyewitnesses detailing minute by minute what happened in the run up to the shooting of Michael Brown in Ferguson, Missouri. FERGUSON the play consists of unaltered witness testimony, exactly as the Ferguson grand jury heard it. It includes forensic and medical examiner evidence that proves the truth and debunks the liars.You probably haven t missed the many and loud claims that the entertainment industry is racist and not diverse. It seems that everyone who matters agrees that diversity is a problem. Or at least that s what they say.But the reality is very different as I found when I wrote a play that offered ten roles for black men and women and even three significant roles for black women over 40 which everyone agrees can be a career death zone for women (of all races).And as a diversity bonus the play was going to be about an issue that of huge significance to the black community it was called FERGUSON and was about the shooting of Michael Brown, a young black man by a white police officer in Ferguson, Missouri.And this was to be no whitesplaining of the issue. I wrote, or rather curated, the play only using actual Grand Jury testimony of witnesses (most of them black). I didn t change their testimony at all. Not a paragraph, word or comma was added. It was to be a minute by minute account by multiple eyewitnesses of the last hours of Michael Brown s life. I decided to have a staged reading of the script over four nights at the Odyssey Theater in Santa Monica. It would be a great way for people to finally hear the truth about Ferguson in the words of the people who witnessed the whole incident.The cast were enthusiastic at the auditions there was a huge interest in the play at last the truth about Ferguson and the shooting of Michael Brown would come out. Their enthusiasm lasted until the end of the first rehearsal. According to an LA Times reporter who was present many of the actors were aghast that the truth from eyewitnesses and forensic experts didn t match their idea of what really happened or what they read in the media. It was clear from the eyewitness testimony that Michael Brown didn t have his hands up surrendering as activists claimed. It was also clear, again from black eyewitnesses, that police officer Darren Wilson had no choice but to shoot Brown who was on a mini-crime rampage that morning.These facts did not please the actors who wanted to tell a different story. However this was Verbatim Theater the story could only be told in the words of the witnesses. But the actors did not want to hear the genuine voices even if they were black and under oath. Nine of the original 13 actors walked out. Most of them were black. Then a few of the white cast walked out in sympathy one just 24 hours before the performance opened.Their walkout made a mockery of claims that there is a need for more diverse roles in the entertainment industry. This was a predominantly black cast in a play about a topic that was about an issue police shootings of black men that was of enormous interest to the black community.In reality what activists obviously meant was that they wanted black roles that pushed a left/liberal agenda. They may have wanted the actors faces to be a diverse color but they so did not want diversity of thought or ideas to be presented on the stage. No those ideas had to be shut down. And it s not as if those ideas don t get a lot of interest. The staged reading of Ferguson over a four night run in a 99-seat theater was one of the most talked about plays of the year in Los Angeles. As a writer for liberal LA Weekly put it FERGUSON achieved something almost unheard of in L.A. s stage community it moved theater from the arts section to the front page. Despite the walkout I was determined the Show Would Go On. Eventually we hired replacement cast for all the actors and the play was staged for its planned four night run. It was an enormous success.LA Weekly said Ferguson was divisive, but riveting and an incendiary night of theatre . It was covered by a huge range of media outlets including NPR, The Hollywood Reporter and Rush Limbaugh.Now that is true diversity!To ensure the truth about Ferguson reaches as big an audience as possible I have now filmed the staged reading.Please enjoy it. The truth is compelling. Phelim MacAleer",left-news,"May 12, 2016",0 +BREAKING: ANGRY BLACK LIVES MATTER Activist ADMITS To Starting MASSIVE LA Apartment Complex Fire As Pay Back For Death Of THUG Michael Brown,"Obama inspired hate...The Latest on a man charged with setting a massive fire that destroyed an unfinished Los Angeles apartment complex (all times local):3:10 p.m.A man has been ordered to stand trial for arson over a fire that incinerated a Los Angeles apartment building and caused $100 million in damage.Fifty-seven-year-old Dawud Abdulwali appeared in court Wednesday. He earlier pleaded not guilty.Prosecutors say Abdulwali set fire to the unfinished De Vinci complex downtown in December 2014. The seven-story complex was completely destroyed and the heat blew out windows at nearby office towers.At Wednesday s hearing, a witness testified that Abdulwali bragged at a party about burning the building and said he did it because he was angry about the police killing of an unarmed black man in Missouri.Via: Houston ChronicleThe witness, Popaul Tshimanga, said he and Abdulwali attended a party a week later. Tshimanga said Abdulwali ranted about the August 2014 killing of Michael Brown, an unarmed black man, by a white police officer in Ferguson, Missouri. He was mad, Tshimanga said, adding that the defendant said he burned the building near a freeway and didn t like the way the cops were killing black people. Abdulwali s former roommate, Edwyn Gomez, has told investigators that Abdulwali spoke passionately about the protests in Ferguson after Brown s shooting and about wanting vengeance. Cops kill my people, Gomez recalled Abdulwali saying. We should go do this, we should go burn some (expletive) down. We should go break some windows. Houston ChronicleWatch incredible footage of firefighters risking their lives to put out this massive arson fire:",left-news,"May 12, 2016",0 +THE TRUTH ABOUT Phony Global Warming: Why Our Snake-Oil-Salesman-In-Chief Is So Desperate To Sell Americans On This LIE," No challenge poses a greater threat to future generations than climate change. Obama State Of The Union speech, 2015There is a very good reason why the Left is now SHAMING anyone who doesn t believe in the phony science of global warming. In what amounts to essentially a money laundering scheme, the campaigns of some of the most dishonest politicians in Washington are being funded by the business owners who are hand-selected by those crooked politicians to receive billions for global climate change initiatives.The liberal media machine has spent decades bulldozing anyone who tells you global warming is a sham.They even came up with a clever little title deniers. Every time a heat wave hits, every time a picture of a lone polar bear gets taken . . . the left pounds the table for environmental reform, more policy, more money to combat climate change. But how much has the world really warmed?Their message is simple: Get on the man-made global warming bandwagon . . . or you re just ignorant.But how much has the world really warmed?It s an important question, considering the U.S. government spends $22 billion a year to fight the global warming crisis (twice as much as it spends protecting our border).To put that in perspective, that is $41,856 every minute going to global warming initiatives.But that s just the tip of a gargantuan iceberg.According to Forbes columnist Larry Bell, the ripple effect of global warming initiatives actually costs Americans $1.75 trillion . . . every year.That s three times larger than the entire U.S. federal budget deficit.So, has anyone stopped to ask . . . how much has the globe actually warmed?Well, we asked, and what we found was striking.According to NASA s own data via Remote Sensing Systems(RSS), the world has warmed a mere .36 degrees Fahrenheit over the last 35 years (they started measuring the data in 1979).Hardly anything to panic about; however, that does mean the world is warmer, right?The problem with that argument is that we experienced the bulk of that warming between 1979 and 1998 . . . since then, we ve actually had temperatures DROPPING!As can be seen in this chart, we haven t seen any global warming for 17 years.Weakening the global warming argument is data showing that the North Polar ice cap is increasing in size. Recent satellite images from NASA actually reflect an increase of 43% to 63%.This is quite the opposite of what the global warming faction warned us.In 2007, while accepting his Nobel Prize for his global warming initiative, Al Gore made this striking prediction, The North Polar ice cap is falling off a cliff. It could be completely gone in summer in as little as seven years. Seven years from now. Al Gore could not have been more wrong.However, despite this clear evidence that the temperatures are not increasing, the global warming hysteria only seems to be increasing.For example: President Obama himself tweeted on May 16, 2014: 97% of scientists agree: climate change is real, man-made and dangerous. John Kerry, Al Gore, and a host of others have championed this statistic.Since then, it has become clear that this statistic was inaccurate.The Wall Street Journal went as far as to say, The assertion that 97% of scientists believe that climate change is a man-made, urgent problem is a fiction. Forbes headlined Global Warming Alarmists Caught Doctoring 97% Consensus Claims. Come to find out, the study President Obama was citing was botched from the start.A host of other problems for the global warming crowd are emerging, such as . . .Leaked emails from global warming scientists state that the Earth is not warming, such as this one from Kevin Trenberth that states, The fact is that we can t account for the lack of warming at the moment and it is a travesty we can t. Claude Allegre, the founding father of the man-made global warming ethos, recently renounced his position that man has caused warming.Proof is emerging that Al Gore and even President Obama have financially benefited from fueling the global warming hysteria (click here for an internal report on this).It is becoming harder and harder for the global warming community to ignore some of the scientific data that show the Earth is not getting warmer . . . instead, the world is getting cooler.Which makes one wonder why are we still spending $22 billion a year on global warming initiatives, and where is the money going? Global warming has been kept on life support for another crucial reason: It has been a practical ATM for every in-the-know political figure.Al Gore, for example, has been one of the most vocally aggressive crusaders for global warming. In 2001, before leaving office as vice president, Gore was worth less than $2 million. Since then, he has grown his wealth to $100 million . . . almost entirely by investing in a handful of green-tech companies . . . 14 of which received more than $2.5 billion in loans, grants, tax breaks, and more from the Obama administration.The Telegraph reports Al Gore could become the world s first carbon billionaire thanks to his investments in green companies . . . all of which benefit from tax dollars and government loans to prevent global warming. And he s not alone.You are likely familiar with the story of the failed Solyndra green energy initiative, which cost taxpayers $500 million; President Obama took a lot of flak for that.But here s a little-known side of the Solyndra story I bet you haven t heard: Obama, in essence, used taxpayer money to finance his re-election campaign . . . by funneling it through Solyndra.You see, when Solyndra fell on hard times, it passed into the hands of two large private equity investors . . . Goldman Sachs and George Kaiser. When $500 million in taxpayer money was given to Solyndra, both Goldman Sachs and George Kaiser benefited. Coincidentally, both have made contributions to Obama s election campaigns adding up to roughly $1.25 million.It doesn t stop there.In 2010, another federal loan of $400 million went Abound Solar. That resulted in a bankruptcy as well. But investors in Abound Solar seemed to do just fine . . . investors like billionaire heiress Patricia Stryker. Stryker has famously contributed $500,000 to the Coalition for Progress while throwing $85,000 toward Obama s inaugural committee. It s just a coincidence that the government handed a company she invested in $400 million just before bankruptcy . . . right?There s also A123 Systems, which paid one lobbying firm $970,000 to secure money from the government and received $279 million in federal assistance. The CEO of A123 Systems went on to fund multiple Democratic senators and contributed to Obama s campaign.First Solar received $646 million in government loan guarantees, and has since contributed more than $180,000 to Democratic campaigns.GE is notorious for spending tens of millions of dollars a year to buy green energy credits for its wind turbines and other green technologies credits which helped the firm pay ZERO taxes in 2011.There are a host of other examples of liberals getting wealthy off global warming initiatives just like these.You can see why green energy is such a profitable business CEOs and executives get to rake in millions of dollars, while politicians get lucrative donations for their campaigns . . . and scientists get all the funding they need to keep them going . . . all on your dime.But here s the cherry on top . . .While $22 billion of our money is being redistributed every year to greedy scientists, politicians, and corporations . . .$22 billion is just what is spent on these global warming initiatives.The reality is, these initiatives have ripple effects . . . mainly the regulations (from government agencies like the Environmental Protection Agency) that shackle free enterprise and force us to rely on foreign energy.According to Forbes, the total cost of these ripple effects is a staggering $1.75 trillion annually.I want you to really think about that for a moment.We re watching $1.75 trillion per year . . . $3,329,528 per minute . . . go to waste.It s worse when you note that the U.S. Energy Information Administration says these regulations could ultimately cause gasoline prices to rise 77% over baseline projections . . . send 3 million Americans to the welfare line . . . and reduce average household income by a whopping $4,000 each year.Washington knows all of this . . . and is still barreling forward with its nonsense policies!They re just letting you foot the bill, while they pocket the benefits. Climate change is no longer some far-off problem; it is happening here, it is happening now. Fact is, organizations like the Environmental Protection Agency have handcuffed capitalism . . . based on a theory even its staunchest supporters have already renounced.The result: reduced business, higher energy and food costs, higher taxes, lost jobs, and more money going overseas.For entire story: NewsMax ",left-news,"May 12, 2016",0 +UNREAL! BENGHAZI LIAR SUSAN RICE Shows Her Radical Racist Roots With This Outrageous Comment About National Security,"You just can t make this stuff up we have a National Security Adviser who believes our national security is compromised because there are too many white people in government. Unreal! This is coming from a woman who went on 5 Sunday morning talk shows and lied to the American people about what happened in Benghazi.SHE S ONE TO TALK ABOUT PUTTING OUR SECURITY AT RISK HER TRACK RECORD ISN T SO GREAT: SUSAN RICE HAD A STRING OF FAILURES IN AFRICA BEFORE BENGHAZI:From 1995 to 1997, Rice served as Special Assistant to President Bill Clinton and senior director for African Affairs at the NSC at the White House.The Daily Caller: U.N. Ambassador Susan Rice, reportedly the leading contender to be President Barack Obama s next national security adviser, failed during the 1990s to prevent unnecessary deaths in Rwanda, provide adequate security prior to the bombings of the embassies in Kenya and Tanzania, or deal effectively with Robert Mugabe s dictatorship in Zimbabwe.A former State Department military adviser to Africa thought Rice s inexperience caused President Bill Clinton s feckless response to the Rwandan genocide when she served as National Security Council director for International Organizations and Peacekeeping. And documents sent to The Daily Caller from the National Legal and Policy Center show Rice failed to take seriously repeated Islamist threats against the U.S. embassies in the prelude to deadly bomb attacks. This woman has ZERO credibility and is a true racist who would be tossed out of her job if she were white and said government was too black. Furthermore, she s giving a commencement speech and she s politicizing it!SUSAN RICE FELT STUDENTS SHOULD BE REQUIRED TO TAKE BLACK HISTORY: In a 1986 book by U.S. Ambassador to the United Nations Susan Rice, the future diplomat argued for the aggressive inclusion of a black history curriculum in American schools, claiming that its omission had crippling effects by providing a child with no more than a white interpretation of reality. She s yet another one of Obama s minions with a radical racist past who s pushing the Obama agenda of a fundamental transformation . Rice attended Stanford University and was a black radical back in the day is anyone surprised by this? Probably not In a White House often accused of being stacked with loyalists, President Obama s national security adviser said Wednesday there are too many white people in key government posts, endangering national security because they think alike.Speaking at Florida International University s commencement, Susan E. Rice, who is black, said a diversified government workforce is more likely to yield better outcomes than a predominantly white one.Referring to criticism that the U.S. national security workforce is white, male and Yale, Ms. Rice told the graduates, In the halls of power, in the faces of our national security leaders, America is still not fully reflected. By now, we should all know the dangers of groupthink, where folks who are alike often think alike, she said. By contrast, groups comprised of different people tend to question one another s assumptions, draw on divergent perspectives and experiences, and yield better outcomes. Her comments were reminiscent of Supreme Court Justice Sonia Sotomayor, who said in a speech in 2001, before Mr. Obama appointed her to the high court, I would hope that a wise Latina woman with the richness of her experiences would more often than not reach a better conclusion than a white male who hasn t lived that life. Ms. Rice elaborated in her speech on how having more minorities in the national security field would better protect the homeland.Read more: WT",left-news,"May 12, 2016",0 +What if 20 Million Illegal Aliens Vacated America?,"What if 20 Million Illegal Aliens Vacated America?It s a good question it deserves an honest answer. Over 80% of Americans demand secured borders and illegal migration stopped. But what would happen if all 20 million or more vacated America? The answers I found may surprise you!In California, if 3.5 million illegal aliens moved back to Mexico, it would leave an extra $10.2 billion to spend on overloaded school systems, bankrupt hospitals and overrun prisons. It would leave highways cleaner, safer and less congested. Everyone could understand one another as English became the dominant language again.In Colorado, 500,000 illegal migrants, plus their 300,000 kids and grandchilds would move back home, mostly to Mexico. That would save Colorado an estimated $2 billion (other experts say $7 billion) annually in taxes that pay for schooling, medical, social-services and incarceration costs. It means 12,000 gang members would vanish out of Denver alone.Colorado would save more than $20 million in prison costs, and the terror that those 7,300 alien criminals set upon local citizens. Denver Officer Don Young and hundreds of Colorado victims would not have suffered death, accidents, rapes and other crimes by illegals.Denver Public Schools would not suffer a 67% dropout/flunk rate because of thousands of illegal alien students speaking 41 different languages. At least 200,000 vehicles would vanish from our gridlocked cities in Colorado. Denver s 4% unem ployment rate would vanish as our working poor would gain jobs at a living wage.In Florida, 1.5 million illegals would return the Sunshine State back to America, the rule of law, and English.In Chicago, Illinois, 2.1 million illegals would free up hospitals, schools, prisons and highways for a safer, cleaner and more crime-free experience.If 20 million illegal aliens returned home, the U.S. Economy would return to the rule of law. Employers would hire legal American citizens at a living wage. Everyone would pay their fair share of taxes because they wouldn t be working off the books. That would result in an additional $401 billion in IRS income taxes collected annually, and an equal amount for local, state and city coffers.No more push 1 for Spanish or 2 for English. No more confusion in American schools that now must contend with over 100 languages that degrade the educational system for American kids. Our overcrowded schools would lose more than two million illegal alien kids at a cost of billions in ESL and free breakfasts and lunches.We would lose 500,000 illegal criminal alien inmates at a cost of more than $1.6 billion annually. That includes 15,000 MS-13 gang members who distribute $130 billion in drugs annually would vacate our country.In cities like L.A., 20,000 members of the 18th Street Gang would vanish from our nation. No more Mexican forgery gangs for ID theft from Americans! No more foreign rapists and child molesters!Losing more than 20 million people would clear up our crowded highways and gridlock. Cleaner air and less drinking and driving American deaths by illegal aliens! Author unknownThis article was sent to us by a 100% FED UP follower. While we cannot verify the facts and figures in this article, we thought it was worth sharing, as the basic premise of how Americans would benefit by 20 million illegals leaving America holds true. Illegal Alien Crimes Committed In U.S.A. Statistics:CIS ICE continued to release deportable criminal aliens from its custody at an alarming rate in 2015, according to figures the agency provided to members of Congress this week in advance of a hearing taking place Thursday, April 28. In 2015, ICE freed 19,723 criminal aliens, who had a total of 64,197 convictions among them. These included 8,234 violent convictions and 208 homicide convictions. While the total number of releases is lower than the past two years, since the number of arrests has declined quite dramatically, the rate of releases is approximately the same meaning that this is no progress at all, and certainly will be no consolation for the victims of these criminal aliens.The table below enumerates the criminal convictions associated with the released aliens. The largest number of convictions was for Driving Under the Influence; there were 12,307 alcohol DUI convictions and 354 drug DUI convictions, for a total of 12,661.Convictions for Alien Criminals Released Convictions Number of Convictions Traffic Offense: Driving Under the Influence, Liquor 12,307 Traffic Offense 9,811 Dangerous Drugs 7,986 Larceny 3,535 Immigration 3,064 Obstructing Judiciary/Congress/Legislature,etc. 2,561 General Crimes 2,008 Burglary 1,963 Fraudulent Activities 1,880 Assault 1,728 Public Peace 1,659 Obstructing the Police 1,420 Assault-Domestic Violence 1,347 Weapon Offenses 1,317 Invasion of Privacy 1,012 Assault- Aggravated Assault 921 Assault- Battery 912 Forgery 840 Robbery 804 Stolen Vehicle 782 Family Offenses 763 Stolen Property 761 Sex Offences (not involving Assault or Commercialized Sex) 614 Damage Property 552 Traffic Offense- Hit and Run 394 Liquor 363 Health/Safety 361 Traffic Offenses- Driving Under Influence of Drugs 354 Commercialized Sexual Offenses 352 Sexual Assault 320 Assault- Simple Assault 229 Kidnapping 216 Flight/Escape 214 Threat 134 Homicide 101 Assault- Intimidation 98 Conservation 72 Gambling 56 Embezzlement 50 Arson 41 Tax Revenue 40 Extortion 36 Juvenile Offenders 35 Obscenity 32 Smuggling 28 Homicide- Negligent Manslaughter- Weapon 19 Homicide- Negligent Manslaughter- Vehicle 19 Homicide- Willful Kill- Weapon 19 Homicide- Willful Kill- Gun 18 Bribery 13 Voluntary- Manslaughter 12 Homicide- Willful Kill- Non-family-Gun 9 Homidice- Willful Kill- Non-family- Weapon 4 Traffic Offense- Transporting Dangerous Material 4 Homicide- Willful Kill- Family- Weapon 3 Homicide- Attempt to Commit 2 Homicide- John/Jane Doe- No Warrant 1Total 64,197",left-news,"May 11, 2016",0 +WHY OBAMA’S LAWSUIT AGAINST NC Is Really About The Jack-Boot Of Government On America’s Throats,"Obama is clearly attempting to strip Americans of our right to express our opinions on social issues based on our religion or morals. Americans have found themselves in a scary place, where we are remaining silent when we know we should be speaking out, because we re afraid of being shamed by the progressive Left. Meanwhile the Left continues to blur the lines of morality, hoping that they will erase all individual thought and speech.In a communist society, the individual s best interests are indistinguishable from the society s best interest. Thus, the idea of an individual freedom is incompatible with a communist ideology. The only reason to hold individual speech and information rights would be to better the society. Some of us care little about the debate over public bathrooms. We do, however, care about the ongoing destruction of federalism, individual choice, and good-faith debate.One reliable way to quash dissent and force moral codes on others is to liken your cause to that of the civil rights fight. Every liberal issue is situated somewhere on the great historical arc of equality and justice. If a person stands against even one of these causes which were once great but are increasingly trivial they have, according to the cultural imperialists of the Obama administration, aligned themselves with the Klan. Literally.After U.S. Attorney General Loretta Lynch announced that the Department of Justice had filed a federal lawsuit to stop North Carolina from passing a controversial law this is the go-to characterization of conservative bills that pass with healthy majorities requiring transgender people to use public bathrooms matching their birth certificate, she had this to say:This is not the first time that we have seen discriminatory responses to historic moments of progress for our nation. We saw it in the Jim Crow laws that followed the Emancipation Proclamation; we saw it in the fierce and widespread resistance to Brown v. Board of Education; and we saw it in the proliferation of state bans on same-sex unions that were intended to stifle any hope that gay and lesbian Americans might one day be afforded the right to marry.Likening a spat over biologically segregated boy/girl bathrooms to the genuine, violent, systematic, state-sponsored, society-wide bigotry that took place in this country for a century is both intellectually and morally corrupt. It s not all a continuum. Yet this administration peddles these kinds of risible comparisons in the cause of self-aggrandizement all the time. Hans Fiene has coined it Selma envy.The present situation is significantly different, and in every possible sense less dire. It is the sort of social problem generally worked out amongst people in this country without unelected civil rights commissions punishing business owners for thought crimes. Under North Carolina s law no one was stopping a private company or coffee shop or big box store from having any kind of bathroom set-up they desire. I m pretty sure most voters don t comprehend this fact when they hear the distorted coverage of these laws in the news.North Carolina and other states have preemptively moved forward with these kinds to bills to head off the state redefining gender. Too late. The fact is that the federal government can simply announce that a man can be a woman and vice versa if they choose. It then compels everyone in country to accept this reality. Yet there is no government definition of what transgendered means, other self-identification, which can mean anything. Civil Rights Division Chief Vanita Gupta says: Transgender men are men. Transgender women are women. So sayeth Vanita Gupta, so sayeth we all. Or else. And now 300 million people have adhere to the Obama administration s relativistic notions about nature and gender.Now, from what I can gather the central anxiety of many people is not that the transgendered will take advantage of their children, but that any man can simply declare himself a woman, put on a wig, and go into a public bathroom. Maybe it s an irrational fear, maybe it s not. As a father who s had to send young daughters into busy public bathrooms, I know one thing for sure: I could not care less what Vanita Gupta has to say on the topic.In a broader sense, the suit is symbolic of the federal government s eight-year crusade to decimate any semblance of federalism and streamline progressive morality. The administration ignores state laws that conflict with federal policy when it approves and it sues states when it does not. States that pass law enforcement bills President Obama finds unsatisfactory will see the full force of the Justice Department come down on them. Those with drug legalization laws and immigration laws he does like, even if they conflict with federal law, have nothing to worry about. Whether one agrees in theory with these moves and I am liberal on drug legalization and immigration allowing Washington to selectively enforce law conflicts with the kind of republicanism that allows us to be diverse and deal with unique problems locally.For entire story: The Federalist",left-news,"May 11, 2016",0 +CLASSLESS HILLARY LAUGHS As Person Announcing Her Leaves Out A Very Important Part of The Pledge Of Allegiance [Video],"A CLINTON SUPPORTER AT CAMDEN COMMUNITY COLLEGE introducing Hillary Clinton caught herself when reciting the Pledge of Allegiance Yes, she left out Under God but didn t the Democrat party vote to leave God out of the convention platform in 2012? ",left-news,"May 11, 2016",0 +LONDON’S NEW MUSLIM MAYOR Threatens Trump: Allow Muslims Into U.S. Or They Will Attack America,"How very moderate and tolerant of Sadiq Khan, to make one of his first acts as London s new Mayor to threaten the United States. Perhaps someone will explain to London s new Muslim Mayor that after 8 long years of being kicked around, America s about to elect a new leader who won t be entertaining threats or opinions of local Mayor s in foreign countries. A poll in April found that two-thirds of British Muslims would not tell the government if a friend or family member became involved with extremists.The new Muslim mayor of London has issued a warning to Donald Trump: Moderate your stance on Muslims, or they will launch more attacks against America.Trump recently praised Sadiq Khan for winning London s mayoral race, and said he would be willing to create an exception in his policy restricting Muslim entry into the United States in order to allow Khan to visit. But in a statement Tuesday, Khan dismissed Trump s invitation, and also denounced his views on Islam as ignorant, suggesting Trump s policies would increase the terrorist threat in both the U.S. and U.K. Donald Trump s ignorant view of Islam could make both of our countries less safe it risks alienating mainstream Muslims around the world and plays into the hands of extremists, he said. Donald Trump and those around him think that Western liberal values are incompatible with mainstream Islam London has proved him wrong. For entire story: Daily Caller ",left-news,"May 11, 2016",0 +β€œMODERATE” MUSLIMS GATHER AROUND To Watch New Way ISIS Will Publicly Slaughter Infidels,"Does anyone else notice there are never a shortage of moderate Muslims watching these heinous acts committed by ISIS against the infidel? As soon as Obama gets back from campaigning around the world for his next job as UN Secretary General, and from fighting his dangerous war on global climate change, he should probably focus on the growing threat of radical Islam Images have emerged of a heavily-built executioner ramming a knife through the chest of a man deemed to have committed crimes against the caliphate .The victim, named by news agency ABNA as Abdulhadi Essa al-Salem, was stabbed in the heart before being shot in the head in the ISIS stronghold of Raqqa, Syria.Shocking photos, posted on Twitter by Syrian activist group Raqqa is Being Slaughtered Silently, show the victim then being crucified in public. Via: Express UK ",left-news,"May 11, 2016",0 +COMMANDER IN CHIEF APPROVED RACISM? U.S. Military Makes SHOCKING Disciplinary Decision For 16 Black West Point Cadets,"Do we even need to ask how 16 white West Point cadets posing in uniform, with a white power fist before graduation would have been resolved? Never mind the media circus it would have created Sixteen black West Point cadets who posed with raised fists for a pre-graduation picture that sparked debates on race and proper behavior in uniform won t be punished for the gesture, the U.S. Military Academy said Tuesday.The decision, less than two weeks before the 16 female seniors are poised to graduate, found they didn t violate any U.S. Department of Defense rules limiting political activity.An internal inquiry found that the cadets did not pre-plan or set out to make a political statement, West Point s superintendent, Lt. Gen. Robert Caslen Jr., said in a letter to the student body.But, he said, they showed a lapse of awareness in how symbols and gestures can be misinterpreted and cause division and they will get some instruction on that.The fists-up image, which circulated online, led some observers to question whether the women were expressing support for the Black Lives Matter movement, which grew out of protests over police killings of unarmed black men.But the inquiry found the picture, one of multiple photos the women made in keeping with an informal campus tradition, captured a spur-of-the-moment gesture intended to demonstrate unity and pride in graduating, Caslen wrote. Groups of cadets often take Old Corps pictures in traditional dress uniforms to echo historical portraits.A raised fist has symbolized political resistance for generations, from Nelson Mandela upon his release from prison in 1990 to Democratic Vermont U.S. Sen. Bernie Sanders on the presidential campaign trail this year. It was used by black power advocates in the 1960s, including by two American sprinters during a medal ceremony at the 1968 Mexico City Olympic Games, and more recently by activists for the Black Lives Matter movement.Some observers suggested the women were improperly identifying with the movement while in uniform.Defenders said the women were simply celebrating their forthcoming graduation, something closer in spirit to a team lifting helmets to celebrate a win or Beyonce raising her fist at this year s Super Bowl halftime show. Via: Yahoo h/t WZ",left-news,"May 11, 2016",0 +STATE DEPARTMENT COVERUP: Reporter Questions Missing Video Potentially Showing Iran Deal Deception Was a β€˜Glitch’,The deception was really a Glitch Sure! ,left-news,"May 11, 2016",0 +FORMER MEXICAN PREZ Sends β€œMiddle Finger” To TRUMP Days Before β€œApology”: β€œDon’t play around with us…We can jump walls…We can swim rivers…And we can defend ourselves”,"Wow these sound exactly like the type of people we want living next door to us. It s not so hard to see why so many Americans are enthusiastic about Trump s promise to build the wall BUILD THE WALL!The Huffington Post has published a photograph (above) of former Mexican president Vicente Fox giving Donald Trump the finger, taken a day before Fox apologized to Trump in an interview with Breitbart News.The photograph was originally shared on social media by Ben Mathis, host of the KickAss Politics podcast, which interviewed Fox last Tuesday. Breitbart News interviewed Fox the following day in Santa Monica, California.Mathis posted the photograph with the message: Vicente Fox & I have a message for Donald Trump. Listen to a preview of his most controversial interview yet, recorded just one day before his apology to Trump aired on Breitbart. On Twitter, KickAss politics teased the interview as Fox responding to Trump though the two had already responded to each other, with Fox apologizing via Breitbart and Trump accepting the apology the following day.KickAss politics also added the NeverTrump hashtag.In most controversial interview yet @VicenteFoxQue responds to @realDonaldTrump https://t.co/9AYIuVmJoo #NeverTrump pic.twitter.com/jFRkw5o8I7 Kickass News (@KickassNewsPod) May 9, 2016According to Huffington Post overnight editor Ed Mazza, Fox told Mathis that Trump is an ugly American and hated gringo, and reiterated that he would not pay for the fucking wall on the border, adding: And please don t take out the fucking full word. Mazza adds:In the Kickass Politics conversation, Fox was anything but apologetic. He called the presumptive Republican presidential nominee crazy and a false prophet, and compared him to Latin American demagogues who destroy economies. He also said some of Trump s proposals could lead to war. Don t play around with us, Fox said. We can jump walls. We can swim rivers. And we can defend ourselves. The following day, Fox told Breitbart: I apologize. Forgiveness is one of the greatest qualities that human beings have, is the quality of a compassionate leader. You have to be humble. You have to be compassionate. You have to love thy neighbor. Update: The Huffington Post has attached its mandatory disclaimer on all Trump stories:Editor s note: Donald Trump regularly incites political violence and is a serial liar, rampant xenophobe, racist, misogynist and birther who has repeatedly pledged to ban all Muslims 1.6 billion members of an entire religion from entering the U.S.For entire story: Breitbart News",left-news,"May 10, 2016",0 +DISGRACE: OBAMA Regime Caught WASTING $25 Million US Tax Dollars On Phony CLIMATE CHANGE In Country Where Citizens Are Starving [VIDEO],"It is truly a shame that our nation has $25 MILLION dollars to waste on phony climate change. That money could have gone a long way in helping children and adults who are suffering and dying of malnourishment. This President and the Democrats who support his phony war on climate change should be ashamed of themselves. A $25 million U.S.-funded project to help Guatemala combat global warming is being slammed as another taxpayer-backed boondoggle after a new audit highlighted a series of problems including numerous inaccuracies in the group s work and a failure to produce a required long-term plan.Without the plan, the government audit warned, the funds could be wasted. The grant for the Climate, Nature and Communities in Guatemala Program was awarded to the nonprofit Rainforest Alliance in February 2013 by the U.S. Agency for International Development (USAID) as part of a broader effort to fight climate change abroad.Meanwhile, Guatemala is ranked as the 7th poorest nation in the world. Parentless children like Elvin USAID s Office of Inspector General, which issued the audit last month, said the program was set up to help organizations and small- and medium-sized enterprises (SMEs) in Guatemala improve climate-change strategies and strengthen local NGOs so the country s environment could be conserved without future U.S. assistance. The report noted that as of February 2015, $10.5 million had been disbursed so far.The audit acknowledged the program was making some progress, but it also alleged a laundry list of violations including that the reported results were not accurate.The watchdog reported that data-testing revealed 22 errors in the accounting of whether the program was on track.One example given was that the Rainforest Alliance reported 162,356 hectares of land now devoted to timber and nontimber products such as cacao and honey. But a review found the group had counted the same hectares multiple times.The Rainforest Alliance also reported it had created 30,149 part-time and permanent jobs generated through new sustainable, productive activities undertaken by program-assisted community-based organizations and SMEs. However, the audit found 23,936 of those jobs may have lasted no more than a day.The audit also found that a required comprehensive sustainability plan on how the program will continue after USAID s assistance ends was not completed, despite it being required and the project having been underway for two years. Without a sustainability plan, the funds used to help the Guatemalan Government and other partners manage the country s natural resources to mitigate the harmful effects of climate change could be wasted, the report said.The report was first flagged by Judicial Watch, a conservative watchdog group which called the project an egregious waste of taxpayer dollars and par for the course with virtually all of the Obama administration s green ventures, which have largely failed after getting hundreds of millions in federal funds. Among other violations, the audit also found that while the Rainforest Alliance was supposed to contribute at least $3.75 million as a form of cost-sharing, the $1.79 million it reported as having contributed by December 2014 included $26,708 of U.S. funds it received under a separate project.The auditors also found that participants didn t undergo background checks, breaking a government funding rule that background checks must be performed on anyone seeking to participate in USAID-sponsored training. FOX NewsIf you d like to help one or more of these malnourished children in Guatemala, click HERE to donate.",left-news,"May 10, 2016",0 +BREAKING: FLINT’S DEMOCRAT MAYOR SUED After Whistleblower Rats Her Out For STEALING DONATIONS Meant For Residents,"Democrats looking for attention and along with every celebrity who has been able to find their way to the burned out city of Flint, MI have all jumped on the It s all Michigan s Republican Governor Snyder s fault bandwagon. In reality, there has been plenty of blame to go around. Obama s EPA Director, Gina McCarthy has plenty of culpability when it comes to the involvement of her EPA officials and the cover up of the Flint water crisis. In the end however, it s never about the people of Flint, it s about saving the hides of the inept political officials who allowed this crisis to happen. Flint Lives really don t Matter to greedy politicians like Hillary Clinton, who have used the horrible misfortune of Flint residents to gain trust and votes in the black community.Will anyone remember Hillary s support for black Democrat Mayor Karen Weaver, who is now being accused of STEALING money from charitable donations (that should have been used to support the people who are suffering in the community where she was elected) and putting it into her own campaign fund?The Flint water crisis has triggered yet another lawsuit, this one filed by the city s former administrator, who claims she was wrongfully fired for blowing the whistle on the mayor of Flint for allegedly trying to steer money from a charity for local families into a campaign fund.Former City Administrator Natasha Henderson, 39, who now lives in Muskegon, claims in a lawsuit filed today in U.S. District Court that she was terminated on Feb. 12 for seeking an investigation into allegations of misconduct by Flint Mayor Karen Weaver.Specifically, the suit alleges that Weaver directed a city employee and volunteer to steer donors away from a charity called Safe Water/Safe Homes, and instead give money to the so-called Karenabout Flint fund, which was a political action committee or campaign fund created at Weaver s direction.According to the lawsuit, a city employee told Henderson in confidence that she and a volunteer had previously been directing donors to the City of Flint s website, where they could give money to the Safe Water/Safe Homes charity, which helped families affected by the water crisis. But Weaver directed them to steer donors to the Karenabout Flint website, which the city council had not approved, the suit claims. A red flag went off when it was an unrecognizable fund, Henderson s lawyer, Katherine Smith Kennedy, told the Free Press. She did the right thing. She reported the matter to the city attorney. And for doing the right thing, she was punished. She was fired. The lawsuit names the City of Flint and Weaver as defendants.For entire story: Detroit Free Press",left-news,"May 10, 2016",0 +WHOA! ROCK LEGEND Roger Daltrey Rips EU For β€œRaping” Southern European Countries With IMMIGRATION Nightmare,"WHO knew legendary rocker Roger Daltrey was such a patriotic guy? The Who s lead singer, Roger Daltrey feels very strongly about what s happening with the dysfunctional EU and he s making sure everyone knows how he feels about the leaders who ve pushed immigration at the peril of the citizens.Roger Daltrey wants Britain to quit the undemocratic, highly dysfunctional EU which he claims is raping southern European countries.The Who frontman backed Brexit in an exclusive interview with The Sun, labelling our membership a disaster .The legendary rocker said: The only way we re going to get the Europe that we want is to get rid of this bunch of f***ing useless w***ers that are running it. He said it was set up by a bunch of crooks , adding: It s like these things on the internet where they tell you to read the conditions no one s going to bloody read the conditions! But that s how they did this, we all thought we were voting for a common trade area. Blasting the impact on our own sovereignty he said: What it s done to our Parliament is put them down to level of Parish Council. Hitting out at the unnecessary layers of Government it has created, he added: Because there are so many politicians we get so much useless f***ing law. Attacking the way the EU has impacted on people s lives, he said: That s the biggest issue for me, it s undemocratic, highly dysfunctional, I mean you name me one area of Europe that s functioning really well at the moment. They talk about the immigration thing being the number one issue and I think it is a big issue for our country because we are an island. But no one talks about the other side of that immigration issue which is the fact that all those southern European countries have been robbed of their youth, the countries have been raped. Their youth have had to leave to get work, so how are they going to rebuild their futures? Read more: The SunWill anyone ever forget the passionate performance Roger Daltrey gave in NYC at the Garden to show his support for America right after 9/11? His legendary band played for the first responders. Here s a clip from the 9/11 show just in case you didn t see it: PART ONE: ",left-news,"May 10, 2016",0 +"HYPOCRISY: PAUL RYAN SENDS HIS KIDS TO Private School That Screens Out Muslims, But Demands We Welcome Hundreds Of Thousands Of Muslims To America","Open borders Ryan might be in for a shock when his GOP competitor, businessman Paul Nehlen gives him a run for his money in what should have been a safe seat for him in November. After the Paris terrorist attack, House Speaker Paul Ryan declared that the United States cannot turn away the hundreds of thousands of Islamist migrants now being approved for visas to enter the United States. Ryan declared that it is not appropriate to consider the religious attitudes of would-be migrants seeking admission.After the San Bernardino terrorist attack, Ryan echoed President Obama in condemning what was described as Donald Trump s religious test. However, a Breitbart News investigation now reveals that while Paul Ryan wants no religious test for who gets admitted into America, Ryan sends his children to a private school that uses a religious test in its admissions process.Ryan sends his children to a Catholic school connected to the parish where he was an altar boy as a child.Breitbart News reached out to the school as a perspective applicant and obtained a copy of the school s 2015-2016 registration papers and tuition contract. The document inquires specifically into the applicant s religious background in particular, it asks whether the applicant is a parishioner at the associated Catholic parish. The school recruits through the parish by offering a tuition discount to those who have been baptized and are members of the parish.The registration form defines what qualifies as a parishioner:A parishioner as defined for the purposes of this contract and the attached Addendums is a person who:Is officially registered at [this] Catholic Parish Has had their children baptized; Fulfills the Sunday Mass obligation and other Holy Days of Obligation; Offers consistent financial support (whether weekly, monthly, quarterly, or annually) through the church offertory envelopes or direct deposit for a minimum of $800 per calendar year; Volunteers service to the parish; and Participates in parish ministries when asked, or if they feel called to share their talent of time. Instead of doing an explicit ban on Muslim students, Ryan s school applies a religious tax on non-parishioner students thereby creating a two-tiered system for students and their families depending upon whether or not they are parishioners. The registration form explains that the cost to educate a child at [this] School for the 2015-2016 school year is $4,673.00. The school charges non-parishioner families a rate that is higher than the cost of educating the child: For families who do not have at least one parent or guardian who is a parishioner, a minimum of 4,900 tuition per child will be expected. By contrast, parishioners pay less than the cost to educate one child paying only a minimum of $1900.00 tuition per child plus an additional parish contribution of $800 i.e. a total of $2,200 less per year than what is owed by non-parishioners. Parishioners even receive the recruitment incentive of free pre-kindergarten.By signing the contract, parents agree that the tuition they pay is considered an investment in the Catholic education of my child. As the registration forms explain, the school exists for the express purpose of helping to foster Catholic children:[This] school is a Catholic School established and subsidized by the members of [this] Parish, Janesville, Wisconsin for the purpose of assisting Catholic parents in fulfilling the responsibility to raise their children in the Catholic faith.Therefore, as the school s website explains, the school primarily serves children of parish families and non-parishioner families are welcome as space allows. While Muslim students could presumably get into Ryan s school, the school s reliance on the parish as a recruiting center and the above-cost tuition fees would, by definition, function as a mechanism for screening them out. When Breitbart News spoke to a school representative about the school s religious diversity, the representative said that no student currently enrolled wears a headscarf, even as Paul Ryan s migration policies increasingly introduce this new element into other families schools.Moreover, in addition to the school s religious tax in the form of higher tuition for non-parishioner students, the school also requires a certain degree of assimilation from its non-Catholic students: namely, if a non-Catholic student is admitted, she must participate in the school s religious functions, which include regular faith-based courses.If the U.S. had an immigration policy that resembled the admission policy of Speaker Ryan s school i.e. it recruited migrants from churches and synagogues overseas and offered discounted migration to people who attended churches and synagogues although a Muslim migrant could theoretically get in, the effect would be to substantially reduce Muslim migration and increase Christian and Jewish migration relative to it a policy which Ryan finds reprehensible for the country, but ideal for his kids school.While Ryan chooses to insulate his children in an academic environment that considers religion in its admissions process, he has been adamant that the American people are not entitled to be similarly selective about who comes into their country to live as their neighbors, receive their tax dollars, fill public university slots, demand affirmative action, or potentially radicalize against their own country.Days ago, Speaker Ryan even announced that he could not yet support Donald Trump against Hillary Clinton, after Trump became the presumptive GOP nominee selected by Republican voters. Several candidates Lindsey Graham, Jeb Bush, John Kasich, and Marco Rubio all ran on Ryan s platform and lost by immense margins. Similarly, Mitt Romney also ran on the Ryan platform and lost in a landslide, as did Eric Cantor in his own Congressional District.Reports have previously noted that one of Ryan s central disagreements with Trump stems from Trump s pledge to enact a temporary pause on Muslim migration a policy Speaker Ryan publicly denounced even though, according to exit polling data, seven in ten GOP Wisconsin voters support Trump s plan.Trump s proposal is not what this party stands for. And more importantly, it s not what this country stands for, Ryan said in December.In the next eight months, the U.S. will issue more visas to Muslim migrants than the number of GOP voters in Ryan s district.Yet, not only does Ryan oppose the temporary migration pause, he has pushed to expand Muslim migration. Ryan has a two-decade long history to pushing to expand immigration rates and has championed legislation that expanded Muslim migration. Last December, Ryan ushered his omnibus spending bill through Congress, which funded visa issuances for nearly 300,000 Muslim migrants, temporary and permanent, over a 12-month time span.In an interview with Sean Hannity in November, Ryan said that he does not support any kind of religious test for determining who is admitted entrance into the country even if the would-be migrants believe that women can t drive [and] can t be seen in public without a male relative. I don t think a religious test is appropriate. That s not who we are, Ryan said. I don t think it s the appropriate test. However, as Andrew McCarthy has previously explained, the U.S. law does, in fact, require a religious test when it comes to making considerations about visa issuances.Ryan grounded his attack of Trump s plan to pause the admission of Muslim foreign citizens on the first amendment right of U.S. citizens. Freedom of religion is a fundamental Constitutional principle. It s a founding principle of this country, Ryan said.However, as Sen. Jeff Sessions has explained contrary to a previous declaration Ryan has made the role of a U.S. lawmaker is to represent U.S. citizens, not foreign nationals living in foreign countries. As such, Sen. Sessions explains that our first amendment protections extend to U.S. citizens, and not to foreign would-be migrants all around the globe. In his remarks arguing against an amendment offered by Sen. Patrick Leahy and supported by Senate Democrats that would move towards creating a global right to migrate, Sessions said:There are 7 billion people in the world. Choosing who can immigrate into the United States is, by definition, an exclusionary process. The goal is to select immigrants for admission based on the benefits they provide to society In the United States, we have protections against discrimination by religion, age, disability, country of origin, etc. We have freedom of association. Rights of due process. Now imagine extending these as part of our immigration system. The logical extension of this concept results in a legal regime in which the United States cannot deny an alien admission to the United States based upon age, health, skill, family criminal history, country of origin, and so forth If we say it is improper to consider religion, then that means it is improper for a consular official to even ask about a candidate s religious beliefs when trying to screen an applicant for entry. It would mean that even asking questions of a fianc seeking a visa about his or her views on any religious matter say on the idea of pluralism vs. religious supremacy would be improper, because if it is improper to favor or disfavor a religion, it is improper to favor or disfavor any interpretation of a religion Are we really prepared to disallow, in the consideration of tens of millions of applications for entry to the United States, any questions about religious views and attitudes? A U.S.-born citizen who subscribes to theocratic Islam has a freedom of speech that allows him to give a sermon denouncing the U.S. constitution or demanding it be changed. But [by extending these protections to foreign nationals] a foreign religious leader living overseas could demand a tourist visa to deliver that same sermon and claim religious discrimination if it is not approved.For entire story: Breitbart News",left-news,"May 9, 2016",0 +Employees Say FACEBOOK IS SUPPRESSING CONSERVATIVE NEWS…Pushing Black Lives Matter…Artificially Ordering β€œTrending News”,"We know firsthand what it feels like to be a victim of Facebook. Four years ago, we started making a lot of noise about the illegal immigrants crossing our borders. The number of people interacting with our page went from 32 MILLION to 3 million during within a year. The number of likes on our page had almost doubled, but the activity levels on our Facebook page had dropped over 90%. We hadn t changed a thing that we were doing during that one year span, we were just no longer showing up in the Facebook newsfeed. We still struggle with the same issue today. Even though we pay to advertise on Facebook, we only show up in the newsfeed between 2-6 times per week. Even after our readers have checked the box to see our stories first in their newsfeed on Facebook, they complain we are never there and that they have to physically visit our page in order to see what we re posting. Hmmm On Feb 8, 2013, Breitbart News did a story about Facebook unfairly suspending one of the two mom administrator s on our page:Anonymous sources at Facebook s news team have confirmed to Gizmodo that, in addition to suppressing conservative news sources, the company suppresses stories about itself while artificially promoting stories about the Black Lives Matter movement.This is the latest in the story of Facebook s politically biased trending section, which we initially reported on last week. The anonymous source told Gizmodo that stories from conservative news sources like Breitbart were regularly suppressed by the company.New details emerged today, with the anonymous employee revealing to Gizmodo that stories about Mitt Romney, Rand Paul, CPAC, and other conservative topics were prevented from reaching Facebook s trending category. Furthermore, stories about progressive movements like Black Lives Matter were artificially promoted by the company.According to Gizmodo, the source kept a list of stories that were deep sixed, or prevented from trending on Facebook. They include a laundry list of topics of interest to conservatives.Among the deep-sixed or suppressed topics on the list: former IRS official Lois Lerner, who was accused by Republicans of inappropriately scrutinizing conservative groups; Wisconsin Gov. Scott Walker; popular conservative news aggregator the Drudge Report; Chris Kyle, the former Navy SEAL who was murdered in 2013; and former Fox News contributor Steven Crowder.Gizmodo explains that, far from reflecting the interests of the social network s users, the site s trending list instead reflects the biases of its news team.In other words, Facebook s news section operates like a traditional newsroom, reflecting the biases of its workers and the institutional imperatives of the corporation. Imposing human editorial values onto the lists of topics an algorithm spits out is by no means a bad thing but it is in stark contrast to the company s claims that the trending module simply lists topics that have recently become popular on Facebook. In other words, Facebook s role in the dissemination of news is beginning to resemble that of the Old Media gatekeepers the company initially claimed to be disrupting. Like MSNBC or CNN, Facebook is going to feed its users information from the top down, mediated by its employees own political prejudices just as I predicted it would last month.In addition to suppressing stories, Gizmodo s sources also confirmed that they were also directed to inject certain stories into the trending list even if they weren t popular enough to warrant inclusion. Unsurprisingly, these included stories about Black Lives Matter, a movement that Mark Zuckerberg has personally defended from internal critics at the company.Facebook got a lot of pressure about not having a trending topic for Black Lives Matter, the individual said. They realized it was a problem, and they boosted it in the ordering. They gave it preference over other topics. When we injected it, everyone started saying, Yeah, now I m seeing it as number one . This particular injection is especially noteworthy because the #BlackLivesMatter movement originated on Facebook, and the ensuing media coverage of the movement often noted its powerful social media presence.The company also instructs its curators to avoid promoting stories about Facebook itself a useful barrier against articles that could make the company look bad. When it was a story about the company, we were told not to touch it, said one former curator. It had to be cleared through several channels, even if it was being shared quite a bit. We were told that we should not be putting it on the trending tool. Something tells me this article won t be appearing on Facebook s trending list anytime soon.Despite Facebook curators actively suppressing articles from Breitbart News, it is still the 15th largest publisher in the world for Facebook engagement, #12 in the world for Facebook shares of its stories, and #10 in the world for Facebook comments. It begs the question how much bigger Breitbart News reach would be if Facebook employees were not intentionally holding back Breitbart s exposure on the social media platform.Breitbart News issued an official statement in reaction to these latest revelations:Breitbart News has remained in the top 25 Facebook publishers for six months in a row, despite the new reports confirming what conservatives have long suspected: Facebook s trending news artificially mutes conservatives and amplifies progressives.Facebook claims its algorithm simply populates topics that have recently become popular on Facebook in its trending news section, but now we know that s not true.In a spirit of transparency and community, we invite Mark Zuckerberg to do a Facebook Live interview with Breitbart News Tech Editor Milo Yiannopoulos to explain to the tens of millions of conservatives on Facebook why they re being discriminated against.Breitbart Tech has long warned that despite their outward commitments to political neutrality, hyper-progressive Silicon Valley companies like Facebook would inevitably imprint their own biases on the flow of information. It seems those warnings were not amiss.Via: Breitbart News",left-news,"May 9, 2016",0 +JUDGE RULES: Obama White House Showed β€˜Bad Faith’ In Global-Warming Case,"A judge just told us all what we ve known for 7 years the Obama administration lies like a rug to cover up or to further their agenda. This is the third time a judge has slapped down the Obama White House for their lack of transparency liars all! The funny thing is that the judge said he s troubled by all this lying and misleading the court yes, we are too ;0The White House showed bad faith in how it handled an open-records request for global warming data, a federal court ruled Monday, issuing yet another stinging rebuke to the administration for showing a lack of transparency.For President Obama, who vowed to run the most transparent government in U.S. history, Judge Amit P. Mehta s ruling granting legal discovery in an open-records case the third time this year a judge has ordered discovery is an embarrassing black eye.In this most recent case, the Competitive Enterprise Institute was trying to force the White House Office of Science and Technology Policy to release documents backing up Director John C. Holdren s finding that global warming was making winters colder a claim disputed by climate scientists. Mr. Holdren s staffers first claimed they couldn t find many documents, then tried to hide their release, saying they were all internal or were similar to what was already public.But each of those claims turned out not to be true. At some point, the government s inconsistent representations about the scope and completeness of its searches must give way to the truth-seeking function of the adversarial process, including the tools available through discovery. This case has crossed that threshold, the judge wrote.Discovery is considered exceedingly rare in Freedom of Information Act cases, because the government is given the benefit of the doubt in claiming it tried to search for and release documents. But in three cases so far this year, judges have said called the Obama administration s efforts into question, finding severe oversights that suggest bad faith. Both of the other cases involve the State Department s handling of former Secretary Hillary Clinton s emails.In the OSTP case, conservative activists were trying to get a look at how the agency director, John P. Holdren came to the conclusion that global warming was causing more severe winters a finding that scientists generally dispute.The OSTP repeatedly botched its efforts to search for and produce the chain of work for Mr. Holdren s conclusions. Initially the office said it found just 11 pages of documents, none of which included drafts of the director s final conclusions. Later, the office admitted it found 47 pages of drafts, but tried to withhold them, claiming they were protected from release because they were only seen within the administration. Both of those impressions turned out to be mistaken, Judge Mehta said.OSTP then said there were 52 total pages of drafts, only one person outside the administration saw a draft and that document was similar to what the OSTP had already produced. All three of those impressions also turned out to be mistaken, Judge Mehta wrote, adding in a footnote that he was troubled by the government s statements that misled the court.Read more: WT",left-news,"May 9, 2016",0 +WHOA! West Virginia Coal Miners Just Made Powerful VIDEO To Make Sure Hillary Is NOT America’s Next President,"The economic devastation is very real in West Virginia. Obama promised to shut down the coal industry as one of his bold campaign promises in 2008. Hillary s plan is to keep the dream of shutting down the coal industry alive long after Obama is out of office. Coal miners are taking and stand and letting America know they are not going to sit back and watch their livelihoods and towns destroyed by a radical leftist President. Watch here:https://youtu.be/Gbj5WwwEkJw Let s put it this way. Hillary Clinton says she s going to shut you down. Bernie Sanders says the same thing. Then you got Donald Trump saying we re going to put you back to work, we re going to save your jobs. I mean, that means a whole lot to us. Whether it s true or not, the man is the first one who says we re going to put you back to work. So I m going to support him. I mean if he goes back on his word, we got another election if four years, we ll vote him out. West Virginia Coal Association VP speaks out against Hillary here: ",left-news,"May 9, 2016",0 +BLACK FEMALE RAPPER Endorses Trump: β€œBlack Folks Have Been Voting Democrat For Last 70 Years And We Don’t Have Shit To Show For It…Hillary Treats Us Like β€˜PETS'”,"We may not agree with MOST of what rapper Azalea Banks has to say, but she is a fierce defender of free speech and as such, has come out with a flurry of in-your-face tweets to the black, typically Democrat voters, announcing her supporting Donald Trump. Donald Trump can add another member of Hollywood to his list of supporters.Azalea Banks offered her support for Donald Trump in a series of tweets that started out with, I REALLY want Donald Trump to win the election. She went on to say Trump just wants the U.S. to be lavish for all of us. Her tweet seems to suggest that Trump wants everyone to have the opportunity to prosper in America. She followed it up by saying, Hillary talks to black people as if we re children or pets. i can t stand herrrrr. When her followers called her out, suggesting Trump was a racist and symbol of hatred, Banks replied:Banks defends her right to her opinion against angry Twitter followers over her endorsement of Trump: It wasn t that long ago Azealia Banks called for the gang rape of Sarah Palin. We re not so sure her endorsement is one that Donald Trump will embrace. ",left-news,"May 9, 2016",0 +"MEGA POP STAR ADELE Says Racist, Black Panther Poster Girl, Beyonce Is β€œJesus Christ” [VIDEO]","Wake up world! There is a movement by the Left to remove God from our lives. When one of the most popular and beloved stars in the world start referring to Beyonce as Jesus Christ maybe it s time to start paying attention to the celebrities your kids are listening to or paying to see in concert. Some might call the suggestion that Beyonce and her racist husband Jay Z have ties to the illuminati and Satan worship movement over-the-top, while many may see some cause for concern over allowing their children to support these trashy celebrities. And we haven t even touched upon her most recent Super Bowl appearance where Beyonce, dressed in Black Panther militant attire debuted the racist, cop-bashing song from her new album.Pop singer Adele made some amazing and blasphemous comments while performing at the Forum in Copenhagen, Denmark on Tuesday as she stopped mid-show to give a shout-out to Beyonce. Beyonc is the most inspiring person I ve ever had the pleasure of worshipping, she wrote. Her talent, beauty, grace and work ethic are all in a league of their own. I appreciate you so much! Thank god for Beyonc X. Ye shall make you no idols nor graven image, neither rear you up a standing image, neither shall ye set up any image of stone in your land, to bow down unto it: for I am the LORD your God. Leviticus 26:1 (KJV)Adele went on to refer to Beyonce as Jesus Christ , but only after inserting one of the foulest expletives deleted you could possibly imagine in the middle of the Lord s Name. Nice to know what Adele thinks of the same Jesus that lets her breathe His air, and allows her to wake up every day.Before her concert, Adele posted a photo to Instagram showing her hugging a poster of Beyonc , and wrote that she was speechless, presumably over the singer s latest album.Beyonce freely admits being possessed by a spirit she calls Sasha Fierce, and has mentioned her time and again in interviews over the span of multiple years. Watch the video below for a graphic look at the demonic spirits that guide Beyonce and her golden career.You be the judge:This is the type of Godless trash that your kids are exposed to each and every day of their lives. You can t stop them from listening to it when they are outside your home, but you can use it as an opportunity to teach your kids what blasphemy is, and why they should never do it.Adele got it right, though, when she said thank god for Beyonce referring to the little g god of this world, otherwise known as Satan. It is he that brings you the adoring crowds, the cheering fans, the drugs, booze, sex and the incredible riches you now enjoy so much.Via: NowTheEndBeginsBesides being a racist, her godless side and her attraction to our godless President all makes sense: ",left-news,"May 9, 2016",0 +Swedish Mother KICKS Daughter Out Of Her Room To House Refugee…Refugee Promptly Sexually Assaults 10 Year Old Daughter,"A tale of a mother and the dangerous religion of progressivism Putting her radical liberal ideology before the safety and well-being of her own children A Swedish mother decided it would be a good idea to open up her home to a male refugee from Eritrea, and so she kicked her daughter out of her room to make space. That refugee then decided to sexually assault her 10-year-old daughter.In the summer of 2015, a mother of three children in Sweden brought two third world asylum seekers into her home. To make space, she decided to move her daughter Emma into her own room.On the eve of Aug. 18, 2015, Emma awoke to find Isaac squeezing her chest. She suffered breast pain after the incident and didn t want to tell anyone, as she was afraid her mother would get in trouble. Emma couldn t even look at Isaac because he looked scary to her. The story came out after Emma finally told a friend of hers, and eventually after several people became aware of the situation, Isaac was confronted.He protested he would never sexually assault Emma, since he has a girlfriend back in Eritrea. But after further questioning, he finally admitted to groping Emma s breasts. When the police questioned him, Isaac changed his testimony and denied he had ever touched her.Isaac meanwhile maintains he s only 15, since he started school in Eritrea when he was 10 and then went to school for an additional seven years. He finished school two years ago, which according to him, makes him only 15.The Lund District Court finds this sort of calculation bizarre, but the judge has decided to move forward with the case under the assumption that he is, in fact, just 15. The judge sentenced Isaac on Friday based on the charge of juvenile sexual assault, which means he ll be sent to counseling.In the counseling process, he ll apparently learn to control his impulses and process through past experiences in his life that may have caused him to act out the way he did.Meanwhile, Emma s brother says he s never seen his sister so distraught. She cries often, even though according to her brother, she s very strong.Yet, despite what Isaac did, he ll be able to stay in Sweden.Via: Daily Caller ",left-news,"May 9, 2016",0 +MUSLIMS Are Not Going To Like Announcement By America’s First Muslim Miss U.S.A. [VIDEO],"Will the Muslim community still embrace the first Muslim Miss U.S.A. following her recent conversion? Rima Fakih is believed to be the first Muslim to win the title of Miss USA when she was crowned the winner in 2010.Now, the beauty pageant winner has converted to Christianity, recently sharing a verse from Philippians on Twitter.Philippians 4:13 I can do all things through him who strengthens me pic.twitter.com/RSTZ9IJD3Z Rima Fakih (@RimaFakih) March 30, 2016Fakih converted to Christianity last month in preparation for her marriage in Lebanon next week to Wassim Salibi, a wealthy Christian music producer, Christian Today reports.At the time of winning the Miss USA title, Fakih said, I d like to say I m American first, and I am an Arab-American, I am Lebanese-American, and I am Muslim-American. According to the news site Albawaba, Fakih only connected to her Muslim roots in college. When I went to the University of Michigan, because there s more of a Muslim community, my dad wanted me to learn more about Islam, she said. I didn t know much about Ramadan and other holidays, and my dad wanted me to take that opportunity and learn. After winning Miss America, Fakih was involved in some controversy when photos surfaced of her participating in a radio station s Stripper 101 contest. She was also convicted of drunk driving in 2012. Even so, the Muslim community still supported her. But will they support her now considering her recent conversion to Christianity? Via: Fox News",left-news,"May 8, 2016",0 +β€œI Think My Dog’s A Democrat” [VIDEO],A MUST watch video!https://youtu.be/-5Z-jJ2Z4bU,left-news,"May 8, 2016",0 +PRO-HILLARY SAUDI PRINCE JUST Gave Americans A Great Reason To Vote For Trump,"It wasn t a direct endorsement of Trump, but when American voters see why Turki al-Faisal is speaking out against Trump, after donating to Hillary s crooked charitable foundation, it will make you want to vote for him.A Saudi prince has urged Americans not to vote for Donald Trump in the upcoming general election.Turki al-Faisal, who served as Saudia Arabia s ambassador to the US from 2005 to 2007, spoke against the presumptive Republican nominee during a foreign policy dinner in Washington, DC on Thursday.As Of September 30, 2015, Turki Al Faisal Al Saud Has Donated Between $100,001 And $250,000 To The Clinton Foundation, Including A New Donation In The Third Quarter Of 2015. (Clinton Foundation, Accessed 10/29/15)He blasted Trump s proposal to ban Muslims from entering the US, which the billionaire first formulated in December last year before renewing his vow on Wednesday. For the life of me, I cannot believe that a country like the United States can afford to have someone as president who simply says, These people are not going to be allowed to come to the United States, Turki said according to the Huffington Post. It s up to you, it s not up to me, Turki added. I just hope you, as American citizens, will make the right choice in November. Turki, who went to Georgetown University in Washington, DC, isn t currently part of Saudia Arabia s government but serves as the chairman of the King Faisal Center for Research and Islamic Studies, a cultural organization that conducts research in politics, sociology and heritage.",left-news,"May 7, 2016",0 +OOPS! HECKLERS FORCE HILLARY OFF Stage In LA After Only One Minute [VIDEO],"Karma s a bitch or is it the other way around? LA doesn't seem to like Hillary Clinton..her campaign rally today lasted less than a minute. This is over half of it pic.twitter.com/5IwqTTuTqv Alison Arkin (@Cronikeys) May 7, 2016",left-news,"May 7, 2016",0 +KRISPY KREME Worker REFUSES To Serve Cop: ” I don’t do the POlice”,"She doesn t do POlice until someone threatens to do harm to her or someone she knows Richland County, SC A Krispy Kreme employee is in hot water after they refused to serve a deputy with the Richland County Sheriff s Department at the Clemson Road location for the sole reasoning being he was a cop.The sheriff s department confirmed the incident and said the poor actions of one employee does not properly represent the views and values of the community, business, organization as a whole, read a statement. WACH-FOX57Don t let this story of one bad employee discourage you from patronizing Krispy Kreme. Here is a great example of Krispy Kreme partnering with local police in Greenville, SC in 2013:Local law enforcement personnel joined forces for the annual Cops on Top of a Doughnut Shop fundraiser, benefiting the Special Olympics. FOX Carolina ",left-news,"May 6, 2016",0 +WATCH 8TH Grader DESTROY Disgraced Detroit City Council Member And Wife Of US Representative In Debate [VIDEO],"Watching this video will help anyone who is curious about why the city of Detroit continues to be bailed out of trouble like an irresponsible child with a trust fund. This video of Detroit City Council member Monica Conyers (D), wife of US Representative John Conyers helps to explain the type of character Detroit voters have been placing their trust in for decades. This is an older video, but definitely worth sharing.Shortly after this debate with an 8th grader, City Councilwoman Monica Conyers was found guilty of bribery and sent to prison for 3 years.Former Detroit City councilwoman, Monica Conyers was sentenced to more than three years in prison for bribery after a federal judge refused to set aside her guilty plea during a stormy court hearing dominated by a dispute over evidence of other payoffs.As guards cleared the packed courtroom, Monica Conyers yelled that she planned to appeal. The wife of U.S. Rep. John Conyers, D-Mich., wanted to withdraw her guilty plea, suggesting she was the victim of badgering last year when she admitted taking cash to support a Houston company s sludge contract with the city.But U.S. District Judge Avern Cohn, reviewing a transcript of the June hearing, said Conyers had denied any coercion and voluntarily pleaded guilty to conspiracy.Conyers, 45, is the biggest catch so far in the FBI s wide-ranging investigation of corruption in Detroit city government. Nine people have pleaded guilty, including two former directors of the downtown convention center, and prosecutors have promised more charges are coming. Bribery is a betrayal of trust, Cohn told Conyers after announcing a 37-month prison term for her egregious crime. She quit the council after pleading guilty in June.Conyers plea deal was limited to taking bribes to support a contract with Synagro worth $47 million a year. But the recent trial of her former aide, Sam Riddle, exposed a series of alleged schemes involving others making payoffs to do business at city hall.Prosecutors said Riddle and Conyers collected $69,500 by shaking people down and urged Cohn to consider the alleged crimes when sentencing her. Defense lawyer Steve Fishman firmly objected and demanded a separate hearing.Conyers declared, I m not going to jail for something I didn t do. Before the hearing, Conyers moved around the courtroom like a playful host, blowing kisses to supporters while wearing dark sunglasses. Her husband, who has an office in the federal courthouse, was not in the courtroom. Spokesman Jonathan Godfrey said he didn t know his whereabouts. Via: Huff PostDespite her going to prison, losing her political job and often embarrassing the family with her behavior in City Hall, U.S. Rep. John Conyers does not want a divorce from his feisty wife, Monica Conyers, his lawyer told the Free Press on Monday.The former Detroit city councilwoman filed for divorce last month, claiming the marriage has fallen apart beyond repair. But her 86-year-old husband wants to work things out. Detroit Free Press",left-news,"May 6, 2016",0 +"LOL! OBAMA WARNS VOTERS Donald Trump Is Unvetted, Unserious…”This is not a reality show”","Says the guy who was a Jr. Senator and Community Organizer prior to becoming President of the United States. And who can forget our selfie President?And then there s the famous Nelson Mandela funeral selfie:President Obama skewered Donald Trump on Friday, warning that the Republicans presumptive nominee isn t serious enough for the presidency, his plans aren t plausible, and his ideas haven t been vetted sufficiently.Let s not forget that when Obama was living in his own little narcissistic world and making a contribution to absolutely no-one Trump was busy creating jobs.Obama continued: He has a long record that needs to be examined. And I think it s important for us ot take seriously the statements he s made in the past, Obama said. We are in serious times and this is a really serious job. This is not entertainment. This is not a reality show. These were Obama s first extended comments about Trump since the New York mogul cemented his role as the presumptive GOP nominee on Tuesday night. He spoke in the White House briefing room, using remarks on the economy and a crackdown on tax evasion as an opportunity to air his views. It was clear he expected questions about Trump, and intended to use the appearance to discuss the new phase of the election. This is a contest for the presidency of the United States and what that means is that every candidate, every nominee needs to be subject to exacting standards and genuine scrutiny, he said.Via: Dallas Morning NewsSpeaking of scrutiny :Here is a Breitbart News top ten list of things that Obama has refused to release (a complete list would fill volumes):10. State senate papers. In the 2008 primary, Obama criticized Hillary Clinton for not releasing papers from her eight years as First Lady but failed to produce any papers from his eight years in Springfield. They could have been thrown out, he said.9. Academic transcripts. His supposed academic brilliance was a major selling point, but Obama (by his own admission) was a mediocre student. His GPA at Occidental was a B-plus at best, and his entering class at Columbia was weak. Can he prove his merit?8. Book proposal. Obama s literary agent claimed he was born in Kenya for sixteen years. His original book proposal exists biographer David Maraniss refers to it and seems to have embellished other key details of his life. Yet it has never been released.7. Medical records. In 2000, and again (briefly) in 2008, GOP presidential candidate Sen. John McCain released thousands of pages of his medical records. Obama, who had abused drugs and continued smoking, merely provided a one-page doctor s note.6. Small-dollar donors. In 2008, the McCain campaign released the names of donors who had contributed less than $200, though it was not required to do so. But the Obama campaign refused, amidst accusations it had accepted illegal foreign contributions.5. The Khalidi tape. In 2003, Obama attended a party for his good friend, the radical Palestinian academic Rashid Khalidi. The event featured incendiary anti-Israel rhetoric. The LA Times broke the story, but has refused to release the tape and so has Obama.4. The real White House guest list. Touting its transparency, the Obama White House released its guest logs but kept many visits secret, and moved meetings with lobbyists off-site. It also refused to confirm the identities of visitors like Bertha Lewis of ACORN.3. Countless FOIA requests. The Obama administration has been described as the worst ever in complying with Freedom of Information Act requests for documents. It has also punished whistleblowers like David Walpin, who exposed cronyism in Americorps.2. Health reform negotiations. Candidate Obama promised that health care reform negotiations would be televised on C-SPAN. Instead, there were back-room deals worth millions with lobbyists and legislators the details of which are only beginning to emerge.1. Fast and Furious documents. After months of stonewalling Congress, Attorney General Eric Holder asked President Obama to use executive privilege to conceal thousands of documents related to the deadly scandal and Obama did just that.In addition to the above, Obama and his campaign have lied about many facts about his past his membership in the New Party; his extensive connections with ACORN; and his continued relationship with domestic terrorist Bill Ayers and Jeremiah Wright, among other examples. Obama s own memoir is filled with fabrications. And now he is lying about his opponent s honorable record in business. He and the media have no shame.And oh yeah one more thing that we almost forgot:",left-news,"May 6, 2016",0 +NOT KIDDING: ARIZONA NEWSPAPER Concerned Border Fence Too High For Illegals To Cross Safely,"When the fence keeps them from making it to the polls, the Democrats start complaining A mainstream Arizona newspaper is decrying the small section of the Arizona-Mexico border that has a 14-foot-high primary fence because it is too high for illegal immigrants to safely cross. The article, Border Fence Jumpers Breaking Bones, includes the claim that sections of the border with a 14-foot-high fence are as tall as a two or three-story house and tells the stories of several women who broke bones and were treated extensively to healthcare and surgeries at the expense of U.S. taxpayers. The writer never mentions any lives directly lost as a result of there not being a border fence in most sections, such as when Mexican nationals crossed into the U.S. and murdered father and husband Robert Rosas, a U.S. Border Patrol agent.The article in question was written by Perla Trevizo for the Arizona Daily Star. In the excerpt below, note the section s subtitle and the casual mention that the foreign woman had been deported multiple times prior:A DREAM ENDSFor some, the fence is a last resort.Maria Ibarra, 28 and also from Oaxaca, had tried crossing through Nogales and El Paso in April, but both times she was sent back to Mexico.This time she was determined to get through. She left her 10-year-old son with her parents in Oaxaca. He was born in South Carolina, where she lived for two years before going back to Mexico in 2006 so her parents and siblings could meet her son.Once there, she said, her son started losing his hearing in one ear and having seizures. All I wanted was an opportunity to fight my case, she said. She hoped her son could join her or maybe she could get a permit to visit the hospitals where he was first treated. But she already had a couple of deportations and a voluntary return to Mexico.Interestingly, the part about the woman hoping her son could join her is errant in not mentioning that once her son does join her in the U.S., the woman and her son would likely be permitted to stay because they would then be an incomplete family unit.The assertion that the border fence is as tall as a two or three-story house came from Fernando Valdez, Mexico s deputy consul general in Nogales, Arizona. He was quoted as stating, What surprises us is that people continue to jump from heights that can be the equivalent of a two- or even three-story house, he said. But we hear they feel pressured to do it because they are holding the line or they start insulting them, telling them to jump. The second part of his statement appears to be directed towards U.S. Border Patrol agents, but the writer left the intended direction of the assertion ambiguous. Of course, if that be the case, the Border Patrol routinely saves illegal immigrants lives, as the article inadvertently makes clear. Mexican authorities routinely demonize and attack U.S. Border Patrol agents, even in cases where agents have acted in self-defense against the violent narco-traffickers or other violent individuals.Perhaps the most disturbing aspect of the advocacy article is that the writer did not mention why a segmented border security fence exists. The fence, which contrary to left-of-center media assertions does not encompass most of the border, was built largely to stop violent criminals from their routine entering and existing of U.S. communities. Two instances come to mind, though in both cases the wall has yet to be built in those specific segments. In 2002, the FBI engaged in a sting operation in Sunland Park, New Mexico along the U.S.-Mexico Border. The effort was spurred by Mexicans routinely crossing the border and robbing trains of cargo. Mexicans would jump the small chain-link fence that served as the area s only border security and rob the train cars. They would then simply jump back across the fence and U.S. authorities were powerless to stop them. Mexican authorities, often corrupted by the criminal organizations behind the robberies and thefts, did nothing to stop the crimes.Two FBI special agents got separated from their group in the sting. One of them was a woman. The two agents were surrounded by dozens of Mexican nationals who beat them unconscious and caused severe injuries, including broken facial bones. A federal agent with knowledge of the incident spoke to Breitbart Texas on the condition of anonymity and said, There were indicators that the Mexican nationals were trying to drag the unconscious body of the female FBI agent back with them into Mexico. This writer previously covered the issue in 2013 and wrote, Only a few of the men were eventually prosecuted, as most were deported back to Mexico prior to prosecution. Unless something else happened or they moved, the men are still free and presumably operating in the area. The very nature of a fence is that it poses a difficulty or risk to unauthorized crossings in an area, such as in the recent issue of Barack Obama s White House raising the height of their fence to keep unwanted people from crossing. In Arizona s specific border situation, there exist two border sectors: the Tucson Sector and the Yuma Sector. Though the Yuma Sector is largely locked down with significant coverage of technology and a primary and secondary fence, the Tucson Sector is largely open. Most of the sector has no fence at all and can be freely crossed at the whim of any person in Mexico wishing to enter the United States. The video embedded below shows the reality of most of the Arizona-Mexico border.Via: Breitbart News",left-news,"May 6, 2016",0 +BREAKING BOMBSHELL: Obama’s Foreign Policy Guru Admits To SHOCKING LIES Obama Told To Sell Americans On IRAN Deal,"As if this news, in and of itself, is not horrific enough Deputy National Security Advisor, Ben Rhodes also reveals that Obama began negotiations with Iran as early as 2008, while radical Muslim hardliner, Mahmoud Ahmadinejad was still in power! The Obama administration cooked up a phony story to sell Americans on the Iranian nuke deal, lying that US officials were dealing with moderates in the Islamic theocracy who could be trusted to keep their word, it was reported Thursday.In a revealing article posted on the New York Times website, President Obama s foreign-policy guru Ben Rhodes bragged about how he helped create the false narrative because the public would not have accepted the deal had it known that Iranian hard-liners were still calling the shots.The White House line which Rhodes says he created was that Obama started negotiations after the supposedly moderate Hassan Rouhani was elected president in 2013.But Obama had set his sights on working out a deal with the mad mullahs as early as 2008, and negotiations actually began when strongman Mahmoud Ahmadinejad was still president.Rhodes, the deputy national security adviser for strategic communications, concedes in the article that the so-called moderate regime is not moderate at all. We re not betting on it, he said.Despite having little foreign-policy experience, Rhodes, 38, a former aspiring novelist who grew up on the Upper East Side, was in charge of a massive White House messaging effort that fed the bogus line to journalists. We created an echo chamber. They were saying things that validated what we had given them to say, he admitted in the Times interview when asked about the plethora of experts praising the deal in the press.The Times article, which will appear in the paper s Sunday magazine, notes Rhodes, who has a writing degree from NYU, was skilled as a storyteller. He is adept at constructing overarching plotlines with heroes and villains, their conflicts supported by flurries of carefully chosen adjectives, quotations and leaks from named and unnamed senior officials, reporter David Samuels writes. He is the master shaper and retailer of Obama s foreign-policy narratives. Asked about his misleading version of the deal, Rhodes said, In the absence of rational discourse, we are going to discourse the [expletive] out of this. We had test drives to know who was going to be able to carry our message effectively, and how to use outside groups like [the anti-nuke group] Ploughshares, the Iran Project and whomever else. So we knew the tactics that worked. We drove them crazy, he said of Republicans and others who opposed the deal, including Israeli Prime Minister Benjamin Netanyahu.Obama, the article says, misled the public with the idea that negotiations began because of the moderate faction s rise in 2013. Today, after two years of negotiations, the United States, together with our international partners, has achieved something that decades of animosity has not, Obama said last July when announcing the deal.Leon Panetta, then secretary of defense, confirmed in the article that the hard-line regime, and its military arm, was still in charge. There was not much question that the Quds Force and the supreme leader ran that country with a strong arm, and there was not much question that this kind of opposing view could somehow gain any traction, he said. I think the whole legacy that he [Obama] was working on was, I m the guy who s going to bring these [Mideast] wars to an end, and the last goddamn thing I need is to start another war. Without naming him, Panetta suggested Rhodes was one of several on Obama s staff who told the president only what he wanted to hear, the article says.Rhodes bashed the media for not properly reporting on foreign affairs and revealed how he fed information to reporters such as Jeffrey Goldberg of The Atlantic, a respected Beltway insider, as the Times called him. All these newspapers used to have foreign bureaus, he said. Now they don t. They call us to explain to them what s happening in Moscow and Cairo. Most of the outlets are reporting on world events from Washington. The average reporter we talk to is 27 years old, and their only reporting experience consists of being around political campaigns. That s a sea change. They literally know nothing. Rhodes assistant, Ned Price, gave an example of how they would shape the news by feeding a narrative to their compadres in the press corps and letting it echo across social media.For entire story: NYP",left-news,"May 6, 2016",0 +"TRUMP Puts Illegal Aliens, Un-vetted Muslim Immigrants On NOTICE…Drops Names Of Like-Minded Cabinet Members…Liberal Heads EXPLODE!","Trump didn t stop with names of potential cabinet members he also doubled down on policies designed to make America safer. Voters should be asking why liberals are so offended when Trump suggests putting the national security of America before political correctness?Donald Trump is sticking with two of his most controversial policy proposals now that he has become the Republican Party s presumptive presidential nominee.Trump tells NBC s Lester Holt that he stands by his plan to temporary bar foreign Muslims from entering the country if he s elected president because of the dangers of extremism.He says, We have to be vigilant. Trump is also standing by his plan to deport all of the estimated 11 million people living in the country illegally.He says, Yes, they re going to be deported. He wants to put a system in place that would allow some to return.Donald Trump says he s setting up a vice presidential vetting committee very soon that could include some of his former running mates.In an interview with CNN s Wolf Blitzer Wednesday, Trump said that he has yet to begin to seriously consider his potential running mates.He says he may put Ben Carson and Chris Christie on the committee.Donald Trump is revealing some possible Cabinet picks if he s elected president.In an interview with Fox News s The O Reilly Factor, the presumptive GOP nominee says he d consider naming former New York City Mayor Rudy Giuliani secretary of homeland security, Gov. Chris Christie attorney general and Dr. Ben Carson secretary of health and human services.He says he has not made final decisions, but certainly they would three very wise choices. Trump also said Carson is not interested in being his running mate. Via: AP ",left-news,"May 6, 2016",0 +BREAKING: MUSLIM OPENS FIRE ON JOURNALISTS [Video],Religion of peace h/t Weasel Zippers,left-news,"May 6, 2016",0 +HYSTERICAL! The Guy Who’s Spent Majority Of Both Terms On Golf Courses Makes THIS Insane DEMAND Of Congress,"Of course Obama the putz blames too little government for the poisoned water crisis in Flint OBAMA TO CONGRESS ON FLINT AID: #DOYOURJOBOn a trip focused on letting Flint residents know they have not been forgotten, President Barack Obama put pressure on Congress to move a bill that would bring aid to Flint, Mich. and other communities at risk of lead contamination in their water systems.As Pro s Annie Snider reports, both houses are out of session until next week, but the Senate could, in theory, take up a water infrastructure bill that includes assistance to Flint and other cities with lead-pipe distribution systems. The bill easily passed out of the Senate Environment and Public Works Committee 19-1. Obama would like to see that bill move sooner rather than later. Congress, led by your congressional delegation, needs to act in a bipartisan fashion, do their job, make sure Flint has the necessary resources, Obama said Wednesday in a speech in Flint.President puns it like ME, calls small-government philosophy corrosive : The president used the speech to broadly attack the conservative philosophy of less-government-is-good-government, saying an anti-government attitude was at the root of the problems in Flint. I do think that part of what contributed to this crisis was a broader mindset, a bigger attitude, a corrosive attitude, that exists in our politics and exists in too many levels of our government, he said. It s a mindset that believes that less government is the highest good, no matter what. Boos for Snyder, but not from Obama: Gov. Rick Snyder also spoke at the event amid boos from the crowd of over 1,000 people. But Obama held off from attacking the governor, even trying to quiet the boobirds. No, no, Obama said. We re doing some business here. Via: PoliticoHow very big of you Barry...h/t WZ ",left-news,"May 5, 2016",0 +LOL! HILLARY’S New Anti-Trump Ad Backfires..Ends Up Being AMAZING Pro-Trump Ad [VIDEO],"Hillary has to be one of the worst candidates to ever get this far in a presidential race. She has no idea what the American people truly want. Like every good progressive, she only knows what she believes is good for Americans. And what Hillary believes are Donald s weaknesses with voters, are actually his strengths. Enjoy:Very nice of Hillary Clinton to run a pro-Trump ad, too? https://t.co/lYGCyHb7BA Mollie (@MZHemingway) May 4, 2016 It isn t so much that liberals are ignorant. It s just that they know so many things that aren t so. -Ronald Reagan",left-news,"May 5, 2016",0 +THIS 21 YEAR OLD TEXAN WOMAN GETS IT: β€œPut Me In Charge!”,"Wow! This 21 year old Texan woman recently penned a letter to the Waco Tribune Herald In Waco, TX. She s been worried about her future with the massive increase in social welfare and government programs, so she thought she d offer some great, common sense solutions. Her ideas were too good to keep to herself, so she decided to send her letter to the local paper. Here it is:PUT ME IN CHARGE:Put me in charge of food stamps. I d get rid of Lone Star cards; no cash for Ding Dongs or Ho Ho s, just money for 50-pound bags of rice and beans, blocks of cheese and all the powdered milk you can haul away. If you want steak and frozen pizza, then get a job.Put me in charge of Medicaid. The first thing I d do is to get women Norplant birth control implants or tubal ligations. Then, we ll test recipients for drugs, alcohol, and nicotine. If you want to reproduce or use drugs, alcohol, or smoke, then get a job.Put me in charge of government housing. Ever live in a military barracks? You will maintain our property in a clean and good state of repair. Your home will be subject to inspections anytime and possessions will be inventoried. If you want a plasma TV or Xbox 360, then get a job and your own place.In addition, you will either present a check stub from a job each week or you will report to a government job. It may be cleaning the roadways of trash, painting and repairing public housing, whatever we find for you. We will sell your 22-inch rims and low profile tires, your blasting stereo and your speakers. Don t worry, we ll contribute that money toward the common good. Before you complain that I ve violated someone s rights, realize that all of the above is voluntary. If you want our money, accept our rules. Before you say that this would be demeaning and ruin their self-esteem, consider that it wasn t that long ago that taking someone else s money for doing absolutely nothing was demeaning and might actually lower the recipient s self-esteem.If we are expected to pay for other people s mistakes we should at least attempt to make them learn from their bad choices. The current system rewards them for continuing to make bad choices. This new and improved system will reward them for making a contribution to society",left-news,"May 5, 2016",0 +9 FACTS ABOUT SLAVERY Democrats Don’t Want You To Know,SPREAD this EVERYWHERE!,left-news,"May 5, 2016",0 +HE GAVE US THIS WARNING ONLY 67 YEARS AGO…Everyone Thought He Was Crazy,"Sadly, much of what George Orwell predicted in his landmark novel, 1984 only 67 years ago is coming true in America today:",left-news,"May 5, 2016",0 +"8 YEARS LATER: OBAMA TELLS Most Dangerous City In America, β€œI’ve Got Your Back”","Tell that to the 87 year old woman who was raped in broad daylight on the crime-ridden streets of Flint. Obama doesn t care about Flint, MI anymore than he cares about the violence and out-of-control crime in his own backyard of Washington DC. The only reason Obama and his Democrat cronies are showing any concern for the citizens of Flint today, is because they are using their water crisis as a political football. They re attempting to blame the Republican Governor of MI for the water crisis, while doing everything in their power to hold Obama s evil EPA Director, Gina McCarthy harmless. If Obama cared so much about the residents of Flint, MI, why wouldn t he be as concerned about helping them to find employment as he is about phony climate change? Flint President Barack Obama s assurances Wednesday that Flint s water is safe to drink from faucet filters was met with skepticism among residents of this predominately African-American city beset by fears of lead lingering in their pipes.Obama used his visit to the crisis-stricken city of 100,000 residents to promote the use of lead-removing faucet filters in an effort to bring some calm among residents distrustful of government. Although I understand the fear and concern that people have, and it is entirely legitimate, what the science tells us at this stage is you should not drink any of the water that is not filtered but if you get the filter and use it properly, that water can be consumed, Obama said in a speech at Northwestern High School. That s information that I trust and I believe. Via: Detroit NewsFlint, MI has been living in crisis mode for decades. It s very likely they believed that when Barack Obama took office, he would do something to improve the conditions of their hell-hole of a city. They couldn t have been more deceived: Business Insider We ve been ranking America s most dangerous cities for several years, and there s one city that keeps making the top of the list Flint, Michigan.Flint had 66 homicides in 2012, tying a record it hit two years ago.Forbes has also ranked Flint as one of most dangerous places for women. The most striking attack of 2012 occurred when an 87-year-old woman was raped outside her home in broad daylight. She decided to leave Flint. GM s Flint operations employed 80,000 people in 1978. At the time, New York City had a reputation for being the most dangerous place in America not Flint.However, the tide started to turn for Flint in the 80s. That s when GM started setting up factories in Mexico and dramatically reduced its operations in Flint. By 2006 GM employed just 8,000 people in Flint, according to Flint s city manager.With no major industry in Flint, the city s unemployment and poverty rates have soared as many people have fled the city. Here are some factors that contribute to making Flint a dangerous place:Flint only employed 122 police officers in 2012, down from 265 five years earlier because of budget cuts, Mlive.com reported. With 122 officers, Flint employs one officer for about every 830 people. Comparatively, New York City (which didn t even make the top 25 most dangerous cities) covers about 235 people per cop.According to the Bureau of Labor Statistics, Flint s unemployment rate rests as 16.0 percent. Though not as low as Detroit s, which rings in at 17.5 percent, Flint s lack of work doesn t bode well for the local economy. More than 38% of people there live below the poverty level, according to the most recent Census numbers. Poverty and crime are known to go hand in hand.Drugs are a known accelerant for crime, including violent crime. Heroin use has increased dramatically among people between 18 and 29, the Flint Journal reported in 2011. That year, two teenagers died of overdoses within three days of each other.As things get worse in Flint, its population continues to drop off. There were nearly 125,000 people living there in 2000, but that number declined to roughly 101,000 by 2011. This decline suggests Flint is no longer a place where people want to live.",left-news,"May 5, 2016",0 +UNREAL! PRO-CUBA TRAVEL AT PBS AND NBC: β€œCuba has so much going for it: It’s proudly Communist…” [Video],"BELOW ARE TWO EXAMPLES OF THE PRO-CUBA SENTIMENT BY THE LEFTY MEDIA:Travel to Cuba is the NEWEST thing among the pseudo-cool useful idiots:Sanders noted how many of those on board were eager to get to the island before it was spoiled by capitalism: The Cuba they will see has many Americans anxious to get here before it all changes. Passenger Sedrick Tydus quipped: I want to get there before Burger King shows up. Sanders laughed and repeated line: Before Burger King shows up. After the Obama administration granted a full roster of concessions (in exchange for nothing) to the communist regime, we are bombarded with hype on Cuba travel. The Kardashians are even getting into the mix-ugh!Romanticizing the poverty and crumbing architecture of Cuba is pretty sickening to most people. We see past the slick promotions and see the suffering of the people of Cuba first .Chris Tarrant: Extreme Railway Journeys. Episode 4 Slow Train to Guantanamo Bay: The problem with Tarrant s love for commie Cuba is that the railway is broken down and only goes 15 mph.NBC Reporter Giddy With Excitement Aboard Cruise to Cuba: A Pinch-Me Moment : Not so sure anything will change in Cuba even though the lefty media would like you to think so Sanders noted how many of those on board were eager to get to the island before it was spoiled by capitalism: The Cuba they will see has many Americans anxious to get here before it all changes. Passenger Sedrick Tydus quipped: I want to get there before Burger King shows up. Sanders laughed and repeated line: Before Burger King shows up. Via: Faustasblog",left-news,"May 5, 2016",0 +OUTRAGEOUS: ILLINOIS SCHOOL USES FINGERPRINT Scanner To β€œTrack” Kids…America Yawns,"We re living in a world where we have willingly surrendered our privacy for the sake of making identification of ourselves, and our children more convenient for our government and for private businesses and entertainment venues like Disney World. Students and faculty at Harrison Street Elementary School just love the new thumbprint scanner in the school s lunch line, but civil rights experts are warning parents about serious privacy concerns with the technology.The Geneva Unit District 304 replaced a different biometric scanner system for school lunch lines this year with devices from a local company, PushCoin Inc., that read students thumb prints to track their accounts, the Daily Herald reports. It s good, because you don t have to carry your own money or anything like that, fifth-grader Quinlan Bobeczko told the news site. It s just there. Your thumb is easy, because you just have to put your thumb on (the device). Officials in several area school districts are watching District 304 in hopes of installing similar devices in their schools.East Maine Elementary District 63 spokeswoman Janet Bishop said the district hired PushCoin Inc. this spring to begin offering the thumb scan option this month, and Lake Zurich Unit District 95 board president Doug Goldberg said schools there will implement the biometric scanners in the 2016-17 school year, the Daily Herald reports. I will tell you that many of the kids aren t very good about keeping track of their ID cards, Goldberg said. And so moving to biometrics was felt to be sort of the next generation of that individual, unique ID. We ll record their thumbprints, there will be thumbprint readers at all the cash registers, and they ll simply come by and bang hit their thumbprint. It makes it faster and, also, there s a lot less opportunity for any kind of misuse or fraud when they re using biometrics. PushCoin Inc. allows parents to closely monitor their children s lunch accounts through email updates, and the company s CEO, Anna Lisznianski contends the scanners can help school officials use lunch time more efficiently.",left-news,"May 5, 2016",0 +ROLLING STONES DEMAND TRUMP Stop Using Their Music: β€œCan you imagine a President Trump?…The worst nightmare”,"As a side note, the last major appearance by the geriatric Rolling Stones band, was a free concert in Havana, Cuba. The aging band appeared there only days after our Commie Sympathizer In Chief made a high profile visit to Cuba and was followed around by his friends in the mainstream media capturing his historic trip to the ballpark with the brutal dictator, Raul Castro.Presumptive Republican presidential nominee Donald Trump was warned Wednesday to stop playing Rolling Stones music on the campaign trail. The Rolling Stones have never given permission to the Trump campaign to use their songs and have requested that they cease all use immediately, a spokesperson for the band said in a statement, according to Time.Donald Trump delivered a fiery speech to celebrate an impressive primary victory Tuesday in Indiana. While the real estate mogul and his entourage existed the stage, supporters were treated to the Rolling Stones song, Start Me Up. Other Trump events have featured the group s popular song You Can t Always Get What You Want. Several other artists have previously asked the Trump campaign not to use their music at official events.Last June, rocker Neil Young requested that then-newly-announced GOP presidential candidate Donald Trump not play his song Rockin in the Free World at campaign events. Young, a devout liberal, did, however, give socialist Democrat White House hopeful Bernie Sanders permission to play his songs.Five months later, Aerosmith frontman Steven Tyler threatened to sue Trump if he did not stop playing the rock band s song Dream On on the campaign trail.Trump, a longtime Rolling Stones fan, is not held in high esteem among members of the British rock band. Can you imagine a President Trump? Rolling Stones guitarist Keith Richards told Vanity Fair in March. The worst nightmare. But we can t say that, because it could happen. This is one of the wonders of this country. Who would ve thought Ronald Reagan could be president? Via: Breitbart News",left-news,"May 5, 2016",0 +INFAMOUS ROMANIAN HACKER Tells FOX News Host How β€œEASY” It Was To Hack Hillary’s Server [VIDEO],"Of course, America s favorite criminal candidate says America shouldn t believe the infamous hacker who claims he accessed her unsecured server because he s a criminal. LOL if anyone can spot a criminal, it s Crooked Hillary The infamous Romanian hacker known as Guccifer, speaking exclusively with Fox News, claimed he easily and repeatedly breached former Secretary of State Hillary Clinton s personal email server in early 2013. For me, it was easy easy for me, for everybody, Marcel Lehel Lazar, who goes by the moniker Guccifer, told Fox News from a Virginia jail where he is being held.Guccifer s potential role in the Clinton email investigation was first reported by Fox News last month. The hacker subsequently claimed he was able to access the server and provided extensive details about how he did it and what he found over the course of a half-hour jailhouse interview and a series of recorded phone calls with Fox News.Fox News could not independently confirm Lazar s claims.In response to Lazar s claims, the Clinton campaign issued a statement Wednesday night saying, There is absolutely no basis to believe the claims made by this criminal from his prison cell. In addition to the fact he offers no proof to support his claims, his descriptions of Secretary Clinton s server are inaccurate. It is unfathomable that he would have gained access to her emails and not leaked them the way he did to his other victims. The former secretary of state s server held nearly 2,200 emails containing information now deemed classified, and another 22 at the Top Secret level. Via: FOX News",left-news,"May 4, 2016",0 +JUDGE DECLARES BABY NAME β€œIllegal” To Prevent Her From β€œEmotional Harm”,"Does a judge have the right to determine what a mother and or father names their child? Don t think for one minute in this politically correct environment we re living in, this couldn t happen right here in the United States Some names are so bizarre, we can t believe they ve ever been given to children. But a recent landmark case just went a step further by telling a mother she can t give her newborn twins the names she chose.The mother, who is from Powys, Wales, attempted to name her offspring Cyanide and Preacher. She believed Cyanide was a pretty name for a little girl with positive implications since it s the poison that killed both Hitler and his follower Joseph Goebbels, according to Metro. She also argued that she had the right to name her own children. However, Justice Eleanor King ruled that the name could cause emotional harm to the child in the future. It is hard to see how the twin girl could regard being named after this deadly poison as other than a complete rejection of her by her birth mother, said King.The twins, now 8 months old, were reportedly conceived of rape. They were placed in foster care, along with their three half-siblings, due to the mother s history of mental illness and drug and alcohol abuse.Social workers from Powys County Council brought the case to the British Appeal Court. An injunction had previously been issued to prevent the mother from formally registering the names. This is one of those rare cases where the court should intervene to protect the girl twin from emotional harm, said King. Via: MSN ",left-news,"May 4, 2016",0 +CONSERVATIVE MOM And Cruz Supporter Goes All In For TRUMP…And Here’s Why,"A message from a 100% FED UP mom to her Facebook friends:Dear friends,I donated to two presidential campaigns this year, Dr. Ben Carson and Ted Cruz. I voted for Rand Paul in the straw poll at the Republican convention on Mackinac Island, MI in September. I am proud to say that today, I am 100% behind Donald Trump. I am actually looking forward to watching him CRUSH Hillary in the general election.After watching Barack Hussein Obama serve as our cowardly, racist, incompetent, Divider In Chief for eight long years, I m ready for a President with courage and the ability to make this country truly great again. I want someone who tells the free loaders, drug dealers and gang members from Mexico and Central America they re not welcome here anymore. I want a border that cannot be penetrated, and if it is, I want our Border Patrol agents to be able to do the jobs they were trained to do. I want a President who isn t afraid to say we need to address the issue of unchecked immigration into our country from Muslim majority nations who want to destroy our way of life. I want a President who won t run to the golf course after an innocent American is beheaded or lie to Americans about a video after four brave Americans are killed all because his Secretary of State wouldn t give them what they needed to survive in Benghazi. I want a President who will heal the racial divide our current President instigated with his former DOJ and his inner circle of race baiters for hire. I want a President who will unleash our natural resources so we won t have to be dependent on ISIS, Saudi Arabia and Iran for oil. I want a President who won t visit communist countries and spend the afternoon watching baseball with brutal dictators, behaving as though he was spending the day with the Pope. I want a President who respects the hard work of EVERY man and woman in America, and understands that in order to achieve the American dream, we need to work hard and make a few sacrifices. I want a President who refuses to allow the media to control the narrative. I want a President who has raised a family he can be proud of and for that matter, that America can be proud of. For all those reasons and many, many more, I am excited that Donald J. Trump will be the Republican candidate for President.As a side note, I m also looking to clean up my friends list. If any of my Facebook friends feel it is more important to thump their chests and demand that they will never vote for Trump (or in other words, that they will support Hillary) kindly hit the un-friend button at the top of my page. I m on the side of America, and I m choosing to support a man who loves his country so much that he s wiling to walk away from everything he s worked so hard to build in order to save us. Trump didn t ask to walk through barricades to get away from hateful liberals in CA who would like harm him. He didn t ask for Soros funded freaks to follow him wherever he goes, threatening violence against him and his supporters. He could be sitting in Trump Towers working on multimillion dollar deals, but God chose a different path for him and he accepted the challenge. I am grateful to him for the sacrifices he and his family will make, and I will pray that God keeps him safe, healthy and strong. Most of all, I will pray that he brings jobs back to the millions of unemployed Americans who have given up hope on ever finding a job. I will pray that he follows through on his promise to help our veterans to get the best health care America has to offer. And finally, I will pray that he rebuilds our military and gives our soldiers the ability to fight to win, and to keep the greatest nation in the world safe and prosperous for generations to come.There is no time to waste with petty bickering. While I understand there will be a lot of hard feelings amongst Ted, Carly and Marco supporters, it s time to come together now for the good of our country.Bill Clinton is walking around in a state of mostly confusion, while Hillary is traveling with a full-time physician. In addition to being the MOST crooked candidate to ever run for President, she is not well. She will likely chose the old Socialist Bernie Sanders as her running mate to shore up the young voters she cannot persuade to support her campaign. Sadly, Hillary knows she can t win without the I just want free-shit vote. Together, they will destroy more businesses, as they increase EPA regulations to fight a phony climate change war. They ll decrease spending for our military in order to reallocate funds to more social programs and programs designed to tighten the screws on our law enforcement, making it nearly impossible for them to do their jobs. The conditions at our VA hospitals will worsen, as our tax dollars will be used to pay for free college for young people who have no clue what it means to selflessly serve their country. There will be a push for gun control like we ve never seen before in America, and we will witness some of the most radical Supreme Court picks who will wholly support their progressive agenda. Meanwhile, people who have the ability to stop another four years of Obama will be proudly tweeting #NeverTrump, as though we should admire them for their courage to stand up for their principles! I have three young daughters. I won t give up this fight until I know we have a President who takes the threat of Sharia Law in America seriously. For anyone who thinks that can t happen, London is on the verge of electing a radical Muslim as their next Mayor, as I write this rant.When November rolls around, I ll be supporting a candidate who isn t worried about hurting the feelings of a radical Muslim with a suicide vest in his suitcase, as he travels (at the expense of the American taxpayer) to his new taxpayer funded home in my neighborhood. It s time to wise up and start coming together like the Democrats do after each and every primary. It s time to try something new it s called winning. #NeverHillary! Patty100% FED UP! momAndrew Breitbart gave this speech only weeks before he died. His words have never been more relevant than they are today: There are two paths one is America and the other one is Occupy (Black Lives Matter). Black, White, gay and straight anyone that s willing to stand next to me to fight the progressive Left, I will be in that bunker. And if you re not in that bunker because you re not satisfied with this candidate more than shame on you you re on the other side! -Andrew Breitbart",left-news,"May 4, 2016",0 +DETROIT PUBLIC SCHOOL Assistant Supervisor Admits To Stealing Money From Special Needs Students,"This is the same school district that is begging the State of Michigan residents to fund a $500 million debt they cannot pay back. If the state doesn t come to some sort of agreement to bail out the devastated, Democrat run city of Detroit schools yet again, by the June 30th deadline, they will run out of money and the schools could be forced to shut down. As usual with public schools run in poor cities run by Democrats, it s the kids who suffer at the hands of these self-serving criminals After 38 years of working for Detroit Public Schools, an assistant superintendent admitted in federal court today that she cheated kids with disabilities out of school supplies by helping a crooked vendor run a kickback scheme that could send her to prison for nearly six years.With her voice quivering, Clara Flowers, 61, of Detroit pleaded guilty to accepting $324,685 in kickbacks from a vendor as a thank-you for helping him bill DPS for school supplies that were intended for children with disabilities but were never delivered.Flowers, the assistant superintendent of Detroit Public Schools Office of Specialized Student Services, offered no explanation or excuses for her actions. When asked to explain what she did, Flowers, in a shaky voice, said: I received kickbacks from Norman Shy. Flowers said the kickbacks from Shy who has also been charged in the case came in the forms of checks, prepaid gift cards and home improvements on her private residence. Their scheme, she said, lasted from 2009 through 2015.Under the terms of her plea agreement, Flowers sentencing range is 57-71 months in prison. She also was ordered to make $324,785 in restitution to DPS, and another $27,488 in restitution to the Internal Revenue Service for unpaid taxes. Via: Detroit FP",left-news,"May 4, 2016",0 +CAUGHT! FBI ARRESTS MAN Poisoning Produce At Local Grocery Stores [VIDEO],"THERE S NO INDICATION OF A MOTIVE IN THE CASE: This is one sick puppy! A man went around spraying produce with poison but we don t know why yet. Ann Arbor, Michigan is home to the University of Michigan and several upscale grocery stores like Whole Foods and Plum Market.The FBI has arrested a Michigan man for allegedly spraying a poisonous mixture of chemicals on food at three grocery stores in Ann Arbor, Michigan.The FBI and Michigan Health Department are now looking at whether anyone was seriously ill from the low-scale chemical attack to contaminate food.Authorities believe the unidentified suspect targeted at least three grocery stores in the past two weeks: Whole Foods, Meijer and Plum Market. Law enforcement officials are also now trying to determine whether he victimized other stores with his toxic mixture of hand-cleaner, water and Tomcat mice poison. What if he s been doing this for weeks, or months, or even years, and just suddenly someone saw him? one concerned citizen said. Makes you think about everything you buy all the time. The suspect may have mental health issues, and so far there is no indication of terrorism, sources said. Read more: ABC",left-news,"May 4, 2016",0 +"WINNING β€œDraw Mohammed” Picture Being Sold On E-Bay…With 4 Days Left To Go, You Won’t Believe How High The Bids Are Getting","You won t believe how much people are already bidding for the Draw Mohammed picture. Check out the latest bids here: E-BAYThe image that won the draw Mohammed contest attacked by terrorists in Garland, Texas, is now up for sale on eBay.The art depicts an artist drawing Mohammed with the dialogue You can t draw me. That s why I draw you. It was drawn by Bosch Fawstin.Fawstin opens the bidding by saying, Own a piece of history. Own the Cartoon at the Center of a Terrorist Attack. The bidding ends Saturday May 7 unless someone ponies up a dollar less than a quarter million dollars to buy the drawing straight out. At the time of writing the bidding was already more than $3,000.Fawstin s picture won the first annual Muhammad Art Exhibit and Contest organized by Pamela Geller and Robert Spencer for the American Freedom Defense Initiative. The First Amendment themed event was attacked by terrorists with AK-47s, although the terrorists were shot dead by an alert officer before being able to attack the event.Geert Wilders who was at the event when the attack was repelled tweeted out the EBAY page:The winning Mohammad cartoon from @BoschFawstin from the Garland contest/attack, is for sale now to highest bidder! https://t.co/BcBy8rXk6z Geert Wilders (@geertwilderspvv) May 1, 2016Fawstin describes the significance of the drawing in the description of the auction:My name is Bosch Fawstin and I m a recovered Muslim. Shortly after my Mohammad cartoon was announced as the winner of Pamela Geller and Robert Spencer s AFDI Draw Mohammad contest event and exhibition in Garland Texas, two jihadists came to try to murder the approximately 200 people who attended the event. They would have succeeded if not for a heroic, sharp-shooting policeman who blew their heads off before they could even enter the building. The attack and event became an international news story and my life has never been the same since. Following the attack, I received more death threats than I ever had, even though I ve been drawing Mohammad for years. But despite the danger, I want to continue drawing Mohammad. These days, there are fewer cartoonists willing to draw He Who Must Not Be Drawn, and, for me, that s just more reason to do so, especially in a world where Free Speech is under siege from all sides.What kind of world would it be if no one drew Mohammad? The Islamic world. I never want to live in that world, and drawing Mohammad every so often is how I personally keep that world at bay. My winning Mohammad cartoon explicitly spells out why I draw Mohammad in the first place. I never set out to draw Mohammad until the Danish cartoonists who did so were threatened with death over it. Though their Mohammad cartoons were blamed for inciting Islamic violence, in truth it s Islamic violence which incites Mohammad cartoons.My winning Mohammad cartoon led me to an event where I could have died if jihadists had their way, so it s the most significant and most famous cartoon I ve ever done and might ever do. My cartoon became a symbol of Free Speech because drawing Mohammad has now become the most daring way of exercising one s right to Free Speech in today s world. Based on what some have written about it, it has become one of the most important pieces of art in recent memory. Via: Breitbart News",left-news,"May 3, 2016",0 +SOMEONE CALL THE Waaambulance! Glenn Beck Warns He’ll Be On Suicide Watch If Cruz Loses Indiana…You Better Buckle Up Beck…THE RESULTS ARE IN [VIDEO],"Hey Glenn, suicide is no laughing matter, and you really needs to start ratcheting down your role as America s conservative drama queen. Seriously is America witnessing the melt down of a man who used to be one of the most prominent conservative voices in America? A few days ago, Glenn Beck posted a special video posted to his website, where he addressed news reports of the latest mass layoffs at his troubled media empire. Watch the video HERE. Something is not quite right in the fake oval office. Maybe Beck just needs a long vacation Glenn Beck rolled his face in Cheetos last week And no one stopped him.Glenn Beck pleaded with Indiana voters on Monday. If you guys screw this up, I ll be on suicide watch. .@GlennBeck to Hoosiers: ""If you guys screw this up, I'm going to be pissed at you. I will be suicidal."" Patrick Svitek (@PatrickSvitek) May 2, 2016But that not have been the craziest thing he said all day.Ouch, Glenn Beck: Tell me another time in our nation s history that you have witnessed where Indiana matters. Glenn Beck: God Prolonged GOP Primary So Every State Could Choose Between Good or Evil https://t.co/eK60lNkIbU pic.twitter.com/ez9moGDOMJ Cris (@ThePatriot143) May 3, 2016Well Glenn it s been a tough year, but the results are in and it looks like Trump ran the tables in Indiana:Wins 30 statewide delegates May win all of the 27 remaining district delegatesVia: Gateway Pundit",left-news,"May 3, 2016",0 +WHOA! β€˜SESAME STREET’ Using Bert And Ernie For Sexually Transmitted Diseases Ad,"Wrong target audience? What the heck is going on that anyone thinks it s ok to take a kid s character and do this? Sesame Street swears that Muppets Bert and Ernie are only friends, but that hasn t stopped the maker of a new at-home test for HIV and sexually transmitted diseases to suggest that the two fuzzy BFFs have something much more intimate in mind.In a promotion for Mately, the puppets are shown looking at test results. See Ernie, you ve got nothing to worry about, everything is positive, it reads.It is part of Mately s edgy campaign to promote its subscription service that provides both discrete testing and results, and allows users to then broadcast those results on dating apps or directly through Mately.Read more: WT",left-news,"May 3, 2016",0 +CO JUDGE REMOVES DAUGHTER From Mother’s Care For Making Comments To Other Adults About Chemtrails: β€˜She is a danger to her daughter’,"This story is for anyone who believes liberal judges don t have the ability to make life altering decisions that affect Americans who don t conform to an acceptable thought process A Boulder, Colorado judge has removed a child from her mother s care because the mother believes chemtrails are being sprayed into the atmosphere, court documents reveal.Boulder Judge D.D. Mallard told Becca Vandb that 99% of people would know those are just contrails, and said that she is so immersed in a fringe subculture that she is a danger to her daughter. I can now only see my daughter with a social security worker standing over me taking notes, and the judge said this was so that if I mention chemtrails they would put a stop to that. Becca pointed out that there have been no neglect or child abuse allegations from the court or her daughter s school. There have been no criminal charges and no protective services visits. I am being railroaded for expressing my views about chemtrails. Becca Vandb s daughter wants to be with her mother, but is being kept away from her, with only supervised visits allowed, because Judge Mallard believes Becca is immersed in a dangerous fringe subculture. I bought up chemtrails at my daughter s school and was immediately banned from the premises. Schools and courts in Boulder, Colorado have flat out denied there is any such thing as geoengineering or chemtrails, so has my kid s dad who works in atmospheric research at the University of Colorado seriously. [quote_box_center] I can now only see my daughter with a social security worker standing over me taking notes, and the judge said this was so that if I mention chemtrails they would put a stop to that.'[/quote_box_center]DANGEROUS PRECEDENT The school helped him take away custody because I had the gall to argue with them when they severely embellished my comments (made to adults only) about chemtrails. Meanwhile An historic lawsuit has been filed in Canada in an effort to expose and halt the practice of chemtrails being sprayed into the atmosphere. The suit claims that the Canadian and US governments are conducting a geoengineering program that aims to spray toxic substances and particles into the atmosphere endangering the lives of millions of citizens. Via: Trendolizer ",left-news,"May 3, 2016",0 +"SAY GOOD BYE TO LONDON: Radical Muslim WINS London’s Mayoral Election By Over 300,000 Votes","Has the entire world gone mad with political correctness? Is there any chance of saving the UK from itself? UPDATE: Labour Party politician Sadiq Khan has been elected London mayor the first Muslim to lead Europe s largest city.Election officials say Khan defeated Conservative rival Zac Goldsmith by more than 300,000 votes, after first- and second-preference votes were allocated.The result came early Saturday, more than 24 hours after polls closed.Khan was elected to replace Conservative Mayor Boris Johnson after a campaign marked by U.S.-style negative campaigning.Goldsmith, a wealthy environmentalist, called Khan divisive and accused him of sharing platforms with Islamic extremists.Khan, who calls himself the British Muslim who will take the fight to the extremists, accused Goldsmith of trying to scare and divide voters in a proudly multicultural city of 8.6 million people more than 1 million of them Muslim.Londoners go to the polls on Thursday to choose a replacement for the outgoing Mayor, Boris Johnson MP. Despite the fact the Labour Party is currently mired in an anti-Semitism scandal, if all things remain equal, expect the party s candidate Sadiq Khan MP to be confirmed in the early hours of Friday morning.Mr. Khan, 45, has had a successful career in the Labour Party, being elected to parliament in 2005, becoming a Minister of State in 2008 with a promotion in 2009. He was a Shadow Secretary of State for Justice from 2010-15, and has been running for London Mayor since then.POLLINGIn fact, as I predicted in January, the polls have changed very little since the beginning of the year. This is despite a negative-ad onslaught by the Conservative Party and its candidate Zac Goldsmith the multi-millionaire son of Eurosceptic royalty Sir James Goldsmith, and brother of socialite and Vanity Fair editor Jemima Khan.Mr. Goldsmith and his Back Zac campaign have used the last few months to highlight Sadiq Khan s proximity to Islamic extremists, extremism, and this past weekend, to anti-Semitism.But perhaps it speaks to the mindset of Londoners, and certainly the British capital s demographic shift, that such news has scarcely affected Mr. Khan.In January, a YouGov poll put Mr. Goldsmith on 35 to Mr. Khan s 45 per cent. When you take into account London s supplementary voting system, the numbers after the second preference votes are counted ended up 45-55 to Mr. Khan.Last week, that number stood at 40-6o to Mr. Khan. After second preference votes, the extremist-adjacent candidate has a 20 point poll lead.While last week s events when one of Mr. Khan s most prominent backers Ken Livingstone was implicated in a Hitler/anti-Semitism scandal may serve to keep some of Mr. Khan s voters at home, it is hard to imagine the Conservatives overturning such a drastic poll lead.A MUSLIM MAYOR?Polling suggests some people are nervous about having someone like Mr. Khan near an office that wields so much power, responsibility, and cash.Private conversations with Westminster insiders often see Lutfur Rahman the former Mayor of Tower Hamlets raised as another example of a prominent Muslim mayor.Mr. Rahman was removed from office, accused by critics of playing sectarian politics with the area s Muslim population, of backing Islamists, and of distributing tax payer cash to his favoured Muslim groups to secure their support.Mr. Rahman was found guilty of corrupt and illegal practices and has perhaps set back the plight of the few, integrated British Muslims in elected life. He alongside politicians like Humza Yousaf, Sayeeda Warsi, Rushanara Ali, Shabana Mahmood, Yasmin Qureshi, Amjad Bashir, Naz Shah, and Tasmina Ahmed-Sheikh have created a deep distrust between British voters and Muslim politicians.In fact one third of Londoners remain suspicious of having a Muslim Mayor, and the likes of Sajid Javid or Syed Kamall suffer because of their co-religionists insistence on fellow-travelling with extremists, if not holding extremist views themselves.EXTREMISMAnd Mr. Khan can hardly claim a clean record. Mr. Goldsmith s attacks are not without basis, though they have been shrugged off as racism or Islamophobia with the assistance of the left s useful idiots like Owen Jones.Apart from his somewhat threatening statements about not voting for him while claiming that he is the West , Mr. Khan s own track record is perhaps one of the most sour of all Muslim politicians in the Western world.In 2001 he was the lawyer for the Nation of Islam in its successful High Court bid to overturn the 15-year-ban on its leader, Louis Farrakhan.In 2005 and 2006 he visited terror-charged Babar Ahmad in Woodhill Prison. Mr. Ahmed was extradited to the U.S. in 2012, serving time in prison before being returned to the UK in 2015. Mr. Ahmed pleaded guilty to the terrorist offences of conspiracy, and providing material support to the Taliban.And Mr. Khan also campaigned for the release and repatriation of Shaker Aamer, Britain s last Guantanamo detainee, who was returned to the UK in November.Both Messrs Aamer and Ahmed provided Mr. Khan with links to the advocacy group CAGE, which described the Islamic State executioner Mohammed Emwazi as a beautiful young man , and which has campaigned on behalf of both men. Mr. Khan is reported to have shared a stage with five Islamic extremists, including at sex-segregated events. Even so, his poll numbers remain firm.On Friday morning, Londoners will likely get the news that their mayor for the next four years is a man with the judgement, priorities, and fellow travellers as laid out above. This, combined with an annual 16bn budget, and an army of police, bureaucrats, and officials, would make Mr. Khan one of the most powerful Muslims in the Western world.For entire story: Breitbart News ",left-news,"May 3, 2016",0 +WATCH: BLACK FEMALE TRUMP EXECUTIVE Reads POWERFUL Letter She Wrote To Dispel LIES Being Told About Trump Family,"The video Hillary and the Left will not want America to see Today, I was compelled to sit down and write this letter. Not to anyone in particular, maybe even just for myself. But as a black, female executive at the Trump Organization, I can no longer remain silent about the repeated and reprehensible attempts to align my boss and his family with racist, hate mongering groups, campaigns and messaging. As the daughter of man born in Birmingham, Alabama, who rose against all odds to become one of the most established and respected doctor s at Yale University, there is no amount to money in the world that could buy my loyalty to a family that subscribed to such intolerant and bigoted ideologies. Here is Lynne Patton reading the powerful letter she penned to dispel the lies about Donald J. Trump, as well as his family: From LinkedIn:Lynn Patton, Chief of Staff to Eric Trump, Ivanka Trump & Donald Trump Jr. (May 2009 Present): Oversee primary assistants for the Trump adult children & all internal operations for the 25th Floor, Trump Tower. Provide personal assistance to Eric F. Trump, Donald J. Trump, Jr., and Ivanka Trump, including calendar, travel, expenses, purchases, event coordination, contact/engagements, as well as home & business responsibilities, in conjunction with two (2) other primary assistants. Handle celebrity talent acquisition/bookings and work in tandem with the Executive Director of The Eric Trump Foundation to oversee all operations, volunteers, events, outreach, vendors & corporate partnerships; Acquire celebrity donations & experiences for The Eric Trump Foundation On-Line Charity Buzz Auction & The Eric Trump Foundation Annual Golf Invitational Live Auction; Responsible for organizing, executing and overseeing all ETF operations, philanthropic events/golf tournaments, social media & websites; Identify and develop viable partnerships and research projects for ETF in conjunction with the ETF Executive Director and St. Jude Children s Research Hospital.",left-news,"May 3, 2016",0 +HEARTWARMING: Support For Socialism On College Campuses Much Less Than Media Would Like Americans To Believe,"Proof that sanity still exists on college campuses.Capitalists on campus won t have to stand by any longer while communists and socialists celebrate May Day, as they ve appropriated the holiday. Turning Point USA offered free materials to students with a comprehensive plan for the Socialism Sucks Day of Action.More than 500 campuses are participating in the counter-celebration on Monday. I want the American Dream. Socialism only takes away my chance to start a multi-billion company in my apartment, Turning Point USA s Josh Thifault declared. It s important that we stick to the values that made our country great capitalism and freedom. Some students have caught on to what Venezuela has learned the hard way. Venezuela s brewing company, responsible for 80 percent of its beer supply, began to shut down its last plant on Friday, according to The Wall Street Journal. In addition to how Venezuelans like to celebrate, there is concern because the beer factory also provided jobs. The country has suffered food shortages and power outages, and can no longer afford to print its own money. Venezuelans are also learning that socialism sucks and are petitioning to recall President Nicol s Maduro.In stark contrast to the student activities in other parts of America, May Day was celebrated with violence in Seattle. At least nine were arrested for pelting officers with rocks, batons, and molotov cocktails, which injured at least five officers. The violence has been an annual trend in Seattle for May Day, as Yahoo! News reported.Only 33 percent of young people support socialism, according to a recent Harvard IOP poll.Via: Red Alert Politics ",left-news,"May 3, 2016",0 +WOMAN CONFRONTS Guy Paying With Food Stamps: β€œI’m paying for that” [Video],LANGUAGE WARNING! A woman at Walmart gets into it with a guy who was paying with Food Stamps: ,left-news,"May 3, 2016",0 +TEXAS PIG FARMER Has BRILLIANT Idea After Muslims DEMAND He Moves So They Can Build A Mosque [VIDEO],"Don t mess with Texas A Texas pig farmer found out that Muslims trying to build a mosque had purchased the land next to his farm.What s more the new Muslim landowner actually asked him to leave.That s because Craig Baker owns a pig farm, and the Muslim community hates pigs it s in the Koran. So in an effort to cleanse the land, the Muslim landowner asked Baker to move out.Baker instead decided to fight back.Baker started holding pig races every Friday at the same time Muslims are supposed to be saying their afternoon prayer.Now local Muslims (and their liberal stooges) are calling him a racist. (Since when is Islam a race ?)What do you think? Did he go too far? Should he have embraced diversity instead? Via: Top Right NewsWATCH HERE:",left-news,"May 2, 2016",0 +YIKES! 30 Years Of HILLARY’S LIES Have Driven This Well-Known DEMOCRAT STRATEGIST To TRUMP [VIDEO],"This is not a fluke. After years of towing the union line, life-long Democrat union members are switching their allegiance to Trump. A recent AFL-CIO poll found that Trump has more support than Hillary and Bernie Sanders combined.",left-news,"May 2, 2016",0 +MAKE IT STOP! Daughter Of Sexual Predator And Habitual Criminal Gets $65K To Speak For 10 Minutes [VIDEO],"Apparently being the daughter of the most corrupt political couple in America comes with some pretty significant financial benefits Politico reported last year:When Hillary Clinton s speaking fees proved too steep for one public university last year, school officials reached for a less expensive alternative: her daughter, Chelsea.According to a report from The Washington Post, representatives from the former secretary of state s office gave officials at the University of Missouri-Kansas City a $275,000 quote for a one-time speaking fee. Yikes! one official emailed another, according to the report. Rather than paying that much, UMKC opted to pay Chelsea $65,000 for a brief appearance in February 2014. The former first daughter spoke for 10 minutes before participating in a 20-minute Q&A session and posing for pictures. For a sample of what that $65,000 might have bought the university, check out the clip above of Chelsea recently on the campaign trail bashing Trump.At one minute, the former first brat thinks this is worth $6500 of a public s schools money.What s that about wage equality, Clinton spawn? Politicoh/t DownTrend",left-news,"May 2, 2016",0 +WATCH: HOME IMPROVEMENT’S TIM ALLEN Reminds Us Of What A β€œMan’s Bathroom” Should Look Like,"NOTE TO TARGET There Aren t Any Feminine Product Dispensers On The WallRemember when there wasn t any gray area when it came to which restroom you would choose in America? For as long as restrooms have existed in the United States, using the proper restroom was as simple as being able to read the labels on the door, or choose picture that matched the gender God assigned to you in the womb.The passage of North Carolina s HB2, Public Facilities Privacy and Security Act, prohibiting men from using a public women s restroom or changing room in their state causing the politically correct Left to go ballistic. Following the passage of that common sense bill, Target stores set off a firestorm when they announced they would be siding with .2% of the transgender community and against 98% of non-transgender Americans by allowing men to use women s bathrooms and dressing rooms. So far, over 1 million people have signed a petition pledging to boycott Target unless and until they reverse their decision to put women and children in danger by allowing men to share their safe bathroom and dressing room spaces. PayPal decided they weren t going to build a global HQ even though they have HQ s in places like Singapore, which arrest gays on site just for being gay. More hilariously, porn site xhamster.com, has stated that they have blocked service to anyone with a North Carolina IP address due to their passing of the bathroom law. This puts a monumental burden on other porn sites, who now have to get down to the task of figuring out how they could ever thank xhamster enough for the added traffic.The men s professional basketball association, (NBA) decided to do their part by showing support for the demasculinization effort by feminists and the LGBT-XYZ mafia by threatening to pull their all-star game from Charlotte, North Carolina if they don t change their open bathroom law.Here is the list of oh-so tolerant celebrities who have said they won t perform in North Carolina until they allow men to pee in the bathrooms next to your wife, your sister, your mother and your daughters:Bruce Springsteen, Bryan Adams, Jimmy Buffet, Ringo Starr, Cyndi Lauper and Laura Jane Grace (punk rocker). Sharon Stone has also said she ll refuse to",left-news,"May 2, 2016",0 +"ILLEGAL ALIEN SMILES FOR MUG SHOT After Stabbing Father Of Two β€œAt Least” 89 Times…Saws Liver Out, Leaves On Victim’s Chest For Police","SHOCKING FACT: One-fifth of the entire population of El Salvador currently resides in America, according to the Migration Policy Institute. Oh and Trump s a racist for wanting to build a wall !An illegal alien from El Salvador, Mauricio Morales-Caceres, faces life in prison without parole after being convicted of stabbing acquaintance Oscar Navarro, father of two, at least 89 times with a 15-inch butcher knife and tearing out his liver with his bare hands but no comments on this shocking murder by a foreign national, who smiled cheerfully in his mugshot, are allowed, according to the Washington Post.Illegal alien Morales-Caceres, 24, started by stabbing Navarro in the back before stabbing him in the face, then his head, and then his chest, according to prosecutors.Standing before an image of the extremely gruesome murder scene, prosecutor Douglas Wink said Morales-Caceres sawed through his victim s body to tear out his liver and place it on his chest. The defendant took the knife and sawed, he said. This man reached in with his bare hands and took out his liver. He probably thought it was his heart. He ripped out his liver and left it on his chest for the police to see. The Washington Post buried the fact that Morales-Caceresis is an illegal alien.Nelson Navarro, Oscar s brother, said he has turned his attention to Oscar s 12-year-old son and 8-year-old daughter. They know their dad was killed, but so far the family had been able to spare them details of how he died. During the trial, they came to the courthouse on one day but stayed in the prosecutor s offices. Their mother watched the trial in the courtroom.They also shut down the comments section, explaining: We turn off the comments on stories dealing with personal loss, tragedies or other sensitive topics. The murder took place in December 2014. Should Morales-Caceres ever get out of prison, every indication is that he would be deported to his native El Salvador, The Washington Post reports in an aside. Prosecutors earlier said he entered the United States illegally. And since his stay at the Montgomery County jail, immigration officials have lodged a detainer on him, an indication they would move to have him deported at the end of a prison sentence. If El Salvador decides they won t take Morales-Caceres back, should he ever be released, the U.S. would likely turn him loose onto American streets thanks to the overreaching Supreme Court ruling, Zadvydas v. Davis (2001). As the Center for Immigration Studies writes:In order to eliminate what it considered the constitutional threat of the potentially indefinite detention of deportable aliens, the Court held that once removal is no longer reasonably foreseeable, continued detention is no longer authorized by statute. The Court then arbitrarily decided that six months was all that was necessary for determining an alien s deportability Put simply, a reviewing court s definition of reasonably foreseeable now determines the release of deportable aliens back onto the streets.So, should Morales-Caceres be freed from prison before his life sentence concludes and El Salvador refuses to welcome him back, it s only six months until he s free to haunt American neighborhoods once more. ",left-news,"May 2, 2016",0 +WHOA! FORMER DEMOCRAT CONGRESSWOMAN Reveals Hillary’s Criminal Past [VIDEO],"Dr. Cynthia McKinney reveals Hillary s murderous past with Benghazi, and how the globalists will attempt to fuel race wars to further divide americans.Help us spread the word about the liberty movement, we re reaching millions help us reach millions more. Via: InfoWarsDr. Cynthia McKinney has made a career of speaking her mind and challenging authority. With her opinions, actions, and even her sense of style, McKinney has inspired both admiration and controversy.McKinney s political career began unofficially in 1986 when her father, Georgia State Representative Billy McKinney, put her name on the ballot as a write-in. Cynthia McKinney was living in Jamaica at the time and did not take the matter seriously; still, she garnered a large percentage of votes without even trying. Two years later, McKinney ran for and won the seat, creating the first father/daughter combination to serve together in the Georgia State House of Representatives. Cynthia immediately began making her own mark, defying House dress codes for women by wearing trousers instead of dresses. She spoke out against the first Persian Gulf War, and despite being in the House with her father, she often disagreed and voted against him.In 1992, McKinney won a seat in the US House of Representatives in Georgia s newly created 11th district. She was the first African-American woman to represent Georgia in the US Congress. Though a Democrat during President Clinton s tenure, McKinney voted against NAFTA, showing that she was not one to simply follow the Party line. McKinney worked hard in Washington to clean up pollution in her district and improve its rural roads.During her second term, McKinney earned distinctive committee assignments with the National Security Committee and the International Relations Committee s International Operations and Human Rights Subcommittee. A supporter of a Palestinian State in Israel-occupied territory, she sparked controversy by criticizing American policy in the Middle East. After the 9/11 attacks, McKinney suggested the President might have had prior knowledge of 9/11. The criticism she received from this highly controversial idea probably contributed to her defeat in the 2002 election; however, she ran for the seat again and was re-elected in 2004.Between terms in office, McKinney traveled the country and Europe, speaking against the war in Iraq war and also about her 2002 defeat, which she attributed to Republicans being organized to cross over to vote against her in the Democratic primaries. Her career, including this episode of her defeat, was made into a documentary film titled American Blackout.Once back in office, she continued her criticism of the Bush administration on the first anniversary of the 9/11 Commission Report by gathering victims families and intelligence experts together on panels to address the flaws in the report and critique its recommendations regarding foreign and domestic policy. In 2007, McKinney left the Democratic Party to become a Presidential Candidate for the Green Party.",left-news,"May 2, 2016",0 +"LONG TIME DEMOCRATS, UNION WORKERS Explain Why They’re Voting For Trump [VIDEO]","As millions of dollars of union dues flow into the Democrat coffers, it could be all for naught, as union members plan to cast their votes for Donald Trump Democrats are worried as more and more union members are supporting Donald Trump for president.Is it possible union workers are starting to see that the Democrat party and union bosses really don t have their best interests in mind?Watch Carrier employees tell FOX News who they plan to support for President and why:A recent AFL-CIO poll found that Trump has more support than Hillary and Bernie Sanders combined.",left-news,"May 1, 2016",0 +BILL CLINTON Appears Bewildered When COAL MINERS BOO Him In West VA: β€œMrs. Clinton’s anti-coal messages are the last thing our suffering town needs at this point” [VIDEO]," The difference between us and them is that we listen to them says the husband of the woman who is hell-bent on fulfilling Obama s promise to completely shut down the coal industry. Never mind that it has devastated generations of coal workers and entire communities supported by the coal industry. Bill Clinton was repeatedly interrupted by protesters during a rally for Hillary Clinton in Logan, West Virginia Sunday before the state s primary on May 10.The group booed the former president and confronted him about Hillary Clinton s promise to destroy coal jobs, a long-standing staple of West Virginia s economy.During the rally, Clinton recounted that he had asked his wife to send him to any place in America that feels left out and left behind. The protesters then began shouting at the former president, to which he reacted with disdain. This is where they start screaming because they don t want to hear this, Clinton said with his hand raised. The crowd applauded and stood up to face the protesters, who continued booing and were ushered out. The difference between us and them is that we listen to them, Clinton said.Prior to Clinton s appearance in Logan, city officials emailed Sen. Joe Manchin (D., W. Va.) attempting to prevent his visit, according to WVNS-TV. Bill and Hillary Clinton are simply not welcome in our town, their email stated. Mrs. Clinton s anti-coal messages are the last thing our suffering town needs at this point. The policies that have been championed by people like Mrs. Clinton have all but devastated our fair town, and honestly, enough is enough. At the same rally, Clinton was confronted about his wife s March pledge to put a lot of coal miners and coal companies out of business. When s she going to lay us all off and wipe us all out? the protester said, interrupting Clinton s remarks.Clinton, hard of hearing, asked Manchin what the man said as the room filled with angry murmurs. He s getting laid off and wiped out, what we gonna do about that, Manchin said. Well, that s good, that s a fair question, Clinton said.In a letter to Manchin days after her promise to destroy coal jobs, Hillary Clinton admitted that she was mistaken and reiterated her commitment to bringing jobs to Appalachia. Those close to Clinton defended her remarks by saying that she did not communicate her intent clearly. WFBYeah .right Hillary just misspoke or something like that.",left-news,"May 1, 2016",0 +WATCH: MEXICAN-AMERICAN TRUMP Supporter DESTROYS Liberal CA City Council Member: β€œThe problem with liberals is they lay claim to helping minorities but rarely help them”," I am deeply offended by your campaign, since you subscribe to the liberal narrative that minorities need to be coddled and protected by the government. As if we are incapable of looking out for ourselves. Watch Mexican Trump supporter destroy Liberal Republican CA city council member Kris Murray:",left-news,"May 1, 2016",0 +MALIA OBAMA TO ATTEND UNIVERSITY With 5.9% Acceptance Rate…Black Privilege? [VIDEO],"While both of her parents travel around the country giving commencement speeches at colleges and universities about the oppression and discrimination they ve experienced throughout their miserable existence, their oldest daughter (who attended one of the top private schools in America) will be getting ready to attend her mother, father and grandfather s alma mater. Harvard University accepted 2,032 students for the class of 2016, an acceptance rate of only 5.9%. Lucky Malia she will be part of that exclusive group of kids who are fortunate enough to attend such a prestigious university. Black privilege?The White House confirmed on Sunday that the President s eldest daughter will take a gap year after graduating from high school in June.The White House confirmed the story after student newspaper The Tab posted a picture of Malia wearing a Harvard t-shirt.She will then begin her studies at the prestigious institution in Massachusetts in 2017, joining the Class of 2021. The president and Mrs. Obama announced today that their daughter Malia will attend Harvard University in the fall of 2017 as a member of the Class of 2021, said a short statement issued Sunday by first lady Michelle Obama s office. Malia will take a gap year before beginning school. Here is our racist First Lady attempting to convince America she has been held down her entire life:And here is poor Michelle again bemoaning her experiences with race and sex discrimination:It follows months of speculation on whether she would end up at an Ivy League or pursue film at New York University.- Daily MailWhite privilege? Not so much How White and Asian students are fighting back in court against affirmative action that provides special consideration for Blacks and Hispanics in the college admissions process:The death of Supreme Court Justice Antonin G. Scalia could affect the Court s upcoming decision in Fisher v. Texas, an affirmative action case that experts say may change the admissions processes of universities including Harvard.Harvard University waded into a Supreme Court battle over affirmative action in colleges and universities last week, with a full-throated defense of racial diversity. The university submitted an amicus curiae brief to the court, which is preparing to consider the case of Abigail Fisher for the second time. Fisher has charged that she was not admitted to the University of Texas at Austin because she is white. Not only does diversity powerfully transform a student s educational experience, but the benefits also reach beyond the walls of our campus they go to the heart of our democracy, wrote lawyers representing Harvard. Forbidding institutions of higher education from considering race in deciding whom to admit would represent a significant intrusion into the academic freedom of universities. The Fisher case could force colleges and universities to stop considering race as a factor in admissions. A decision in Fisher s favor could affect not just public universities like UT-Austin, but any college that receives federal aid, including Harvard. The university is facing a separate lawsuit (PDF) alleging that it discriminated against Asian American applicants because of its policy of considering race in deciding whom to admit to the school. Universities should not be compelled to ignore that students of different races and ethnic backgrounds often grow up separated and apart from one another, not exposed to others experiences, perspectives, and values, wrote lawyers for Harvard in the Fisher brief. Harvard s concern is misplaced. No one is suggesting that all holistic admissions criteria at the University of Texas or elsewhere should be eliminated only an applicant s race and ethnicity, said Edward Blum, who runs a legal defense group that helped propel Fisher s case to the Supreme Court and is also behind the Asian discrimination suit against Harvard. Still, the university was adamant that it needs to look at the racial background of students who apply. Harvard s graduates cannot be blind either to the challenges facing our increasingly pluralistic country or to the unresolved racial divisions that stubbornly persist. ",left-news,"May 1, 2016",0 +MAN BRUTALLY ASSAULTED At CA Trump Rally Tells Horrific Story Of Attack By Domestic Terrorists [VIDEO],"This video would be on a 24/7 mainstream media loop if the man who was brutally attacked by an angry mob was a Bernie Sanders or Hillary supporter. Will we ever see the faces or know the names of the 17 people arrested at this violent anti-Trump riot? When will these people be treated like the domestic terrorists they are? Injured Trump Supporter Cole Bartiromo Tells How He Was Brutally Assaulted by a group of 20-30 Anti-Trump Protestershttps://t.co/8daEcRGW9s Trump's Got My Vote (@veganvecoh) May 1, 2016 ",left-news,"May 1, 2016",0 +IS HILLARY’S CAMPAIGN In YUGE Trouble? SHOCKING Statistics Show Number Of Votes In 2016 WAY DOWN From Election She LOST In 2008,"Meanwhile Trump is about to make history for claiming the most votes ever in the history of the GOP primaries. What was that the mainstream media keeps saying about Trump not being able to beat Hillary? Former Secretary of State Hillary Clinton has badly underperformed in 2016 compared with her first run for president in 2008, a new data analysis done exclusively by Breitbart News shows.It s particularly telling that she s gotten fewer votes in 2016 than she did in 2008, especially because of the fact that the 2008 race was a three-way race for some time between Clinton, now President Barack Obama, and ex-Sen. John Edwards. She was, despite being the frontrunner for some time, the ultimate loser of that race and she got more votes that year in a much more competitive primary that she ended up losing than she has this year against a devout, proud socialist in Sen. Bernie Sanders (I-VT) of Vermont.Clinton is widely expected to be the Democratic nominee in 2016, but her poor performance in the primaries which many believe she should have wrapped up long ago may drag her down heading into the general election, as even many Democratic voters seem to distrust her. To win in November, Clinton will need a strong showing from the Democrat base. This data seems to suggest that she has significant problems with her own party s core voters, meaning that if whoever wins the Republican nomination is able to woo these disaffected Democrats into the GOP camp, there could be a blowout in November for the Republican nominee.In 2016, Clinton has received 12,437,734 votes so far. In the states that have already voted this cycle, when she ran and lost back in 2008, Clinton received 12,727,221 votes.Specifically, the data shows, Clinton has seen a decline of 273,321 votes from 2008 to 2016 among states that have already voted this cycle. That 2.15 percent decrease nationally is exacerbated in several key states that Clinton would need to win to secure the presidency in a general election, suggesting that she s extraordinarily weak on the electoral college scale nationally and that whoever wins the GOP nomination will likely be able to thump her in the general in November. Via: Breitbart News",left-news,"Apr 30, 2016",0 +TWISTED! Anti-American Riots By Illegals Portrayed As Anti-Trump: β€œThis is our land” [Video],"More protests are probably happening today at the California State GOP Convention. Anti-American thugs will once again cause violence and a loss of freedoms in the age of the open borders Obama administration. You wanted fundamental transformation with Obama well, you got it! RIOTERS BURN AMERICAN FLAG: We don t need a white man telling us that he s gonna build a wall in our land we want him out! #CAGOPconventionhttps://t.co/qkviXbP7vS Fusion (@ThisIsFusion) April 29, 2016 WE VE GOT NEWS FOR THE MAIN STREAM MEDIA TRYING TO TWIST THE RESON FOR PROTESTS: THIS HAS NOTHING TO DO WITH TRUMP BUT EVERYTHING TO DO WITH ANTI-AMERICANISM! I want to go to college! This #CAGOPconvention protester is fighting on behalf of undocumented students:https://t.co/EP5mFxYF9f Fusion (@ThisIsFusion) April 29, 2016 ",left-news,"Apr 30, 2016",0 +OVER 100 COLLEGES WILL HOLD SEPARATE GRADUATION Ceremonies For Gays As Part Of A β€œCultural Celebration”,"A Bi-Product Of Obama s Divided America The LGBT community has been fighting a decades-long culture war to be included in the fabrics of American society and it s winning.Yet when it comes to their graduation ceremonies, it seems they d prefer exclusivity.More than 100 colleges and universities this spring will be holding separate graduation ceremonies for the LGBTQ population and their allies, according to the Human Rights Campaign (HRC). This includes Georgetown University, Duke University, Harvard University and Boston College, among others.The graduation ceremony is called the Lavender Graduation, signifying pink triange that gay men were forced to wear in concentration camps and the black triange designating lesbians as political prisoners in Nazi Germany, according to HRC.The special ceremony was started in 1995 at the University of Michigan by Dr. Ronni Sanlo, a Jewish lesbian, who said she was denied attendance at her children s graduation because of her sexual orientation. These events provide a sense of community for minority students who often experience tremendous culture shock at their impersonalized institutions, HRC says on its website, explaining the need for such ceremonies. For many students they are the payoff for staying in school, and friends and families find the smaller, more ethnic ceremonies both meaningful and personal. They deem it a cultural celebration, that recognizes LGBT students of all races and ethnicities it acknowledges their achievements and contributions to the university as students who survived the college experience. Via: Washington Times",left-news,"Apr 29, 2016",0 +WHOA! FOX NEWS HOST JUST BLAMED TRUMP For Violence By Domestic Terrorists Against Him And His Supporters [VIDEO],"Domestic terrorists are ramping up the violence against innocent Americans and the Republican Presidential front-runner, and this FOX News host is going to suggest that Trump or his supporters are somehow responsible? Come again?A NEW LOW FOR THE TRUMP HATERS ON FOX NEWS Hundreds of mostly Latino anti-Trump protesters bloodied Donald Trump supporters, threw rocks at cars and smashed windows on vehicles including police cars following a huge campaign rally by the leading Republican presidential candidate in Costa Mesa, California Thursday night.Today on America s Newsroom host Martha MacCallum blamed the Trump supporters for the anti-Trump violence.Seriously?The anti-Trump goons are cracking skulls and Martha is worried about a few Trump supporters screaming something leftists do at EVERY Trump rally?Wow!Martha MacCallum confronted Trump spokeswoman Katrina Pierson for the rioting Mexicans outside of the Trump Costa Mesa rally on Thursday night. The open border goons beat Trump supporters bloody and flipped cop cars.Unreal.WATCH HERE:https://youtu.be/hzNMMPvdBUAHere are a few of Martha s outrageous accusations: As Trump supporters and Trump protesters clashed out there At one point a fight broke out when a Trump supporter tried to get his hat back There s also a report though where there was one incident where a man who was holding a Mexican flag was surrounded by Trump supporters and they were shouting at this man who was surrounded Is that something that you condone? And what is the campaign doing to try to lower the temperature a little bit? Via: Gateway Pundit ",left-news,"Apr 29, 2016",0 +TRUMP AND SECRET SERVICE FORCED To Take Last Minute Escape Route To Avoid VIOLENT Liberal Thug Protesters [Video],"WATCH: @realDonaldTrump exits his speech in California by climbing over a barricade to avoid protesters.WATCH: @realDonaldTrump exits his speech in California by climbing over a barricade to avoid protesters.https://t.co/xOzgokBc2x Fox News (@FoxNews) April 29, 2016 The California GOP Convention is going on and it s more of the same thugs who re using violence and violent rhetoric to stop the support of Republican Donald Trump. One of Trump s supporters was harassed and roughed up today in a show of total intolerance by the left. Here s the moment when anti-#Trump protesters broke through the barricade at #CAGOPConvention @ReutersTV pic.twitter.com/1gyarQYn63 Lily Jamali (@lilyjamali) April 29, 2016 Protesters chanting Make America Mexico Again ",left-news,"Apr 29, 2016",0 +AMERICA IS HAMMERING TARGET: #BoycottTarget Petition Swells To Over 1 MILLION Signatures…Company Suffers INSANE Loss In Stock Market,"Did Target really believe that 99.8% of Americans were going to be silent in the face of a decision that puts the safety of our women and children in jeopardy in order to satisfy the desire of a percentage of the .2% of Americans who consider themselves to be transgender? I cancelled my debit card with Target and lodged a complaint with their headquarters in Minneapolis. I would urge anyone who reads this to do the same. Here is the number to their corporate office: I called 612-304-6073 to cancel my #Target debit card.Stand up to companies who put political ideology before customers #targetmissedthemark 100% FED UP! (@100PercFEDUP) April 25, 2016More than 1,000,000 people have signed the boycott pledge against Target, following the secretive decision by executives to open all of their stores bathrooms and changing rooms to people of both sexes. That s a million families who are going to spread the word about Target, so they may not get those customers back, or their money, said Tim Wildmon, president of the American Family Association, which has hosted the boycott.Here is the link to sign the AFA petition to Boycott Target: https://www.afa.net/action-alerts/sign-the-boycott-target-pledge/Just reached 1 million signatures! #BoycottTarget pic.twitter.com/V8SZc0hTtR American Family Assc (@AmericanFamAssc) April 29, 2016Target s management is just going to have step up here [and] say We re selling hammers and hats, we re not into social engineering, he said.The boycott was announced April 20 by the association, one day after Target revealed its decision to favor its few transgender customers and staff over the rest of the population. A study of the 2010 census data suggests that only about 1 in 2,400 adults change their names to match names used by the other sex.#BoycottTarget who discriminates against 99.8% of non-transgender Americans who want safe restrooms 4 women & girls. pic.twitter.com/UKwuVtfCZJ 100% FED UP! (@100PercFEDUP) April 29, 2016Wildmon s association wants to affirm people s privacy in bathrooms and changing rooms, but also to block the progressives multi-front push to stigmatize and outlaw any recognition of the average differences between women and men, and between boys and girls. The LGBT agenda is being rammed down people s throats, and people are losing their jobs because of it, and it is becoming so that you can t think differently from these people or you re [called] a hater or a bigot, he said.Since the decision was announced, numerous comments, articles, and videos protesting the store s one-sided decision have gone viral. Public opinion has moved and hardened in opposition to the previously bizarre notion of dual-sex bathrooms and changing rooms, and Target s brand as a family friendly store has taken a hit, as the online conversation shifted from its claim of cheap chic to worries of privacy, sexual predators, and the anger at the company s disregard for the reasoned judgement of its middle-class customers.Target, however, is not responding to customers opposition. We certainly respect that there are a wide variety of perspectives and opinions. As a company that firmly stands behind what it means to offer our team an inclusive place to work and our guests an inclusive place to shop we continue to believe that this is the right thing for Target, company spokeswoman Molly Snyder said April 25.Amid the turmoil, the company s stock edged down from $83.98 per share on April 19 to roughly $81.33 in April 28.That s a loss of $2.65 per share, which chops the company s stock market value by $1.5 billion, down to $48.8 billion.For entire story: Breitbart News",left-news,"Apr 29, 2016",0 +ARE THE ANTI-TRUMP PROTESTS Becoming The New β€œFerguson” For Illegals And Democrats? [Video],"A California Donald Trump Rally turned into a violent riot by mostly young Latinos. This is the result of open borders lawlessness and disregard for other people s right to free speech:Hundreds of demonstrators filled the street outside the Orange County amphitheater where Donald Trump held a rally Thursday night, stomping on cars, hurling rocks at motorists and forcefully declaring their opposition to the Republican presidential candidate.Some video I shot of a police car being smashed by a protester: pic.twitter.com/aqHm5jP9y3 Sopan Deb (@SopanDeb) April 29, 2016THE ILLEGALS ARE EXPRESSING THEIR FRUSTRATION BY THROWING ROCKS AT PEOPLE AND DESTROYING COP CARS Donald Trump is worthless! There won t be no United States without Mexicans. -Juan Carlos, 16 I m protesting because I want equal rights for everybody, and I want peaceful protest, said 19-year-old Daniel Lujan, one of hundreds in a crowd that appeared to be mostly Latinos in their late teens and 20s. This just happen #CostaMesa #DonaldTrump pic.twitter.com/t0hS8EEdIU Ruben Vives (@LATvives) April 29, 2016 Video footage showed some anti-Trump demonstrators hurling debris at a passing pickup. One group of protesters carried benches and blocked the entrance to the 55 Freeway along Newport Boulevard, with some tossing rocks at motorists near the on-ramp. Costa Mesa police confirmed that a total of 17 people 10 males and 7 females were arrested on suspicion of unlawful assembly. A MOTORIST GOT OUT OF HIS CAR AFTER BEING BLOCKED AND CONFRONTED THE PROTESTERS:SUV almost ran over protester. Passenger gets out and gets confronted by protesters near 55 Fwy #CostaMesa pic.twitter.com/LLA4K1rzEN Ruben Vives (@LATvives) April 29, 2016READ MORE: LA TIMES",left-news,"Apr 29, 2016",0 +QUESTION: Which Presidential Candidate Spent The Most On Their Campaign So Far? The ANSWER May Surprise You…,"And the winner is the Anti-Billionaire or the guy who detests rich people or how about the guy who made a LOT of people rich during his campaign, but did absolutely nothing for the less fortunate with his windfall. In fact, we reported about hundreds of homeless people who were kicked out of a venue they used as a warming hut on the coldest night of the year because socialist Bernie Sanders (who cares so much for the poor and underprivileged) was about to host a rally in that venue. Oh well the show must go on who has time for homeless people who likely won t vote .right hypocrite Bernie?The small-dollar fundraising juggernaut that has kept Bernie Sanders s insurgent White House bid afloat far longer than anticipated has generated another unexpected impact: a financial windfall for his team of Washington consultants.As donations surged this year, the Sanders campaign ratcheted up its spending each month, racing through an astounding $45 million in March alone.By the end of March, the self-described democratic socialist senator from Vermont had spent nearly $166 million on his campaign more than any other 2016 presidential contender, including rival Hillary Clinton. More than $91 million went to a small group of admakers and media buyers who produced a swarm of commercials and placed them on television, radio and online, according to a Washington Post analysis of Federal Election Commission reports.While the vast majority of that money was passed along to television stations and websites to pay for the advertising, millions in fees were kept by the companies, The Post calculated. While it is impossible to determine precisely how much the top consultants have earned, FEC filings indicate the top three media firms have reaped payments of seven figures.Sanders s money blitz, fueled by a $27 average donation that he repeatedly touts, has improbably made the anti-billionaire populist the biggest spender so far in the election cycle. The campaign s wealth has been a surprising boon for vendors across the county who signed on to his long-shot bid.The large profits stem in part from the fact that no one in Sanders s campaign imagined he would generate such enormous financial support. So unlike Clinton, he did not cap how much his consultants could earn in commissions from what was expected to be a bare-bones operation, according to campaign officials.A campaign spokesman declined to comment on whether Sanders feels the high fees earned by his media consultants are appropriate. Via: Washington Post",left-news,"Apr 28, 2016",0 +UNREAL! ELDERLY HISPANIC TRUMP SUPPORTER Pepper Sprayed By Liberal Thug [Video],The left keeps talking about how hateful the Trump supporters are but all the vitriol is coming from the commies who keep pepper spraying little kids and old people. Who does this? ,left-news,"Apr 28, 2016",0 +MILLENNIAL Drops Awesome TRUTH BOMB On Her Generation: β€œWe idolize people like Kim Kardashian and then we shame people like Tim Tebow” [VIDEO],"One millennial is 100% FED Up! with her generation. It all started when millennial Alexis Bloomer watched an elderly man limping into the post office, and watched two young men walk by him and not even offer to help him. Here s part of what Alexis had to say: We re just existing, we re not really contributing anything to society. Our generation doesn t have the basic manners that include no mam and yes mam . We don t respect our elders. We don t even respect our country. We re stepping on our flag instead of stepping up to volunteer. And we idolize people like Kim Kardashian and then we shame people like Tim Tebow. We re lazy, we re really entitled, and we want to make a lot of money and have free education but we re not really willing to put in the work. We re more divided as a country than ever before, and I think our generation has a lot to do with it. Everything that used to be frowned upon is now celebrated. Watch Alexis explain her motivation and reason for filming her apology to elders rant:",left-news,"Apr 28, 2016",0 +"NOT SO FUNNY GUY, Liberal WILL FERRELL Makes Movie Mocking Ronald Reagan’s Alzheimer’s…Reagan’s Daughter Has A Few Choice Words For Him","What s next Making a comedy at the Humane Society about euthanizing pets? Patti Davis, daughter of late President Ronald Reagan and Nancy Reagan, penned a moving open letter to actor Will Ferrell on Thursday criticizing his involvement in an upcoming comedic film that will satirize President Reagan s tragic battle with Alzheimer s disease.The film, based on a 2015 Black List script, centers on a fictional story in which President Reagan begins suffering from dementia shortly after a landslide reelection victory in 1984. A young aide must convince Reagan that he is an actor playing the President in a movie.Ferrell is attached to play Reagan in the film and will produce it under his Gary Sanchez Productions banner.Here is the letter Patty Davis penned to Ferrell:Dear Mr. Ferrell,I saw the news bulletin as did everyone that you intend to portray my father in the throes of Alzheimer s for a comedy that you are also producing. Perhaps you have managed to retain some ignorance about Alzheimer s and other versions of dementia. Perhaps if you knew more, you would not find the subject humorous.Alzheimer s doesn t care if you are President of the United States or a dockworker. It steals what is most precious to a human being memories, connections, the familiar landmarks of a lifetime that we all come to rely on to hold our place secure in this world and keep us linked to those we have come to know and love. I watched as fear invaded my father s eyes this man who was never afraid of anything. I heard his voice tremble as he stood in the living room and said, I don t know where I am. I watched helplessly as he reached for memories, for words, that were suddenly out of reach and moving farther away. For ten long years he drifted past the memories that marked his life, past all that was familiar and mercifully, finally past the fear.There was laughter in those years, but there was never humor.Alzheimer s is the ultimate pirate, pillaging a person s life and leaving an empty landscape behind. It sweeps up entire families, forcing everyone to claw their way through overwhelming grief, confusion, helplessness, and anger. Perhaps for your comedy you would like to visit some dementia facilities. I have I didn t find anything comedic there, and my hope would be that if you re a decent human being, you wouldn t either.Twice a week I run a support group called Beyond Alzheimer s for caregivers and family members of those with Alzheimer s and dementia. I look into haunted eyes that remind me of my own when my father was ill. I listen to stories of helplessness and loss and am continually moved by the bravery of those who wake up every morning not knowing who their loved one will be that day, or what will be lost. The only certainty with Alzheimer s is that more will be lost and the disease will always win in the end.Perhaps you would like to explain to them how this disease is suitable material for a comedy.",left-news,"Apr 28, 2016",0 +"BOOM! SMALL ALABAMA TOWN TAKES ON TARGET: Any Man Using Women’s Restroom, Changing Rooms Will Face Fine Or Jail Time","America is experiencing an overwhelming climate of hostility and bullying by the Left (think Alinsky), as a means to shove their agenda down our throats. This story of courage and conviction by a small town in Alabama who is fighting back, will make you want to stand up and cheer! This is about a city council who is actually putting the safety and well-being of 99.80% of the population before the .2% of transgenders in America. As expected, the gay mafia descends on Oxford, AL. Please call the Mayor of Oxford, Leon Smith at 256-831-2660 and let him know you support him and the city council s decision to keep our women and children safe.The Oxford City Council on Tuesday made it illegal for anyone to use a public bathroom that doesn t align with the gender they were born with.The new law, approved unanimously by the council s members, restricts a person s use of public bathrooms and changing rooms to the facilities designated for use by those of the gender listed on his or her birth certificate. The law applies within both the city s limits and police jurisdiction.After members approved the new city ordinance, Council President Steven Waits read from a prepared statement.Waits said he and the council sought the law not out of concerns for the 0.3 percent of the population who identify as transgender, but to protect our women and children. He said the measure isn t meant to be discriminatory, and comes in direct response to the bathroom and changing-room usage policy put forth by supermarket chain Target, which has a store at Oxford s Exchange shopping center.The company posted that policy in a blog on its website last week, referencing recent debate around proposed laws in several states. That debate has been heated in North Carolina, where news outlets report that scores of protesters have been arrested this week while demonstrating for or against a statewide law that extends similar restroom restrictions. We welcome transgender team members and guests to use the restroom or fitting room facility that corresponds with their gender identity, read the company s post, put online last Tuesday.Waits said he s received an overwhelming number of complaints from city residents regarding the company s policy since it was announced.Under the new law, alleged violations must be reported by a witness or committed in front of a police officer to be prosecutable.Those found to have violated the law would be fined $500, or sentenced to six months in jail.There are some exceptions to the new rule, though: Adults are allowed to accompany children under the age of 12 into the restroom. Those who need to do janitorial or maintenance work, to offer emergency medical assistance, or to assist the disabled, likewise are permitted to enter any bathroom.Via: Anniston Star ",left-news,"Apr 28, 2016",0 +SWEET SMELL OF REVENGE: Farmer Sprays Manure On Oscar Winning Actress And Film Crew During Fracking Protest On His Land [VIDEO],"GET OFF my fracking land!An irate farmer sprayed raw sewage at Oscar winning star Emma Thompson and her sister Sophie after they flouted a court injunction protecting a fracking site.The stars were filming a Great British Bake Off parody for Greenpeace when the owner of the field they trespassed on drove his muck spreader in circles around the demonstrators. A group of protesters were hit by the manure but the actresses remained dry in their tent, complete with Bake Off-inspired bunting.Police were also called and also spoke to the actresses, who climbed over a gate and set up camp on land earmarked for gas exploration in Fylde, Lancashire.Emma and Sophie, who won Celebrity Masterchef, filmed a pastiche episode of the Great British Bake Off called Frack Free Bake Off to voice their opposition to the fracking plans. But this afternoon the landowner, who leases the contested patch of land to fracking company Cuadrilla, drove his muck spreader in circles around the demonstrating group.After a couple of circles around the group, who were shouting for him to stop it, the farmer drove off.Protesters are banned from the site, near Preston, after company Cuadrilla applied for an injunction in 2014. It is not clear if the fracking company will now take civil action but it appears unlikely. Via: UK Daily Mail ",left-news,"Apr 28, 2016",0 +DEMOCRATS FREAK OUT As Shocking Number Of Union Members Plan To Vote For β€œBlue-Collar Billionaire” Donald Trump [VIDEO],"As millions of dollars of union dues flow into the Democrat coffers, it could be all for naught, as union members plan to cast their votes for Donald Trump Democrats are worried as more and more union members are supporting Donald Trump for president.A recent AFL-CIO poll found that Trump has more support than Hillary and Bernie Sanders combined.95% of union donations flow to Democratic candidates and causes. Gateway PunditTrump is resonating with voters who are struggling to make ends meet and who are seeing their friends jobs shipped abroad, says John Cakmakci, president of United Food and Commercial Workers Union Local 951 in Michigan. And some of those voters are union members. Trump s populist positions on trade and his rejection of Washington politics have earned him votes across the Rust Belt, where several battleground states are key to winning the election in November Donald Trump Jr. explains the Blue-Collar Billionaire s appeal with voters: Working America, the political organizing arm of AFL-CIO, wanted to find out whether Trump s rightwing message appealed to workers outside Cleveland and Pittsburgh. After interviewing about 1,689 working-class Americans living in households earning less than $75,000, they found out that Trump was in fact the favored candidate. Of the 800 voters who had decided on a candidate at the time of the interview, about 300 favored Trump. Combined, the two Democratic candidates appealed to fewer workers 174 chose Clinton and 95 chose Sanders. While most of Trump s support comes from the staunch Republican base, one in four Democrats who chose a candidate showed a preference for Trump, said Working America s report.The majority of respondents said they supported the candidate because of his pugnacious personality rather than for, say, his position on trade.On Tuesday, Jared Szczesny, a card-carrying member of the United Automobile, Aerospace and Agricultural Implement Workers of America Union (UAW), will cast his vote for Trump in Pennsylvania s primary. In 2008 and 2012, UAW endorsed President Obama. This time UAW has yet to endorse a candidate, but is likely to back a Democrat.Szczesny, 31, has never attended a Trump rally. He works seven days a week and has not been able to find the time. However, back in October, he picked up Trump s book The Art of the Deal. When he finished it, he knew that Trump had his vote.Via: The Guardian",left-news,"Apr 27, 2016",0 +"DAUGHTER OF SUNNI MUSLIM, George Clooney Wife, Open Borders Activist And British Citizen Says Trump Doesn’t Represent β€œU.S. Values”","There s nothing like a Brit telling Americans who we should support for President, or a foreigner suggesting we should open our borders to anyone who cares to cross over them. It s not exactly like Britain is immune from the violent Muslim invasion taking place across Europe. Telling Americans which of our candidates do, or do not represent US values adds a special touch don t you think?Perhaps Queen Clooney should stick to advising Britain citizens about who they should or shouldn t vote for. Just because you and your ass-clown of a husband raised $15 MILLION for corrupt Hillary, doesn t give you the right to tell Americans who we should vote for. George Clooney is a Clinton supporter but he agrees with Sanders on at least one point. #Decision2016https://t.co/gQ8X7YR8yA Meet the Press (@MeetThePress) April 16, 2016Amal Clooney, the British-Lebanese human rights attorney who has been married to Hollywood actor George Clooney since 2014, says populist GOP frontrunner Trump doesn t represent U.S. values. In a BBC interview Monday evening, the 38-year-old criticized the leading candidate on the Republican side for proposing building walls and a temporary pause on Muslim immigration into the United States.She then paraphrased Trump and defended Muslims who she says are not extremist or violent. If you actually look at what [Trump] specifically says in that now infamous speech about Muslims, he kept saying, They only want jihad; they don t believe in our way of life; they don t respect our system, she said.She continued: And when he says they And, you know, you watch the media coverage afterwards and people should ve been saying, Do you mean the 1.5 billion people around the world who fit that description? Do you mean the people who are U.S. citizens, who are members of your military, the vast majority of whom are not extremist or violent in any way? Her mother is a Sunni Muslim.Amal Clooney added she is perplexed by the success of Trump s campaign. If, at the end of all of this, he gets beaten by the person who becomes the first female president of the United States, then I think that would send a very positive message from the electorate back to him as to what they really think of those points of view, Clooney said.She concluded: I don t think they are U.S. values. Amal Clooney and her husband George both support Hillary Clinton s White House bid. Mr. Clooney, who has pushed for open borders, recently described Trump as a xenophobic fascist who want ban Muslims from the country during an interview with The Guardian.As Breitbart News has extensively reported in the past, the Clooneys have taken extensive measures to ensure they have privacy and security at their homes, including their $10 million Lake Como estate in Laglio, Northern Italy.Roberto Pozzi, mayor of Laglio, issued an ordinance in 2015 to protect the solace of the couple and their property. The area surrounding the estate is now off limits to unwanted guests, and anyone who gets too close to the property faces a stiff fine.Via: Breitbart News ",left-news,"Apr 27, 2016",0 +IRS CHIEF: Okay For Illegal Aliens To Use Stolen Social Security Numbers [VIDEO],"It sure would be nice to have a President and Congress who took this whole illegal alien thing seriously IRS Commissioner John Koskinen told a Senate panel on Tuesday that the IRS wants to continue to allow illegal aliens to use stolen social security numbers to file tax returns without allowing the numbers to be used for bad reasons. Koskinen said it s in everyone s interest to have illegal aliens paying taxes.Sen. Dan Coats (R-Ind.) asked the Koskinen to explain the policy after revealing that his staff looked into IRS procedures and found that, the IRS continues to process tax returns with false W-2 information and issue refunds as if they were routine tax returns, and say that s not really our job. What happens in these situations is someone is using a Social Security number to get a job, but they re filing their tax return with their [taxpayer identification number], Koskinen said. They are undocumented aliens . They re paying taxes. It s in everybody s interest to have them pay the taxes they owe. Sen. Coats also revealed that the IRS ignores notifications from the Social Security Administration when a name and SSN does not match and that IRS agents are prohibited from informing the victims of employment-related identity theft even though the agency identified 200,000 new cases last year.Koskinen explained that as long as they were using the stolen SSNs to only illegally obtain a job that they would allow them to continue to use the number in order to file taxes, since the IRS uses the taxpayer identification number (ITIN) to process the tax return. The question is whether the Social Security number they re using to get the job has been stolen. It s not the normal identity theft situation, Koskinen said.The topic of the hearing was to address the cybersecurity failings of the IRS to protect taxpayer data. In February 2016 about 464,000 of these stolen SSNs were targeted by hackers in a cyber breach. The agency said it wants to differentiate the bad misuse of personal data from other uses. Washington ExaminerVia: Numbers USA",left-news,"Apr 27, 2016",0 +HOW VOTING FOR TRUMP Will Help America To Export Our Trash [VIDEO],"Even the most hardened Cruz supporters will be switching their votes when they hear about all of the sick liberals who are willing to leave America if Trump gets elected. Think of it as a public service Donald Trump said Tuesday that he would be doing a great service to the United States if celebrities, including Lena Dunham and Whoopi Goldberg, follow through with threats to move to Canada if he is elected president, and joked that he would campaign even harder as a result.On Monday, Dunham told attendees at an event in New York that she would 100 percent move to Canada if Trump were elected president, and in fact already had a beautiful and appealing area of Vancouver in mind. Other celebrities including Miley Cyrus, Samuel L. Jackson and Raven-Symon have similarly vowed to move to Canada in the event Trump wins. Well, she s a B-actor. She has no mojo, Trump said of Dunham during a Tuesday interview with Fox and Friends. I heard Whoopi Goldberg said that too. That would be a great, great thing for our country. https://youtu.be/0gtYrkdYQ88When Fox and Friends host Steve Doocy mentioned that Rosie O Donnell had vowed to move to Canada if he were elected, Trump chuckled. We ll get rid of Rosie? I love it, he said. Now I have to get elected, because I ll be doing a great service to our country. Now it s much more important. In fact, I ll immediately get off this call and start campaigning right now. Other celebrities who have threatened to move to Canada if Trump is elected include George Lopez, Eddie Griffin, Cher, and the Rev. Al Sharpton. Via: Breitbart NewsWatch comments from celebrities about leaving US if Trump is our next President here:",left-news,"Apr 27, 2016",0 +VIOLENT LEFT EXPOSED: Anti-Trump Latino Sprays Pepper Spray In Faces Of Pro-Trump Women and Children,"This is what it looks like when the tolerant Left uses violence to promote their phony tolerance for others .A loser in the Seattle Seahawks t-shirt really hates Donald Trump. Because he s too stupid to verbalize his position and too cowardly to take on anyone his own size or gender, he decided to express his displeasure with the GOP frontrunner by pepper spraying some women and children at a Pro-Trump rally.Here s the deal: Anaheim, CA city councilwoman Kris Murray introduced a resolution denouncing Donald Trump, which reads in part, the divisive rhetoric of presidential candidate Donald Trump as contrary to the fundamental principles of the constitutions of California and the United States and as not reflecting Anaheim s guiding principles of inclusiveness and kindness. The LA Daily News reports that more than 50 pro-Trump supporters showed up at the Anaheim City Hall to protest this ridiculous resolution on Tuesday. As you know, wherever there are Trump supporters, there are anti-Trump agitators looking to start a violent confrontation. There s no word on the anti-Trump numbers, but there were enough to be noticed. The news notes that most of these anti-Trump forces were angry young men.As the anti-Trump thugs were yelling at the pro-Trump supporters, one asshole decided to attack a group of women and children, including a 53-year-old grandmother. All I remember is a young man jumped on one of my friends and I told him to get off. Then I got pepper sprayed, said Linda Reedy.That pepper spray was wielded by the Latino in the Seahawks shirt. Not only did he hit Reedy but also her two young grandchildren and another woman.Paramedics were seen pouring water on their eyes to try and remove the stinging spray. A young girl about 8 years old cried hysterically.It would appear as if someone, possibly Seahawks guy, also punched Reedy in the face as paramedics gave her an icepack for an unspecified facial injury.To recap: one guy attacked a woman and then the Latino pepper sprayed her, a grandmother, and two young children all because they support Donald Trump. If there are a bigger couple of pussies I d like to know who they are because these guys have the #1 and #2 spots locked up in my opinion.Despite the fact that the news was able to capture a very clear picture of the chickenshit pepper sprayer, the dozens of police on the scene were unable to identify or arrest him. No seriously, there were a dozen cops in riot gear, plus many more guarding City Hall, as well as police helicopters overhead and they couldn t apprehend this coward?Let s remember that the reason why everyone was at Anaheim City Hall was because some uppity leftist councilwoman was denouncing Trump for being intolerant. Somehow I think attacking and pepper spraying old women and young children for their beliefs is a million times less tolerant than anything Donald Trump has ever said. Will Anaheim also denounce this Latino asshole and his cohort for what they did? I doubt it.A better question is: will the national media report this assault with the same vigor that they do any time a disruptive idiot gets thrown out of a Trump rally? Again, I doubt it. The official media narrative is that Donald Trump supporters are the violent ones and anti-Trump protesters are peaceful victims of their hate.Via: DownTrend",left-news,"Apr 27, 2016",0 +THE TRUTH ABOUT WHY HILLARY Is The Only Candidate Who Travels With A Full-Time Physician,"This news should be enough to end Hillary s obsession with becoming our next President. The Democrats may be willing to ignore all of her criminal and immoral activities, but are they willing to accept Hillary and Bill turning our White House into an assisted living facility? Is Hillary Clinton fit to be president?Putting aside her various scandals and shoddy record as secretary of state, what about her health? Is she physically up to the job?In my new book, Unlikeable: The Problem With Hillary, I devote five pages to Hillary s health. As far as I can tell, however, I am the only journalist who is interested in this important subject.Given the immense stress and strain of being president, Hillary s health is an issue that demands a thorough exploration.Last July, Hillary s longtime personal physician, Dr. Lisa Bardack, released a short, two-page letter that appeared to give Hillary a clean bill of health. She does not smoke and drinks alcohol occasionally, Bardack wrote. She does not use illicit drugs or tobacco products. She eats a diet rich in lean protein, vegetables and fruits. She exercises regularly, including yoga, swimming, walking and weight training. According to Dr. Bardack, Hillary had completely recovered from the fainting spell, concussion and blood clot in her brain that she suffered while she was secretary of state.But Dr. Bardack s letter was hardly a detailed medical history. According to sources close to Bill and Hillary Clinton, the letter wasn t the full story then and it s not the full story now.To this day, Hillary still suffers from many of the troubling symptoms that I wrote about in Unlikeable: blinding headaches, exhaustion, insomnia, and a tremor in her hands. As a precaution against the spectacle of fainting in public, which could easily doom her candidacy, Hillary now travels with a personal physician on all her major campaign trips.There have been several incidents in which she has nearly collapsed. For example, after her 11-hour testimony before the Trey Gowdy Benghazi committee, Hillary swooned as she walked to a waiting car. She had to be supported in the arms of her aides and helped into the back seat.Tension headaches continue to plague her and often make it hard for her to maintain her grueling schedule. Huma Abedin, deputy chief of staff and her closest adviser, frequently orders campaign aides to alter Hillary s schedule at the last moment so the candidate can catch her breath and take out time for naps. This may explain why Hillary is often as much as two hours late for a campaign appearance. She no longer has the stamina for 18-hour campaign days that she was once capable of doing, said a source close to Hillary.Via: NewsMax We all know that getting Hillary to release her full medical records to the public is about as likely as Hillary telling the truth about what happened in Benghazi ",left-news,"Apr 27, 2016",0 +"WATCH: TWO TX SCHOOL WORKERS FIRED For Refusing To Call 6 Year Old Girl A β€œBoy” : β€œOne day, she wanted to be a girl, the next day she wanted to be a boy”","Because 6 year old girls are consumed with their sexual identities right? The parents should be getting regular visits by social services and the fired school manager and teacher should be reinstated and given an award for the courage to do the right thing Two school staff members say they were fired for refusing to call a six-year-old girl a boy and addressing her by a new masculine name.According to Madeline Kirksey, a manager at the Children s Lighthouse Learning Center in Katy, Texas, her staff was told a six-year-old student is transgender after the child s parents cut her hair short, Fox26 reported. They were instructed to begin referring to the student as a boy and call her by a boy s name.School administrators reportedly gave staff a handout to refer to when addressing questions from other students. It caused confusion, Kirksey told Fox26. I don t think we should be talking to other people s children who are under the age of 18 about being transgender. She said the school fired her after she insisted the parents of other students be notified and allowed to address the issue with their children.Not only where the other students disoriented by the sudden change, but the transgender student seemed to be confused as well. One day, she wanted to be a girl, the next day she wanted to be a boy, Kirksey said. The other kids are confused as well, calling her a boy and she would start screaming, I m not a boy! Among the reasons stated in her termination letter was that Kirksey does not follow instructions when requested to call a transgender child by the child s new name. Another teacher says she was also fired for raising concerns about all the confusion, according to Fox26. Via: BPR",left-news,"Apr 27, 2016",0 +ANTI-TRUMP Protestors Prove They Have No Basis For Their Hateful Claims Against β€œThe Donald” [VIDEO],If ignorance is bliss the happiest people on earth can be found outside a Trump rally holding an anti-Trump sign Enjoy:,left-news,"Apr 26, 2016",0 +MAN WALKS INTO TARGET With Undercover Camera…Watch Manager’s SHOCKING Reply After He Asks To Use Women’s Bathroom,"Any company who puts the safety of myself and my daughters second to political correctness can find a new customer to spend thousands of dollars in their store. One person demonstrated just how far Target department stores will take it s new gender-neutral bathroom policy.Andy Park, identifying himself as a man, walked into a St. Petersburg, Florida Target store dressed in men s clothing and asked to use the ladies restroom. Sometimes I get uncomfortable in the men s room, was his only excuse.After he was given the go-ahead, Park asked what would happen if a woman complained. He was told they d take care of it. In other words, his rights were more important than a woman seeking privacy. Via: BPRWATCH here:https://youtu.be/cgL0c4B3gr8Via: BPR",left-news,"Apr 26, 2016",0 +OOPS! Black Security Guard Won’t Allow White Dude Wearing Black Lives Matter T-Shirt Into Hillary Event [VIDEO],"After much back and forth between the white dude wearing a Black Lives Matter t-shirt and the black man who appears to be acting as security for corrupt Hillary, the black man suggests he go to the back of the line and ask secret service for permission to enter. The good news is that it appears the line to see Hillary (as usual) is pretty short. If he had to get to the back of the line for a Trump event, that could have been an issue.https://twitter.com/ShaunKing/status/724776822018170881Corrupt Hillary actually sent out this tweet just before the event the white dude in the Black Lives Matter t-shirt wasn t allowed to enter:""As a white person, I have to talk about [racism] more. We are not a post-racial society."" Hillary to @Maddow #MSNBCTownhall Hillary Clinton (@HillaryClinton) April 26, 2016",left-news,"Apr 26, 2016",0 +COMEDIAN SHOCKS LEFTIST COLLEGE STUDENTS With Best Liberal Smackdown You Have EVER Seen!…MUST Watch VIDEO!,"This video of conservative comedian Steven Crowder should be an example for every conservative in America on how to handle the well-trained Left! It should be used in training sessions for conservatives about how to fight back against the LOUD, OBNOXIOUS liberals who have been allowed to shame and disgrace conservatives into adopting their positions for way too long! If you re tired of sitting back and allowing the Left to disrupt every conservative event or rally in America by shaming you or threatening your physical well-being, you are going love this video! Comedian Steven Crowder mercilessly tore into so-called social justice warriors when they disrupted his opening remarks within seconds of him taking the stage.Here is the video showing the LOUD and OBNOXIOUS protesters who Steven Crowder was addressing:Crowder was scheduled to tell some jokes and discuss free speech at the University of Massachusetts on Monday night alongside other speakers, including conservative firebrand Milo Yiannopoulos and former philosophy professor Christina Marie Hoff Sommers. However, the comedian quickly ditched his prepared material to give his vocal critics a reality check. Do you have any idea, sir, how pathetic it must be to be you? These people wanted to hear a few jokes, some thoughtful discussion, but your head pops off the pillow in the morning with, How can I be a professional victim today? Let me go in and screw with their act just because, oh my god, your parents didn t tell you that your opinion wasn t worth that much, Crowder said.For emphasis, he added, I m not your gender studies professor who has to cater to your trigger warning, microagression, safe space bulls**t! It wasn t long before Crowder was apparently accused of being a racist. Oh, I m a racist that s a new one. Where d you learn that, in social human studies 101? the comedian asked mockingly.But the bigger issue, Crowder explained, is that the left is now openly against free speech and the open debate of ideas. You re not fighting for free speech, you re not fighting for rights you re fighting for the right to be a p***y and not hear opinions that you don t like, he said. Alright, I m done, he concluded. Via: The Blaze",left-news,"Apr 26, 2016",0 +"MUSLIM MIGRANTS SHOW Appreciation To German Hosts By Spreading Feces, Vomit And Blood On Asylum Walls","Assimilation or respect for the host country is not a strong suit for Muslim migrants/rapefugees Asylum seekers have left an asylum home and have smeared blood, vomit and feces all over the walls according to police.In preparation for the visit of U.S. President Barack Obama, riot police in the German town of Hameln needed somewhere for the officers to stay overnight. The police were offered a barracks that previously held migrants but were shocked to discover that the past residents had smeared faeces, vomit and blood all over the walls of the former asylum home reports Junge Freiheit.North Rhine-Westphalia police refused the accommodation due to the unsanitary conditions the barracks had been left in. The Facebook page of the German police union posted pictures of the former migrant home saying, semen, blood and faeces on the walls and in the beds. Inside cockroaches were eating. The union went on to say that the officers would not sleep in the conditions and preferred to spend the night in their vehicles instead.One policeman said that the only reason they felt they were able to seek alternate accommodations was by showing media what the asylums seekers had left for them. They called the conditions catastrophic. The difficulty of bringing migrants up to speed with Western hygienic norms has been shown time and time again over the migrant crisis. The border town of Nickelsdorf in particular was said to have been struggling with garbage and sewage left by migrants.Trains had to be disinfected entirely because many migrants did not know how to operate a western style toilet and opted to defecate on the floor or in a urinal. Via: Breitbart News ",left-news,"Apr 26, 2016",0 +WHY GROWN MAN WAS ARRESTED In Democrats New β€œSafe Space” For Pedophiles Is DISGUSTING…Are You Paying Attention Target?,"As a mother of three young girls, if anything like this were to happen to one of my daughters in a bathroom, dressing room or shower that is open to potential rapists and pedophiles by a company like say Target they would be looking at massive law suit, as I would consider them an accomplice to the crime.A Pennsylvania man who was arrested for taking photos of a 10-year-old girl in a public restroom has now also been hit with child porn charges, police report.Quarryville, PA, resident James Thomas Shoemaker, 19, was arrested last week when he was found hiding in a stall of the woman s bathroom in the Sheetz store on Manheim Pike. Police said he was taking images of young girls on his cell phone.The arrest comes as progressives step up their judicial and media push to force American adults and youths to share all of their public bathrooms and changing rooms with the small number of people who try to live and look like people of the opposite sex. In mid-April, for example, Target stores announced they would only allow mixed-sex changing rooms and toilets. On April 21, media outlets claimed that Donald Trump supported the progressive campaign to eliminate single-sex bathrooms.In fact, Trump backs the current live-and-let-live policy favored by most Americans, in which they willingly tolerate the quiet use of normal bathrooms by people of the opposite sex. There s a big move to create new bathrooms for transgender [people] that would be discriminatory in a certain way [and] that would be unbelievably expensive for businesses in the country, Trump said April 21. Leave it the way it is, he added.In Quarryville, the suspect was accused of entering the women s restroom and staying there for about an hour. Police also said that while in the facility he looked at pornography on his cell phone and then used his phone to take photos of a child who entered the room. The child alleged that Shoemaker held his cell phone over the top of the stall she was in and recorded her activities.Shoemaker consented to allowing police to look through the images on his cell phone whereupon they discovered nude photos of his girlfriend. But police also learned that the girlfriend is only 16 and now they ve hit the suspect with a felony child pornography charge on top of the third degree misdemeanor invasion of privacy charge he was already facing.The arrest in Pennsylvania comes about two weeks after the arrest of a man in California who was dressed as a woman and caught taking video of women in a Macy s store women s restroom. Via: Breitbart News",left-news,"Apr 26, 2016",0 +"STUDENTS USE β€œFree Speech” Wall To Paint β€œoffensive, hurtful” Message Supporting Trump… Hispanic Students Call Emergency Meeting [VIDEO]","Remember when colleges and university were one of the best places in America to have discussions about politics? To be clear, the university does in fact support free speech unless of course, you re a Trump supporter Several events for Ohio University s Greek Week, an annual, weeklong event focused on philanthropy, have been canceled after some Sorority and Fraternity Life members painted Build the Wall on an area typically designated for graffiti last week.The Greek Week events, set to take place between April 11 and 18, were amended after unnamed members of Sorority and Fraternity Life painted the graffiti wall by Bentley Hall, including the phrase Build the Wall, according to a letter sent Sunday to sororities and fraternities.The phrase has been a part of Republican presidential candidate Donald Trump s campaign to construct a wall between the United States and Mexico to discourage immigration from South and Central American countries.The letter was addressed to the OU Sorority and Fraternity Life community and supporters, and was signed by the Interfraternity Council, Multicultural Greek Council, National Pan-Hellenic Council and the Women s Panhellenic Association. This phrase is offensive and hurtful to many individuals as it is directly tied to the Hispanic/Latino/a community, makes them feel marginalized, and the message was interpreted that they do not belong at Ohio University, the letter stated. Via: The Post AthensNo regard was given to the potentially offensive message Hispanic students painted over Trump message:",left-news,"Apr 26, 2016",0 +HOW MEXICO COULD ACTUALLY Benefit From A Trump Presidency,"It s easier to hate Trump and spew venom at him and his supporters than to use logic and reason Donald Trump has already forced Mexico to clean up its national image, underscoring how the country suffering from NAFTA could actually benefit from a Trump presidency.Mexico is launching a massive PR campaign to improve perceptions of the country after Trump exposed many of its problems, but this is a good thing: sometimes it takes your worst critic to enforce needed change.In fact, Trump s proposed border wall, hatred of the North American Free Trade Agreement and nationalistic views could help America s southern neighbor.For one thing, a lot of people don t realize NAFTA has fueled mass unemployment in Mexico, which has caused thousands of illegal immigrants to flood into the U.S. looking for jobs. There are no jobs [in Mexico] and NAFTA forced the price of corn so low that it s not economically possible to plant a crop anymore, Rufino Dom nguez, the former coordinator of the Binational Front of Indigenous Organizations, revealed. We come to the U.S. to work because we can t get a price for our product at home. There s no alternative. NAFTA disrupted Mexico s corn production so badly that 75,000 Iowa farmers were able to grow twice as much corn as 3,000,000 Mexican producers and at half the cost because the U.S. maintained its corn subsidies under NAFTA.That resulted in the mass migration of Mexican farm workers flowing into America. The big wave in illegal immigration from Mexico began in the 1980s, but it picked up strongly after NAFTA that wasn t unexpected, NPR s Tim Robbins reported.And which presidential candidate has spoke out against NAFTA and other destructive trade agreements? Donald Trump. It s a disaster, he said in Sept. We will either renegotiate it, or we will break it. For entire story: Prison Planet ",left-news,"Apr 25, 2016",0 +DEMOCRATS ARE AFRAID That Trump Will Beat Hillary…And Here’s The Proof [VIDEO],"Don t let Hillary s cheerleaders in the mainstream media convince you that she can beat Trump. Trump has proven himself to be a formidable opponent and don t forget that Hillary was beaten by an amateur Jr. Senator in 2008. I ve consistently said throughout the analysis of this race that I would not want to run against Donald Trump because I think he s the most dangerous candidate. Give me Ted Cruz, give me John Kasich, give me any of the vanquished they re traditional politicians, easy to beat. And, Ted Cruz, in particular, way outside the mainstream, she said. Donald Trump, when you look from what he said the other day about the gender bill and using the bathrooms, it proves that point because he knows how to appeal to not only Libertarians but to Independents who support that, too. So he will be a very, very tough candidate to face in a general election. I think it will be one of the closest elections we see since 2000. https://youtu.be/ZqtKc1aPiA4",left-news,"Apr 25, 2016",0 +HILLARY PAYS Professional Trolls $1 MILLION To Make Her Look Popular On Social Media,"It s good to be worth tens of millions of dollars when you discover you need more than a vagina to win the Democrat nomination Hillary Clinton-aligned Super PAC, Correct the Record, is taking a page out of Vladimir Putin s playbook by employing a $1 million dollar professional internet troll army to build a paid, positive consensus about the Clinton campaign. The effort, called Breaking Barriers 2016, claims: While Hillary Clinton fights to break down barriers and bring America together, the Barrier Breakers 2016 digital task force will serve as a resource for supporters looking for positive content and push-back to share with their online progressive communities, as well as thanking prominent supporters and committed superdelegates on social media. Correct The Record will invest more than $1 million into Barrier Breakers 2016 activities, including the more than tripling of its digital operation to engage in online messaging both for Secretary Clinton and to push back against attackers on social media platforms like Twitter, Facebook, Reddit, and Instagram. The campaign will essentially be employing an unknown number of paid, pro-Hillary trolls to spread positive news about the candidate and counter anyone posting negative information about her. And these aren t just ragtag trolls living in their mothers basements they are industry and campaign professionals. As Correct the Record acknowledges: The task force staff s backgrounds are as diverse as the community they will be engaging with and include former reporters, bloggers, public affairs specialists, designers, Ready for Hillary alumni, and Hillary super fans who have led groups similar to those with which the task force will organize. Via: Zero Hedge",left-news,"Apr 25, 2016",0 +WATCH: Duck Dynasty’s Willie Robertson Makes Debut On FOX News With Hilarious Commentary On Hillary And Bernie,You gotta love the socialist duck analogy ,left-news,"Apr 25, 2016",0 +LONDON MARATHON Water Station Robbed By Group Of Looters [Video],"Water stations are set up along marathon courses with the understanding that the water is for the runners. We think this group of looters didn t get that memo. They blatantly go about stealing the cases of water right in front of everyone. Hugh Brasher, Event Director for London Marathon Events Ltd, said: It s very disappointing to see water being stolen in this way from the official water stations for our runners These water stations are staffed by volunteers and we are very grateful to them for their work on Race Day. We always brief our volunteers not to get into altercations if this kind of thing happens. We ll investigate this further. ",left-news,"Apr 25, 2016",0 +β€œFRIGHTENING TREND”: Helmet-Cam Video Released After Arrest Of Motorcyclist [Video],"The thrill seekers on motorcycles are putting lives at risk by traveling at speeds over 100 mph on the highway. As you ll see in the video below, this nut job is weaving in and out of traffic going both ways. The video and more footage was confiscated when the police took the helmet cam from the guy they arrested. This is a frightening trend. Sheriff Tom Knight took the opportunity to point out that there have been 84 traffic crashes involving motorcycles in Sarasota County since the beginning of the year. It s like footage from a movie or video game: The first-person view from a motorcyclist weaving in and out of traffic at speeds well over 100 miles an hour. But the footage is real taken from a motorcyclist s helmet-cam after his arrest and deputies say these dangerous acts are happening too often.Sergey Baygulov was arrested on a charge of aggravated fleeing earlier this month. Sarasota deputies say he sped past a marked law enforcement vehicle before fleeing to his job, where he was later arrested.As part of their investigation, detectives confiscated his helmet-mounted camera, which they say contains lengthy video showing him cruising along River Road and Interstate 75 in southern Sarasota County, exceeding speeds of 110 mph while darting in and out of traffic and coming inches from other vehicles, including a school bus. ",left-news,"Apr 24, 2016",0 +"AMBASSADOR CHRIS STEVENS’ FiancΓ© Speaks Out About Hillary Leaving Him To Die: β€œIf he was a friend, you don’t let a friend down” [VIDEO]","It s amazing that Hillary will likely never be held accountable for the deaths of four brave Americans in Benghazi. So many family members and loved ones will have to live the rest of their lives knowing they will never see these men again, while the person responsible is the front-runner in the Democrat party for President of the United States. You just can t make this stuff up Former Fianc of Ambassador Chris Stevens and actress and model Lydie Denier joined Steve Malzberg on Newsmax TV to discuss her memory of the late Libyan Ambassador.Ambassador Chris Stevens was murdered on September 11, 2012 in an Islamist terrorist attack.Lydie weigh in on Benghazi, and her piece: A Voice for Ambassador Chris Stevens. She told Steve Hillary should have done a better job.Lydie Denier: As far as Hillary Clinton, it would take more than six minutes to say how I feel. But, obviously you know how I feel. I think she should have done a better job for security. And, not ignoring his requests for security. If he was a friend, as she said, then you don t let a friend down. NewsMaxVia: Gateway Pundit ",left-news,"Apr 24, 2016",0 +AL SHARPTON USES PRINCE’S DEATH To Fill Seats At Race Baiting Rally For Another Thug Killed By Cops,"Never let an opportunity go to waste. Its the Democrat mantra Whenever a black person dies, no matter what the circumstances, the first and most important question is: How can Al Sharpton turn this into dollars? With the death of funk/pop icon Prince yesterday, you re probably thinking there is no way the race-hustling Reverend can turn the tragedy into social justice (AKA cold hard cash) but you re underestimating his awesome powers of exploitation.The Amsterdam News reports that Al Sharpton will be holding a rally on Saturday at the National Action Network s House of Justice in New York. I m not kidding, he really has a place he calls the House of Justice. The original purpose of this rally was to protest the police shooting a black guy who pointed a gun at officers, but with Prince s untimely death, Sharpton has decided to combine faux outrage with a faux tribute.Here s the black guy who was wronged by a racist system:Tillman was fatally shot by NYPD officers on Sunday in Ozone Park, Queens. Reports indicate that he was allegedly holding an open alcohol container when officers approached him. Tillman had a gun on his waistband and allegedly ran as they approached him. Police say he reached for the weapon before officers opened fire shooting Tillman in the chest. He was pronounced dead at Jamaica Medical Center.Let s see if I have this correctly: A black guy was carrying an illegal firearm in NYC and violating the city s drinking in public law. When police tried to question him, he resisted arrest and took off. He then took out the illegal firearm and pointed it at officers and they responded by shooting him. In other words, police used appropriate force to deal with a violent life-threatening situation. How exactly is this a case of racial injustice? Oh, because the guy was black. I get it now.I guess it s getting harder and harder for Sharpton to find any real racism to rage against, so he has to work with what he s got.Just in case people have a hard time freaking out over a justified police shooting, Big Al is throwing in a tribute to Prince to get asses in the seats:As the aftermath of the death of singer Prince continues, Sharpton will conduct a special memorial in honor of the legendary entertainer and humanitarian.I wasn t aware there was aftermath from Prince s death, but it sure does seem like a shitty tribute to combine this with some bogus racial outrage over a guy who got shot for trying to kill some cops.Really the only question left is: how will Sharpton blame Prince s death on white supremacy? Was there a white conspiracy to kill the singer? Did he die because white EMTs responded slower than they would have if Prince were white? Did a white man give him the flu and force him to take opioids?Via: DownTrend ",left-news,"Apr 24, 2016",0 +"BEYONCE DOUBLES DOWN…Debuts #LEMONADE, Another Race Baiting, Cop-Hating, Pro-Obama Song…With Sweet Michael Brown’s Mama and Serena Williams","Most of the world will be obsessed with Beyonce s new release, Lemonade because of her unexpected confession that she is married to a cheating pig. We have instead chosen to focus instead on the continuing efforts of the dynamic racist duo to promote distrust and hate for our law enforcemen, while helping their dear friend Barack Obama to promote racial division in America. Beyonce s self-portrayal as a saint leading women to baptism is laughable considering the hateful and divisive messages she continues to promote in her songs. She has become nothing more than a tool for Obama and the Black Lives Matter terror group. Anyone who buys her music from her husband s racist label is making a direct contribution to hate.The mothers of Trayvon Martin and and Michael Brown are featured in Beyonce s new album, which was released on Jay-Z s Tidal streaming service on Saturday night after an HBO special promoting it.Lemonade is the title of both the singer s first album in three years, and the visual album which aired on HBO to promote it. And the singer continued to lace her work with a political message, as well as hitting out at her husband Jay-Z amid rumors of infidelity while ultimately appearing to forgive him.The film which aired on HBO served as a bold tribute to the perseverance of African American women and the Black Lives Matter movement.The pop queen drew a theme early in Lemonade as the film cuts to a snippet from late civil rights leader Malcolm X, who is heard saying: The most disrespected person in America is the black woman. Later, Mike Brown s mother Lesley McSpadden is seen crying as she holds a photo of her late son, whose shooting death by a police officer in Ferguson, Missouri in 2014 sparked protests and a Department of Justice investigation.Trayvon Martin s mother Sybrina Fulton is also seen holding a photo of her son, who was shot dead at the age of 17 by George Zimmerman, in a case that sparked national outrage in 2012. After screening on HBO, the album will only be available on Tidal, Jay Z s pay-for music subscription. However, HBO will screen a rerun on Sunday April 24 at 8pm Eastern Time.Beyonc has been known to get political with her music she caused controversy at the Super Bowl after she and her dancers dressed similarly to the Black Panther Party, which was known for being confrontational with officers.Just before the Super Bowl, Beyonc released Formation and accompanied the song with a video in line with the burgeoning Black Lives Matter movement against perceived police brutality, with one scene showing officers raising their hands up as if under arrest.The video won wide praise from activists and Beyonc s fan base, although her political turn outraged some conservatives.Beyonc , one of the most successful contemporary artists who has mostly avoided controversy in the past, later said in an interview that she was taking issue with abuses, not with all police.The pop queen, whose Formation World Tour begins next month, again got political in the visual album.In addition to playing a quote from Malcolm X, the singer included the mothers of African-American victims of police brutality and gun violence.Mike Brown s mother Lesley McSpadden is seen crying as she holds a photo of her late son, whose shooting death by a police officer in Ferguson, Missouri in 2014 sparked protests and a Department of Justice investigation.Trayvon Martin s mother Sybrina Fulton is also seen holding a photo of her son, who was shot dead at the age of 17 by George Zimmerman, in a case that sparked national outrage in 2012. In another segment, Beyonc sings about breaking her own chains and being free.And in a spoken-word interlude, a young African-American man talks about how President Obama inspired him.Lemonade also included clips of a young Beyonc with her father, Mathew Knowles. Beyonc sits next to him on the sofa, as they exchange I love yous. The film begins with a mention of her father, as Beyonc whispers: Where do you go when you go quiet? You remind me of my father, a magician, able to exist in two places at once. In the tradition of men, in my blood you come home at 3am and lie to me. What are you hiding? she whispers.And she makes numerous pointed references to an unfaithful lover before her husband Jay Z appears as she sings about forgiveness. In the fourth track of the album, titled Sorry, Beyonc sings: Middle fingers up, put them hands high. Wave it in his face, tell him, boy, bye. Tell him, boy, bye, middle fingers up. I ain t thinking bout you. She concludes: He better call Becky with the good hair. The scene drove viewers and listeners wild, with thousands of comments flooding Twitter about this elusive Becky . Within minutes #BeckyWithTheGoodHair was trending on Twitter.As she sits at a piano alone, viewers see flashback scenes of her wedding to Jay Z in 2008, and them lying in bed together. My daddy warned me about men like you, she sings. Cause every promise, don t work out that way. Nothing seems to hurt like the smile on your face. At one point she sings Are you cheating on me? then later says she is jealous and crazy .Later, the couple appear together as she sings: Baptize me. Now that reconciliation is possible, if we re gonna heal, let it be glorious. Another clip showed the pair getting matching IV tattoos on their ring fingers in a tribute to their daughter Blue Ivy.But anyone that wants to rewatch it will have to download Tidal, which holds exclusive rights to the whole album.Tidal, which costs $9.99-a-month, is Jay Z s attempt to rival free services like Spotify and YouTube, which he claims to not value artists content. It was set up in early 2015 after Jay Z bought the company from its Swedish founders. Via: Daily Mail ",left-news,"Apr 24, 2016",0 +"OBAMA TO BRITAIN On His Legacy: I Saved The World Economy, Made Deal With Iran, Stopped Ebola","Hey Barry you forgot to mention that time you parted the seas oh wait, that wasn t you. Why not tell Britain the truth? Tell them how you created the most hostile atmosphere towards law enforcement that this nation has ever seen. How your real legacy will be that of the worst racial division since the civil rights era. You also neglected to mention that you destroyed our relationship with Israel (our only true ally in the Middle East), while making friends with communist regimes and cutting lopsided deals with radical Islamic nations who openly advertise their hate for America for all the world to see. Don t kid yourself Barry. Your legacy will be that of the worst President to ever occupy the White House. President Barack Obama boasted of his legacy during a town hall in Britain, asserting that he single- handedly saved the world during his presidency. Saving the world economy from a Great Depression that was pretty good, Obama bragged when asked by a student in London what he wanted his legacy to be.He recalled that when he visited London in 2009, the world economy was in a freefall because of irresponsible behavior of financial institutions around the world. For us to be able to mobilize the world s community, to take rapid action, to stabilize the financial markets, and then in the United States to pass Wall Streets reforms that make it much less likely that a crisis like that can happen again, I m proud of that, he said.Here s your real legacy Barry...Obama also touted his Iran nuclear deal as something I m very proud of asserting that he successfully stopped their nuclear weapons program without going to war.He griped that everybody forgot about his efforts in stopping the Ebola crisis, saving hundreds of thousands of lives. I think that I have been true to myself during this process, Obama said, insisting that the things he said while running for office matched up with his presidency. I ll look at a scorecard in the end, he concluded. Change takes time. Oftentimes what you start has then to be picked up by your successors or the next generation. He added that the fight for change was like a relay race and that he was prepared to pass the baton to his successor.Enter Hillary Hopefully they re running in the right direction, he joked.Via: Breitbart News ",left-news,"Apr 24, 2016",0 +NBA THREATENS NC…Let Men Share Bathrooms With Your Daughters Or We’ll Cancel All-Star Game,"So in other words, parents better allow men to use the same bathrooms and locker rooms as your little girls or the NBA is gathering up their balls and running away. Is the NBA still a professional sports organization, or have they morphed into a radical social change group? If the answer is the latter, you won t see me pay another dime to sit in the stands of another NBA game. I don t think I m alone in that thinking either. Putting social issues before the safety and well-being of women and children is misguided and dangerous. Click HERE to comment on NBA Commissioner Adam Silver s Facebook page. Commissioner Adam Silver believes the NBA has been crystal clear that the 2017 All-Star Game only stays in Charlotte if a North Carolina law goes.Political and business leaders he s spoken with in the state believe it will, so he s holding off for now on setting any deadlines for when the NBA might act.Silver said last week that the law that limits anti-discrimination protections for lesbian, gay and transgender people was problematic for the league, but he believed dialogue was more useful than ultimatums at this point, so has continued discussions with North Carolina officials. The sense was that if the NBA could give us some time, they in the community of North Carolina were optimistic they would see a change in the law. They weren t guaranteeing it and I think which was why my response was the event still is 10 months from now, we don t need to make a decision yet, Silver said Thursday during a meeting of Associated Press Sports Editors. We ve been, I think, crystal clear that we believe a change in the law is necessary for us to play in the kind of environment that we think is appropriate for a celebratory NBA event, but that we did have some time and that if the view of the people who were allied with us in terms of a change, if their view, the people on the ground in North Carolina, was that the situation would best be served by us not setting a deadline, we would not set a deadline at this time. The North Carolina law directs transgender people to use public toilets corresponding to the sex listed on their birth certificate. The law also excludes LGBT people from state anti-discrimination protections, blocks local governments from expanding LGBT protections, and bars all types of workplace discrimination lawsuits from state courts.Several entertainment acts have already canceled plans for North Carolina but Silver said last week he didn t think a warning that the NBA could pull the All-Star weekend out would send the proper message, particularly because the league still has the Charlotte Hornets, owned by Michael Jordan, playing there. The Hornets host playoff games this weekend.All-Star weekend is scheduled for February. Silver said there is no urgency to make a decision because the league could very easily find out which arenas would take on the event if necessary.Via: AP News ",left-news,"Apr 23, 2016",0 +NEW LAW WILL PUNISH MUSLIM Migrants…Assimilate Or Get Out!,"Is this common sense law even practical given how many Muslims migrants with ties to terrorism have already embedded themselves in communities across Europe. The mass sexual assaults and rapes that took place on New Years Eve in Germany should be a pretty good indicator of how interested these male Muslim migrants are in assimilating. German Chancellor Angela Merkel s ruling coalition agreed Thursday on tough measures to spur the integration of migrants and refugees, including sanctions for failing to take part in programs such as language classes.The deal, hammered out in six hours of late-night talks between Merkel s conservative Christian Union bloc and the Social Democrats (SPD), also included plans for new anti-terror legislation. Now that hundreds of thousands (over a million) refugees have arrived in our country, we have a double task: to manage and control refugee flows, and not only to register but to integrate the large numbers, Merkel said at a Berlin press conference on Thursday. We will differentiate between those with good and bad prospects for being allowed to stay, but there will be an offer for everyone who comes to us, she added. Integration in a society with people from very different cultural backgrounds doesn t happen by itself, said Vice-Chancellor Sigmar Gabriel, who claimed the new law was a truly historic step .Indeed, it is the first time a law covering immigration and integration has been mooted since Germany began a postwar programme to invite Turks and other guest workers to fuel its economic miracle, which was criticized for failing to provide millions of immigrants and their descendants a stake in German society and a path to citizenship.The integration bill would take a carrot-and-stick approach, providing subsidized courses to help newcomers find their way in German life but, in some cases, denying residence permits to those who fail to take up the offer.Under the new pact seen by AFP, federal funds would be used to create 100,000 jobs for asylum seekers receiving benefits.Those facing imminent deportation would be excluded, but asylum seekers taking part in job training would be shielded from expulsion for the length of the programme.Refugees who abandon state-assigned housing would face unspecified consequences, but waiting periods for acceptance courses teaching German language and customs are to be slashed to six weeks from three months currently. Learning the language is also necessary for temporary stays in Germany, the document states.The draft law is to be completed on May 24 and then presented to parliament, where the so-called grand coalition has a large majority.Germany took in more than one million asylum seekers in 2015 and Merkel has faced mounting criticism from sceptics, particularly from within her conservative camp, arguing that Europe s top economy is ill-equipped to cope with the influx.The closure of the so-called Balkan route taken by many migrants has led to a sharp decline in new arrivals in recent weeks.Via: The Local de",left-news,"Apr 23, 2016",1 +"MURDERERS AND RAPISTS FOR HILLARY: VA Governor, Close Clinton Friend Gives 206,000 Felons Voting Rights, Releases Them From Jail Before Election","The good news for Hillary is that she should be able to connect with these hardened criminals on a personal level. The only thing that stands behind Hillary and an orange jumpsuit is her husband s connections and the corrupt Democrat machine that can t get enough of the Clinton Crime Syndicate.In a move called unprecedented by the Richmond-Times Dispatch, Virginia Gov. Terry McAuliffe signed a sweeping order that grants 206,000 convicted felons voting rights just months before the presidential election.McAuliffe s order extends to non-violent and violent felons, including convicted murderers and rapists, an expert told the New York Times.If some cannot abide by society s standards, those standards are barriers that society must break down, McAuliffe affirmed in announcing the order. If we are going to build a stronger and more equal Virginia, we must break down barriers to participation in civic life for people who return to society seeking a second chance. We must welcome them back and offer the opportunity to build a better life by taking an active role in our democracy. I believe it is time to cast off Virginia s troubling history of injustice and embrace an honest, clean process for restoring the rights of these men and women, the governor said in a statement.McAuliffe couched his move in terms of social justice and civil rights, having compared felon disenfranchisement to a poll tax. The order will likely boost black voter turnout in a critical swing state that could deliver Hillary Clinton one estimate provided to the New York Times claimed as many as one in five blacks in Virginia lost their right to vote after being convicted for committing felonies. Via: Breitbart News ",left-news,"Apr 23, 2016",0 +MUSLIM IMMIGRANT Chanted β€œAllahu Akbar” While Raping Gas Station Attendant…Refused To Appear In ND Court,"Was this Somali immigrant refusing to appear in a ND court simply because he does not recognize American law? Or is it simply a case of believing he is entitled to special privileges because he is a victim of Islamaphobia in America? *UPDATE to story belowOriginal Story Dec 9, 2015A Muslim migrant who kidnapped a North Dakota woman and raped her while chanting Allahu Akbar has refused to appear in court.Abdulrahman Ali, a Somalian who arrived in America four years ago, is accused of sexually assaulting a gas station attendant in a bathroom at Gordy s Travel Plaza in Mapleton, North Dakota.After trying to kiss her, Ali allegedly forced the woman into the women s bathroom, locked the door behind him and started sexually molesting her while slapping and kicking the victim. When the woman tried to escape, Ali threw her against the wall. Documents say she was unsure if Ali was speaking English or a different language, but she could recognize one thing Ali said while they were in the bathroom alone. She heard Ali utter Allah Akbar, which, in Arabic means God is the greatest, reports Valley News Live.Ali s sister responded to the arrest by claiming her brother was a good person but that he was suffering from mental health issues.Ali, who refused to face a judge, claiming he was sick, faces charges of gross sexual imposition, kidnapping, aggravated assault, and two counts of terrorizing.The report again underscores concerns that the west is importing a real rape culture via the influx of refugees and migrants from the Middle East and North Africa.Rapes occurring in and around migrant camps are now so prevalent, that authorities in Germany are covering up details of incidents so as not to legitimize critics of mass immigration.Via: Valley News Live*UPDATE- April 13, 2016 A Fargo man charged late last year with sexually assaulting a Mapleton store clerk appeared Wednesday, April 13, in Cass County District Court, but his case appears to be stalled for now as attorneys wait for a mental health exam.Abdulrahman Ibrahim Ali, 36, faces charges of gross sexual imposition, kidnapping, aggravated assault, and terrorizing stemming from an incident in December at Gordy s Travel Plaza in Mapleton. The most serious charge, Class AA felony gross sexual imposition, could carry a lifetime prison term if Ali were convicted.At one point Wednesday, Ali said he was having problems at the Cass County Jail and that he was taking medication but was not sleeping.Mental evaluations are used in criminal cases to assess whether a defendant is unable to assist in his own defense or was mentally ill or deficient at the time of the alleged crime. Either situation can prevent a defendant from standing trial.Ali s family has said he suffers from biploar disorder and that minor criminal charges against him in Ohio and Minnesota were dismissed on mental illness grounds.",left-news,"Apr 23, 2016",0 +AWESOME! COLLEGE PROF CALLS COPS On Conservatives But Didn’t Expect This! [Video],"Bravo! It s about time the left got called out on their ridiculous claims! Conservative journalists had the cops called on them by a professor who didn t expect this to happen to her: An American University faculty member attempted to make life difficult for journalists covering a campus protest last night, but her plan went awry after she called the police.The Washington Examiner s Ashe Schow was at AU last night reporting on Breitbart tech editor Milo Yiannopolous visit to campus. (Schow tells me she was there on behalf of a forthcoming documentary, Thought Police, and was not representing The Examiner.) Yiannopoulos is a deliberately controversial figure, and his presence on campus prompted a student protest.A female faculty member now dubbed Melissa Click 2.0 tried to interfere, telling Schow and her camera crew that they were required to accompany her inside. They had to follow certain regulations that the university is guided by because AU is providing a safe space for everybody who works or studies on this campus, she claimed.After the faculty member realized Schow s group was recording her, she became hostile. Are you kidding me? she asked. Seriously, I m calling the police. The police didn t immediately respond to her call. Later, when the cops did appear, the faculty member expected them to escort the journalists off campus. Instead, they wanted to have a chat with the faculty member, according to Breitbart News. The police came over and she thought they were going to save her but actually they escorted HER away, Schow wrote on Twitter. ",left-news,"Apr 23, 2016",0 +ACTRESS JODIE FOSTER Weighs In On The Phony β€˜War On Women’…Hillary Won’t Like This!," Jodie Foster gives a dose of common sense to set the record straight on the phony war on women being pushed by the left: I don t think there is a big plot to keep women down Jodie Foster said she s tired of people oversimplifying the issue of gender equality in Hollywood, declaring that there isn t some major plot in the industry to keep women down. The 53-year-old Money Monster director made the comments Wednesday during a panel at the Tribeca Film Festival with fellow director Julie Taymor, Variety reported.Ms. Foster said, I feel like the issue is way more complicated than saying, Why aren t women making big mainstream franchises? There are so many reasons, she continued. Some of them are about our psychology, some of them are about the financial world, some of them are about the global economy. There are so many answers to that go back hundreds of years. It would be nice to be able to have a more complex conversation and to be able to look at it more than just a quota or numbers. I don t think there is a big plot to keep women down, she added. It is neglect really, and a lot of people that weren t thinking about it, and a lot of female executives who have risen to the top, who have not really made a dent of bringing many women into the mainstream world. Money Monster, Ms. Foster s fourth feature film which premieres next month at the Cannes Film Festival, tells the story of a failed investor who holds a television commentator hostage on live TV, Variety reported. Though it comes at a time when Wall Street is at the center of debate in the Democratic presidential race, Ms. Foster insisted the film isn t meant to be political. For me really it is a character film, she told the magazine. The backdrop of technology is really interesting to me. Technology is making us closer and we have this virtual intimacy that sometimes feels closer than real intimacy. Via: WT ",left-news,"Apr 23, 2016",0 +HILLARY CAUGHT IN THE ACT OF Breaking The Law In NY To Get Votes [VIDEO],"Imagine what it must be like to be one of the only people in America who doesn t have to abide by any of our laws. Apparently it pays to be a Clinton.Even though it s against the law to campaign inside the polling place or within 100 feet of the measured entrances of the polling place in NY, Hillary and Bill can clearly been seen breaking that law in the video below. Much like Obama though, Hillary knows that no one will hold her accountable for her actions. She and Bill are above the laws that the everyday people Hillary claims to be a champion for, are required to follow.Watch Hillary and Bill pander for votes in the video below:NY State Law Prohibiting Electioneering Activities In NY: While the polls are open no person shall do any electioneering within the polling place, or in any public street, within a one hundred foot radial measured from the entrances designated by the inspectors of election, to such polling place or within such distance in any place in a public manner; and no political banner, button, poster or placard shall be allowed in or upon the polling place or within such one hundred foot radial. (N.Y. Election Law 8 104(1))",left-news,"Apr 23, 2016",0 +"HELPING HILLARY: What The Virginia Governor Just Did Will Help 200,000 More People Vote For Hillary","Felons get to vote all of a sudden in Virginia because the governor is a buddy of the Clinton s .dirty politics seems to follow the Clintons. There s a long history of corruption between McAuliffe and Bill Clinton. Once again, they re just helping each other out On Friday Gov. Terry McAuliffe (D-VA) gave 200,000 felons the right to vote. The list includes rapists and murderers. But, it s OK. It will help Hillary Clinton in the fall. The Washington Post reported:Gov. Terry McAuliffe (D) will make all ex-felons in Virginia eligible to vote in the upcoming presidential election, part of a years-long effort to restore full voting rights to former convicts.McAuliffe s announcement in Richmond on Friday will allow an estimated 180,000 to 210,000 former felons who are not in prison or on probation or parole to register to vote this year in Virginia, a battleground state, according to a coalition of civil rights groups that had pushed for the restoration of voting rights.Advocates said McAuliffe s move was the biggest-ever single action taken to restore voting rights in this country. It is a historic day for democracy in Virginia and across our nation, said Tram Nguyen, co-executive director of the New Virginia Majority, a progressive activist group. The disenfranchisement of people who have served their sentences was an outdated, discriminatory vestige of our nation s Jim Crow past. Many Republicans viewed McAuliffe s action as a blatant favor to his longtime friend Hillary Clinton, for whom he and his wife recently raised $2 million at their McLean home. It is hard to describe how transparent the Governor s motives are, House Speaker William J. Howell (R-Stafford) said in a statement. The singular purpose of Terry McAuliffe s governorship is to elect Hillary Clinton President of the United States. This office has always been a stepping stone to a job in Hillary Clinton s cabinet.Republicans were particularly outraged that the policy doesn t take into account the violence of the crime, whether the person committed serial crimes, whether they ve committed crimes since completing their sentence or whether they ve paid their victims back for medical bills.Via: WaPo",left-news,"Apr 22, 2016",0 +GLOBAL CLIMATE CHANGE LIARS Ignore Truth About EARTH DAY Founder: Murdered Girlfriend…Turned Her Into Compost,"Global Climate cooling warming change frauds around the world are celebrating Earth Day today. If they were just celebrating God s glorious gift to mankind that would be one thing, but they re not. Jack-holes like Barack Obama are jumping on gas guzzling, CO2 emitting jets and flying to Europe to lecture Europeans on the dangers of cow farts and such. They re shutting down coal industries around the world, leaving a wide swath of mass poverty in their wake, which interestingly enough, affects the least protected class in America; the white working man. But none of these things matter to a group of we-know-better-than-you Leftists who base their fight against energy producers on science that is less than settled as the basis for their arguments. It s time to peel back the layers of fraud and deceit and stand up to the climate change bullies who are actually beginning to threaten prosecution for anyone who disagrees with them.Having expressed our views on the validity of global whatever they call it today, it seems like the perfect time to expose the founder of Earth Day. Enjoy Ira Einhorn was on stage hosting the first Earth Day event at the Fairmount Park in Philadelphia on April 22, 1970. Seven years later, police raided his closet and found the composted body of his ex-girlfriend inside a trunk.A self-proclaimed environmental activist, Einhorn made a name for himself among ecological groups during the 1960s and 70s by taking on the role of a tie-dye-wearing ecological guru and Philadelphia s head hippie. With his long beard and gap-toothed smile, Einhorn who nicknamed himself Unicorn because his German-Jewish last name translates to one horn advocated flower power, peace and free love to his fellow students at the University of Pennsylvania. He also claimed to have helped found Earth Day.But the charismatic spokesman who helped bring awareness to environmental issues and preached against the Vietnam War and any violence had a secret dark side. When his girlfriend of five years, Helen Holly Maddux, moved to New York and broke up with him, Einhorn threatened that he would throw her left-behind personal belongings onto the street if she didn t come back to pick them up.And so on Sept. 9, 1977, Maddux went back to the apartment that she and Einhorn had shared in Philadelphia to collect her things, and was never seen again. When Philadelphia police questioned Einhorn about her mysterious disappearance several weeks later, he claimed that she had gone out to the neighborhood co-op to buy some tofu and sprouts and never returned.It wasn t until 18 months later that investigators searched Einhorn s apartment after one of his neighbors complained that a reddish-brown, foul-smelling liquid was leaking from the ceiling directly below Einhorn s bedroom closet. Inside the closet, police found Maddux s beaten and partially mummified body stuffed into a trunk that had also been packed with Styrofoam, air fresheners and newspapers.After his arrest, Einhorn jumped bail and spent decades evading authorities by hiding out in Ireland, Sweden, the United Kingdom and France. After 23 years, he was finally extradited to the United States from France and put on trial. Taking the stand in his own defense, Einhorn claimed that his ex-girlfriend had been killed by CIA agents who framed him for the crime because he knew too much about the agency s paranormal military research. He was convicted of murdering Maddux and is currently serving a life sentence. Via: NBC News h/t Weasel Zippers I don t think there is a person alive who doesn t agree we should be good stewards of the earth and that we should always be searching to find ways to leave this earth better than when we found it. The time has come however, for Americans to stand up to what is really a backdoor attempt at total government control over our lives.Read story at link: EYE-OPENING: Why Liberals Won t Talk About White, Poverty Stricken, Rural AmericansAre you willing to sit back and watch your fellow Americans working in the essential production of domestic energy lose everything they have worked so hard for their whole lives? What happens to working Americans when our government shuts down coal mines, devastates communities who depend on fracking or towns dependent on offshore drilling? Are you willing to watch entire towns and communities be destroyed because a petulant, huckster President promised he would bankrupt an industry that didn t fit into his radical agenda? People need to stop relying on Donald Trump to fight back. We have the ability today to fight back. Stop allowing people to treat you like a criminal if you don t agree with the climate change lie. Call your local, (Click here for state)and (Click here for federal) representatives and DEMAND they stop placing unrealistic regulations on our coal mines that are essentially being used to shut them down. Individuals have more power when we work together to fight back against a government with a radical progressive agenda. There has never been a better time than now. Make Earth Day be the day you decide to fight back against the dirty little lies of the progressive Left.",left-news,"Apr 22, 2016",0 +WHY MAN WHO RAPED AND MURDERED HIS TEACHER Thinks State Should Pay For Sex Change In Prison,"Can the last man/woman out of America s progressive insane asylum please turn out the lights?Thirteen years ago, South Carolina man Edmonds Tennent Brown IV bound, raped and strangled 53-year-old teacher Mary Lynn Witherspoon to death, and now the incarcerated a-hole wants the state to pay for him to transform into a transgender woman named Katheryn Brown. I truly believe my outward appearance does not match or correspond with my inner self, the delusional bastard wrote in a letter to The Post and Courier. But as a female I would be complete and a productive member of society because I would actually be comfortable in my own skin. Except that you live in prison, not society, and you obtained this luxurious lifestyle courtesy your willful decision to MURDER this teacher, you heartless prick:This mentally disturbed ingrate also now claims that he never killed Witherspoon, though the copious evidence proves otherwise:Brown s father had dated the teacher from Charlestowne Academy several years earlier, but Brown continued to show up unexpectedly outside Witherspoon s home long after the relationship ended Witherspoon finally pressed charges after Brown, then 32, broke into her laundry room and stole her underwear in June 2003. While in jail, Brown put together a rambling to-do list that included plans to get a stun gun, take care of MLW and put her on ice On Nov. 10, 2003, Brown left jail to undergo outpatient mental health treatment Witherspoon was apparently unaware Brown was free until Brown showed up at her home, investigators said. Once inside, Brown reportedly bound Witherspoon s hands and feet, raped and strangled her, and then left her naked body in a bathtub full of water, according to court documents. After Brown s arrest for murder, investigators discovered that the suspect had used Witherspoon s credit card to purchase foam breasts and women s clothing from a shop in New York, police documents show. At the time, Brown said, [he] was about seven months away from having sex-reassignment surgery.Even worse, Brown alleges that he only plead guilty 13 years ago because he felt so uncomfortable being dressed as a man in court. Via: DownTrend ",left-news,"Apr 22, 2016",0 +POWERFUL: A RAPE SURVIVOR EXPLAINS Why Men Should Never Be Allowed In Women’s Bathrooms And Locker Rooms,"This is a powerful story of a courageous young woman who is fighting for the rights of women and children everywhere in America to feel safe in public bathrooms and locker rooms. It is a MUST read and SHARE story.A few months ago, Kaeley Triller, from the Keep Locker Rooms Safe organization and a victim of rape registered for a workshop called The Story Workshop at the Allende Center in Seattle. It was primarily aimed at helping survivors of sexual abuse find the purpose and weight in their fractured personal narratives, the conference promised to be intense but deeply healing.I don t know exactly what I expected. I was naively hopeful that I would get a few good writing tips that would enable me to beautify my past and approach it like one of Aesop s fables third-person fiction with a perfect little moral at the end of the story.That s not what happened. One of the pre-assignments was to write 700 words about a painful childhood memory. I was surprised at the one I chose. It wasn t a heavy hitter, so to speak. I wrote about a Polaroid picture I kept rediscovering in a shoebox at my parents house, and my inability to figure out why looking at it made me want to rip it to shreds.I m about ten years old in the picture, with scraggly hair, pale skin, and a vacant expression. I m wearing my mom s oversized knit sweater and Oxford shoes my dad had bought me. In my hands is a piece of green felt I d cut into the shape of New York for a school report about a U.S. state. Coincidentally or not, New York is the place my abuser had recently moved. I think I wanted to be closer to him. Don t try to understand it. I still don t.My small group dissected the story with grace and insight that could only be offered by those who spoke the same horrific language of shame and rage and grief. I felt nothing as I spoke about it. It is what it is, I remember saying, committed to my ambivalence. My group leader brushed away a tear and said, Kaeley, this story breaks my heart. Why do you hate the little girl in that picture so much? I couldn t access her understanding or her empathy. I recognized the accuracy of her assessment, but I didn t know how to change it.Later that evening, one of the workshop presenters tasked us with a seemingly benign activity. We were instructed to play with crayons and miniature tubs of play dough on the tables in front of us. I hated these types of exercises. I thought they were such a waste of time. I reached for a purple crayon and reluctantly complied. I drew a picture of a flower and rolled a snake out of my play dough. And I burst into tears.The invitation to engage as a child had revealed my whole dilemma: I didn t hate the little girl in the photo. I hated her need. I hated her anonymity. I hated the visible proof that she loved her abuser. I hated that she didn t know any better, that it took her another ten years to figure out why she still slept with the light on and showered in her underwear and vigilantly lined the crack under the bathroom door with a beach towel and destroyed her teeth with gum she relentlessly chewed as a means of escaping the recollection of his breath on her face. I hated that he fooled her. He fooled everybody. He was really good. Wake up! I wanted to scream at her. Can t you see what s going on? Do something about it! It s the same desperate inclination I m fighting today. Everywhere I read in the news, there s talk of another school or gym or business that is boldly adopting progressive new locker room policies designed to create equal rights for people who identify as transgender. These policies allow transgender individuals to use the locker room consistent with the sex they identify as their own, regardless of anatomy.While some have proposed a third option for transgender people (single-occupancy restrooms and showers), this option has been largely struck down, and employees are prohibited from suggesting it, as it is considered discriminatory and emotionally damaging to a group of people who are working so hard to fit in. The solution? Anyone can use whatever restroom he or she wants without being questioned.I read these reports, and my heart starts to race. They can t be serious. Let me be clear: I am not saying that transgender people are predators. Not by a long shot. What I am saying is that there are countless deviant men in this world who will pretend to be transgender as a means of gaining access to the people they want to exploit, namely women and children. It already happens. Just Google Jason Pomares, Norwood Smith Burnes, or Taylor Buehler, for starters.While I feel a deep sense of empathy for what must be a very difficult situation for transgender people, at the beginning and end of the day, it is nothing short of negligent to instate policies that elevate the emotional comfort of a relative few over the physical safety of a large group of vulnerable people.Don t they know anything about predators? Don t they know the numbers? That out of every 100 rapes, only two rapists will spend so much as single day in jail while the other 98 walk free and hang out in our midst? Don t they know that predators are known to intentionally seek out places where many of their preferred targets gather in groups? That perpetrators are addicts so committed to their fantasies they ll stop at nothing to achieve them?Do they know that more than 99 percent of single-victim incidents are committed by males? That they are experts in rationalization who minimize their number of victims? Don t they know that insurance companies highlight locker rooms as a high-risk area for abuse that should be carefully monitored and protected?Don t they know that one out of every four little girls will be sexually abused during childhood, and that s without giving predators free access to them while they shower? Don t they know that, for women who have experienced sexual trauma, finding the courage to use a locker room at all is a freaking badge of honor? That many of these women view life through a kaleidoscope of shame and suffer from post-traumatic stress disorder, depression, dissociation, poor body image, eating disorders, drug and alcohol abuse, difficulty with intimacy, and worse?Why would people knowingly invite further exploitation by creating policies with no safeguards in place to protect them from injury? With zero screening options to ensure that biological males who enter locker rooms actually identify as female, how could a woman be sure the person staring at her wasn t exploiting her? Why is it okay to make her wonder? Wake up! I want to scream. Can t you see what s going on? Do something about it! Despite the many reports of sexual abuse and assault that exist in our world, there s an even larger number of victims who never tell about it. The reason? They re afraid no one will believe them. Even worse, they re terrified of a reality they already innately know to be true: even if people did know, they wouldn t do anything to help. They re not worth protecting. Even silence feels better than that.There s no way to make everyone happy in the situation of transgender locker room use. So the priority ought to be finding a way to keep everyone safe. I d much rather risk hurting a smaller number of people s feelings by asking transgender people to use a single-occupancy restroom that still offers safety than risk jeopardizing the safety of thousands of women and kids with a policy that gives would-be predators a free pass.Is it ironic to no one that being progressive actually sets women s lib back about a century? What of my right to do my darndest to insist that the first time my daughter sees the adult male form it will be because she s chosen it, not because it s forced upon her? What of our emotional and physical rights? Unless and until you ve lined a bathroom door with a towel for protection, you can t tell me the risk isn t there.For me, healing looks like staring at the little girl in a Polaroid photo and validating her need to be seen, heard, and protected instead of hating it. It looks like telling my story, even the parts I can never make pretty, in hopes it will help break the anonymity of survivors and create a sense of responsibility in others to act.I still battle my powerlessness to do anything that feels substantial to affect change, but the good Lord didn t bring me out of Egypt and set my feet upon a rock so I could stand idly by in the face of danger. So even if a little article or Facebook post doesn t ultimately change the world, it s better than silent resignation to negligence and harm. I feel a sense of urgency to invite people to consider the not-so-hidden dangers of these policies before more and more of them get cemented into place. Once that happens, the only way they ll change is when innocent people get hurt.Even if there aren t hundreds of abusers rushing into locker rooms by the dozens, the question I keep asking myself is, What if just one little girl gets hurt by this? Would that be enough to make people reconsider it? And what if that little girl was me? It s a question I really don t want to ask. But God s grace has enabled me to value the face in the photo enough to realize that I have to. And even if I don t like the answer, at least I wasn t silent.Author Kaeley Triller Via: The Federalist",left-news,"Apr 21, 2016",0 +WATCH: BERNIE SANDERS Supporter Wants YOU To Pay Off Her $226K Debt…Wait Till You See What A Job With Her Degree Pays,"The entitled generation .Wearing a cardboard sign upon which $226K is written in green characters, a supporter of Senator Bernie Sanders told 24-year-old actress Shailene Woodley that she owes $226,000 in debt.@lindsayzissis telling me why she's voting for #BernieSanders she's $226,000 in debt for trying to help the world pic.twitter.com/oo2Z7q8nDv Shailene Woodley (@shailenewoodley) April 16, 2016Woodley, also a supporter of the socialist senator from Vermont, then asked the young female what she had studied after high school.The answer? Speech pathology. The average mean wage for a Speech Language Pathologist in the US is $77,000 per year. Sanders has promised free tuition nationwide at post-secondary institutions, without specifying conditions relating to preferred pursuits. Under Sanders s proposal, those wishing to become mechanical engineers, pediatricians, or electricians will be afforded the same taxpayers assistance as those studying Greek mythology, social justice, or women s studies. Via: Daily Wire",left-news,"Apr 21, 2016",0 +FLASHBACK: ESPN Female Reporter Still Employed After Being CAUGHT ON VIDEO Berating Garage Attendant…Curt Schilling Fired After Sharing Conservative Views On Facebook,"Leftist Disney owned ESPN has a strange way of determining who is and isn t the type of host they want to be the face of their network. ESPN just fired baseball great Curt Schilling for sharing an opinion that was contrary to that of leftist Disney owned ESPN when he shared this meme on his personal Facebook page:Schilling added, A man is a man no matter what they call themselves. I don t care what they are, who they sleep with, men s room was designed for the penis, women s not so much. Now you need laws telling us differently? Pathetic. ESPN then fired Schilling, announcing, ESPN is an inclusive company. Curt Schilling has been advised that his conduct was unacceptable and his employment with ESPN has been terminated. Asked about the controversy on local radio, Schilling explained, To be in a place where people actually believe I m a racist or I m transphobic says to me that something has gone horribly askew somewhere. This wasn t the first time Schilling felt the heat from ESPN for his political views. He got slammed for retweeting a graphic that read, It s said only 5%-10% of Muslims are extremists. In 1940, only 7% of Germans were Nazis. How d that go? Schilling added, The math is staggering when you get to true # s. This was too much for ESPN, which had to step in to defend ISIS, and promptly suspended him from broadcast.Schilling made the horrible mistake of speaking truth in a place where only leftist falsehood is tolerated. ESPN has no problem firing a beloved host for speaking out against radical Islam and the LGBTQ-WXYZ Mafia. ESPN seems to have a soft spot however for female reporters like Britt McHenry (seen in video below) who berate and bully women who she considers to be less fortunate and important than her. Watch here:McHenry was given a one week suspension for her horrific and condescending behavior.ESPN host Stephen A. Smith spoke about former Baltimore Ravens running back Ray Rice beating his then-girlfriend, and stated, We also have to make sure that we learn as much as we can about elements of provocation. Not that there s real provocation, but the elements of provocation, you got to make sure that you address them, because we ve got to do is do what we can to try to prevent the situation from happening in any way. And I don t think that s broached enough, is all I m saying. No point of blame. He was suspended for one week. Schilling suggesting that women be protected from men invading their restrooms, however, was a fireable offense.In the aftermath of the same incident, ESPN host Max Kellerman told a charming story about how when he was dating his now-wife, they were both drunk; she slapped him, and he slapped her back. That carried a short suspension. Kellerman is now back on the air regularly.None of these people committed the ultimate crime: stating that men and women are biologically different and should pee in different places. ESPN, of course, also stumps for more coverage of women s sports, which suggests a question: why not simply open up all women s sports to men, in the name of equality for people of all genders? Or wouldn t that comply with the logically incoherent leftist positional chart?To see more examples of people still working at ESPN who should ve been canned: Daily Wire",left-news,"Apr 21, 2016",0 +"IF AMERICA ELECTS HILLARY, She Promises To Reward Voters By Forcing Them To Pay DOUBLE For Soda","Hillary s over-the-top plan to tax the consumer for sugary drinks and soda makes former Mayor Michael Bloomberg look like a chump. Hillary knows what s good for you and what s not now shut up and pay Hillary Clinton on Wednesday came out in favor of a tax on soda that is three times larger than the one floated by Michael Bloomberg when he was mayor of New York City.Speaking at a forum in Philadelphia, Clinton said she was very supportive of a proposal unveiled last month by the city s mayor, Jim Kenney.The Democrat is calling for a tax of three cents per ounce on soda and other sugary beverages. The additional revenue which Kenney estimates to come in at $400 million over the next five years will help pay for pre-kindergarten education.Kenney s lofty proposal is three times the amount of the tax proposed in 2010 by Bloomberg a measure which was shot down and made the billionaire the butt of many jokes.Berkeley, Calif. is the only other major U.S. city to enact a soda tax. That liberal enclave has a one-cent tax on sugary beverages.A group called Philadelphians Against Grocery Tax says that the Clinton-backed tariff would double the cost of some grocery items.A 12-pack of 12-ounce sodas would cost an additional $4.32, nearly doubling the price of the item for consumers, according to the group, which is backed by the American Beverage Association.A 2-liter bottle of soda, which contains roughly 68 ounces and costs around $1.50, would more than double in price. The tax would run $2.04. Via: Daily Caller ",left-news,"Apr 21, 2016",1 +TARGET MAKES DECISION TO ENDANGER Our Children By Allowing Men In Little Girls Bathrooms,"First it was the decision by Target to make their toy aisles non-gender specific. Now, in their latest decision to appease the LGBTQ-RSTUVWXYZ (Please excuse me, but I ve lost track of the rapidly expanding acronym) community, they ve stripped women and our daughters (and even our young boys) of the ability to use a gender specific bathroom. Mega-retailer Target Corp. has opened the door today, literally, to the endangerment of children in service of a fake cause. They have a newly restated policy that says you can basically go into whatever bathroom you want, for whatever reason you want, because inclusivity.From the Minneapolis Star Tribune:Target Corp. made it clear Tuesday that transgender people who visit its stores are welcome to use the bathroom that aligns with their gender identity.The statement by the Minneapolis-based retailer comes amid debates in many state legislatures over restricting public restroom use to the sex listed on a person s birth certificate.While many of those conversations have centered around restrooms in public schools and government buildings, Target appears to be one of the first big-box retailers to take a proactive stance in declaring its position on the matter when it comes to its own restrooms.While they may not be technically public, restrooms in stores are often the most easily accessible and widely available options outside of people s homes and workplaces.Target s position also extends to its fitting rooms. Inclusivity is a core belief at Target, the company said in a statement on its corporate website. It s something we celebrate. We stand for equality and equity, and strive to make our guests and team members feel accepted, respected and welcomed in our stores and workplaces every day. Like other do-good liberal idiots, Target honchos suffer from the delusion that are making some bold step toward tolerance of an oppressed minority by removing rules dividing the bathrooms by gender. But make no mistake, it is a delusion, and a perfectly silly one. It is the same liberal-minded pseudo-hippie social justice warrior philosophy casting aside barriers to entry for bathrooms that simultaneously demand written letters of consent be in the possession of any man seen standing close to a woman. The same movement that rails against manspreading is perfectly fine with manpeeing, it seems, in a virtually perfect display of the nutbaggery of their entire pretend, college-hobby-turned-pain-in-the-ass-for-normal-people movement . And yes I said normal, please find a safe space and wet yourself. But use whatever safe space corresponds with your self-wetting gender identity.Via: Red State ",left-news,"Apr 21, 2016",0 +THIS PICTURE OF HARRIET TUBMAN Should Be Used On The $20 Bill…If For No Other Reason Than To Drive Anti-Gun Left Crazy,"Obama has filled his cabinet with radical yes men and women who hold similar anti-American, leftist views. His radical Treasury Secretary, Jack Lew is no exception.Treasury Secretary Jack Lew announced yesterday that Alexander Hamilton s face will remain on the front of the $10 bill and Harriet Tubman will replace Andrew Jackson on the face of the $20 bill.What the Left forgot in their haste to replace a racist white (Democrat) President on the front of the $20 bill was the fact that Harriet Tubman was more than just a black abolitionist, she also serves as an excellent example of why our Second Amendment is so important.Harriet Tubman (born Araminta Harriet Ross; 1820 March 10, 1913) was an African-American abolitionist, humanitarian, and Union spy during the American Civil War. She carried a revolver, and was not afraid to use it . . .Once a slave agreed to join her expedition, there was no turning back; she threatened to shoot anyone who tried to return. Tubman told the tale of one journey with a group of fugitive slaves, when morale sank and one man insisted he was going to go back to the plantation.She pointed the gun at his head and said, You go on or die. Several days later, he was with the group as they entered Canada. It is more than likely that Tubman carried the handgun as protection from ever-present slave catchers and their dogs.Via: The Truth About GunsBreaking: Treasury throws founder of the Democratic Party off $20 bill, replaces with gun-toting Republican pic.twitter.com/G9dVXpTaXv David Burge (@iowahawkblog) April 20, 2016Tubman s reliance on her firearms to fulfill her mission of freeing slaves was essential. So it only seems fitting that the US Treasury would use this picture of Republican, Harriet Tubman to replace the first Democrat President of the United States, Andrew Jackson.",left-news,"Apr 21, 2016",0 +KARMA: GAY PASTOR SUES WHOLE FOODS For β€œAnti-Gay Slur” On Cake…Didn’t Count On Baker Being Gay [VIDEO],"Too bad for the gay pastor that Whole Foods had him dead center on their surveillance cameras. Is it just my imagination or do gays seem to have it out for bakeries? On Tuesday, the Austin Statesman reported that Whole Foods filed a lawsuit against Jordan Brown, an openly gay pastor who claimed that an anti-gay slur was placed on a cake he ordered. The cake was supposed to read Love Wins, but Jordan claimed a slur was added to the cake s decoration.https://youtu.be/p972qntg1qMWhole Foods, however, said that surveillance video shows otherwise. Brown filed a lawsuit against Whole Foods, but the company fired back, accusing Brown of making a fraudulent claim.Look at labels. It's at bottom in hoax video. But look at how checker scans. It's on top. https://t.co/aiE0WVBokV pic.twitter.com/MbLU6jJsSJ Mike Cernovich (@Cernovich) April 19, 2016Here s the surveillance video from Whole Foods. The gay pastor can be seen in the right corner in an orange (salmon) shirt: According to Whole Foods, Brown intentionally, knowingly and falsely accused Whole Foods and its employees of writing the homophobic slur on a custom made cake that he ordered from WFM s Lamar Store in Austin The company also said Brown acted with malice, and he has damaged the reputation and business of WFM. If you look closely, it appears the piping does not match:@Cernovich @mirriam71 @JenniL_KVUE Clearly not same icing tip used to create F-A-G as rest of letters. Much finer. Had to do double pass. Hillary for Prison (@HRC4Prison) April 18, 2016The company further said that a bakery team member wrote only Love Wins at the top of the cake according to Brown s request. This, Whole Foods added, was visible through the clear portion of the packaging. That s exactly how the cake was packaged and sold at the store, the company added. Whole Foods Market has a strict policy that prohibits team members from accepting or designing bakery orders that include language or images that are offensive. Worse yet, Whole Foods said the employee involved is a member of the local LGBTQ community. We stand behind our bakery team member, who is part of the LGBTQ community, and we appreciate the team members and shoppers who recognize that this claim is completely false and directly contradicts Whole Foods Market s inclusive culture, which celebrates diversity, the company said.The video also indicates that Brown removed and replaced the UPC label on the packaging. According to Whole Foods, the label was originally on top of the box. Brown s video, however, showed it on the bottom and the side of the box.Brown s lawsuit seeks a jury trial, damages and monetary relief for mental anguish he allegedly suffered, but it seems his anguish is just beginning. The company is seeking at least $100,000 in damages from Brown. Via: Examiner",left-news,"Apr 20, 2016",0 +BREAKING: OBAMA SUCCESSFULLY WHITEWASHES AMERICAN HISTORY…”Racist” President Andrew Jackson To Be Replaced With Harriet Tubman On $20 Bill,"The irony in Obama s radical Treasury Secretary s decision to remove racist Andrew Jackson from the $20 bill, lies in the fact that Jackson was the first Democrat to be elected President. Rabid Bernie Sanders supporters are hell-bent on seeing Bernie Sanders fulfill his promise of breaking up the big bank monopolies. Andrew Jackson was pioneer in staving off banking domination in his day.But alas it s official .Moments ago Politico reported that the U.S. Treasury will announce that it plans to replace former President Andrew Jackson on the $20 bill with Harriet Tubman, the sources said. There will also be changes to the $5 bill to depict civil rights era leaders.Not every dead president is being scraped however: treasury Secretary Jack Lew on Wednesday will announce a decision to keep Alexander Hamilton on the front of the $10 bill and put leaders of the movement to give women the right to vote on the back of the bill.Lew s decision comes after he announced last summer that he was considering replacing Hamilton on the $10 bill with a woman. The announcement drew swift rebukes from fans of Hamilton, who helped create the Treasury Department and the modern American financial system. Critics immediately suggested Hamilton take Jackson off the $20 bill given the former president s role in moving native Americans off their land.Jackson may remain on the $20 bill in some capacity, but will clearly be demoted.While some pointed to the many accomplishments and qualities of Hamilton for why he should stay on the currency printed by the very Treasury the man created, the more popular argument for the Founding Father s retention was an argument about how awful the man on the $20 dollar bill was.The Daily Beast described Jackson as villainous and linked to a February article that called him a mass murderer. The New York Post argued that Old Hickory may well have been our most racist president and was a vicious, power-mad kook. Lew told POLITICO last July that Treasury was exploring ways to respond to critics. There are a number of options of how we can resolve this, Lew said. We re not taking Alexander Hamilton off our currency. Confused? Disturbed? Angry? You are not alone. The following rant by Mac Slavo expressed many feeling about the proposed change.Andrew Jackson, Who Fought Central Bank, Removed from $20 As Public Concern for Liberty ErasedJackson narrowly succeeded in staving off banker domination of the U.S. during his day.Of course, Andrew Jackson, who was the United States seventh president, was also a complete controversy his entire lifetime. It is no surprise that the same people who took down the Confederate flag from the South on the back of a mass shooting tragedy are now trying to tear down the image of a particularly controversial and intriguing figure from the American past.Jackson was a recalcitrant and unyielding general and war hero, and later an outsider riding a wave of populist support into the White House, bringing in sometimes unscrupulous companions, and plenty of Masons. Many of his backers were diametrically opposed to the entrenched power of New York bankers and speculators, as well as patrician politicians who dominated the first phase of politics in the nation s history. Jackson played a nasty role in the Trail of Tears affairs with Indians, too, and with the South and Western expansion of slave-friendly territories. Many shades of grey.Erasing Andrew Jackson from the faces of the fiat funny-money that is passed around by an increasingly ignorant and dependent society (which itself has adopted digital currency as the new norm) will further cut off the past from the masses, and ensure their enslavement.For entire story: Zero Hedge",left-news,"Apr 20, 2016",0 +TRUMP HATER GEORGE RAMOS Promotes Movie Showing Illegal Aliens Being Shot At Border By Drunk Vigilante…Blames Trump [VIDEO],"Mexico has been the beneficiary of our open borders for decades. It s really quite amazing how loudly they cry foul when we finally have a presidential candidate willing to stand up to this insanity and say, ENOUGH! It s Time to put Americans first! Illegal immigrants send home $50 billion annually but cost taxpayers more than $113 billion. Approximately 126,000 illegal immigrants emigrated from these three nations to the U.S. since last October and federal officials estimate at least 95,500 more will enter next year.The Central American governments have encouraged the high levels of emigration because it is earning their economy billions of dollars! For every illegal alien that sneaks into the U.S. and remits money back home, that grand total remittance number only grows. But what if the millions of U.S. jobs now filled by illegal aliens were done by American workers earning better wages, paying more in taxes and spending their money in their communities rather than sending it abroad?Americans are the ones forced to pick up the $113 billion tab for taking care of the country s 12 million illegal immigrants. Is it the responsibility of taxpaying citizens to cover the cost of illegal immigration and the government s aid to these countries while illegal workers continue to send their money overseas to send $50 billion overseas? Via: immigrationreform.comYet, somehow Donald Trump is to BLAME for wanting to shut down our open borders and bring some sanity back to our nation that is being overrun by Mexican drug runners and gang bangers coming from every corner of Mexico, Central and South America? A new Mexican movie promoted by Univision host Jorge Ramos portrays a drunk vigilante motivated by Republican presidential candidate Donald Trump s anti-immigrant rant killing at least four illegal immigrants at the border.The trailer for the movie, Desierto, now in Mexican theaters, blasts out Trump s initial criticism of illegal immigrants as a man armed with a rifle guns down targets crossing under barbed wire.https://youtu.be/V48ttgGqsswIt later shows the same man, in a pickup holding a bottle of what appears to be whisky, a beer can nearby, as a voice says, Welcome to the land of the free. The trailer ends with, words are as dangerous as bullets. The Center for Immigration Studies on Tuesday first blogged on the exploitation movie and the promotion by Ramos on his Sunday show Al Punto. This material resonates powerfully with Jorge Ramos. His conviction that racism and xenophobia are the driving forces of opposition to illegal immigration is a central theme of his nightly newscasts. Ramos fixates on reports that confirm his conviction with the obsessiveness of an exploitation film director showing close-ups of bullets tearing into human flesh, wrote CIS Fellow Jerry Kammer.He added: On Sunday, Ramos talked with Desierto director Jonas Cuaron and star Gael Garcia Bernal about Trump s repugnant comments about Mexicans. Since then, Ramos said, there are thousands if not millions of North Americans who feel that they have the absolute freedom to be racists. Via: Washington Examiner",left-news,"Apr 20, 2016",0 +"WATCH:BLACK CUSTOMER THREATENS Store Manager Because He Doesn’t Employ Any Blacks: ” I’m tired of this, and I will burn this…” [VIDEO]","If anyone wonders how the Reverend Al Sharpton got started in the shake down business look no further than this loud mouth who blames everyone but his own community for their situation. We live in a free market society. The black man in this video is free to apply for a business loan and open a business in his community. The thing is, no one stopping any black member in any urban community from opening a local business.To blame someone else for the state of his community is only deflecting from the real problems crime-ridden neighborhoods across America are facing. Perhaps his anger should be directed at our first black President who has been at the helm while black unemployment numbers and crime have skyrocketed to an all time high.",left-news,"Apr 20, 2016",0 +OBAMA’S ECONOMIC LEGACY IN 9 Easy To Read Charts,"Anyone who would look at these charts and still vote for Hillary or Bernie is basically saying, I really don t care about my future, or the future of my children or grandchildren. Here is a bit more in-depth data as it relates to a few of the charts above:Food stamp increase nears record high despite low unemployment rate under Barack Obama:Despite the unemployment rate being at an eight-year low (4.9 percent as of January 2016), the number of people on food stamps remains near an all-time high which was 47,636,000 in 2013.Why the disparity in the numbers? Well, the unemployment rate does not take into account people who are not in, or have dropped out of, the workforce altogether.The Bureau of Labor Statistics reported in January of this year that approximately 94 million Americans are not participating in the workforce.But the Supplemental Nutrition Assistance Program (SNAP) has been hovering around 46 million participants since 2011. The current figure, as of February 2016, shows average SNAP participation at 45.8 million Americans receiving food stamps in 2015.SOARING HEALTH CARE PREMIUMS Under Obamacare:Obamacare premium costs will soar 20.3 percent on average in 2016 instead of the 7.5 percent increase claimed by federal officials, according to an analysis by The Daily Caller News Foundation.The discrepancy is because the government excluded price data for three of the four Obamacare health insurance plans when the officials issued their recent forecast claiming enrollees would face only a 7.5 percent average rate increase in 2016.When data for all four plans are included, premium costs will actually rise on average 20.3 percent next year. The 2015 Obamacare price hike was 20.3 percent.Our National Debt is at $19.25 TRILLION! When Obama took office it was at $10.26 Trillion. Obama has almost DOUBLED our national debt since taking office only 7 years ago! ",left-news,"Apr 19, 2016",0 +BRILLIANT! LIBERAL SENATOR TRIES TO EMBARRASS Priest…Gets Schooled By Him On Climate Change [Video],"Father Robert A. Sirico, President and Co-Founder of the Acton Institute, and philosopher and author of A Moral Case for Fossil Fuels Alex Epstein embarrass Senator Barbara Boxer with facts when she tries to discredit them.WATCH HERE:Watch brilliant philosopher prove how the Democrats are falsely using income inequality as an argument for climate change. He also brilliantly points out that the poor people who are being hurt the most when the government intentionally targets domestic fossil fuel production.See Epstein s entire testimony here: ",left-news,"Apr 19, 2016",0 +WHY DECISION LIBERAL JUDGE IN CONNECTICUT Is About To Make Could Be HUGE Threat To Our SECOND AMENDMENT,"Obama s goal of making gun control a reality in the United States of America is one step closer, thanks to this radical judge A Connecticut judge ruled Thursday that a lawsuit against the manufacturer of the gun used in the Sandy Hook shootings, and other companies, can move forward.A Connecticut Superior Court judge denied a motion to dismiss the lawsuit against the companies involved in the manufacturing, distribution and sale of the rifle used in the deadly 2012 shootings.Adam Lanza used a Bushmaster AR-15 rifle in the Sandy Hook Elementary School shootings on Dec. 14, 2012 to kill 26 people in less than five minutes. The families of the victims, which included 20 children, have sued the maker, distributor and seller of the rifle, arguing that the military-style gun should have never been available for civilians to purchase.Connecticut State Judge Barbara Bellis rejected the gun companies argument that a 2005 federal law can protect gun businesses from civil lawsuits.Remington Arms Co., the manufacturer of the rifle, is named in the suit. Also named is Camfour Inc., a distributor of firearms, and the now-defunct Riverview Gun Sales, a dealer in East Windsor, Conn., that sold the rifle to the Lanza s mother in 2010. Via: Washington ExaminerNolan Finley, The Detroit News The lawsuit, filed by nine victim families, claims Remington is liable for making and selling to the public a rifle unfit for civilian use.The claim plays right into the anti-gun lobby s latest end-around of the Constitution. It follows the strategy laid out in last week s Democratic debate by Hillary Clinton, who wants to open up both gun manufacturers and gun retailers to product liability lawsuits.While Clinton chortles derisively whenever it s pointed out that the threat of such litigation would become an effective ban on gun sales, and ultimately on gun ownership, that is precisely the desired outcome.Clinton s charge that gunmakers enjoy unique protection from liability isn t true. All manufacturers of defect-free, legal goods enjoy a broad shield against damage resulting from the intentional misuse of their products.Still, gun opponents compare firearm manufacturers with automakers, who are routinely sued when their cars and trucks are involved in a fatal accident. But those suits center around product malfunctions or design flaws. If someone gets drunk and plows an automobile into a group of children at a bus stop, the automaker is only liable if something was defective on the vehicle that contributed to the carnage.The weapons used by Lanza were not defective. The were misused. Neither the manufacturer nor the retailer, who is also being sued, sold them to Lanza. The emotionally troubled teen took them without permission from his mother s home. A negligence case could be made against the mother. She should not have allowed her deranged son access to her extensive arsenal; I m all for holding gun owners responsible for properly securing their firearms.Unfortunately, his mother was Lanza s first victim.Judge Barbara Bellis permitted the suit against Remington to proceed based on her gross misunderstanding of firearms.She agreed with the plaintiff s attorneys depiction of the Bushmaster AR-15 semi-automatic rifle as a military weapon not intended for civilian use.That s just wrong. The difference between the Bushmaster and a common hunting rifle is cosmetic. It looks more lethal, but it operates the same way, firing one bullet with each pull of the trigger. It s not a machine gun; it doesn t fire rounds in bursts.If the military were to arm its soldiers with Bushmasters, it would lose every battle.Lanza used legal weapons that were sold within the strict confines of Connecticut s gun laws, but taken without the owner s permission.If that becomes the flimsy standard for manufacturer and retailer liability, as both this lawsuit and Hillary Clinton hope, it will be the end of gunmaking and sales in this country. And that s just what backers of this strategy want.",left-news,"Apr 19, 2016",0 +WATCH: LITTLE HOUSE ON PRAIRIE ACTRESS Runs For Congress…Thinks It’s Okay For Grown Men To Rape 13 Year Old Girls (If Mom’s Home),"America has proven time and time again that liberals in Hollywood can say just about anything. The vile comments actress Melissa Gilbert made about child rape while hosting The View sound more like something a member of ISIS would make, than someone who is running for Congress. It s interesting how the oh-so-easily-offended Left is never offended when one of their own makes a highly controversial comment, but if the same remarks were made by a conservative, they would be on a 24/7 news loop. Melissa Gilbert, the actress who brought Laura Ingalls Wilder to life in Little House on the Prairie, made some comments on a TV show in 2009 that are coming back to haunt her.And they should. Gilbert moved to Michigan from California and is running for Congress in the 8th District, challenging Rep. Mike Bishop, R-Rochester.But running for office opens the door to past skeletons.As a guest host of The View seven years ago, Gilbert and the other hosts discussed the arrest of famous movie director and producer Roman Polanski in Switzerland for drugging and raping a 13-year-old girl three decades earlier. Polanski had pleaded guilty of assaulting Samantha Geimer in 1977, but fled the U.S. before he was sentenced.Hollywood is loyal to its own, and on the show, Gilbert downplayed Polanski s crime, saying that it s gray area when momma is in the building, in reference to reports that Geimer s mother was at the house when the rape occurred.Gilbert went on to say that the punishment at this point may be excessive. For entire story: Ingrid Jacques, The Detroit News",left-news,"Apr 19, 2016",0 +IS AN UGLY REVOLT INEVITABLE? Bernie Sanders Supporters Are Asked If They’ll Vote For Hillary If Bernie Loses Nomination [VIDEO],"Bernie Sanders supporters radicals are asked how they feel about Hillary. Their answers are very telling. How many of these Bernie supporters do you think will show up to the polls in November if Hillary is the nominee?Watch Black Lives Matter Communist terrorist denounce Hillary at the 4:35 mark and the Check your white privilege girl mark wearing a t-shirt honoring Black Panther and cop killer Assata Shakur at the 5:50 :Judging by the responses of these Bern-bots, it looks like Hillary might be ignored by a large percentage of voters in November if her super delegates and the DNC work behind the scenes to ensure that Hillary is the ONLY acceptable presidential candidate for the Democrat Party.",left-news,"Apr 19, 2016",0 +HILLARY PANDERS TO BLACK RADIO HOSTS In Attempt To Tie Herself To Racist Beyonce Song…Host Asks If She Needs Mouth To Mouth Or CPR? [WATCH],"The Breakfast Club interview started out when one of the hosts, Charlemagne Tha god told his audience, Let the record show, when she [Hillary] walked in, I gave her a handshake and she did it the right way. She bought it in, cuffed it and everything. Cackling ensued One of the tough questions Hillary got during her interview was, Do you believe in ghosts? She was also asked if her pants suits are inspired by game show host Steve Harvey. Instead of admitting that she might lose half of her voting base if they were to see her in a dress, she carries on forever about the ease of a pants suit. Between coughing fits, Hillary was able to sneak in another ridiculous lie.Democratic presidential front-runner Hillary Clinton on Monday said that she always keeps a bottle of hot sauce handy in her bag. Hot sauce, she said when asked what she constantly carries in her bag.The comments, first reported by TMZ, came during an appearance on Power 105.1 FM s The Breakfast Club. Really? Are you getting in that Formation right now? host Charlamagne Tha God asked before quoting Beyonce s song Formation. Hot sauce in my bag, swag? Clinton said that she was indeed serious, leading the host to joke that Clinton is angling for African American voters with a Beyonce reference.Here is the Refrain from Beyonc s anti-cop, racist Formation song: Y all haters corny with that lluminati mess Paparazzi, catch my fly, and my cocky fresh I m so reckless when I rock my Givenchy dress (stylin ) I m so possessive so I rock his Roc necklaces My daddy Alabama, Momma Louisiana You mix that negro with that Creole make a Texas bama I like my baby heir with baby hair and afros I like my negro nose with Jackson Five nostrils Earned all this money but they never take the country out me I got a hot sauce in my bag, swag I want you to know that people are going to see this and say, she s pandering to black people again, he told Clinton. OK is it working? the Democratic presidential front-runner quipped. Seriously I ve been eating a lot of hot sauce and raw peppers. Via: The HillThe hot sauce comment can be seen at the 25 minute mark: Excuse me, she said coughing, after speaking for about 20 minutes on the air. Allergy season, she said, as she continued coughing, reaching for her drink. You all right? Any mouth to mouth CPR? one of the hosts joked, trying to lighten the mood. Senator, you coughing like you have something medicinal, another host said. Yeah, I need some, she replied as the hosts laughed. My voice is failing here, she said as she continued speaking in a faltering tone. The interview went on for about three additional minutes before staffers ended it.Clinton has had multiple coughing episodes during her campaign for president, awkwardly interrupting speeches or interviews as she struggles to regain her voice. She also had a coughing episode during her testimony during the Congressional Benghazi hearings. Via: Breitbart News",left-news,"Apr 19, 2016",0 +FEEL THE BERN: This Is What Your Paycheck Will Look Like With Bernie As President, ,left-news,"Apr 19, 2016",0 +MOMS WHOSE CHILDREN Were Killed By Illegals To Testify Before Congress Today,"If you haven t yet discovered The Remembrance Project, please do so! The Remembrance Project was started by families of relatives whose loved one was killed by an illegal alien. It s heartbreaking to think that these deaths could have been prevented if we had a border. A day after the Obama administration argues for an extension of amnesty to millions of illegal immigrants before the Supreme Court, the mothers of victims murdered by illegal immigrants will appear before a House panel to call for tougher immigration enforcement.Tuesday, Michelle Root, the mother of Sarah Root a recent college graduate who was killed by an illegal immigrant (now on Immigration and Customs Enforcement s Most Wanted List) and Laura Wilkerson, the mother of Josh Wilkerson who was tortured and killed by an illegal immigrant will testify before the House Judiciary Committee s Immigration and Border Security Subcommittee. Not everyone is a DREAMer or a valedictorian there are criminals motivated by malice and a conscious disrespect for the law, Subcommittee Chairman Rep. Trey Gowdy (R-SC)86% said in a statement announcing the hearing. But these losses are preventable, and it should not take the tragic death of another innocent life for this administration to begin enforcing our laws. The Obama administration has come under fire in recent years for what Republicans and immigration hawks say is a significant dilution of immigration law and enforcement. According to the committee, for example, from October 2011 to December 2014, ICE released criminal aliens from detention over 105,000 times, despite committing assault, sexual assaults, homicide-related offenses, and kidnapping prior to their release.Root and Wilkerson s prepared testimony, posted in advance of the hearing by the committee, offer a glimpse into the heart-wrenching testimony lawmakers will hear Tuesday. Edwin Mejia spent four days in jail and is believed to have fled the area and possibly the country after posting $5,000 bail, Root s prepared testimony reads. Less than the amount it cost to bury my baby. Mejia is charged with killing 21-year-old Sarah Root while street-racing drunk. He absconded after posting bail, and ICE declined to hold him. Because of the lack of controls, the police, immigration, U.S. Marshals and law enforcement have little or no information on his whereabouts on him, his family and acquaintances. He and those who protect and hide him are cowards, her testimony continues.Wilkerson s prepared testimony delves into the torture and murder her teenage son underwent at the hands of Hermilo Vildo Moralez, an illegal immigrant.At trial, the killer testified on his behalf and gave exact testimony on how he systematically killed Josh. First a punch in the face, so his vision was off. Next a knee to Josh s abdomen so that he would go to the ground. Josh went to the ground as his spleen was sliced in half. This killer was aggravated that it was not over, he grew tired of watching bloody bubbles coming from Josh s nose as he was trying to breathe. Next he took a closet rod and beat Josh over the head again and again until the rod broke in 4 pieces. Joshua still breathing. Next he strangled him, let him go to see if it was over, nope, so he continued until there were no more bubbles. He waited and watched him die. He tied Josh s body up, stuffed him in the backseat of our truck, bought gas, dumped Josh in a field and set his body on fire. The killer went home took a shower and went to see a movie.Read more: Breitbart",left-news,"Apr 19, 2016",0 +OBAMA’S SPEECH ABOUT β€œCHILD SAFETY” Was Interrupted When Rapper Guest’s Ankle Bracelet From KIDNAPPING Charge Went Off,"We told you about the fancy affair Obama was planning to host at the White House for black rappers last week. The latest development with the ankle bracelet on a criminal rapper makes you want to scream, Are you kidding me? An attempt by President Obama to promote his My Brother s Keeper initiative, which aims to keep youths of color out of trouble, came to a farcical end when rapper Rick Ross s ankle bracelet which he received on a kidnapping and assault charge went off.Obama had invited a bevy of hip-hop heavyweights, including Niki Minaj, Common, Busta Rhymes, Pusha T and DJ Khaled, to the meeting at the White House Friday.But none of them least of all Ross himself expected the ankle bracelet to interrupt the president, according to TMZ.Obama reportedly invited the stars to the serious and fancy affair, which was not made public before the event, to promote the initiative.It was so serious, in fact, that Ross, who is typically photographed topless to show off his impressive all-over body tattoos, wore a smart suit and a pair of black Adidas sneakers.That suit conveniently covered the ankle bracelet that he received after last year s kidnapping, assault and battery charges. Unfortunately, it wasn t able to block the sound of his new anklet s random beeps one of which went off just as Obama was finishing his speech.Even the self-styled Hood Billionaire was surprised at the sound, a source said.He later posted a picture of himself and DJ Khaled talking after the event on his Instagram account. Via: Daily Mail ",left-news,"Apr 18, 2016",0 +"PLANE FORCED TO TURN AROUND, Police Remove NAACP President From Flight Over Argument With Passenger","NAACP President becomes victim in 5 4 3 2 1 North Carolina NAACP President William Barber was removed from a flight in Washington, D.C., Friday night after he was deemed a disruptive passenger by an American Airlines pilot.Barber wrote in a statement that he had boarded the plane and was sitting in the two seats he had purchased when he overheard a man sitting behind him talking loudly. Barber says after he asked a flight attended to ask the man to lower his voice, that s when the altercation started. But as she left, I heard him saying distasteful and disparaging things about me, Barber said in the statement. He had problems with those people and he spoke harshly about my need for two seats, among other subjects. Barber says he purchased two seat because of a physical disability, the same ailment that caused him to stand up instead of simply turning his head to confront the passenger behind him. I asked him why he was saying such things, and I said he did not know me, my condition, and I added I would pray for him, Barber said.The police were called and Barber was escorted off the plane.Via: Breitbart News",left-news,"Apr 18, 2016",0 +β€œRACIST” President Jackson To Be Replaced With Black Female Representing β€œStruggle For Racial Equality” On $20 Bill,"Obama has filled his cabinet with radical yes men and women who hold similar anti-American, leftist views. His radical Treasury Secretary, Jack Lew is no exception. Treasury Secretary Jack Lew is expected to announce this week that Alexander Hamilton s face will remain on the front of the $10 bill and a woman will replace Andrew Jackson on the face of the $20 bill, a senior government source told CNN on Saturday.Lew announced last summer that he was considering redesigning the $10 bill to include the portrait of a woman. The decision to make the historic change at the expense of Hamilton drew angry rebukes from fans of the former Treasury Secretary. The pro-Hamilton movement gained steam after the smash success of the hip-hop Broadway musical about his life this year.Those pressures led Lew to determine that Hamilton should remain on the front of the bill. Instead, a mural-style depiction of the women s suffrage movement including images of leaders such as Susan B. Anthony will be featured on the back of the bill.Along those lines, Lew also plans to announce this week that Andrew Jackson a less beloved former president whose face graces the front of the $20 bill will be removed in favor of a female representing the struggle for racial equality, according to the government source.That decision would place a female on one of the most widely circulated bills in the world. But the historic change placing a female on the front of the $20 note won t come for more than a decade, the source said, since the process for changing the design of that note is still in the early stages.While some pointed to the many accomplishments and qualities of Hamilton for why he should stay on the currency printed by the very Treasury the man created, the more popular argument for the Founding Father s retention was an argument about how awful the man on the $20 dollar bill was.The Daily Beast described Jackson as villainous and linked to a February article that called him a mass murderer. The New York Post argued that Old Hickory may well have been our most racist president and was a vicious, power-mad kook. So a lot of folks really don t like the victor of the Battle of New Orleans. They hate him for owning slaves. They hate him for taking the side of the masses against financial experts. They hate him for ignoring laws and enforcing his own will when it came to policy decisions.And they hate Jackson most of all for his treatment of American Indians.These are pretty strong views, but Jackson s critics usually fail to comprehend important aspects of U.S. history in their denunciations of the rough-and-tumble general.For one, Jackson was not the only important American to own slaves. Far from it. For example, as most people should know, George Washington and Thomas Jefferson were slaveholders. Both Washington and Jefferson are respectively featured on two different forms of currency and have large, imposing monuments dedicated to their memory in Washington D.C.There are no calls for their erasure from our coins or demolishing their monuments.Fewer people know that the Cherokee victims of Jackson s Indian Removal Act also owned slaves.There are no calls for renaming places and monuments designed to honor the Cherokee people.When it comes to Jackson s controversial handling of the Second Bank of the United States, it helps to realize the motives behind the president s actions. Jackson was opposed to the Central Bank not out of cookery but because he saw it as an undemocratic institution which did not care for the interests of the common man. Via: Daily Caller The soonest that a new $20 note will be issued is 2030, the source said, citing a lengthy process convened by the Advanced Counterfeit Deterrence steering committee, which includes representatives from the U.S. Secret Service, the Treasury, and the Federal Reserve. Via: CNN News",left-news,"Apr 18, 2016",0 +JUDGE JEANINE Explains Why β€œHillary Has No Chance Of Winning In November” [VIDEO], The most ominous sign is that Hillary s losing to a 74 year old Socialist! These Bernie beatings are taking a toll! ,left-news,"Apr 17, 2016",0 +CLUELESS ANTI-TRUMP PROTESTERS Asked Why They Oppose Trump [Video],"Is anyone else getting sick and tired of hearing all of the baseless lies being told about Trump? There is zero evidence that Trump is a racist, yet the Left continues to spew that horrible label every chance they get. If you tell a lie big enough and keep repeating it, people will eventually come to believe it. Joseph Goebbels, Hitler s public relations mastermind",left-news,"Apr 17, 2016",0 +CHARLIE DANIELS SENDS A MESSAGE To Bruce Springsteen And Other Spineless Rockers Who’re Canceling Shows,"Charlie daniels is such a great man and a great Patriot! He s not going to let down his fans so he s promising not to cancel any concerts because of the bathroom laws.Boycotting states like North Carolina and Mississippi is all the rage for many celebrities these days but for one singer it s just the opposite.While Bruce Springsteen, Ringo Starr, Bryan Adams and even filmmaker Michael Moore have declined to do business in North Carolina and Mississippi, because the states passed laws preventing men from using women s bathrooms, Charlie Daniels has stepped up.Read more: BPR",left-news,"Apr 17, 2016",0 +A MOM BRINGS A TRUTH BOMB To The Bathroom Controversy And It Goes Viral…Awesome!,"For anyone who s sick to death of all the pc (politically correct) talk about who should be allowed in the bathroom, this one s for YOU:This mom is spot on with her common sense approach to what makes a woman a woman etc We love this! ",left-news,"Apr 17, 2016",0 +"SICKENING: ANGRY BLACK STUDENT Spray Paints RACIST Graffiti All Over UW Madison Campus…RADICAL Professors, 700 Students Cry β€œRACISM” When Police Arrest Him[VIDEO]","It s hard to see the police officers in this video being more concerned about committing a misstep than addressing the crimes this angry black student has committed. Will police officers be forced to treat all black criminals like toddlers in a nursery school setting in order to keep their jobs? Almost 700 professors and students at the University of Wisconsin-Madison have signed a letter complaining about racism after campus police located a black student during a class on Thursday and arrested him because he allegedly spray-painted politically-charged graffiti on a bunch of buildings all over campus for half a year.The student is Denzel McDonald, reports The Badger Herald, Wisconsin s campus newspaper.McDonald, 21, stands accused of spray-painting at least 11 messages across campus.One two-tone message read, in red, RACIZM [sic] IN THE AIR, DON T BREATHE. Then, in black, a signature line GOD. The first of the four police videos is a 14-minute police video which includes the in-class portion of McDonald s arrest and ends with McDonald getting handcuffed. It shows a calm, staggeringly cordial encounter.Other two-tone, graffitied statements police attribute to McDonald include THE DEVIL IZ [sic] A WHITE MAN GOD, DEATH TO THE PIGZ [sic] GOD and WHITE SUPREMACY IZ [sic] A DISEASE GOD. A FUCK THE POLICE message also defaced a taxpayer-funded building, according to Inside Higher Ed.The angry professors and students are enraged in part because police interrupted an Afro-American studies class to arrest McDonald. The class, taught by Johanna Almiron, appears to be titled Towards the Black Fantastic: Afro-futurism and Black Visual Culture. University of Wisconsin-Madison police have released video of the classroom interaction between police and McDonald along with three other videos further chronicling the arrest.The arrest of McDonald while he was in class on Thursday caused much furor among campus radicals. Almiron and other professors duly penned and published a letter of protest on Friday.The spray-painting vandalism caused over $4,000 in damages to university property, police said, according to the Wisconsin State Journal.On Friday, Wisconsin-Madison s chief of police, Susan Riseling, posted a statement addressing the uproar and profusely apologizing for arresting McDonald in class. Because of the officer s error in believing the class had not yet started, I extend my sincerest apologies to the students and the professor who were in this class and witnessed this interruption, Riseling wrote. We are initiating a review of our officer s action entering the classroom. Riseling did note that campus cops had been attempting to contact McDonald for two weeks before finally resorting to finding him in class. The officers believed they were entering class before it started, she noted.Wisconsin-Madison chancellor Rebecca Blank also released a supplicating statement which promised a review of police practices. Via: Daily CallerHere is the video where Denzel McDonald was placed in the police vehicle:Here is Denzel s professor, aka his instructor LYING to the police, telling them she doesn t have his phone.",left-news,"Apr 17, 2016",0 +"ANGRY PUNK ADMITS TO SLASHING TIRES, Dumping Rotten Yogurt In Sunroof Over Trump Bumper Sticker: TRUMP Supporter Has PERFECT Response","The victim of the angry Bernie Sanders supporter has an amazing attitude. It s the civility many of us have come to expect from Trump supporters who ve been unjustly attacked by uncivil and in many cases, unlawful Bernie Sanders supporters. A politically-motivated vandal in Washington State admittedly vandalized a Trump supporter s car, slashing its tires and dumping rotten yogurt through its sun roof, according to a police report filed last Monday.The suspect, named in the report as one Riley M. Silva of Gig Harbour, Washington, confessed his crime to the police. Showing no sign of remorse, he claimed his victim was an ignorant bigot and that he improved the community by vandalizing the car. According to the report, the culprit became angry after noticing that the car sported a Donald Trump sticker.His full confession to the police, which was originally posted on the blog of lawyer and author Mike Cernovich, reads as follows:I on the 11th day of the 4th month of 2016 did maliciously attack a hate symbol protected by the first amendment. After disabling the vehicle and dumping rotten food into the interior I feel I have improved the community and supported our nation s values by stopping a promoter of hate speech. I do not wish to have ignorant bigots in my town and in a just world the person deserved what was received and the situation is made whole.As America is far from just, I expect the bigot will want to be made whole. With this I declare he is owed nothng. But as the situation is what it is, I intend to make the individual whole provided he cease to promote ignorance and hate. I do not expect the law to recognize damage to tools of hate or fascism. Such things need to be destroyed so good people may remain and become free.The victim, Nathan Elliot, later posted pictures of the damage to his vehicle. In his statement to the police, he said that the damage to the tire alone would cost $500 to repair.Bernie Sanders supporter didn't like my Trump bumper sticker, so he vandalized my personal property. Cool. pic.twitter.com/QghClfl2ak Nate (@pulsarVision) April 10, 2016The police report describes Riley Silva as a skinny white male in his 20s, with long blond hair. The victim saw him while he was in the process of vandalizing his car, at which point he yelled at and ran towards the culprit, who fled in his own vehicle. In the report, Elliot claims that the culprit almost hit two other cars as he drove away from the scene. In addition to vandalizing the victim s car, Silva has been charged with reckless driving. -Breitbart NewsEven though I have amazing @USAA insurance, all costs will come out of my own pocket. That's a $400 tire by the way. Nate (@pulsarVision) April 12, 2016USAA Insurance tweeted an awesome reply to Nathan:@pulsarVision We are here to help. Is this a claim related need ? Please DM us your full name, claim# if applicable and you phone# . Thank u USAA (@USAA_help) April 12, 2016UPDATE on Nathan s new tire:@BreitbartNews @Cernovich @DanScavino @realDonaldTrump @Nero Update: new tire came in today can't tread on me!!! pic.twitter.com/AlVPDLym85 Nate (@pulsarVision) April 16, 2016Nathan has the perfect response to the violent Bernie Sanders supporters:It was only through learning how much others don t like the truth exposed, that I learned for myself how much I crave its very existence. Nate (@pulsarVision) February 14, 2016",left-news,"Apr 16, 2016",0 +"IT TAKES A VILLAGE OF THUGS: Nashville Cop Sees Black Man Assaulting Woman In Projects…Cop Tries To Arrest Him…Crowd Attacks Cop…Crowd Cheers, β€œHe’s going down!” [VIDEO]","***WARNING***This video will make your blood boil. Do NOT watch it if you have high blood pressure. There is also some hood approved language that many sane may find offensive. Can someone please explain to me why any man or woman would want to risk their lives to help these people? This is only going to get worse before it gets better. As long as we have a President of the United States who is condoning this behavior by remaining silent, this situation is going to get much worse. East Precinct Officer Matthew Cammarn, who has been named Officer of the Year, should be out of the hospital soon. He was trying to arrest Brian Shannon, 22, when Shannon and a crowd attacked him in one of Nashville s projects as he tried to make the arrest.Shannon is jailed on charges of felony aggravated assault on a police officer, resisting arrest, evading arrest, criminal trespassing, disorderly conduct and drug possession. A 17-year old was also arrested.The officer, a hero cop, saw Shannon assaulting a woman when Shannon aggressively approached the officer who then tried to arrest him.While Officer Cammarn was on the ground fighting with Shannon, people in a crowd pulled and pushed Cammarn to try and free Shannon. Others stood by recording the assault on their cell phones. Via: Independent Sentinel ",left-news,"Apr 16, 2016",0 +OBAMA Is GIVING YOUR Money To Illegal Aliens To Start Businesses…You Won’t Believe Where Those Businesses Are Located [VIDEO],"American citizens are eligible to apply for small business LOANS, but they are also responsible for paying them back with interest. Illegal aliens on the other hand, are getting FREE money from the American taxpayer to start a business with no obligation to pay us back. Oh and there s one more big catch Read the fine print on the Small Business Administration s website, and you ll find that the agency does not provide the funds to start or grow a small business the engine of the American economy, providing roughly three-quarters of all new jobs. Rather, the SBA provides offers loan guarantees to the banks and lenders that do provide seed money. So it might come as a surprise to American entrepreneurs that there is at least one group to whom the federal government is providing direct assistance for business start-ups: illegal aliens. In fact, these recipients of your taxpayer funds fall into an even more restricted category: illegal aliens who have been deported back to their native land.As part of an ongoing project he calls The Waste Report, Sen. Rand Paul, R-Ky., has called attention to these outlays, which are made by an obscure federal agency called the Inter-American Foundation (IAF).Housed in a nondescript building a few blocks from the White House, IAF is spending up to $50,000 annually to help Salvadorans sent back to El Salvador to reintegrate into their communities, under the idea that doing so will make them less likely to seek to return to the United States.IAF works through a local NGO called INSAMI, which stands for Instituto Salvadore o del Migrante and which estimates that 500 Salvadorans are deported from the U.S. to El Salvador each week. The group says the IAF funds assist sixty Salvadorans a year, including deportees, by helping to facilitate their reintegration into their communities and support their enterprises. This is accomplished by offering financial education, technical advice and assistance with business plans, all of which serves, in turn, to assure that broader support and resources are available to the migrants, that their abilities are appreciated, their concerns understood and their needs met. IAF did not respond to Fox News requests for comment. Once we deport them, we set them up in business? It makes no sense to me, Sen. Paul said in an interview with Fox News.Shawn Moran, vice president of the National Border Patrol Council (NBPC), the union that represents America s 21,000 Border Patrol officers, expressed dismay at learning of the federal outlays to deported illegal aliens.Moran indicated that limited funding has made it exceedingly rare for Border Patrol officers ever to have a partner while they are working along the southern border, often at night a state of affairs that leaves the officers more vulnerable to assaults by heavily armed alien- and drug-smugglers. He also alluded to equipment shortages that compromise the officers effectiveness. Agents do not have the tried and true tools that they need to conduct law enforcement operations, Moran told Fox News. And I think $50,000 could go a long way in one Border Patrol sector to help correct that. He cited the communications devices the officers rely on. Agents are using radios that oftentimes, they can see a Border Patrol station from the hills along the border, yet they can t talk to it. So what else might $50,000 of taxpayer funds purchase to secure the border against illegal aliens from El Salvador and elsewhere?A review of help-wanted ads posted online by the federal Customs and Border Protection (CBP) agency finds that as recently as April 7, CBP was conducting a search for Border Patrol agents in multiple locations, with the top annual starting salary placed at: $50,600.For that same amount, the federal government could purchase seven Yamaha Grizzly 450 automatic utility all-terrain vehicles like these, of which the federal government purchased fifteen, from a Decatur, Illinois-based motor sports store, in September 2013.Via: FOX News ",left-news,"Apr 16, 2016",0 +WHO WILL SUPPORT β€œTHE BERN”? New Numbers Show OBAMA STOLE An EXTRA 6 Months Income From Average Working American Since Bush Years,"The average American makes $52,250* per year. The extra $25K Obama stole from working Americans didn t include free college or the redistribution of your income to people who would rather not work. It didn t include support for people who came here illegally and need to be taken care of either. Over the course of the 86 full months that President Barack Obama has completed serving in the White House from February 2009 through March 2016 the U.S. Treasury has collected approximately $18,764,164,000,000 in tax revenues (in non-inflation-adjusted dollars), according to the Monthly Treasury Statements issued during that period. (President Obama was inaugurated on Jan. 20, 2009.)That equals approximately $124,003 for each of the 151,320,000 persons who, according to the Bureau of Labor Statistics, had either a full- or part-time job during March 2016.During the same 86-month stretch of the Obama presidency, the total debt of the federal government increased from $10,632,005,246,736.97 to $19,264,938,619,643.07, according to the Treasury.That is an increase in the debt of $8,632,933,372,906.10 or approximately $57,051 for each of the 151,320,000 people with jobs as of March.If the Treasury succeeds in collecting the full $3,335,502,000,000 in reveneus that the White House Office of Management and Budget estimates it will collect in fiscal 2016 (which will end on Sept. 30), Obama will become the first American president whose Treasury collected more than $20,000,000,000,000 in taxes (in non-inflation adjusted dollars) during his time in office.As of the end of fiscal 2015 (on Sept. 30, 2015), the Treasury had collected a total of approximately $17,287,946,000,000 during the 80 full months Obama had at that point served as president.By the end of this September if the Treasury collects the estimated $3,335,502,000,000 in revenues for this year the Treasury will have collected $20,623,448,000,000 in taxes during the 92 full months Obama will by then have served in the White House.During the first 86 full months that George W. Bush was president (February 2001 through March 2008), according to the Monthly Treasury Statements, the Treasury collected approximately $15,099,826,000,000 in taxes. (From February 2001 through January 2009, the Treasury collected $17,251,191,000,000 in taxes. Bush was inaugurated on Jan, 20, 2001 and left office on Jan. 20, 2009, when Obama was sworn in.)The $15,099,826,000,000 in taxes that the Treasury collected during Bush s first 86 full months in office equaled approximately $103,363 for each of the 146,086,000 persons who had a full- or part-time job in March 2008.During the first 86 full months of George W. Bush s presidency, the debt increased from $5,716,070,587,057.36 to $9,437,594,138,091.39.That is a debt increase of $3,721,523,551,034.03 or approximately $25,475 for each of the 146,086,000 persons who had a job in March 2008.For entire story: CNS News*US Census ",left-news,"Apr 16, 2016",1 +ECONOMIC SYSTEMS BRILLIANTLY EXPLAINED WITH COWS,"Share this with everyone! There s a good reason (with the exception of the Obama years) the United States of America has remained a world economic leader for most of its existence. Hint for Bernie Sanders loyalists: It has nothing to do with Socialism.If this easy to understand illustration explaining various economic systems was part of every student s education in America, we wouldn t be watching auditoriums packed with young Bernie-bots who naively believe Socialism is the answer. ",left-news,"Apr 16, 2016",0 +"POPE MEETS WITH ANGRY, JEWISH, PR0 LATE-TERM ABORTION, SOCIALIST To Discuss Morality, Phony Climate Change","As a Catholic I m offended by this Pope s political meddling in our Presidential election beyond words Pope Francis met U.S. presidential candidate Bernie Sanders in the Vatican on Saturday morning and the two discussed the need for morality in the world economy before the pontiff left for a visit to the Greek island of Lesbos.Columbia University Professor Jeffrey Sachs told Reuters that the meeting took place in the Vatican guesthouse where the pope lives and where Sanders had spent the night after addressing a Vatican conference on social justice.The Vatican had said that a meeting between the two was not planned, and Sanders said he did not expect to meet the pope during his trip. He is a beautiful man, Sanders said in an interview with ABC News after the meeting. I am not a Catholic, but there is a radiance that comes from him. Sachs said Sanders, who was accompanied by his wife, spoke with the pope for about five minutes. Sachs, his wife, and Bishop Marcelo Sanchez Sorondo, head of the Pontifical Academy of Social Sciences, were also in the room. I just conveyed to him my admiration for the extraordinary work he is doing raising some of the most important issues facing our planet and the billions of people on the planet and injecting the need for morality in the global economy, Sanders told ABC.The Democratic hopeful from Vermont has campaigned on a promise to rein in corporate power and level the economic playing field for working and lower-income Americans whom he says have been left behind, a message echoing that of the pope.When Sachs, who has advised the United Nations on climate change, was asked if the meeting could be interpreted as political, he said: This was absolutely not political. This is a senator who for decades has been speaking about the moral economy. The meeting came just days before Tuesday s Democratic party primary in New York, where polls say he is trailing Hillary Clinton. After he won seven of the last eight state contests, a loss in Sanders home state would give front-runner Clinton a boost toward the party s presidential nomination.Sanders, the Brooklyn-born son of Polish Jewish immigrants, has said the trip was not a pitch for the Catholic vote but a testament to his admiration for the pontiff. Via: Reuters ",left-news,"Apr 16, 2016",1 +"GUT WRENCHING: OBAMA Meets With Rappers To Discuss Criminal Justice Reform…Doublespeak For Pardoning Criminals, Investigating Cops","Is there any question what Obama s priorities are in his final 8 1/2 months in office? His legacy will most certainly be that of the most divisive President (and First Lady) to ever occupy the White House. Every law enforcement officer in America should be concerned about his obsession with taking them down a few notches.President Obama is meeting with a group of music stars on Friday to discuss his push for criminal justice reform and his initiaitve dedicated to helping young men and boys of color.Rappers Busta Rhymes, Common, J. Cole, Wale, Ludacris and Chance the Rapper are all attending the meeting, according to a senior administration official.The meeting comes as Obama is trying to beef up support for the My Brother s Keeper Initiative, which is designed to help young African-Americans get an education, college degree and job training.Obama and his supporters launched a nonprofit group last May that will allow the president to continue the work once he leaves office.The president has also tried to keep momentum behind a bipartisan coalition looking to pass legislation in Congress that would reduce prison sentences for many non-violent drug offenders. Senior adviser Valerie Jarrett and My Brother s Keeper task force chairman Broderick Johnson also attended the meeting.War On Cops: President Obama says his criminal justice reform doublespeak for pardoning criminals and investigating cops is gaining bipartisan support. New FBI crime data should stop the movement in its tracks.Last fall, we argued that Obama s war on police, prosecuted with the help of his Black Lives Matter goons, sparked a national crime wave. Violent criminals are getting the upper hand as the Ferguson effect takes hold in cities across the country, we noted. Less-aggressive policing has emboldened the bad guys, leading to a nationwide spike in murder. Officers fear violating softer new use-of-force and arrest policies, pushed on cities by the Obama Justice Department, will open them up to civil-rights prosecution. Many have backed off patrols and stops in dangerous urban areas as a result. The result: Year-over-year homicide rates are up 76% in Milwaukee; 60% in St. Louis; 56% in Baltimore; 44% in Washington, D.C.; 22% in New Orleans; 20% in Chicago; 20% in Kansas City; and 17% in Dallas. Single-digit rises have been seen in New York and other cities. Soon after, FBI Director James Comey indicated that spiking murder rates may be partly due to the Ferguson effect police reluctance to carry out their duties over fear of being investigated for abuse or discrimination, or shot by angry thugs in the line of duty.Police chiefs echoed his concerns, prompting the attorney general to gather major police chiefs and mayors together in Washington for a crime summit. It was supposed to be a closed meeting, no press allowed.But a Washington Post reporter snuck in and recorded Chicago Mayor Rahm Emanuel complaining that all the vitriol thrown at cops had put them in a fetal position. Obama s former chief of staff said they were backing off crime in gang-infested areas of his city.Obama pooh-poohed the city-by-city reports of climbing murder rates, arguing that there wasn t any aggregate data to show a national trend. But now we have the national data from the FBI. It confirms that the U.S. murder rate shot up 6.2% in the first half of 2015 from a year earlier. The spike reverses a three-year downtrend.Overall violent crime murder, rape, robbery, aggravated assault rose almost 2%, in contrast to a nearly 5% drop in the comparable period of 2014. Violent crime rose in all but one of the nation s four regions, the FBI said, and all but two city groupings.If liberal pundits and politicians want to stop soaring crime rates, they should stop vilifying cops. And they should start speaking out against the Black Lives Matter race-mongers and their criminal-justice reforming patrons in the White House. ",left-news,"Apr 15, 2016",0 +OOPS! ABSOLUTELY NO ONE SHOWED UP For NYC Debut Of Beyonce’s Clothing Line…Is Her RADICAL Super Bowl Performance To Blame?,"I was in Nordstrom yesterday when our salesperson asked my teenage daughter and I if we had seen the new Ivy Park collection by Beyonce yet? My response to her was no, as I turned to my daughter and told her I wouldn t buy anything for her from that collection if it was the only thing Nordstrom sold. It wasn t that long ago I watched Beyonce dressed in her Black Panther inspired costume, performing a hateful, cop bashing song during Super Bowl 2016 (Watch HERE). I haven t forgotten and it s not likely I ll forget anytime soon. People who love our country and are tired of seeing it being divided into categories of race and sexual orientation need to stand up to these race peddlers and hit them where it hurts in their bank accounts. Beyonce s radical, racist husband is making money hand over fist from people of all races, yet he s dumped over $1.5 million into groups and organizations specifically designed to divide our nation and instill hatred towards our law enforcement officers. Cosmopolitan Since it was announced, people have been dying over the launch of Beyonc s highly anticipated womenswear athleisure line for Toyshop, Ivy Park. The collection, which hit stores today, is the type of collaboration that people wait hours in line for, trample each other for you get the picture.My mouth dropped when I showed up for the launch of Ivy Park at Topshop s Soho location in New York. There was not a single person in line.No camping out overnight, no eager shoppers. It was so quiet I could hear the birds chirping. All I saw were people walking their dogs and grabbing their morning coffees. Where was the Beyhive? I couldn t have been the only one who cared. Because Beyonc .The doors were set to open at 10 a.m.Here was the scene an hour before the launch They were shocked by the low turnout too. I woke up and saw the hashtag and could see that London had crazy lines, so I felt like I had to rush to get down to the store, said one shopper, Krystal. Why are people not here? It s Beyonc . I don t understand. Her much hyped debut sportswear line launched at Topshop in London on Wednesday but Beyonce was no where to be seen.It is the pop star s first collection for Topshop so her no-show was a something of mystery considering the enormous hype surrounding the launch.Retail magnate Sir Philip Green, who owns Topshop among a number of other High St brands, said Beyonce was very involved in the collaboration. She saw every single piece on (and) was very involved in the development. My girls loved working with her and it really worked very well, the clothing mogul told USA Today.Her no-show, however, speaks volumes. Via: Scout Breitbart News Jay-Z s streaming music service Tidal will donate $1.5 million raised at a charity concert last year to Black Lives Matter and other social justice organizations.According to Mic, the money raised at last year s Tidal X charity concert which featured performances from the streaming service s co-owners including Nicki Minaj, Jay-Z, and Beyonc will go to to the New World Foundation, which funds a number of local and national social justice advocacy groups.Among the organizations that will receive donations are Hands Up United, the Opportunity Agenda, the Baltimore Justice Fund, New York s Million Hoodies and NY Justice League, and Illinois Black Youth Project.Donations will also reportedly be given to Trayvon Martin Foundation, the Michael O.D. Brown We Love Our Sons and Daughters Foundation, and the Oscar Grant Foundation. ",left-news,"Apr 15, 2016",0 +"COLLEGE CAMPUS BANS Chalk, Fears Students Might Write β€œTrump” Word On Campus Sidewalks","Remember when college campuses were considered a safe space for political and social debate?DePaul University will no longer allow students to chalk political messages on the sidewalks of its campus because of the offensive, hurtful, and divisive nature of pro-Trump chalking found on campus last week. While these chalk messages are part of national agendas in a heated political battle, they appeared on campus at a time of significant racial tension in our country and on college campuses. DePaul is no exception, Depaul s vice president for student affairs Eugene Zdziarski wrote in a campus-wide email obtained by Campus Reform. The university has been addressing campus climate issues in an effort to provide an inclusive and supportive educational environment. In this context, many students, faculty and staff found the chalk messages offensive, hurtful and divisive. Consequently, Zdziarski explained that DePaul s status as a 501(c)3 tax-exempt non-profit organization prohibits students from participating in any political activity that could be interpreted as a reflection of the university s views or opinions. Political chalking on Depaul s grounds, Zdziarski argued, fits this description.Last week, Depaul s College Republicans organized a chalking campaign on campus, during which phrases such as Make DePaul great again, Blue Lives Matter, and Trump Train 2016 were scrawled on the sidewalks.The campus grounds crew removed the chalkings the following morning but cited routine maintenance as one of the reasons for their removal. After some investigation, it turns out this happened for two reasons, the university wrote in a statement. First, the crew regularly cleans up chalk messages on our sidewalks. This is a part of their duties. Secondly, some among the crew considered the messages inflammatory. The crew has agreed to consult about such matters in the future. Although the grounds crew regularly cleans up chalk messages, meaning DePaul students regularly chalk their campus sidewalks, this appears to be the first time university officials have expressly addressed their chalking policies. Zdziarski noted, after the Trump chalkings appeared, that students are not even allowed to chalk on sidewalks at all. Students or student organizations may not post partisan political flyers, posters, signs or images on University bulletin board, buildings, electronic message boards, forums or sidewalks. This includes chalking on campus property, he said.Via: Campus Reform",left-news,"Apr 15, 2016",0 +WOMAN CRIES After Seeing How Easily Our Votes Are Stolen By Electronic Voting Machines [VIDEO], There are people out there who are giving their lives trying to make our elections secure and they re being called conspiracy theorists and technophobes. And these vendors are lying and saying that everything s alright and it s not alright. It s as though our country is one country and pretending to be another country. How can this be happening in our elections? Watch: ,left-news,"Apr 15, 2016",0 +IMMIGRANTS FROM SOVIET UNION Want To Know Why Americans Support Bernie Sanders,"It s a pity the millennials who support Bernie Sanders have never had to stand in a bread line. They ve never had to watch everything their parents have worked so hard for, be taken away by their government. They don t make the connection that there s more to life than a free college. The huge deductions these millennials see on their paychecks usually takes care of the naive attitude of the immature, idealistic crybabies. People who escaped the former Soviet Union and came to America are not feeling the Bern. Perhaps because they know exactly what it s like to live in the socialist utopia Bernie Sanders wants for America.The Atlantic reports:Why Soviet Refugees Aren t Buying Sanders s SocialismSAN FRANCISCO Janna Sundeyeva still remembers life in the Soviet Union, where stores in remote regions would lack meat for months at a time and toilet paper had to be snatched up quickly on the rare occasions it appeared.But the minor indignities paled in comparison to what happened to her grandfather: He had the chance to come to America in 1929, but he opted to stay, sensing an economic thaw. Seven years later, Sundeyeva says, he was arrested and never heard from again.Sundeyeva immigrated to San Francisco from Moldova in 1994, and now she and her husband run a Russian-language newspaper here called Kstati. Her Soviet experience colors how she sees U.S. politics to this day. I don t like big government, Sundeyeva said. She made two circles with her thumbs and forefingers and pressed them against each other so they touched, like binoculars. This Venn diagram represents the interests of people and government, she said. They don t have very much in common. Today, she s not a registered Republican, but like many of the readers of her newspaper, she said she s starting to lean toward supporting Donald Trump for president. The other self-styled outsider in the race, though, holds no appeal for her. The only Bern she and many other Russians here are feeling is the one in the banya.To Sundeyeva, left-wingers seem to yearn for a workers revolution. I would ask them: Have you ever lived under a revolution? she said. Do you know what it s like? When someone comes and takes your family member in the night? Interviews with more than a dozen immigrants from the former Soviet Union in the Bay Area suggest that some in the community are recoiling from Bernie Sanders and his leftist ideals. One hundred years after the Bolshevik Revolution swept Communists into power, some Russians in America say they can t believe a serious candidate in the United States is calling himself a socialist.Many of us can t believe it either, folks.Bernie s support among young people can be chalked up to ignorance. Millennials have no memory of the Soviet Union or the horrors people endured under socialism. They ve grown up in the most free country in the world and have never wanted for anything. Via: Progressives Today",left-news,"Apr 14, 2016",0 +"TRAYVON MARTIN’S MOM Goes On BLAME WHITEY Tour With Hillary, While His Dad Has BRUTAL Message That Could DESTROY Black Lives Matter","Trayvon s dad sounds more logical and Presidential than Obama when it comes to discussing the truth about black on black crime. Maybe he wasn t so far off the mark when Obama said Trayvon could be his son?While Trayvon Martin s mother is traipsing around the country as part of Hillary Clinton s pander tour and trying to convince everyone that her sweet little angel was gunned down by a racist system, Trayvon s father actually had something intelligent to say on the issue of race. In defiance of Black Lives Matter, Tracy Martin said that the movement is meaningless as long as blacks continue to kill each other.Tracy Martin was speaking before the 30th Annual Charles W. Kegley Memorial Institute of Ethics at California State Bakersfield on Tuesday when he uttered the words that will drive BLM into a frenzy. We gonna keep killing one another. I tell people all the time that we are committing genocide, said Martin.And then here s the thing that if a white guy said it would be considered the most racist statement ever: We re on the brink of extinction at the way these shootings and killings are going on. We keep the funeral homes and the penal system in business. When are we going to wake up? I m a realist. We can t sit up and scream that black lives matter at any other ethnicity group if Black lives don t matter to Black people, he said.This is what I find interesting here: Black Lives Matter is a movement that was created because of Trayvon Martin s death and it is a fact that the black activists get super-pissed off when anyone suggests that black-on-black violence is more of a pressing issue than hyped up and fictionalized racism. But this is the father of the person who spawned the movement saying that blacks killing blacks is the real problem. Something s gotta give.This could cause the movement to collapse on itself, creating a racism supernova that neither race-hustling nor manufactured outrage can escape.Unfortunately not everything that Tracy Martin said was as spot-on as his black-on-black crime observation. He said the way he wanted Trayvon to be remembered was, not as the iconic image of the hoodie, but as the African-American boy who galvanized the country. To galvanize generally means uniting people to action behind a common cause. That is the complete opposite of what Trayvon Martin s death did to this country. Besides birthing the BLM movement, the Trayvon Martin shooting and subsequent trial divided this nation along racial lines at ten times the rate of Barack Obama s efforts.Though he wouldn t use the name of the man who defended his life against a violent attack by his son, Tracy Martin characterized George Zimmerman as guilty and the man who pulled the trigger and killed an innocent. And then there s this: Trust me when I say that white America can t survive without Black America, said Martin.Never trust someone who says trust me they are always lying.I know that when other black celebrities have spoken on the issue of black-on-black violence, they have been shouted down by the black activists and labeled Uncle Toms. It will be interesting to see how the black outrage machine deals with Tracy Martin, father of the father of Black Lives Matter, saying that black lives have to first matter to black people before they will mater to anyone else. Via: Downtrend",left-news,"Apr 14, 2016",0 +NEIL CAVUTO AND YOUNG COMMIE CLASH: β€œThe capitalist system is illegitimate” [Video],Pro-Bernie Sanders Commie clashes with Neil Cavuto ,left-news,"Apr 14, 2016",0 +BADASS CAMPUS COPS Cite Students For Wearing EMPTY Holster At College That Bans Water Guns [VIDEO],"Trigger warning If liberal schools and badass campus cops offend you, this video may cause a spike in your blood pressure Two University of South Alabama students were confronted by campus police Wednesday, and one student was cited for causing alarm by wearing an empty holster. This week is the empty holster protest for Students for Concealed Carry in Alabama to demonstrate that students are defenseless on campus, D.J. Parten, president of Students for Concealed Carry, told Campus Reform. Along with fellow club member Kenneth Tews, Parten was also promoting an upcoming screening of the movie Can We Take a Joke? when three campus police officers approached their table demanding identification.Video footage, obtained by Campus Reform, shows one of the police officers asking to search the students, and when they exercise their right to refuse, another officer becoming aggravated and warning that he will find something to charge them with if they remain uncooperative a threat that is eventually carried out against Parten.The school s website states that all weapons are prohibited in University housing buildings, parking lots, and on University property adding that this includes, but is not limited to, bullets, ball bearing bullets, bullet balls, pellets, firearms, guns, knives, paintball guns, air guns, hunting bows, archery bows, swords, martial arts weapons, and replicas of such weapons. Toy and water guns are prohibited. Parton protested that nothing in the policy even implies that he is not allowed to wear the empty holster, particularly since he was doing it as a way of drawing attention to the school s no-gun policy, but made no headway with the intractable officer, who insisted that the empty holster represented a potential safety hazard because it implied the existence of a firearm whose whereabouts he could not ascertain. Is this just because I have a holster on me? Parten asks the officer after turning over his identification. Yeah, it is, because somebody called it in, the officer replies matter-of-factly. You know there s a no-weapons policy out here, but still you want to push it. Uh this is a protest, Parten submits after a short pause, evidently caught off-guard by the notion that an empty holster might violate the policy. Did you get permission to wear it? the officer queries him. I don t need permission to wear it, Parten replies confidently. You need permission from the university. To wear a holster? he asks with undisguised incredulity.Standing his rhetorical ground, the officer simply shrugs off the challenge and says, There s a no-weapons policy here. It s not a weapon. I understand that, the officer concedes. Take it up with Dean of Students, then, because y all are gonna be written up for disciplinary [sic], and I will put in there your attitude, you understand? Assuming a more confrontational demeanor, the officer then turns to Parten and states, So I m gonna ask you one more time: where s the weapon? I don t have it, Parten tells him. It s at home. Later in the video, though, the first officer calls Parten over after the others have stepped away and acknowledges that neither of the students had technically done anything wrong, then requests for your safety as well as mine that they be more compliant in the future when officers respond to reports of a possible weapon. What you re doing is not against the rules or the law, he explains, but when we get a call thinking somebody might have a gun, you have to be polite and cooperative, because if you start being difficult, [it looks like] you re carrying something. Your friend here had his hands in pockets, and he kind of laughed when I asked him to take them out, but he forgot that he put this little folding knife that has a clip on the outside in his pocket. Parton and Tews counter that, at least with respect to the holsters (which were the reason the officers were called, in the first place), they were engaged in a public display that was explicitly billed as an empty holster protest. Via: Campus Reform",left-news,"Apr 14, 2016",0 +BREAKING: NYC PROTEST GETS UGLY: Anti-American Protesters BATTLE WITH COPS [Video],"NYPD assaulting protestors, violent arrests happening on 50th st approachin 9th ave #NYPDKKK pic.twitter.com/cy4xsfT7Q9 Millions March NYC (@MillionsMarch) April 15, 2016 A LONE TRUMP SUPPORTER IS PUSHED THROUGH THE CROWD BY THE POLICE:Lone racist Trump supporter running away #HATEFREENYC #ShutDownTrump4Akai pic.twitter.com/4RuL9e7sZJ Millions March NYC (@MillionsMarch) April 14, 2016 PROTESTER CHANTS: EVERYTHING FOR EVERYONE Protestors storming back entrance of Grand Hyatt NY #ShutDownTrump4Akai #HateFreeNYC pic.twitter.com/EfPu1p9hvs Millions March NYC (@MillionsMarch) April 14, 2016 THE NY STATE GOP GALA IS IN NYC TONIGHT and the paid protesters are out in force. We ll be reporting on anything important but here are a few pictures of the cast of characters at the protest:All you need to see to let you know that the Trump protests are NOT grassroots is the picture below but the last picture is a shocker (why would a Ted Cruz supporter hang with these protesters?): ILLEGAL ALIENS who say it s racist and hateful to want to have borders go figure Obama s Purple Army SEIU is marching with the socialists:A Ted Cruz supporter joins the communists and anarchists to protest Trump: ",left-news,"Apr 14, 2016",0 +OBAMA PRESSURED U.S. SHOE COMPANY To Keep Their Mouths Shut…But Now The Deal is OFF…And So Are The Gloves!,"Of course, putting America first is a totally foreign concept to the man who occupies the highest office in the nation. Obama appears to have even (temporarily) given up the game of golf in order to spend every last second of his final term forming alliances with communist leaders, shutting down American companies (like the coal industry he promised to bankrupt) and destroying our most basic rights afforded to us by the US Constitution (that he has absolutely no regard for). Why would anyone expect Obama to protect an American business without something being in it for him?The Boston Globe is reporting that U.S.-based shoe manufacturer New Balance has come out hard against the Trans Pacific Partnership trade deal. The odd thing, though, is that the Boston company had gone quiet [on TPP] last year. Now, apparently, we know why:New Balance officials say one big reason is that they were told the Department of Defense would give them serious consideration for a contract to outfit recruits with athletic shoes.But no order has been placed, and New Balance officials say the Pentagon is intentionally delaying any purchase.New Balance is reviving its fight against the trade deal, which would, in part, gradually phase out tariffs on shoes made in Vietnam. A loss of those tariffs, the company says, would make imports cheaper and jeopardize its factory jobs in New England.Tariffs on shoes are steep, and New Balance is one of a handful of shoe companies that still manufactures shoes in the United States. (Though, 75 percent of their shoes are made abroad.)The company s leaders appear to disagree that the now-broken deal was underhanded. There was no quid pro quo deal, Rob DeMartini, CEO of New Balance told WMTW. We wanted to compete for a big piece of business that we are very confident we can win in. Matt LeBretton, VP of public affairs for the company, tells the Globe that:We swallowed the poison pill that is TPP so we could have a chance to bid on these contracts, We were assured this would be a top-down approach at the Department of Defense if we agreed to either support or remain neutral on TPP. [But] the chances of the Department of Defense buying shoes that are made in the USA are slim to none while Obama is president. The fight comes as a result of a statutory requirement known as the Berry Amendment, which places restrictions on where the items used by members of the armed forces are manufactured. New Balance had hoped their U.S.-made shoes could put an end to the exemption for imported athletic shoes, which the DoD has allowed in recent years. Via: Weekly Standard ",left-news,"Apr 14, 2016",1 +PATRIOT AT TRUMP RALLY Shuts Down Leftist Protester [Video],The left has had control and the narrative for waaaay too long. Here s a patriot who s 100% FED Up! ,left-news,"Apr 14, 2016",0 +"WATCH: FRATERNITY BROTHERS BUILD β€œMake America Great Again” Trump Wall On PRIVATE Property…THUG Students Tear It Down, Disregard First Amendment Right","Many Americans believe it s racist to keep minorities trapped in a system that forces them to rely on Bernie and Hillary s promises of free shit from the government. Does that mean it s okay for them to go around and disassemble Bernie Sanders displays on college campuses?A Tulane University fraternity has caused an uproar this week after building a wall made of sandbags with the message Make America Great Again and Trump plastered across it.Photos of the wall circulated on social media after it was erected on April 7 on the off-campus house of the university s chapter of Kappa Alpha Order.As part of the local chapter s annual tradition, it has pledges build a wall around its private property each spring ahead of its Old South formal ball, according to The Times-Picayune. However, upset students said this time the wall was filled with connotations of hate and ignorance. The wall has since been torn down by unidentified individuals alleged to be Tulane football players.WATCH here:In a video posted to YouTube, individuals can be seen grabbing the sandbags and tossing them into the street while fraternity members look on, one saying this is private property. These connotations most directly mocked the experiences of Latino immigrants and workers throughout our nation, a post on student Ana De Santiago s Facebook read. By writing Trump in large, red letters across the wall, KA changed what was a tradition of building a wall into a tradition of constructing a border, symbolizing separation and xenophobia. This issue not only affects Latinos but all other marginalized immigrant groups in this country.On Wednesday, the university addressed the incident in a statement, saying that while it encourages the free exchange of ideas and opinions , the local chapter s actions sparked a visceral reaction in the context of a very heated and divisive political season, The Times-Picayune reported.In an effort to support the individuals who dismantled the fraternity s Trump wall , Tulane s Latino student advocacy group, Generating Excellence Now and Tomorrow in Education (GENTE), set up a Change.org petition against the university s administration. We the undersigned stand in solidarity with the individuals who took the brave action of dismantling the wall in front of Kappa Alpha Fraternity House, a statement on the petition read. This wall, although a tradition carried on by Kappa Alpha for many years, has been a source of aggression towards students of colour on this campus, and this year, with the addition of the labels Trump and MAKE AMERICA GREAT AGAIN, has become overtly threatening towards Muslim and Latino students. In a statement released to The times-Picayune on Tuesday, the fraternity s national chapter Assistant Executive Director for Advancement Jesse Lyons said its chapter takes KA s values of gentlemanly conduct very seriously. This respect extends to every student of Tulane and every member of the broader community, the statement read. The comment was written on a makeshift wall on our private property, normally used for a game of capture the flag, to mock the ideologies of a political candidate. This had a unintended negative effect and as such it has been dismantled. In other words, they caved, and ceded their First Amendment right to free speech, in order to avoid any controversy created by the Leftist Mafia.*According to the fraternity s website, KA was founded in 1865 and Robert E Lee, who is known for commanding the Confederate Army in the Civil War, is listed as its spiritual founder.In 2010, the national fraternity chapter ordered an official ban on fraternity s members wearing Confederate soldier uniforms to its annual Old South Ball.In a document titled Laws concerning Old South , KA also prohibits the display of the Confederate flag from any chapter house, lodge, or meeting place. Via: Daily Mail*100percentfedup.com ",left-news,"Apr 14, 2016",0 +VIOLENT PROTEST Outside Trump Rally In Pittsburgh As Cops Come Down On Black Lives Matter Thugs [Video],You can thank the racist Black Lives Matter PAID PROTESTERS for this mayhem. They re trying to make it appear as though the people who support Trump are violent racists. The police should use their full force to stop this now because it ll set an example for future attempts to rally. Law and order comes first! You can blame Obama s buddy George Soros for stirring up this chaos. BTW-Trump has done NOTHING racist! He wants our border closed to illegals for the safety of Americans. He also wants a moratorium on Muslim refugees which is exactly what our FBI and DHS would recommend because they ve said we CANNOT vet these refugees. So what s the beef? ,left-news,"Apr 13, 2016",0 +THE CHALKENING: Political Chalk Drawing Bandit Terrorizing Liberals Across America [Video],The social justice warriors are being terrorized by the chalk bandit Bahahaha! ,left-news,"Apr 13, 2016",0 +HERE’S A PERFECT EXAMPLE OF WHY People Don’t Trust Muslims Living In Their Communities,"The massive shroud of secrecy in Muslim communities around the world is what causes people to question the motives of every Muslim. Aren t non-violent Muslims who say they wouldn t report a terror plot as culpable as the radical Muslims who commit acts of terror? A new ICM poll has discovered two out of three Muslims in Britain would not give the government any information if they knew details about a terror plot.These disturbing poll results seem to indicate the government s counter-terrorism program, named Prevent, is unlikely to provide much usable information on active threats, if it passes along any information at all, The Express reports.The results also suggest the existence of a society deep inside Britain that is fundamentally opposed to its values and will actively subvert the government to protect its own members. Further questions in the survey revealed even more evidence that Muslims diverge entirely from British norms.For example, over 50 percent of Muslims think homosexuality should be illegal. A total of 23 percent of Muslims want Sharia law to become the dominant legal system in the country. Exactly 31 percent are completely comfortable with one man having multiple wives. Via: Daily CallerOn the bright side, 1/3 of British Muslims said they would report a terror plot. ",left-news,"Apr 13, 2016",0 +BUSTED! CALIFORNIA MAN Dressed As Woman Arrested After Women Noticed Something Strange In The Bathroom Stall,"Here we go again! We just reported on a man who was caught in Walmart videotaping women and using a mirror to look into stalls:IT BEGINS: Man Dressed As Woman Arrested In Women s Bathroom You Won t Believe What He Was Doing!This guy was caught at Macy s with a video camera in his purse containing hours of video of women using the bathroom. Women noticed the camera light from the video camera and reported it to police. This guy is just one of so many we ve reported on who will have even more rights to enter the women s bathroom or locker room and women will have no right to say a word. A Palmdale, California, man wearing women s clothing was arrested in a Lancaster Macy s store after he was seen in a women s bathroom. The man was allegedly videotaping women in the bathroom.Jason Pomare, 33, was arrested over the weekend after mall security officers learned he had been hanging out in a Macy s department store women s bathroom. The security guards contacted a Los Angeles County Sheriff s Department (LASD) deputy who found the cross-dressing man in a mall storage area, NBC Los Angeles reported.When Pomare was contacted, he was wearing a wig and women s clothing, including a bra, a statement from the LASD revealed. The deputy noticed he was wearing a wig and appeared to have breasts, LASD Sergeant Brian Hudson told the Los Angeles news outlet.While searching the suspect, the deputy discovered a video camera in his purse. The camera allegedly contained hours of women using the bathroom inside the store.Witnesses told police that Pomare would conceal the camera in bathroom stalls. The woman who contacted store security noticed the recording light on the camera. It appears Pomare was in the bathroom for around two hours, Hudson told the reporter.Read more: Breitbart",left-news,"Apr 13, 2016",0 +BILL O’REILLY ASKS TRUMP β€œRacist” Question That Has Many Outraged…Was Bill Out-Of-Bounds This Time? [VIDEO],"Was O Reilly out-of-bounds? Most Americans would likely agree that we need to address the viability of employment opportunities for poorly educated Americans of every race who are walking around with multiple facial piercings and tattoos on their faces.Donald Trump appeared on The O Reilly Factor Monday night, but for once it wasn t the presidential candidate making headlines for his controversial remarks.Instead, it was Bill O Reilly himself who sparked fury after making statements about African-Americans that many called racist.During the interview, O Reilly pointed out that Trump is not polling well among minority voters, and questioned the Republican front-runner about his strategy for winning over black voters.Trump responded by saying he was doing fantastic with African-Americans and with Hispanics before launching into a speech about how the real issue was that jobs were being outsourced to countries like China and Mexico.O Reilly then pushed Trump to explain exactly how he could promise jobs to black voters, while offending many African-Americans at the same time. How are you going to get jobs for them? O Reilly asked. Many of them are ill-educated and have tattoos on their foreheads, and I hate to be generalized about it but it s true, if you look at all the educational statistics, how are you going to give jobs to people who aren t qualified for jobs? Via: Daily MailBy the way Bill, there are no shortage of white people or Hispanics walking around with face tattoos. I m as sick as the next person of the excessive PC world we live in, but Bill s comments were pretty idiotic, has no basis and should be condemned. ",left-news,"Apr 12, 2016",0 +WHY THIS REPUBLICAN GOVERNOR Is Being Called β€œThe Most Selfish Man In Politics” [VIDEO],"Watch this video and you ll see why this man is being called The Most Selfish Man In Politics King KasichThe Most Selfish Man In Politics. This is the Hashtag that really should be shared! Like us and Share if you agree that we shouldn t be usurped!Posted by RAW Conservative on Tuesday, 12 April 2016",left-news,"Apr 12, 2016",0 +IT BEGINS: Man Dressed As Woman Arrested In Women’s Bathroom…You Won’t Believe What He Was Doing!,"We told you so a man was having a blast peeping into stalls in the restroom AND filming women! Not one but three times this year! This man was basically given a slap on the hand and let go. This is yet another reason to keep bathrooms the way they are. With new laws, more men like this can say they identify as a woman so they can get into locker rooms or bathrooms legally. A man dressed as a woman was arrested in Virginia on Monday after police say he was caught peeping into restroom stalls three times in the past year. Richard Rodriguez, 30, filmed a woman in a bathroom stall at the Potomac Mills Mall, Prince William County Police said on Tuesday. A 35-year-old woman was in the stall when she saw a bag moved toward her under the stall divider. Rodriguez apparently had been filming her, police said. The victim rushed out of the stall to confront the man and saw him hurry to another stall, next to another woman. The victim alerted the woman and then contacted mall security of the shopping center on 2700 block of Potomac Mills Circle in Woodbridge, Virginia.Mall security detained Rodriguez until police arrived. Police then determined that he matches the description of a man who is accused of using a mirror to see into a women s restroom stall on May 15 at a nearby Walmart and also at the Potomac Mills Mall on Oct. 11. The suspect in the May 15 incident allegedly spied on a 53-year-old woman, police said. The suspect in the Oct. 11 incident believed to be the same man looked in on a 35-year-old woman and her 5-year-old daughter. Rodriguez, of Fredericksburg, was charged with three counts of unlawful filming of a non-consenting person and three counts of peeping.Via: NBC",left-news,"Apr 12, 2016",0 +WOW! Disturbing Reason ONLY 3 Airports Screen Their Employees Every Day Before Work [VIDEO],"Never mind that at least 50 identified ISIS sympathizers are currently working at recently bombed Brussels Airport. Meanwhile Obama and his corrupt EPA make no secret that global climate change is our nations first priority when it comes to our national security At Senate Commerce Committee session (VIDEO BELOW), lawmakers heard that only three airports in the United States require their employees to undergo a security check before they begin their work day. Atlanta, Miami, Orlando. What about the other 297 airports nationwide? asked committee co-chair Senator Bill Nelson (D-Florida).TSA (Transportation Security Administration) head Robert Neffenger answered that while the TSA has increased the inspection of employees five-fold in the last five months, more needs to be done.Neffenger said that all airports were asked to provide a report by the end of the month assessing their vulnerabilies.A 2015 TSA committee concluded most airports could not afford daily employee screening. In addition, they said the full screening would not appreciably increase the overall system-wide protection. No single measure can provide broad-spectrum protection against risks or adversaries, the committee concluded. Therefore, risk-based, multi-layered security offers the greatest ability to mitigate risks through the application of flexible and unpredictable measures to protect commercial aviation. The report argued daily screening is incapable of determining a person s motivations, attitudes and capabilities to cause harm, among other limitations. SEN BILL NELSON ASKS ABOUT AIRPORT SCREENING OF EMPLOYEES: ",left-news,"Apr 12, 2016",1 +MICHELLE OBAMA Wanted Biden To Run So He Could Beat Hillary [Video],"Has their ever been a more vengeful and hateful First Lady?They are the elite group of women who occupy the East Wing of the White House as their husbands serve as presidents of the United States.Viewed as the true modern power brokers of 1600 Pennsylvania Avenue , the first ladies have had different takes on their public positions and either love the proximity to the country s top policy advisers or view it as serving a prison term of teas, luncheons, dinners and photo ops.There are friendships among this sorority of first ladies and turbulent rivalries as well as relationships fraught with hurt feelings and resentment, like that between Hillary Clinton and Michelle Obama , Kate Andersen Brower writes in her new book, First Women, the Grace and Power of America s Modern First Ladies, published by Harper. The 2008 presidential campaign left deep and lasting scars on both the Clinton and the Obama camps, and they are still shockingly fresh. Michelle, now 52, never forgot how Hillary mocked her husband s message of hope and change at a campaign rally in Ohio during that campaign. The sky will open, the light will come down, celestial choirs will be singing, and everyone will know that we should do the right thing, and the world would be perfect, Clinton said.Watch Hillary starting at the 45 second mark:Hillary was right; that certainly didn t happen and she has remained bitter for years that Senator Ted Kennedy, who had been her mentor in the Senate, did not support her presidential candidacy in 2008.A source in Hillary s inner circle told the author that Hillary, now 68, is running again for president out of vengeance for that loss. She needs to win.Obama is viewed by Hillary s circle of people as not having the same work ethic as Hillary who they see as having a long record of dedicated public service.Those Clinton acolytes also suggest that Michelle has not done enough as first lady and has failed to prioritize funding for some programs that subsequently lost their federal support.One such program was Save America s Treasures, a program that Hillary started to help preserve and protect historic sites, arts and published works and was lovingly carried on by Laura Bush, the next first lady.Michelle felt no such obligation to those treasures and let the program dissolve.Michelle s feelings towards Hillary were blatantly obvious when no couple dinners were scheduled at the Obama White House while Hillary was secretary of state and frequently meeting with the President.Michelle is very close to Jill Biden and Vice President Joe Biden. She was hoping that Biden would run against Hillary for the Democratic nomination and his win would take away the sweet taste of victory once again for Hillary. Via: Daily Mail ",left-news,"Apr 11, 2016",0 +WHY TRUMP’S OWN CHILDREN WON’T Be Voting For Him In NY Primary,"I m pretty sure Trump will win with a YUGE majority in New York without his kids votes. Eric Trump and Ivanka Trump won t be voting for their father, Donald, in the New York primary next week.The deadline to register to vote in the Republican primary in New York was October 9, 2015. Both Eric and Ivanka missed the deadline to register. They had a long time [to] register and they were, you know, unaware of the rules, and they didn t, they didn t register in time, Trump stated during an interview on Fox News. So they feel very, very guilty. But it s fine, I mean, I understand that. I think they have to register a year in advance and they didn t. So Eric and Ivanka I guess won t be voting, Trump added. Via: Breitbart News",left-news,"Apr 11, 2016",0 +EPIC RESPONSE AFTER THE BOSTON GLOBE Runs Fake Cover Bashing Trump…THIS IS GREAT!,THE BOSTON GLOBE ran a Sunday edition with a fake cover slamming Donald Trump for his desire to secure our border with Mexico. It was kind of a look at how supposedly horrible life would be with a president who actually puts Americans first. Fake news is happening everywhere these days but it s a big deal when a major newspaper does it. This is yet another example of how the media is so desperate to hurt Trump.The great thing is that there s the new media that responded almost immediately with a cover of Obama. The different in this cover is that these horrible things are REALLY happening under Obama! Way to go! ,left-news,"Apr 11, 2016",0 +NAILS IT! This List Describes Perfectly The Damage The Democrats Have Done To America,This one meme tells you everything you need to know about the damage the Democrats have done to America: ,left-news,"Apr 10, 2016",0 +SHARIA COMPLIANT SWIMSUITS: As Spring Arrives In Europe…Oppressive Burkini’s Will Be All The Rage,"Make no mistake, the Muslim European invaders will not be satisfied until every woman in Europe is donning this head to ankle look on the beaches this summer. The radical Sharia Law adherents who have made the trek from some of the most radical Muslim countries in the world to the accepting shores of the EU are about to shake things up and it s going to be very ugly when that happens PARIS Burkinis aren t showing up at the beaches on either side of the English Channel yet, but the thought that the full head-to-ankle swimsuit might catch on among Muslim women in Europe has already sparked lively debates in Britain and France.The modest Muslim beachwear, which looks like a loose-fitting wetsuit with a hoodie, has been around for about a decade. It has also been banned elsewhere, especially in public swimming pools in Europe and at some Moroccan beach resorts popular with foreign tourists.But most non-Muslims in Europe are only finding out about it now because the popular British department store chain Marks & Spencer has just launched its own burkini line in Europe to appeal to a growing niche market for Islamic fashion, combining modern design with Muslim principles of modesty.The arrival of burkinis in mainstream department stores has once again highlighted the differences between the pragmatic British approach toward multiculturalism and France s determined efforts to fend off any challenges to its official policies of secularism.There are about 2.7 million Muslims in Britain, or 4.5 percent of the population, and 5 million, or 8 percent of the population, in France.Marks & Spencer has stores across Europe, Asia and in the Middle East, where it has been selling burkinis for several years. Its online shop promotes two styles in English, French, German, Spanish and Dutch.House of Fraser, a rival British department store group, has come out with its own line. Both chains call the swimsuit burkini, a linguistic mashup of burka and bikini, but neither mentions religion in its advertising.In the nation of shopkeepers, as Napoleon is said to have called Britain, the burkini s defenders present it as a product that meets consumer demand. We have sold this item for a number of years and it is popular with our customers internationally, a Marks & Spencer spokeswoman said.The conservative tabloid Daily Mail called it the ultimate proof Britain is truly multicultural and noted that labels such as H&M, DKNY, Mango and Uniqlo had recently launched Muslim-themed fashion collections.Some critics decried the swimsuit as sexist; one asked why women had to dress up like frogmen. But others defended the right of Muslim women to choose. If I want to buy a burkini from M&S, I bloody well will, journalist Remona Aly wrote in an op-ed for the liberal Guardian newspaper.Across the channel in France, where the government worries about any sign that its Muslim minority is not fully adapting to the French way of life, the issue quickly escalated into political polemics that presented the burkini as the first step toward women s oppression and Muslim radicalism.Women s Rights Minister Laurence Rossignol said: Sure, there are women who choose it, and there were American negroes who were for slavery. She quickly apologized for using the word negroes but stood by her message.Advertisement (1 of 1): 0:09 Prominent feminist Elisabeth Badinter called for a boycott of shops that promote Islamic fashions. She said the French have forgotten their founding principle of equality for all, independent of faith, ethnicity or gender, and hesitate to criticize Muslims who stress their minority group status. We shouldn t be afraid of being called Islamophobes, she argued. The French left has been too tolerant of Muslim communities that force their women to cover their hair and come up with novelties like the burkini, she said.Prime Minister Manuel Valls linked Muslim fashion to the strict Salafi movement, whose extreme fringe inspired the violent attacks in Paris last year, killing 147 people.At a conference on Monday, he said Muslim veils were not a fashion statement but an enslavement of women and declared that Salafism, which he described as a path to terrorism, might only represent 1 percent of French Muslims but was winning the ideological and cultural battle among them.Muslim community leaders complained that this tarred all Muslims with the terrorist brush, but their exasperated reactions got little coverage in the French media.Valls rarely speaks so bluntly about his concern that French society is being challenged by some of the country s Muslims who identify more as a discriminated religious minority than with the republic s universalist ideals of equality and secularism.Rooted in its 1789 revolution, these ideals have become France s civil religion, and they frame the stronger French reaction to Muslim issues from the more flexible treatment they get in Britain.The vigorous rejection of the burkini comes amid political tensions lingering from last year s bloody attacks.Only last week, President Fran ois Hollande had to abandon a tough law-and-order bill he and Valls suggested last November. The proposed law would have stripped French citizenship from terrorists who have a second passport, a small category of people who will be mostly Muslim immigrants.The conservative opposition and even important parts of his own Socialist Party rejected Hollande s plan.Air France touched this raw nerve recently when it advised stewardesses working on a newly reopened Paris-Tehran route that they would have to cover their hair and wear pants on arrival in Iran. Staff unions protested until the airline announced that only women who volunteer for the flights would be assigned to them. Via: St. Louis Today",left-news,"Apr 10, 2016",0 +COLLEGE PROFESSOR CAUGHT ON TAPE: You Can’t Have Peace If β€˜Whiteness’ Exists…Poor Whites Also Have β€˜Privilege”,"Close your eyes and imagine a white professor telling his students there will be no peace as long as blackness exists. Now picture that teacher in the unemployment line with about 100 cameras and reporters around him demanding he apologize for his blatant racism. Imagine how many hard working parents are scrimping and saving to send their children to college to be part of a captive audience in this racist s classroom. Parents better start speaking up and demanding these colleges and universities hold these radical, racist professors accountable for the things they are teaching our children. No one else is going to do it for us James Harrison, history professor at Portland Community College, said in a lecture Monday for the college s April Whiteness History Month that peace in the U.S. is impossible so long as whiteness still exists.In a talk entitled Imagine A World Without Whiteness, Harrison declared confidently conflict can only cease once the power structure of whiteness is totally eliminated. Imagine everyone living life in peace, Harrison said, building off John Lennon s famous song Imagine. And how do we get to that good world is the question a world without conflict. And to me, my interpretation of these words, is it would be a world, or U.S., without whiteness, in terms of the power structure, Harrison said, offering his own interpretation of Lennon s song. Can there be a world without whiteness, a world in which white privilege doesn t exist? Harrison asked his audience. My answer is yes, we can, because it s happened before, and it all revolves around individuals taking small steps to dismantle and demolish the whole concept. The effort is working. Harrison said whiteness is on the retreat, noting estimates indicate whites will no longer be a majority in the United States by 2040 or 2050.But do poor whites have white privilege? Harrison answered in the affirmative. Most whites, even poor whites, he said, don t recognize they have white privilege because it s invisible. It s like a club you belong to without asking to be part of it, Harrison said.Via: Daily Caller",left-news,"Apr 9, 2016",0 +COMMUNIST Students THREATEN β€œStudents For Trump” Event [VIDEO] How Much Longer Will Americans Allow Violent Left To Shut Down Free Speech?,"The breaking point is fast approaching in a divided America Obama couldn t have hoped for a better outcome in the final year of his failed presidency. Americans fighting Americans over race, religion and sexual orientation. Violence and threats are being used against anyone who disagrees with the Left, while Alinsky trained activists continue to be inspired by radicals like Obama and funded by radicals like Communist George Soros. The first meeting of Portland State University s Students for Trump group was loudly interrupted and shut down by anti-Trump protesters, who barged into the group s meeting on Thursday evening.A video released by the students shows Anti-Trump protesters causing a significant disruption at the meeting, which was a closed event for members of the club.Although the conversation was initially civil, it eventually progressed into name-calling and shouting. An Anti-Trump protester threatened a student that was filming the scene: Point that f**king camera at me Wait til that camera is not there do you want to get f**ked up by a f**king faggot? After a protester took to standing on top of a table to address the crowd, a pro-Trump student suggested that starting a Students Against Trump group would have been a more productive way to combat pro-Trump students at PSU. The only way to combat this shit is to join an organization that has an anti-racist, anti-capitalist stance, another protester claimed. You need to get out of the fucking way and let people of color let these people organize themselves. Despite the meeting being a closed event for the club, the protesters demanded the right to speak. When a few pro-Trump students tried to calm down a protester yelling from atop a table, another protester yelled, If you don t let her talk, I will f**k shit up. Although the disruption primarily led to shouting and name-calling, there were some productive discussions that happened amongst the chaos. One pro-Trump student explained that his own parents had gone through a lot to immigrate legally: My family are immigrants, they paid thousands and thousands of dollars, they waited years. I don t see why it s fair to let anyone we don t know who they are, they could be criminals, they could anything just waltz through the country with no repercussions. Although most listened respectfully as the student explained his support of Trump, one student responded that he was disappointed that a minority could support Trump: People of color Trump supporters make me so sad. Via: Breitbart News",left-news,"Apr 9, 2016",0 +MICHELLE OBAMA Slams America At Iranian Party: β€œWe’re Hearing So Much Disturbing And Hateful Rhetoric”,"So you have to listen to this little speech by Michelle Obama and understand that she s totally lying when she speaks about disturbing and hateful rhetoric . Americans are NOT blowing themselves up or cutting heads off. If anything, Americans have been so forgiving and fantastic in the face of Islamic terrorism. There s so much more to say but in a nutshell we re not the ones screaming Death to Iran! BUT Iranians are screaming DEATH TO AMERICA NUF SAID! Here s some propaganda from USA Today: ",left-news,"Apr 9, 2016",0 +CA DEMOCRATS HAVE SOLUTION TO MASSIVE Health Care Costs…Assisted Suicide,"When a state has legislated themselves into an unrecoverable financial crisis, and they re offering health care to 170,000 illegal immigrants the only solution is to find a way to start eliminating costs. While most people would turn to cutting unnecessary government programs, compassionate Californians instead, turn to finding ways to eliminate humans who are a drain on the system.The Democrats appear to have found a solution to the massive costs of caring for humans. If you re living outside of the womb (we already know you have no rights if you re living inside the womb in CA) and are a burden on society, you might want to consider packing your bags and making a quick exit out of Communist California Democrats in California might have found a solution for the burgeoning costs of Medi-Cal which still doesn t provide any palliative care and offers only one in every three a chance of getting cancer treatments. The solution they ve come up with is doctor-assisted suicide also known as euthanasia. That s right, they re going to end the lives of some people on the program.They are willing to put their money where their mouths are and Governor Moonbeam Brown, in addition to putting it in the budget, will allow this expansion to take place before the new proposed law even takes effect.It s hard to remember a case where they were this enthusiastic and worked this fast.The lethal drugs will cost $5400 per patient but it s a lot cheaper than keeping them alive and providing care.The proponents claim it has nothing to do with saving costs but they said it during the session called to address the ever-growing deficit in Medi-Cal.Enthusiastically, Governor Moonbeam put $2.3 million into the budget to off 443 Medi-Cal patients. The doctor of death only has to visit twice and only nine of the planned 443 targeted patients will be sent for mental health evaluations.The proponents want another quarter million to hire staff to help with the Euthanasia regulations and DHCS wants another $323,000 to set up a database.One of the original authors of the bill, Senator Bill Monning (D-Carmel), has proposed a toll-free number for the public to find out how to arrange suicide with the help of a doctor.No effort will be too small to get this sure-fire deficit buster going. Liberals love this sort of thing.Leftist Robert Reich on assisted suicide:Dr. Kevorkian once went to jail for this.California just extended Medi-Cal to 170,000 illegal immigrant children and they want to extend it to all illegal immigrants. They will have to end a lot of lives to cover the costs. Liberals don t worry about costs until after the program is implemented. Now that Daddy Government is in charge of your healthcare, he s also in charge of your death. Weasel Zippers Via: Independent Sentinel ",left-news,"Apr 9, 2016",0 +WOW! NAVY SEAL BLASTS HILLARY: β€œYou Are An Ignorant Liar” [VIDEO],"This is a MUST WATCH!According to American News, Raso began by calling Clinton out for a lie she told an audience in order to make herself appear as courageous as American soldiers. Of course, he was referring to the lie Clinton told about dodging enemy fire in Bosnia. I remember landing under sniper fire, Clinton once said. There was supposed to be some kind of a greeting ceremony at the airport but instead we just ran with our heads down to get into the vehicle to get to our base. It was a moment of great pride for me. Raso pointed out that video footage proves Clinton was greeted warmly with handshakes that day. She tried to blame her lie on a mistake, calling it a misstatement. In my 12-year military career, I never heard an excuse like that from my leadership, Raso told reporters. It s impossible to even imagine that happening. Only someone completely arrogant, ignorant and disrespectful of what happens in war could say something like that, he concluded. Hillary was willing to lie in order to take advantage of that feeling of gratitude and awe Americans have for those who serve. Via: Conservative Post",left-news,"Apr 9, 2016",0 +"MY POPE JUST INVITED A RADICAL, Pro-Abortion Socialist Named Bernie To The Vatican…Should Conservative Catholics Be Outraged?","Funny I seem to remember being taught as a young Catholic girl that charity begins at home .Pope Francis invited Democratic presidential candidate Sen. Bernie Sanders to the Vatican April 15 just ahead of the April 19 make or break New York primary.Sanders has been invited by the pontiff to a conference hosted by the Pontifical Academy of Social Sciences. The conference will be dealing with social, economic, and environmental issues. Sanders announced the Vatican visit on MSNBC s Morning Joe. Sanders made clear he has some differences with the pope but liked that he is injecting a moral consequence into the economy. Sanders, who is Jewish, is married to Catholic Jane O Meara Sanders. When announcing the news, Sanders said he, was very moved by the invitation, which just was made public today. The senator went on to jokingly say that, you know, people say Bernie Sanders is radical read what the pope is writing. Via: Daily Caller Meanwhile back in Pope Frances home country of Argentina, economic crises besiege them with the regularity of earthquakes over a tectonic plate. These crises can be devastating, wiping out family savings, employment and life plans. It seems we re always recovering from or preparing for some sort of economic shock. Sometimes, our survival strategies can even contribute to the subsequent crisis.Last month Argentine voters very narrowly opted for a political sea change, voting out the Peronist faction led by Cristina Fernandez de Kirchner (she and her deceased husband governed the country for the last 12 years) and electing the conservative mayor of Buenos Aires, Mauricio Macri, to replace her.The business-friendly president-elect ran in opposition to a government that has been highly divisive, defined by extensive social spending and statist economic policies that antagonized large business interests and foreign investors. Kirchner leaves office with a high approval rating of about 50 percent, thanks to popular policies such as a per-child conditional cash transfer policy for poor families and a focus on human rights, such as gay marriage. But the economy is stagnant, annual inflation is around 25 percent, and the fiscal deficit could amount to an alarming 6 percent of the country s GDP this year.President-elect Macri has promised to shock the highly regulated economy into market-based reality. One element of his approach will be the elimination of strict currency controls put in place to prevent capital flight. The cost could be a devaluation of up to 60 percent. Economists, like gym gurus, always seem to argue that a bright future can only be attained with short-term pain.The government s official exchange rate allows you to buy a dollar for about 9.6 pesos. But since 2011, access to dollars has been highly limited in an attempt to keep people and companies from taking money out of the country.U.S. dollars, with the enduring value they represent, are the holy financial grail. From small wads stuffed under a mattress to a security box filled with piles of cash, dollars are the gold standard for Argentines. Dollars are perceived as the objective measure of value to the point where property, perceived to have enduring value of its own, is priced in dollars.Via: Huffington Post",left-news,"Apr 8, 2016",0 +HOLY MUSLIM INDOCTRINATION! Sesame Street Introduces Hijab Wearing Muppet,"Where s The Muppet Dressed As A Nun?Oh wait that would probably be offensive to non-Christians Sesame Street unveiled a fresh face Thursday: a hijab-wearing Afghani Muppet named Zari who will teach kids about girl empowerment, social and emotional wellbeing. Zari will first appear in season five of Baghch-e-Simsim, which is the Afghan version of Sesame Street.The popular children show s Twitter account was abuzz with Zari content Thursday.Introducing Zari! Our new friend in Afghanistan, joining #BaghcheSimSim for #Season5! She's a very special girl! pic.twitter.com/ggI0qpPR78 Sesame Workshop (@SesameWorkshop) April 7, 2016Via: Breitbart News",left-news,"Apr 8, 2016",0 +CHARLES BARKLEY Says Anyone Who Criticizes Obama Is A Racist…Gay Rights More Important Than Religious Freedom In America [VIDEO],"On March 20, 2016 Barkley had this to say about Obama: Listen, you people in America who are upset that President Obama did a [March Madness NCAA Basketball] bracket why don t ya ll just go say you don t like him because he s black. He continued, Cut through all the BS don t say he take too many vacations just say, We don t like him because he s black.' Via: TMZLess than a month ago, Charles Barkley said anyone who disagrees with Obama does so because they are discriminating against him because he is black. And now, according to the all-knowing former NBA star, anyone who believes the religious rights of business owners should be protected is discriminating against gays. What about white Christians Charles? Are they entitled to any protections, or do you have to fall into some sort of minority category in order to have any rights or protections in the new progressive America? Charles Barkley wants to move All-Star game due to 'Anti-LGBT' lawhttps://t.co/P0hK7FpJFo FOX & friends (@foxandfriends) April 8, 2016Retired professional basketball player and NBA analyst Charles Barkley has been bringing politics into this year s March Madness tournament left and right.His latest comments center around Indiana s Religious Freedom Act, the left s latest punching bag. Discrimination in any form is unacceptable to me, Barkley said Friday in a statement released through his agent to USA Today. As long as anti-gay legislation exists in any state, I strongly believe big events such as the Final Four and Super Bowl should not be held in those states cities. The Religous Freedom Act prevents Indiana state and local governments from substantially burdening a person s ability to exercise their religion unless the government can show that it has a compelling interest and that the action is the least-restrictive means of achieving it, according to the Indianapolis Star.The legislation, which will take effect July 1, makes no specific mention of sexual orientation, but it was quickly dubbed anti-gay by opponents.Barkley also turned the popular basketball tournament political when he made comments about President Obama s March Madness bracket. He said that people were criticizing Obama for filling out a bracket because he s black. Via: Red Alert Politics ",left-news,"Apr 8, 2016",0 +WATTERS’ WORLD: What Word Offends Princeton β€˜Snowflakes’ [Video],Jesse Waters goes out to try and find out what words are offensive to Princeton students: ,left-news,"Apr 8, 2016",0 +NEW YORK GOV CUOMO Thinks He’s The Boss of You: Bans Travel To Mississippi!,"NY Gov. Andrew Cuomo (D) thinks he s the boss of you! He banned all non-essential travel to Mississippi after the state passed a religious liberty bill that he called a hateful injustice against the LGBT community. Can you believe this guy? The bill, known as House Bill 1523 or the Protecting Freedom of Conscience from Government Discrimination Act, was signed into law by Mississippi Gov. Phil Bryant (R) Tuesday and will go into effect July 1.The legislation guards against the discrimination of individuals, religious organizations and certain businesses who have sincerely held religious beliefs or moral convictions that marriage should be recognized as the union of one man and one woman. Under the law, religious leaders can decline to solemnize any marriage or provide wedding-related services based on religious or moral objections. In addition, Mississippians can decided whether or not to hire, terminate or discipline an individual whose conduct or religious beliefs are inconsistent with their own ideals.After the passage of the new law, Cuomo issued an order Tuesday that requires all New York State agencies, departments, boards and commissions to immediately review all requests for state funded or state sponsored travel to Mississippi.Last month, Cuomo did the same thing for travel to North Carolina.Read more: The Blaze ",left-news,"Apr 7, 2016",0 +BLACK LIVES MATTER TERRORIST: Asks β€˜Allah’ To Help Her Not β€˜Kill Men And White Folks’,"Is anyone else out there sick of the racist hate speech coming from Black Lives Matter? Here s yet another example of hate speech towards whites. Canadian Black Lives Matter terrorist Yusra Khogali is in hot water over a Tweet she posted asking Allah to stop her from having to kill white people Plz Allah give me strength to not cuss/kill these men and white folks out here today. Plz plz plz, Khogali tweeted on Feb. 9.News of the controversial Tweet went international earlier in the week after @Newstalk1010 host Jerry Agar began Tweeting about the racist cyber screed.Khogali has since placed her Twitter account under protected status and has refused to comment on the controversial Tweet.Read more: Breitbart",left-news,"Apr 7, 2016",0 +WOW! PRINCETON PROFESSOR DEMONSTRATES How Easily Voter Fraud Is Committed On Electronic Voter Machines [VIDEO],A Princeton professor gives viewers of FOX News a shocking demonstration that proves how easily voter fraud is committed with electronic voter machines.Watch here:,left-news,"Apr 7, 2016",0 +WHY IS THE MEDIA SILENT As Hillary Cackles About Her Key Role In Muslim Invasion Of Europe? [VIDEO],"Whenever Hillary cackles, you can be pretty sure she s either hiding something or she s deflecting from a topic she refuses to address. The trail of destruction she left behind in Libya while acting as our incompetent Sec. of State, including the deaths of four brave Americans in Benghazi, should be enough to disqualify her for a janitorial position at the Pentagon. Yet today, we find our corrupt media pushing for Hillary to become our next President of the United States. The undeniable connection between Hillary s incompetence in Libya and the current Muslim migrant crisis is explained below. You probably know that the European Union has clamped down finally on the arrivals of migrants in Greece (from Turkey) with their latest scheme to return those who have no legitimate claim to asylum back to Turkey.So it is no surprise that smugglers are finding a new (old!) route. It is not really new because ever since the Obama Administration launched its foolish attack on Libya (with its equally foolish European partners), Libya has been a launch pad for invasion, albeit the flow from there slowed during the winter months as the invasion of Europe by mostly Muslim migrants was directed at the Turkey/Greece route.And, in this hot US Election 2016 season why is there no mention of the fact that Hillary (and her girls) are to blame for the hellhole Libya has become?At least strongman Libyan leader Col.Muammar Gaddafi was able to keep the invasion of Europe from launching from Libya! Now it is a crime-ridden hellhole where smugglers ply their trade with impunity.Here is Hillary cackling about the death of Col. Mummer Gaddafi:https://youtu.be/yn6yktWU5qAHere is what UKIP s Nigel Farage said last year:Libya was actively working with Italy to prevent illegal aliens from trying to cross the Mediterranean on boats. Then the US and Britain armed and provided air support to Sunni Jihadists to topple Gaddafi. Now, people from all over Africa are packing into small boats and trying to illegally enter Europe.USA Today tells us how the Turkey to Greece smugglers are turning their attention again to Libya. Refugees will not sit idle in Turkey they say:Abu Hassan, the administrator of a Facebook page dedicated to smuggling, said that s already happening. People are now traveling from Turkey to Libya by air and then to Italy by sea in a more expensive and more dangerous journey, he said.Of course the government of Turkey is complicit too, surely they must know that refugees are hopping planes to Libya in increasing numbers!Every photo of invaders of Europe from Libya should be juxtaposed with this video of Hillary cackling after her plans killed Gadaffi! (Watch Huma hand her a phone in front of the cameras).Via: Refugee Resettlement Watch",left-news,"Apr 7, 2016",0 +"OBAMA’S EPA GESTAPO TO SKIP Hearing On CO Mine, Toxic Sludge Disaster…Will Attend UN CLIMATE CHANGE Meeting With Obama Instead","Priorities priorities Arizona Sen. John McCain wants a subpoena issued immediately for the head of the Environmental Protection Agency to attend a hearing in his home state on the Colorado mine disaster the agency caused last year.The August disaster caused an uncontrolled rupture of an abandoned gold mine that caused 3 million gallons of toxic sludge to spill into the Animas River, which sullied the waterways of three states. It s my understanding that the EPA has decided not to send a representative to this field hearing, the Arizona Republican said Wednesday, requesting that the chairman of the Senate Indian Affairs Committee issue a subpoena. EPA s response is unacceptable. It s a violation of our obligation to protect the interests of Native Americans and their tribes and EPA must be present at this hearing. I respectfully request that the committee issue a subpoena for EPA Administrator Gina McCarthy to appear at the field hearing. The hearing will be held on Earth Day, April 22, which is a big day for the EPA. McCarthy is expected to be part of President Obama s delegation to New York for a climate change meeting at the United Nations. Obama plans to sign a deal he agreed to in Paris to cut greenhouse gas emissions with nearly 200 other countries to fight global warming.The field hearing will be held in Phoenix at the request of American Indian tribes affected by the toxic spill that crossed through Navajo land.The EPA said it would send testimony from a high-ranking agency official in lieu of an actual official attending.Via: Washington Examiner ",left-news,"Apr 7, 2016",1 +SHAMEFUL! AIR FORCE VETERAN Ousted From Colleague’s Retirement Ceremony For Reading Dedication To U.S. Flag?! [VIDEO],"OBAMA S AMERICA: Why do you think people are leaving (the Air Force) in droves? What began as a dignified affair quickly turned into an embarrassing scene after a retired Air Force official was forcibly ejected from his colleague s retiree ceremony.The event was being held at Travis Air Force Base in California for Master Sergeant Chuck Roberson of the 749th Aircraft Maintenance Squadron.But the service was interrupted when Retired Senior Master Sgt. Oscar Rodriguez was forcibly ejected from the stage as he began to read out a statement honoring the American Flag to the audience.However, the recital was not a part of the usual procedure at retirement ceremonies and Rodriguez was told to stop.A video that captured the incident shows two men in camouflage uniform approach Rodriguez and say something quietly, but he appears not to respond.As the two men push him off stage, he continues to shout out the words, he is eventually pushed out of the room, but his shouts can still be heard in the distance.An investigation has since been launched into the disturbance, an Air Force Reserve official told Fox News Wednesday.An official said in a statement: Rodriguez ignored numerous requests to respect the Air Force prescribed ceremony and unfortunately was forcibly removed. We will continue to investigate the situation fully. But John Huffington, who said he is a friend of the man whose retirement ceremony was taking place, posted the video on his Facebook with the comment: This is disturbing at my friend s retirement today and the gentlemen that you are going to see in the video gets assaulted as a guest of my friend. He speaks the words of the color and strips [sic] as they fold the flag. The squadron commander and Oscar have issues from years ago the commander said he did not want him in the building nor saying the words to the flag. Remember he is my friend s guest. So instead of letting him finish what he started saying he had his trolls assault him dragging him out of the building as you can here [sic] him still saying the words to the flag. And you can here joe saying do it do it. Theater is full of family and guests and fellow Air Force members. This could have been handled in a much better way instead of tainting my friend s retirement. This is how we treat our fellow Air Force veterans. Yes I m pissed off. And Stephen Sila, who identified himself as the officiating officer at the ceremony posted a long explainer on the Facebook page of John Q Public, an army blog where the story first appeared. Sila said that Rodriguez had been invited to speak at the ceremony and had planned to read a statement honoring the flag and that his appearance had been cleared through the proper avenues.But non squadron CC apparently had an issue with Rodriguez attending, apparently stemming from a personal issue at a previous squadron between the squadron CC and Mr Rodriguez, claimed Sila.He added: Why do you think people are leaving (the Air Force) in droves? Because the guys in the trenches are subjected to nonstop stupidity from commanders who don t deserve the rank, respect, or support of the people they re in charge of. But the Air Force Reserve said in the statement it respects and defends the right to free speech and religious expression. Via: Daily Mail ",left-news,"Apr 6, 2016",0 +#AnyoneButHillary: NEW POLL Shows Bernie Supporters WON’T Vote For Hillary…Who They’ll Vote For If Hillary’s The Nominee May Surprise You,"Hillary may find out she needs more than black women drag her lying criminal ass over the finish line Actress and Bernie Sanders supporter Susan Sarandon recently received shock and criticism for suggesting she may not vote for Hillary Clinton in the general election. She s not alone. According to a recent McClatchy-Marist Poll conducted on March 29-31, 25 percent of Sanders supporters would not support her, while 69 percent would. Sanders voters are even more committed to him and perhaps against Clinton, McClatchy DC suggested that after Sanders s Tuesday win in Wisconsin.While voters under 45 are among the most likely to eventually support Hillary, they could play a role in her possibly losing to the Republican nominee. Even if they don t vote for a Republican, staying home could cause Hillary to come up short.Lee Miringoff, director of the Marist Institute for Public Opinion, called the possibility potentially worrisome for Hillary. Age seems to be the most significant factor, he noted.Professor Carlos L. Yordan of Drew University made a similar point recently, noting the particular importance of young people in swing states. Hillary might also risk a loss if she faces off against Ted Cruz in November, as a recent Fox News poll found he s preferred by millennials.Via: Red Alert Politics ",left-news,"Apr 6, 2016",0 +SARAH PALIN ASKS AZEALIA BANKS To Join Her To Fight Racism After Rapper Says Palin Should Be β€œGang Raped”…Azealia’s Response Is Pure Hatred," Trump and Palin etc, represent the contempt that whitey shares for this intangible, uncontrollable new black mind that s been steeping for a while now. Azealia Banks penned another expletive-filled note Wednesday attacking Sarah Palin, crackers, and whitey just hours after the former Alaska governor vowed to sue the rapper for an earlier graphic outburst against her. Despite their best efforts to conceal the contempt and envy that the cracker has for Blacks and other people of color they just can t hide it and it s seeping from the seams of their being, Banks wrote in a Tumblr post Wednesday (emphasis hers).On Monday, the 24-year-old rapper issued a series of since-deleted tweets that suggested Palin should be gang-raped and forced to perform oral sex on a group of black men, and that the incident should be filmed and uploaded to the website WorldStarHipHop. Sarah Palin needs to have her hair shaved off to a buzz cut, get headf ked by a big veiny, ashy, black d k then be locked in a cupboard, Banks wrote in a tweet that was later deleted but screen-shotted by Media Research Center. Honestly Let s find the biggest burliest blackest n es and let them run a train on her. Film it and put it on worldstar, she wrote in another since-deleted message.On Tuesday, Palin vowed to sue the rapper over the comments, telling People magazine that Banks engages in a form of racism and hate that is celebrated by some in the perverted arm of pop culture, but is condemned by those who know it s tearing our country apart. On your behalf, I think this time I don t just sit back and swallow it, but put the fear of God in her by holding her accountable, Palin said. As many of you have for years implored me to do, I m finally going to sue. But the threat of a lawsuit has seemingly not deterred Banks, who wrote Wednesday that white people are running out of mental mind-f*ck tricks. Banks wrote (emphasis hers): i m 100% positive that the police killings, cultural appropriation, Trump and Palin etc. represent the contempt that whitey shares for this intangible, uncontrollable new black mind that s been steeping for a while now. The mind born of very intelligent and real conversations/confrontations around American Racism. And the detachment of the Black mind from the mirage of a subpar existence and self-perceptions that crackers created for us long ago. They feel exposed and out of control for once. And our big black ideas and expression are threatening to further expose them, so they ll try to trivialize and minimize our blackness by stereotyping us. Blackness is frustrating crackers nowadays because it s threatening their sense of security and being, she added. We longer care about what they think, so it s hard to control us. F*ck whitey, the rapper concluded the post.The note came after Banks continued to tweet about her spat with Palin late Tuesday into Wednesday morning, with the rapper suggesting that the former GOP vice presidential nominee was performing sexual favors for current GOP presidential frontrunner Donald Trump:Banks and Palin exchanged open letters on Tuesday, with Palin calling for the rapper to join her to work together on something worthwhile like condemning racism, along with empowering young women to defend themselves against a most misogynist, degrading, devastating assault perpetrated by evil men rape. Banks apologized to Palin in her own letter, opening by apologizing for any emotional distress or reputational scarring I may have caused you. In my honest defense, i was completely kidding, the Harlem-born Slay-Z rapper wrote. I happen to have a really crass, New-York-City sense of humor, and regularly make silly jokes in attempts make light of situations which make me uncomfortable. As the fabric of the American Nation is EMBEDDED with racism, I merely made a raCIALly driven joke to counter what i believed to be real, raCIST rhetoric [sic]. Via: Breitbart News",left-news,"Apr 6, 2016",0 +"WHEN HUMA MET HILLARY: β€œOh my God, she’s so beautiful and she’s so little!”","Apparently Hillary s secret emails may contain information about a special relationship between Huma and Hillary. Clinton insiders continue to come forward with allegations of Hillary s affairs with women during her marriage to Bill. Why is it be a big deal for any of the men running for President to have an affair, but a non-issue when it comes to Hillary? Why does Hillary get a pass on her alleged affair/s? The top aide to Hillary Clinton says meeting Clinton was amazing, and that she remembers thinking about the now-Democrat presidential candidate, Oh my God, she s so beautiful and she s so little! You know these things that happen in your life that just stick? Huma Abedin said in a Call Your Girlfriend podcast interview. She walked by and she shook my hand and our eyes connected and I just remember having this moment where I thought, Wow. Call Your Girlfriend describes itself as a podcast for long-distance besties everywhere. The podcast is hosted by Ann Friedman, a freelance journalist and New York magazine columnist, and Aminatou Sow, a digital strategist who was named one of Forbes 30 under 30 in tech fields. The hosts said Abedin the vice chair of Clinton s presidential campaign was among the top 10 people they were hoping to interview for their podcast. You re a big deal to young ladies, Sow complimented Abedin at the start of the interview.Abedin said she prefers to have a role that is behind the scenes. I really work as part of a village, as my boss coined the phrase, she added. It does take a village to support Hillary Clinton. I am part of that village. Asked about the first time she met Clinton, Abedin said in the fall of 1996 when she was 21 she was working in the former First Lady s office as an intern for her then-chief-of-staff Melanne Verveer. Clinton, she said, was very good about meeting all the interns in her office. But Abedin said it was in Little Rock after Bill Clinton was re-elected president that Hillary Clinton shook my hand and our eyes connected and I just remember having this moment where I thought wow, this is amazing. And I just it just inspired me. You know, I still remember the look on her face, she continued. And it s funny, and she would probably be so annoyed that I say this, but I remember thinking, Oh my God, she s so beautiful and she s so little! Via: Breitbart News ",left-news,"Apr 6, 2016",0 +COPS KILLED BY GUNS UP 150%…HILLARY PANDERS To Black Voters: β€œWe Have To Retrain Our Police Officers”,"The number of law enforcement officials killed by gunfire is up 150% this year. In an effort to pander for the black vote, Hillary says she would like our police officers to be retrained. She ignores the fact that so many families of law enforcement officers have lost a father or mother, husband or wife to criminals. Hillary would like to instead, ensure the gangbangers who are likely using guns they obtained illegally are protected from our law enforcement. Hillary Clinton spent her Sunday in New York campaigning in front of black congregations during which she continued to reiterate her support for retraining police officers.Clinton has made police reform a recurring theme in her bid for the Democratic nomination. She was endorsed Sunday by Nicole Bell, wife of Sean Bell, a man who was killed by the NYPD in 2005. No officers were found guilty of any wrongdoing in the incident. Today, I was endorsed by this beautiful young woman, Nicole Bell, whose fianc was killed by the police right before she was to be married. When I was a Senator, I tried to help. I tried to stand up about what had happened, the former secretary of state said at the Brown Memorial Baptist Church in Clinton Hill, NY.Clinton added, today she wrote an editorial in The Daily News endorsing me and she said we have three common goals, she and I together, we have to end the epidemic of gun violence. Bell didn t write an op-ed Sunday, but in an interview with The New York Daily News she said, [Hillary s] against racial profiling. And she wants to make investments to improve training for police officers. Those issues hit home for me and my family. Hillary repeated these comments almost verbatim at her church visit saying, We have to end racial profiling and we have to retrain our police officers so they can do a job that doesn t require reaching for their gun when it is absolutely unnecessary. HERE S THE LIST OF Police Officers Killed By Gunfire in 2016 (so far):Police Officer Thomas W. Cottrell, Jr. Danville Police Department, OH EOW: Sunday, January 17, 2016 Cause of Death: GunfireUnified Police Department of Greater Salt Lake, Utah Police Officer Douglas Scott Barney, II. Unified Police Department of Greater Salt Lake, UT EOW: Sunday, January 17, 2016 Cause of Death: GunfireSeaside Police Department, Oregon Sergeant Jason Goodding Seaside Police Department, OR EOW: Friday, February 5, 2016 Cause of Death: GunfireMesa County Sheriff s Office, Colorado Deputy Sheriff Derek Geer Mesa County Sheriff s Office, CO EOW: Wednesday, February 10, 2016 Cause of Death: GunfireHarford County Sheriff s Office, Maryland Senior Deputy Mark Logsdon Harford County Sheriff s Office, MD EOW: Wednesday, February 10, 2016 Cause of Death: GunfireHarford County Sheriff s Office, Maryland Senior Deputy Patrick Dailey Harford County Sheriff s Office, MD EOW: Wednesday, February 10, 2016 Cause of Death: GunfireRiverdale Police Department, Georgia Major Gregory E. Barney Riverdale Police Department, GA EOW: Thursday, February 11, 2016 Cause of Death: GunfireFargo Police Department, North Dakota Police Officer Jason Moszer Fargo Police Department, ND EOW: Thursday, February 11, 2016 Cause of Death: GunfireMississippi Department of Public Safety Bureau of Narcotics, Mississippi Special Agent Lee Tartt Mississippi Department of Public Safety Bureau of Narcotics, MS EOW: Saturday, February 20, 2016 Cause of Death: GunfirePark County Sheriff s Office, Colorado Corporal Nate Carrigan Park County Sheriff s Office, CO EOW: Wednesday, February 24, 2016 Cause of Death: GunfirePrince William County Police Department, Virginia Officer Ashley Marie Guindon Prince William County Police Department, VA EOW: Saturday, February 27, 2016 Cause of Death: GunfireEuless Police Department, Texas Police Officer David Stefan Hofer Euless Police Department, TX EOW: Tuesday, March 1, 2016 Cause of Death: GunfirePrince George s County Police Department, Maryland Police Officer I Jacai D. Colson Prince George s County Police Department, MD EOW: Sunday, March 13, 2016 Cause of Death: Gunfire (Accidental)Greenville Police Department, South Carolina Police Officer III Allen Lee Jacobs Greenville Police Department, SC EOW: Friday, March 18, 2016 Cause of Death: GunfireHoward County Sheriff s Office, Indiana Deputy Sheriff Carl A. Koontz Howard County Sheriff s Office, IN EOW: Sunday, March 20, 2016 Cause of Death: GunfireVirginia State Police, VirginiaTrooper Chad Phillip Dermyer Virginia State Police, VA EOW: Thursday, March 31, 2016 Cause of Death: GunfireCanton Police Department, Ohio K9 Jethro Canton Police Department, OH EOW: Sunday, January 10, 2016 Cause of Death: GunfireNorfolk Police Department, Virginia K9 Krijger Norfolk Police Department, VA EOW: Monday, January 11, 2016 Cause of Death: GunfireSmith County Constable s Office Precinct 5, Texas K9 Ogar Smith County Constable s Office Precinct 5, TX EOW: Tuesday, January 19, 2016 Cause of Death: GunfireOmaha Police Department, Nebraska K9 Kobus Omaha Police Department, NE EOW: Saturday, January 23, 2016 Cause of Death: GunfireLas Vegas Metropolitan Police Department, NevadaK9 Nicky Las Vegas Metropolitan Police Department, NV EOW: Thursday, March 31, 2016 Cause of Death: Gunfire (Accidental)Regarding racial profiling, her website says she d support legislation to end racial profiling. There are no details as to what that legislation would include. She has in the past supported former attorney general Eric Holder s police reform efforts.Via: Daily Caller ",left-news,"Apr 6, 2016",0 +GAP APOLOGIZES For β€œOffensive Image” After Blacktivists Use Social Media To Attack Ad…But Here’s DIRTY SECRET Race Agitators Aren’t Sharing,"This social media campaign against the GAP is a great example of how the Black Lives agitators are using resources like Twitter to intimidate and threaten individuals, colleges and even large corporations like GAP. You can t blame these blacktivists for using white guilt as a weapon to game the system, as a means to gain an advantage over everyone else (Hispanics and Asians included). The real question is, when is someone going to be brave enough to stand up and say enough of this manufactured hate! The ad for Gap s latest collaboration with Ellen DeGeneres is awash with pleasing blue hues, from the kid models navy outfits to the talk show host s denim jacket.But the shades that really caught people s attention were on the children s skin. The commercial s stars were three white girls and a black girl.https://youtu.be/gdxXBqdfWMEThat, in itself, wasn t a problem. In the days following the campaign s launch last week, what drew ire from commentators online was the seeming passivity of the African American girl. While the other girls eagerly fielded DeGeneres s questions about their troupe Le Petite Cirque, she sat silent. While the white girls were highlighted performing solo acrobatic tricks, she seemed to appear only in reference to the others balancing on someone s knees or with her arm wrapped around someone s waist.At least, this was the interpretation of those who were angered by the ad. And they were angered, most of all, by a photograph that showed the white girls standing in all manner of complex poses while the black girl s arms dangled idly at her sides, her head a cushion upon which another white girl rested an elbow.This imagery sparked the usual chain of reactions online. Those who were offended minced no words in expressing their outrage, and they were promptly reprimanded by those who thought they were overreacting.So @Gap decides to use the only Black girl in this campaign as a prop ..we see you! pic.twitter.com/widB8Axk5U ArtsySneakerGirl (@BamaIntrovert) April 3, 2016That ad certainly isn't suggesting that *black* girls ""can do anything,"" @GapKids. It's incredibly distasteful to your black consumer base. stacia l. brown (@slb79) April 3, 2016Many critics zeroed in on the caption Gap had used to introduce the campaign: Meet the kids who are proving that girls can do anything. The Root s Kirsten West Savali articulated the essence of the distress: While all of the girls are adorable, and indeed, all of them should grow up to be and do anything, it becomes problematic when the black child is positioned to be a white child s prop. What race agitators at The Root neglected to mention is that the white girl and the black girl whose head her arm resting upon are actually SISTERS! @TheRoot girl with arm resting on her shoulder is her sister She didn't talk in video because she was 2 shy. everyone needs to calm down. Brooke Smith (@Iam_BrookeSmith) April 3, 2016They also neglected to post the photo from the GAP s ad campaign from last year:The company apologized Tuesday. As a brand with a proud 46 year history of championing diversity and inclusivity, we appreciate the conversation that has taken place and are sorry to anyone we ve offended, Gap spokeswoman Debbie Felix said in a statement to Fortune.The offensive image will be removed, but the campaign will move forward, the company said. Via: Washington Post ",left-news,"Apr 6, 2016",0 +WITCH HUNT: COMMUNIST CALIFORNIA Raids Home Of Man Behind Planned Parenthood Baby Parts Videos,"Make no mistake about it, we are seeing tactics used by communist countries to shut down views that are contrary to those in positions of power in our government. SACRAMENTO, Calif. (AP) An anti-abortion activist who made undercover videos at Planned Parenthood clinics said in a social media posting that California Department of Justice agents raided his homeTuesday.Agents seized all video footage from his apartment, along with his personal information, David Daleiden said in a Facebook post. Daleiden, the founder of a group called the Center for Medical Progress, said agents left behind documents that he contends implicate Planned Parenthood in illegal behavior related to the handling of fetal tissue.Center for Medical Progress spokesman Peter Robbio confirmed the social media posting is authentic, but he declined further comment. He said Daleiden lives in Orange County.Rachele Huennekens, a spokeswoman for state Attorney General Kamala Harris, said in an email that she can t comment on any ongoing investigation.Harris said in July that she planned to review the undercover videos to see if center violated any state charity registration or reporting requirements. She said that could include whether Daleiden and a colleague impersonated representatives of a fake biomedical company or filmed the videos without Planned Parenthood s consent.Harris, a Democrat, is running for the U.S. Senate. Daleiden suggested in the social media posting that the raid was politically motivated because Harris has accepted campaign contributions from Planned Parenthood.Ms. Harris s support for Planned Parenthood is no secret: On Wednesday, she criticized an amendment to the federal highway bill submitted by Sen. Rand Paul, Kentucky Republican, to defund Planned Parenthood, which receives roughly $500 million annually in federal grants and reimbursements. The notion that some in DC want to hold CA highway funding hostage in order to defund Planned Parenthood is deeply troubling, said Ms. Harris on Twitter, as cited on the conservative website Twitchy.In a second email, Ms. Harris said, @PPFA serves more than 2 mil women a year, providing critical health care like cancer screenings, preventative care and birth control. That this cynical attempt to block women s access to health care is even being considered is yet another example of DC s dysfunction, Ms. Harris concluded. Washington TimesHer investigation prompted critics on social media to accuse her of shooting the messenger rather than attempting to determine whether Planned Parenthood has violated California law.Daleiden faces related charges in Texas. One of his Texas attorneys, Terry Yates, did not return telephone and email messages Tuesday.Texas authorities initially began a grand jury investigation of Planned Parenthood after the undercover videos were released in August.But the grand jury cleared Planned Parenthood of misusing fetal tissue and indicted Daleiden and a colleague, Sandra Merritt, in January on charges including using fake driver s licenses to get into a Houston clinic.Daleiden previously said his group followed the law in making the videos. His post Tuesday called the raid an attack on citizen journalism and said he will pursue all remedies to vindicate our First Amendment rights. Via: Sacramento CBS",left-news,"Apr 6, 2016",0 +WOW! VIDEO SURFACES OF BERNIE SANDERS Praising Communism And Bread Lines [Video],Please share this everywhere! Especially to anyone considering voting for this nut job! ,left-news,"Apr 5, 2016",0 +THIS ONE PICTURE Tells You Everything You Need To Know About The Muslim Refugee Invasion,"There is a particular photo of a little refugee boy lying dead on the beach that went viral last year.It is true that the photo is very sad and makes you reflect on the distress of people fleeing their country at the risk of their lives.The above photo shows people walking to reach their final objective, life in a European country. Even if this photo were to make it around the world, only 1% of the people would notice the truth.In the photo, there are seven men and one woman. This should tell you everything you need to know about who is really being left behind to face unimaginable persecution by radical Muslim terrorists.Look a bit closer, and you ll notice that the woman has bare feet. She is accompanied by three children, and of the three, she is carrying two. Notice that none of the men are helping her. Why? Because in their culture the woman represents nothing. She is only good enough to be a slave to the men. Do you really believe that these men could integrate in our society and respect our customs and traditions?Now you know why this picture is worth 1,000 words.-100% FED Up! ",left-news,"Apr 4, 2016",0 +WATCH: BLACK LIVES MATTER Bernie Sanders Supporters SPIT On U.S. Flag In Front Of Vets At Trump Rally,"The new Democrat party Godless Socialists, racists, illegal aliens and anti-Americans. Is it any wonder they re flocking to Bernie like flies to sh*t?A peaceful protest at Donald Trump s Sunday rally in West Allis, Wisconsin featured several Black Lives Matter supporters standing on the American flag.In the videos obtained by InfoWars protesters stated that the red, white and blue this shit is the new swastika. Via: Daily Callerh/t Weasel Zippers",left-news,"Apr 4, 2016",0 +WOW! FORMER LIBERAL AND BLACK PANTHER Exposes Phony β€œBlack Lies Matter” [VIDEO],"Ginni Thomas is one of the most hard-working and patriotic women in America. As a contributor to the Daily Caller she has interviewed a number of interesting, and many times controversial guests. Her interview with former Black Panther Clarence Mason Weaver is one of her most powerful and thought provoking interviews to date. You ll want to watch every minute of it. Clarence Mason Weaver was once so filled with hatred towards white people in America, that he broke up with a girlfriend who had a white dog, the now-conservative told The Daily Caller New Foundation in this exclusive video interview.A formerly hate-filled, Berkeley Black Panther liberal, Weaver is a black conservative who now holds strong views on Black Lives Matter, the first black president and how America can heal its racial divide.From humble beginnings, Weaver served his country in Vietnam working as a pipe fitter in the Navy. It was an incident on August 11, 1971 that changed his life forever: A white racist tried to kill him just because of his skin color. Done Nothing But Drive Us Apart : Former Radical Black Panther Gets Candid On Obama, Race RelationsTo read entire story: Daily Caller",left-news,"Apr 4, 2016",0 +OBAMA UNDERMINES AMERICA…Plans To Slash Nuclear Stockpiles…Again,"Dinesh D Sousa warned us about Obama s reduction of our nation s nuclear stockpile in his movie, 2016, Obama s America. Shortly after his blockbuster movie appeared in theaters across America, Dinesh D Souza was charged with violating federal campaign finance laws and was sentenced to five years of probation, a $30,000 fine, and eight months in a San Diego community confinement center where he was forced to undergo therapeutic counseling. Here is what Dinesh D Souza predicted:Driven by the alleged anti-colonialist ideology of a father he barely met, President Barack Obama systematically is undermining America economically and militarily leaving it vulnerable to financial collapse, and even as unlikely as the possibility may seem, nuclear attack.And it charges as he slashes the defense budget, Obama is simultaneously pushing to reduce the nation s nuclear stockpile to as low as a few hundred missiles even as other countries like China, Russia and North Korea are modernizing and expanding their arsenals, and Iran widely believed to be close to developing nuclear weapons is threatening to annihilate Israel. From Dinesh D Sousa s controversial 2010 book, The Roots Of Obama s Rage WNDHere is what is actually happening today:The United States cut its nuclear stockpiles by 20 percent between 1996 and 2013, with more reductions likely to come, according to recently declassified information released by the White House.Stockpiles of highly enriched uranium, or HEU, which is used to fuel a nuclear weapon, were cut from 740.7 metric tons to 586.6 metric tons from 1996 to 2013, according to recently declassified information made available by the Obama administration. This reflects a reduction of over 20 percent, the White House announced. Moreover, further reductions in the inventory are ongoing; the U.S. Department of Energy s material disposition program has down-blended 7.1 metric tons of HEU since September 30, 2013, and continues to make progress in this area. The stockpile reductions are part of an effort by the Obama administration to eliminate nuclear materials and move away from these types of weapons.The move comes as countries such as Russia and North Korea move to increase their nuclear stockpiles. Russia, for instance, has made several announcements about its intent to boost its nuclear stockpile and number of weapons.However, the United States is moving in the opposite direction.Via:WFB ",left-news,"Apr 4, 2016",1 +TWO β€œHIGH THREAT” EXPLOSIVE Experts Moved From GITMO To African Country With Over 90% Muslim Population [VIDEO],"If someone would have told me in 2008 that we would be releasing Muslim explosive experts from GITMO to a country where over 90% of its citizens were Muslim, I m quite sure I would have thought they were out of their minds. Fast forward to 2016 and the idea that this is really happening is barely registering as a blip on the radar of most Americans. Have Obama s radical policies, that have largely gone unchecked, and his open disregard for our national security caused Americans to ignore the treason his is committing against our nation? Two of Al Qaeda s former explosives experts were just transferred out of Guantanamo Bay and sent to Senegal, the Defense Department confirmed Monday, marking the latest detainees to be shipped out of the prison camp despite the risk they could return to the battlefield.The two Libyan former detainees were separately listed as threats to U.S. interests in Department of Defense documents obtained by Wikileaks and The New York Times.Salem Abdu Salam Ghereby is believed to have fought coalition forces at Usama bin Laden s Tora Bora complex in Afghanistan and was associated with senior members of Al Qaeda. Omar Khalif Mohammed Abu Baker Major Umar was assessed to be likely to immediately seek out prior associates and reengage in hostilities and extremist support activities upon his release, according to a 2008 government document.The news comes as senators prepare to introduce legislation to permanently block transfers of Guantanamo detainees to terror hot spots and state sponsors of terrorism including Yemen, Libya, Somalia, Syria, Iran and Sudan. Sen. Mark Kirk, R-Ill., was expected to introduce a bill as early as Monday, Fox News has learned.The transfer of Ghereby and Umar reduces the Guantanamo detainee population to 89, according to the Department of Defense. They are part of the Obama administration s long-running and controversial effort to reduce the prison population and ultimately close the camp.By law, the Pentagon must notify Congress 30 days in advance of any detainee transfer. The first notification for the individuals now identified as Ghereby and Umar was in early March. Others are expected in the next few weeks. We are taking all possible steps to reduce the detainee population at Guantanamo and to close the detention facility in a responsible manner that protects our national security, Secretary of State John Kerry said in a statement on Monday.Via: FOX News",left-news,"Apr 4, 2016",1 +BREAKING: HILLARY CLINTON’S Comments On The β€˜Rights’ Of The β€˜Unborn” Will Send A Chill Up Your Spine [Video],"The unborn person is how Clinton describes the baby in the womb. So if the unborn is a person then wouldn t it have rights? This interview with Clinton shows what a cold-hearted woman she is. She s all for late-term abortion like Obama is but we skewer Trump for being pro-life? The unfavorable ratings with women should be sky high for Clinton. In an interview with Chuck Todd on NBC s Meet the Press airing on Sunday, Clinton said that while it doesn t mean that you don t do everything possible to try to fulfill your obligations [to help the unborn person], it does not include sacrificing the woman s right to make decisions. SHE S JUST COLD Read more: Daily Caller",left-news,"Apr 3, 2016",0 +"CLASSLESS, BLACK PANTHER DIVA, Beyonce Shows Up At White House For Easter Egg Hunt In Playboy Bunny Style Dress","New Black Panther Entertainer of The Year, Beyonce showed up at the White House dressed like a two-bit hooker for the annual Easter Egg Roll. I suppose it s a better choice than her militant, bullet laden, Black Panther Super-Bowl get-up but seriously isn t this supposed to be a family event?!!Beyonce dressed in her Easter breast to crash the White House.The Formation singer busted out a $3,510 Marco de Vincenzo pink-and-white lace dress and sky-high heels for her surprise appearance at the Easter Egg Roll with the First Family on Monday.Beyonce arrived in a black-and-white striped Alice and Olivia power coat that matched Jay-Z s nautical-striped shirt, which he paired with a black blazer.https://twitter.com/BeyonceNation4/status/714499038926802945But tongues wagged after Yonce dropped the jacket. While Blue Ivy looked like an adorable little Easter Bunny in a fluffy white coat and bunny ears, her famous mother was working a lingerie-inspired outfit that made her look more like a Playboy Bunny.Appalling and tasteless. SMH #beyonce https://t.co/7Ee64HKI2S Bonnie O'Keeffe (@bok2020) March 29, 2016The sheer white-collared blouse and red bustier with floral lace details put Queen Bey s own Easter Eggs on full display at what was supposed to be a family event, complete with Sesame Street characters and teen singers Chloe and Halle Bailey, whom Beyonce reportedly signed to a $1 million recording contract. Nice see through outfit to wear to a kids function, griped Melody Kolb on Twitter. She looks ridiculous. Via: NYDaily News",left-news,"Apr 2, 2016",0 +"HILLARY PANDERS FOR BLACK VOTE: Busts Out In AWKARD, Fake Laugh When β€œGrieving Mom” Brings Up Cheating Bill [VIDEO]","So now it s funny that Bill Clinton had oral sex with an intern in the Oval Office while Hillary was First Lady?Sandra Bland s mother Geneva Ridgefield, talked about how people she meets around the country complain that Hillary Clinton is a liar. Ridgefield defended Clinton, and later joked about Bill Clinton, If I was to be held accountable for everything my man did, whoa! We d have a problem! It seems that Ridgefield, has gone from the Grieving mom of Sandra Bland to the black comedian friend of Hillary. This is how politics works. Hillary is using these black mothers to appeal to blacks, and judging by the awkward fake laughter, she is willing to use her past scandals for a cheap moment.Via: DownTrend ",left-news,"Apr 2, 2016",0 +MOTHER OF THE YEAR Hires Stripper For 8 Year Old’s Birthday Party [VIDEO],"Is this not considered child abuse?As birthday entertainment, a black Florida mom hired a stripper to bump and grind her 8-year old son and his friends. I know someone who is getting one of those World s Best Mom coffee mugs this Mother s Day.According to the NY Daily News a Tampa Bay, FL mom is taking considerable flak for posting a video from her son s 8th birthday party. The March 24th video showing a stripper shaking her big ass in a little kid s face has since been deleted, but since the Internet is forever, several others have re-posted it.Via: DownTrend",left-news,"Apr 2, 2016",0 +"PRINCIPAL CAUGHT STEALING From DETERIORATING DETROIT SCHOOL That Got $500,000 Donation From Ellen DeGeneres [VIDEO]","Detroit teachers make viral video: Blame Republican Governor for deteriorating schools Ellen DeGeneres donates $500,000 to help school..Principal BUSTED stealing money from school.But it s all about the kids While there is no question many of the schools in Detroit are in horrible shape, placing the blame on Republican Governor Rick Snyder is laughable. Taxpayers in the state of Michigan have been bailing out the corrupt Detroit Public schools for decades.Some Detroit teachers at Spain Elementary got together to make a video highlighting the issues they were facing due to lack of funds available to their schools. The video caught the attention of Ellen Degeneres. In the video, the teachers blame the deteriorating condition of the Detroit Public Schools on Republican Governor Rick Snyder. The teachers also compare their schools to the schools in the suburbs, where the working taxpayers live who fill the coffers of the public school officials and administrators who always seem to be under investigation for stealing from them. The teachers also make a point at of suggesting that because the students are black, they are somehow being treated unfairly, invoking the words of Martin Luther King, Jr. to prove her point. Watch here:Over a dozen current and former principals in the Detroit public school system have been charged in a conspiracy scheme involving more than $900,000 in kickbacks and bribes, federal prosecutors announced Tuesday.At least 13 principals are named in the federal complaints including the principal of a school that was featured on The Ellen DeGeneres Show and received $500,000 in donations because conditions there were so poor.One of the principals, Ronald Alexander, had received about $23,000 in kickbacks, the federal complaint says.Alexander appeared on The Ellen DeGeneres Show in February when DeGeneres surprised his performing arts school with donations from Lowe s Home Improvement and pop star Justin Bieber, who pledged $1 from each ticket of his Michigan concert toward Spain Elementary-Middle School.During the show, teachers told Degeneres how they did not have enough money for books for each of the students and how classrooms lacked heat.[quote_box_center] Of all the people in the whole world, I am the happiest principal on Earth, Alexander said at the time.[/quote_box_center]Here is the video clip of the wonderful principal thief at Spain Elementary-Middle School, who generously accepted the $500,000 donation from Ellen Degeneres: The real victims in a case like this are the students and the families the teachers and the educators who want to make a difference, Barbara McQuade, U.S. Attorney for the Eastern District of Michigan, said at a news conference. A case like this is a real punch in the gut. The investigation started two years ago following a routine audit, prosecutors said.As part of the alleged scheme, school supplies vendor Allstate Sales was used by the various schools to purchase items such as auditorium chairs, supplemental teaching materials, and paper. The principals submitted fraudulent invoices for payments to Allstate Sales for some items that were never received.In exchange, those Detroit Public Schools principals received kickback payments, McQuade said. They ve each been charged with conspiracy and face arraignments.Norman Shy, Allstate Sales owner, allegedly worked with Clara Flowers, a principal and assistant superintendent, from at least February 2009 to January 2015. She had the power to select vendors and order materials for various schools.The scheme involved a total of $908,518 in kickbacks and bribes in exchange for Allstate Sales doing business with the Detroit Public Schools worth $2.7 million, McQuade said.Detroit s public schools have been in financial straits, and the allegations against the city principals come as Michigan Gov. Rick Snyder announced that he signed a law releasing $48.7 million in emergency funding to help the state s largest school district stay open through the end of the school year.McQuade said the announcement of the charges were not linked to the governor s actions. This continues to demonstrate that the challenges at DPS aren t just Detroit s problem, they are concerns for all of Michigan, Snyder said in a statement Tuesday. Via: NBC ",left-news,"Apr 2, 2016",0 +"IF YOU’RE A LAW-ABIDING CITIZEN WHO CARRIES A GUN, This Grocery Chain Will Refuse To Serve You","The bad news is, we live in a country that allows businesses to make decisions to discriminate against law-abiding citizens. The good news is that consumers can make the choice to shop elsewhere North Carolina-based grocer The Fresh Market says it will refuse to serve law-abiding customers who carry guns for self-defense.The decision came amid pressure from the Micheal Bloomberg-funded group, Moms Demand Action, which claims to have gathered nearly 4,000 signatures across North Carolina to pressure The Fresh Market into banning guns.According to the AP, The Fresh Market is asking law-abiding patrons to refrain from carrying guns to ensure a welcoming environment where our customers and employees feel safe, and treat one another with kindness and respect while shopping and working. No mention was made of how The Fresh Market plans to protect unarmed patrons from criminals who have never been hindered by a gun-free policy or a no guns allowed sign.4-Traders reports The Fresh Market not only banned guns but actually had their former CEO work with Moms Demand to formulate its new gun policy.Moms Demand has unsuccessfully pressured Kroger to ban guns for more than a year. Before that, they tried to get Starbucks and Staples to ban guns, both of which refused as well. The Fresh Market now joins Chipotle, Jack in the Box, Sonic, and Chili s on the list of businesses that changed their gun policy due to pressure from Moms Demand. Via: Breitbart News",left-news,"Apr 2, 2016",0 +SHOULD PRESCHOOL KIDS Learn About Same-Sex Marriage? β€œAnti-Bias” Class Is Coming Your Way [Video],"Why the heck do preschool kids need to learn about sexual orientation? This is clearly indoctrination and shouldn t be allowed in preschool.Preschoolers in Colorado are learning about same-sex marriage and other gender issues. Both public and private schools are seeing a push for anti-bias curricula in their classrooms.It s a topic that teachers are not afraid to talk about it.From the preschool level with same-sex couples in picture books all the way to the high school level students and teachers are talking about these issues together. We ve seen really heartbreaking data that suggests these conversations need to happen and they need to happen early in schools, Bethy Leonardi said. She s a professor for future teachers at CU-Boulder.She s also the co-founder of the University s initiative called A Queer Endeavor. It has helped train thousands of current teachers over the past few years. The question that we seem to get asked a lot is why do this? Why so young? Is it appropriate? Leonardi said.She also said it s not about taking sides on anything, it s about education. It s not an agenda. We re not telling people what to think. We re saying gay people exist. There are families with two moms. Some kids don t identify in the binary. That s it. Via: KDVR",left-news,"Apr 2, 2016",0 +COLLEGE THREATENS WOMEN Who Don’t Want To Urinate With Guys,"Ahhhh .social justice rears its ugly head in the transgender department. Degendered facilities are the new thing for campuses women who don t want to pee with guys are just out of luck How about social justice for women who do not want to share a public bathroom with men? Now that s justice!A New York City college has responded to transgender students who vandalized bathrooms by rewarding them with campus-wide degendered facilities.Bill Mea, acting president of Cooper Union, sent an email March 18 informing the campus community of the new restrooms, which will only be identified as Restroom with Urinals and Stalls, Restroom with Only Stalls, and Restroom Single Occupancy. We have always been ahead of our time and we must continue being leaders on issues of social justice, Mea said. We, who are in positions of power, have the obligation to not only stand with those without power, but to stand in front of them, clearing a path for them to walk. I cannot change the outside world and how it treats transgender and gender non-conforming people, but I can change the Cooper Union environment to help everyone feel safe when they are inside our buildings. The school president then appeared to make a veiled threat of disciplinary action for individuals who publicly protest his decision. I also ask that none of us practice gender policing, where we attempt to restrict someone from using the same restroom we are using or make them feel uncomfortable for doing so, Mea said. If you feel uncomfortable sharing a restroom, then the single-occupancy restrooms will now be available to you. The website Insider Higher Ed reported Thursday that Cooper Union may be the first college to completely eliminate gender distinctions in bathrooms. The process began two years ago when students removed bathroom signs and replaced them with banners reading Bathroom or Degendered. Mea, who left the signs down in order to observe how students reacted, told the website that resistance was relegated to a handful of alumni. I think you ll begin seeing this more and more, Mea said. We here in New York City, we have the support of our mayor and the support of our city. That allows us that opportunity to be more expansive, but obviously there may be less of an opportunity where other colleges are located. Doulos Christou, a reader at the education watchdog The College Fix, said Mea s decision has much more to do with control than supporting those without power. Here s what the [LGBT] agenda is really about, said Christou on Friday. Demanding tolerance gave way to demanding recognition, which gave way to demanding equality, which is now giving way to demanding superiority. We ve written numerous things about this controversy and feel strongly about keeping the bathrooms segregated. One of the best arguments for this:WHAT S SO WRONG WITH TRANSGENDER BATHROOMS? This Guy Has The Awesome Answer!Read more: wnd",left-news,"Apr 1, 2016",0 +TRANSPORTATION SECRETARY: Unequal Distribution of Sidewalks Keeps Poor From β€œShot At The American Dream”,"Are we sure this guy is actually qualified for this job? Everything is racist and unfair to the Obama minions. It s just hard to take because it s just so idiotic. Have a listen and I know you ll be shaking your head like I was:Transportation Secretary Anthony Foxx told a crowd in North Carolina Tuesday that only 49% of low-income neighborhoods have sidewalks while more affluent areas have near 90%. In order to have a society where everyone has a shot at the American Dream, than it s imperative that we acknowledge these challenges. Foxx made the comments to the Charlotte Rotary Club where he discussed the ways that infrastructure should connect people to opportunity.During his speech, Foxx referenced a map of Atlanta that showed areas of pedestrian and bicycle accidents. The grey areas represent communities of concentrated poverty. This is representative of what s occurring nationally, which is not surprising, because only 49% of low-income neighborhoods have sidewalks. In high-income areas the number is closer to 90%. So, if we want a society in which everyone has a shot at the American dream, than it is imperative that we acknowledge these challenges, Foxx said. ",left-news,"Apr 1, 2016",0 +VIGILANTE PIRATES INTERCEDE Where Government Fails: Prevent Refugees From Reaching Sweden’s Shores,"Like the Soldiers of Oden vigilante group we reported about in February, the National Framed vigilante group is tired of waiting for an inept government to protect its citizens from dangerous criminals arriving by boat from nations who have no intention of assimilating in their country. They ve decided instead, to take matters into their own hands A far right group of vigilante pirate migrant hunters are patrolling Sweden s southern coast by speedboat in a bid to tackle illegal immigration.Nationell Framtid s boats monitor the strait of resund, a 5km stretch of water between Denmark and Sweden for illegal migrants who they say are entering Sweden with the help of organised criminal gangs and left wing Danish do-gooders who think they are helping .Their pseudo-paramilitary get up all in black punctuated with a bright red tie and insignia badge on their chest paired with black balaclavas and doc martins are a sinister sight on the misty water.Dennis Ljung, 31, leads the patrol his far right group the Nationell Framtid translated as National Future emerged in April last year during the migrant crisis. We need to take our country back. Our aim is to cleanse our nation free of all immigrants. What we do out on the ocean is just a small step to stop more the mass immigration we have faced for decades, he told MailOnline.While he is heavily in debt and unemployed, Dennis is one of the few members of the group without a criminal record according to local media reports. At least 11 members have reportedly been convicted for weapons offences and several violent crimes. He dismisses allegations the organisation has neo-Nazi sympathies despite also admitting that of course they are in touch with the Soldiers of Odin a gang of violent white supremacist vigilantes patrolling Finland s streets to prevent migrant sex attacks . We are a broader organisation than them. We have a written manifesto that outlines our political views, and a code of conduct for how members of Nationell Framtid are supposed to behave we are not supposed to use violence unless it is necessary for example, said Dennis. I will never say that we are an organisation of Nazis. Of course we have members who have been involved in that movement, but we are strong nationalists. That is it. Far right vigilante anti-migrant groups across Europe have mushroomed since violence blamed on newcomers rocked the continent.While authorities say they received a record 163,000 applications for asylum in 2015 and are expecting a further 100,000 this year, nearly half may be rejected.Members of Nationell Framtid have been drawn to the group for different reasons, but one thing is clear they feel the government is not doing enough to prevent illegal immigration to Sweden.Two small speedboats patrol the strait, three men per boat who work 5 or 6 days each week.To help them track down their target suspicious boats , they re armed with radar, radios, binoculars and intel from supporters in Denmark who tip them off to when are where smugglers cross. Once their target is acquired, the team spring into action.Charging through the waters at full speed, shouting warnings through a megaphone the men tell the captain to stop and that they have called the police then shadow them until they leave the Swedish coastline and return to Denmark.If they refuse, the men manoeuvre their small speedboat in front of the boat to stop them from progressing and scream: We won t leave until you turn around . All boats that we challenge have turned around and gone back to Denmark, Dennis told MailOnline. In most cases we haven t actually seen any immigrants, we just know that they are inside the boats. At first, their aggressive tactics and menacing attire caused a problem, Dennis admitted to MailOnline during a three-hour interview on their boat in the middle of the strait. As three men in balaclavas and black uniforms we can easily be seen as some kind of modern age pirates. If they have not heard about us they probably see us as dangerous maniacs, but people are used to us and seem to accept what we are doing. Some even praise us since the coast guard is not doing its job, he said. Via: Daily Mail ",left-news,"Apr 1, 2016",0 +FLORIDA COUPLE SPOTS MAN With β€œDeath to America” Sign Then Take Matters Into Their Own Hands [Video],"This is yet another example of just how crazy it has become under Obama s divisive administration. It seems like every day is a protest. Patriotism needs to make a comeback with the next president After a couple spotted a man holding a sign that read Death to America on a curb in Middleburg, Florida, they decided to take matters into their own hands by physically beating up the man and snatching the sign away from him in a Tuesday encounter that was caught on camera.The man and woman were driving past the curb in a gray Nissan when they saw Charles Brownett standing there with his sign, which read Death to America according to WJAX-TV. The woman in the car allegedly shouted at Brownett, Why don t you leave America? to which he responded, Give me some money, the Clay County Sheriff s Office report stated. ",left-news,"Apr 1, 2016",0 +LIST OF U.S. STATES With Most Illegal Aliens,"Wow these are some pretty eye-opening statistics Republican presidential candidate Donald Trump has made illegal immigration a cornerstone of his campaign, proposing a simple solution for the nation s immigration woes: build a wall and make Mexico pay for it. Texas Sen. Ted Cruz said, if elected president, he would seek out and deport anyone in the country illegally. In contrast, Democratic candidate and former Secretary of State Hillary Clinton proposes a path to full and equal citizenship. The varied policy proposals by presidential candidates reflect the schism of opinion among Americans on immigration issues.In order to better comprehend this issue, InsideGov synthesized the most recent estimates and broke down the undocumented immigrant population groups by country of birth. This information comes from the Migration Policy Institute s Unauthorized Immigrant Population Profiles, which was published in 2013 and contains the most recent data estimates. We then ranked the 25 U.S. states with the largest populations of people living there illegally, and ordered the states from smallest to largest undocumented populations.See the 25 States with Most Undocumented ImmigrantsNote: Data is not provided by the source for Montana, North Dakota or Vermont.Oklahoma #25 Estimate of Undocumented Population: 80,000In 2007, Oklahoma passed a state bill, HB 1804, that made it illegal to house or transport immigrants lacking legal status, allowed law enforcement to verify the citizenship status of anyone arrested and made it more difficult for undocumented immigrants to receive government IDs or assistance.Minnesota #24 Estimate of Undocumented Population: 81,000Jose Antonio Vargas, an immigration activist who publicly revealed his illegal status in 2011, was arrested in 2012 in Minnesota for driving without a valid license. He was interviewed by Immigration and Customs Enforcement but neither detained nor deported.Ohio #23 Estimate of Undocumented Population: 83,000A sheriff in Ohio made national headlines when he sent a controversial open letter to Mexican President Enrique Pe a Nieto asking for $900,000. The sheriff calculated that was the total cost for jailing Mexican immigrants who were in the U.S. illegally and committed crimes in his community. He wrote: I think it only fair that you provide me with some financial support for dealing with your criminals. There was no response from Nieto.Indiana #22 Estimate of Undocumented Population: 93,000Michigan #21 Estimate of Undocumented Population: 97,000Although Republican Gov. Rick Snyder has been a vocal advocate for immigration reform, he was the first governor to pause the resettlement of Syrian refugees in light of the November Paris attacks.South Carolina #20 Estimate of Undocumented Population: 99,000South Carolina Sen. Lindsey Graham, a former member of the Gang of Eight, has advocated for comprehensive immigration reform. This failed 2016 GOP presidential candidate declared that policies in Republican frontrunner Donald Trump s immigration plan are not practical and self-deportation on steroids. Connecticut #19 Estimate of Undocumented Population: 108,000In 2015, Connecticut state lawmakers expanded in-state tuition and financial aid to undocumented immigrants. Republican Senate Minority Leader Len Fasano said of the reforms: What are we going to do as a nation? What are we going to do as a state? Are we going to leave you behind. What this says is we re going to give you that chance. Why not let that happen. We ll be a more productive state for it. In light of where we are and how we got here, we are here. Oregon #18 Estimate of Undocumented Population: 115,000Cylvia Hayes, the fiancee of former Democrat Gov. John Kitzhaber, once married an Ethiopian migrant so he could receive a green card. She explained during a press conference: I was struggling to put myself through college and was offered money in exchange for marrying a young person who had a chance to get a college degree himself if he were able to remain in the United States. Kitzhaber was re-elected for a fourth term despite the controversy stemming from this revelation.Tennessee #17 Estimate of Undocumented Population: 119,000A woman living in Tennessee received $200,000 in damages due to her mistreatment at a detention center following an arrest for driving without a legal license. She went into labor during her detainment and said she was shackled throughout this experience.Pennsylvania #16 Estimate of Undocumented Population: 136,000In 2007, a federal judge ruled unconstitutional an ordinance in Hazleton, Pennsylvania, that prevented undocumented immigrants from securing housing because it denied them basic civil rights, legal citizens or not. The judge wrote: Hazleton, in its zeal to control the presence of a group deemed undesirable, violated the rights of such people as well as others within the community. Nevada #15 Estimate of Undocumented Population: 138,000Although Nevada ranks at 15th for its overall population of people living in the state illegally, a 2012 study by the Pew Research Center found that this group comprises the highest proportion of the state s population compared to the rest of the U.S.Colorado #14 Estimate of Undocumented Population: 164,000Illegal Pete s, a Colorado-based Mexican restaurant, received criticism from local community members for its name. They said the use of illegal implies a negative context regarding citizenship and racial discrimination. The name has not been changed.Massachusetts #13 Estimate of Undocumented Population: 185,000In Revere, Massachusetts, a high school cheerleading captain faced criticism for a tweet that commented on immigration. Her tweet, supposedly inspired by 2016 presidential candidate Donald Trump, stated: When only 10 percent of Revere votes for mayor cause the other 90 percent isn t legal. School officials started a cultural sensitivity program as a result of this tweet.Washington #12 Estimate of Undocumented Population: 204,000After the Vietnam War, the governor of Washington welcomed about 30,000 Vietnamese refugees who were denied entry by then-California Gov. Jerry Brown. Chandler Felt, a King County demographer, said: So that kind of established a beachhead of recognition that King County was a welcoming place for refugees and immigrants. It really started to increase the rate of immigration. Since then we ve been getting refugees and immigrants from all different parts of the world. Maryland #11 Estimate of Undocumented Population: 233,000A Maryland second-grader made national headlines in 2010 when she posed a question about immigration to first lady Michelle Obama. The young girl asked: My mom she says that Barack Obama is taking everybody away that doesn t have papers. But my mom doesn t have any papers. Virginia #10 Estimate of Undocumented Population: 247,000A Virginia immigration law passed in 2007 by Prince William County required police to investigate the citizenship status of suspects under arrest. This ordinance is still in effect.Arizona #9 Estimate of Undocumented Population: 264,000The passing of Senate Bill 1070 reflected the severity of immigration issues in Arizona. This controversial law allows police to pull over motorists on the assumption they may be in the country illegally. Most of the law s provisions were overturned in the Supreme Court decision Arizona v. United States.North Carolina #8 Estimate of Undocumented Population: 342,000Georgia #7 Estimate of Undocumented Population: 393,000New Jersey #6 Estimate of Undocumented Population: 509,000New Jersey s Ellis Island, a historic gateway to the United States for immigrants, processed over 12 million arrivals during its 62 years of operation.Illinois #5 Estimate of Undocumented Population: 519,000Illinois passed legislation in 2014 that allows residents to receive kidney transplants, regardless of their legal status. The program could be financially beneficial by offsetting the cost of emergency dialysis services, which are part of a state-funded program.Florida #4 Estimate of Undocumented Population: 605,000Florida holds a significant population of Cuban immigrants. Many make the dangerous journey across the Florida Strait from Cuba on rafts in an attempt to secure citizenship. The United States has a special immigration policy for Cubans, informally referred to as the wet-foot, dry-foot policy, where those who successfully make the journey to U.S. soil can apply for legal status after one year.New York #3 Estimate of Undocumented Population: 867,000 Many immigrants without proper documentation in New York claim Asia as their area of birth. They represent 10 percent of the total undocumented population in the United States.Texas #2 Estimate of Undocumented Population: 1,464,000A case against Texas, stemming from the refusal to issue birth certificates for U.S.-born children, made its way to federal courts in 2015. Texas officials required specific forms of ID from the mother before issuing her child s certificate, which immigrants without documentation could not produce.California #1 Estimate of Undocumented Population: 3,034,000California has the largest population of immigrants without proper documentation. The state provides a variety of benefits and protections to these populations. The City of Huntington Park attracted controversy when it was revealed that two members of city commissions were undocumented immigrants from Mexico.Via: InsideGov.com",left-news,"Apr 1, 2016",0 +HOT TOPIC: When Exactly Does A β€˜Bundle Of Cells’ Become A Human Being? [Video],"Ben Shapiro debates two students on when a baby becomes a human being. A hot topic that stumps pro-choice people but not pro-lifers: I believe, as do most people who feel this way about abortion, that life begins at conception. When sperm meets egg, and the child is conceived, that s when life begins; that is what I believe in. Ben Shapiro It s my body. How about you stay out of it? the student replied. I don t care about your appendix, Shapiro quipped, referencing the student s earlier argument. I don t even care about your uterus. I care about what s in it. And I can take out my appendix if I don t want it. So why can t I take out other parts of my body? the student asked. Because they are not independent living human beings, Shapiro fired back.The student continued to engage in a debate, arguing the fetus is merely a bundle of cells. At what point does that bundle of cells become a human being in your judgement? Shapiro asked her. Um , the student said.Another student chimed in. The concept of body autonomy means that I don t have to give up any part of my body unless I say so, she said. The baby is not part of your body, Shapiro quipped.In general, the fear of calling a baby a baby within progressive circles is an entertaining spectacle, given the amount of intellectual gymnastics that are involved, which almost always ends with some disingenuous conclusion that a woman s life holds more value than that of her child barring any life threatening conditions, or the pro-abortion supporter storming out because folks, like Shapiro, totally own them on the issue. In other words, they feel triggered, so off to the safe space, where like-minded people can sulk and discuss how the patriarchy sucks, or something.Yet, one thing is clear in this exchange, which is that Shapiro is open to debate, and he wants to discuss these issues in which conservatives find themselves in the crosshairs of political correctness in campuses across the country. After going back and forth about the science relating to pregnancy, it becomes clear that the pro-choice wing of the attendees in the room are exasperated to the point where they accuse Shapiro of trying to shut them down; Shapiro aptly noted that he allowed them to speak for almost ten minutes on the subject. Another student asked Shapiro what criteria does he have regarding what defines a life, but then made an aberrant pivot by asking him of he considers semen to be a life, insinuating that Shapiro masturbates a lot because he s a human being (no, I m not making that part up). Well put, sir, said Shapiro, which drew laughter from the audience. I believe, as do most people who feel this way about abortion, that life begins at conception. When sperm meets egg, and the child is conceived, that s when life begins; that is what I believe in. The rest of the question was weird, he added.Indeed, sir.Via: Hot Air",left-news,"Mar 31, 2016",0 +"MEDIA OBSESSES OVER Ted Cruz’s Alleged Infidelities, While Ignoring HILLARY’S LESBIAN AFFAIRS Revealed By Same Publication","Why is there so much secrecy when it comes to the mainstream media and the alleged lesbian relationship between Hillary and her aide of 20 years, Huma Abedin? ABC News admits that the allegations against Ted Cruz have not been confirmed by them. But what the hell, why not do a story on it anyhow and see if they can make the sleazy image of a cheating Ted Cruz stick ABC News At a news conference while campaigning in Wisconsin today, Ted Cruz denied a recently released National Enquirer report that claims political operatives are looking into rumors that Cruz had multiple marital infidelities.Cruz blamed the report on Donald Trump and his henchmen and gave Trump a new nickname of Sleazy Donald. Let me be clear this National Enquirer story is garbage, Cruz said today. It is complete and utter lies. It is a tabloid smear and it is a smear that has come from Donald Trump and his henchmen. Cruz has been in a war of words with Trump over tweets Trump had been sending. Trump tweeted Tuesday he would spill the beans about Cruz s wife without providing further information and retweeted Wednesday a split photo of Heidi and his wife Melania Trump, with the text: No need to spill the beans. The images are worth a thousand words. The National Enquirer allegations have not been confirmed by ABC News.Meanwhile, we can t find any reports from the same outlets who eagerly reported on Ted Cruz s alleged affairs that also picked up the National Enquirer story about the lesbian affair between Hillary Clinton and her aide of 20 years, Huma Abedin:Hillary Clinton isn t just caught in a political scandal over her missing emails from her stint as secretary of state she s also terrified of personal revelations about a secret lesbian lifestyle!Now a world-exclusive investigation by The National ENQUIRER reveals that some of the presidential candidate s famously deleted emails are packed full of lesbian references and her lovers names. I don t think she s so concerned about emails referring to her as secretly gay, said a Clinton insider. That s been out for years her real fear is that the names of some of her lovers would be made public! The ENQUIRER learned the list of Hillary s lesbian lovers includes a beauty in her early 30s who has often traveled with Hillary; a popular TV and movie star; the daughter of a top government official; and a stunning model who got a career boost after allegedly sleeping with Hillary. Hillary made the huge mistake of mixing public and private messages while using her personalized email server before risking a massive scandal by refusing to make the documents public. That s clearly why she went to the extraordinary step of deleting everything, the high-ranking source told The ENQUIRER.[quote_box_center]Ronald Kessler, who wrote The First Family Detail: Secret Service Agents Reveal the Hidden Lives of the Presidents, writes in The Daily Mail that Abedin was at times dismissive of reasonable orders from agents and at other times treated them like her personal servants.While agents are not supposed to carry luggage, they will do so as a courtesy if they like a female protectee, such as Lynne Cheney or Rosalynn Carter.But with Abedin, the agents were just like, Hey, you re going to be like that? Well, you get your own luggage to the car. Oh, and by the way, you can carry the first lady s luggage to the car, too. She d have four bags, and we d stand there and watch her and say, Oh, can we hold the door open for you? . . .. . . There s not an agent in the service who wants to be in Hillary s detail, a current agent says. If agents get the nod to go to her detail, that s considered a form of punishment among the agents. She s hard to work around, she s known to snap at agents and yell at agents and dress them down to their faces, and they just have to be humble and say, Yes ma am, and walk away. [/quote_box_center]Hillary is particularly concerned about intimate emails to longtime aide Huma Abedin who married U.S. Representative Anthony Weiner in a ceremony that many ridiculed as a political arrangement. Anthony later resigned over extramarital sexting scandals, after porn star Sydney Leathers said that she believed he was in an open marriage. I think a lot of the time when we were speaking, Huma was probably with Hillary, she charged, at the time.One exchange between the women had Hillary mistakenly responding to political correspondence with an email that seemed to be about decorating.Added the insider: That makes you wonder if any sensitive information was sent to her romantic partners! The scandal unraveled in March, when Hillary revealed she deleted over 30,000 emails, insisting the messages were just things you typically find in inboxes. Via: National Enquirer",left-news,"Mar 31, 2016",0 +"BLACK FELON Brutally Beats Girlfriend, Grabs Cop’s Gun, Sticks Gun In Cop’s Back…Cop’s Partner SHOOTS, KILLS Felon…Cop Exonerated…Black Lives Matter Terrorists Erupt In MN…Burn U.S. Flag","Another case of the White man and an oppressive America holding down a black man with so much potential and promise Angry Black Lives Matter protesters in Minneapolis chanted I am a revolutionary! and set fire to the American flag after a Hennepin County attorney announced there will be no charges against police officers involved in the shooting death of convicted felon Jamar Clark.Crazed speaker at last night's #JamarClark rally completely loses his mind & screams at cameras. #BlackLivesMatter pic.twitter.com/o6rpNMHHPL Lee Stranahan (@stranahan) March 31, 2016Minneapolis protestors chanting ""Shut It Down"" to show support for woman-beating criminal #JamarClark pic.twitter.com/4p6lJe7utd Lee Stranahan (@stranahan) March 30, 2016As Breitbart News reported yesterday, an investigation found the shooting was justified. At a press conference early Wednesday morning, Attorney Mike Freeman contested one of the chief claims of the protesters; that Clark was handcuffed when shot. Freeman said Forensic evidence and video evidence both support the belief that Clark was not handcuffed at any time through the altercation. Coddled: the #JamarClark protestors are being allowed march on a main roadway. pic.twitter.com/8kmGhHTMRo Lee Stranahan (@stranahan) March 30, 2016A report issued along with other pieces of evidence showed that Jamar Clark had impeded the work of EMTs who were trying to help the girlfriend that he had assaulted and left unable to walk and with a bruised face.Clark then began calling paramedic Thompson a pussy and bitch and told (his girlfriend) Hayes that he was going to come see her. The paramedics loaded Hayes into the ambulance and locked the doors. (EMTs) Thompson and Haskell were very afraid at this point.The report explains that Minneapolis police officers Ringgenberg and Schwarze arrived at the scene and were told the person in the ambulance was assaulted by the person up on the curb (Jamar Clark) who was also interfering with the paramedics. Clark refused to obey the officers and then according to the report:Ringgenberg said he tried to move away from Clark to get in position to handcuff him. Ringgenberg felt his gun go from his right hip to the small of his back and told Schwarze, He s got my gun. Ringgenberg said he reached back to the top of his gun and felt Clark s whole hand on the gun. Ringgenberg repeatedly told his partner Schwarze, He s got my gun, he s got my gun. Ringgenberg recalled hearing Schwarze tell Clark to let go of the gun or Schwarze would shoot. Ringgenberg heard Clark say, I m ready to die. Ringgenberg said, That was the worst feeling ever because, it just, my heart just sank. Ringgenberg believed he was going to die at that point because he had no control over his gun. Ringgenberg felt that Clark didn t care what happened to him and remembered thinking that he didn t want his partner to die with his gun. After Ringgenberg heard the round go off he remembered being able to roll away.None of this evidence satisfied the hundreds of protesters who came out later that night for two rallies and marches that eventually converge in downtown Minneapolis.Mob at last night's #JamarClark rally raise fists, chant Black Panther Fred Hampton's ""I am a revolutionary "" pic.twitter.com/CsfKfbscfd Lee Stranahan (@stranahan) March 31, 2016After the groups merged, a number of speakers addressed the crowd, agitating them with anticapitalist, anti-American and anti white rhetoric. A number of the speakers made reference to the violent communist group the Black Panthers, who responsible for a number of deaths in the 1960s and 70s, including numerous shootings of police officers. The Minneapolis speakers also praised communist Angela Davis and queen of the Black Liberation Army Assata Shakur.Protestors burn US Flag in protest at #Justice4Jamar rally in Minneapolis. #JamarClark #BlackLivesMatter pic.twitter.com/XZbExY8R4s #BlackAugust (@Delo_Taylor) March 31, 2016Protesters burn U.S. flag outside Minneapolis 4th Precinct #JamarClark #BLMhttps://t.co/RD2xPNVK56 Ruptly (@Ruptly) March 31, 2016Via: Breitbart News",left-news,"Mar 31, 2016",0 +FLASHBACK VIDEO: Al Sharpton Assaults FOX News Reporter For Asking Baltimore Mayor Why She Allowed Thugs Loot And Burn Down Businesses,"When did Americans decide they were okay with Democrats exempting themselves from the same laws everyone else is required to follow? Fox News reporter Leland Vittert had a brief exchange with Al Sharpton and Baltimore Mayor Stephanie Rawlings-Blake.Vittert said he wanted Rawlings-Blake to answer a number of questions about the rioting over the past few days in the wake of Freddie Gray s death. He said he asked: What do you have to say to the number of officers injured, and what do you have to say to businesses that were looted during a reported stand down order? Why can t we ask questions? Vittert asked.Rawlings-Blake remained silent while Sharpton said they d answer questions at the press conference.Vittert added that he asked officers who shoved [him] out of the way why they were protecting the mayor from simple questions, yet decided not to protect businesses from rioters. Via: FOX News",left-news,"Mar 31, 2016",0 +OBAMA COMMUTES 61 PRISONERS’ Sentences…Here’s the List Of Mostly Drug Dealers,"Fundamental transformation Obama style Henry Claude Agnew Miami, FL Offense: Conspiracy to possess with intent to distribute 50 grams or more of cocaine base; Southern District of Florida Sentence: 262 months imprisonment; five years supervised release (November 24, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.David Lang Akana Pahala, HI Offense: Conspiracy to distribute and to possess with intent to distribute methamphetamine and cocaine; attempt to possess with intent to distribute methamphetamine; attempt to possess with intent to distribute cocaine; possession with intent to distribute methamphetamine; District of Hawaii Sentence: 240 months imprisonment; 10 years supervised release (February 15, 2006) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Robert Anthony Anderson Louisville, KY Offense: Conspiracy to possess with intent to distribute cocaine; attempt to possess with intent to distribute cocaine, aiding and abetting; Western District of Kentucky Sentence: Life imprisonment (August 8, 1994) Commutation Grant: Prison sentence commuted to expire on March 30, 2017.Marvin Bailey Hollywood, FL Offense: Conspiracy to distribute and possess with intent to distribute cocaine and cocaine base; aiding the travel in interstate commerce to promote the distribution of cocaine; possession with intent to distribute cocaine; Southern District of West Virginia Sentence: Life imprisonment; $25,000 fine (June 19, 1997) Commutation Grant: Prison sentence commuted to expire on March 30, 2017, and unpaid balance of the $25,000 fine remitted.Bernard Beard Compton, CA Offense: Conspiracy to distribute cocaine, cocaine base, heroin, and phencyclidine (PCP); felon in possession of a firearm and ammunition; Central District of California Sentence: 240 months imprisonment; five years supervised release (May 22, 2009) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Reginald Wendell Boyd, Jr. Greensboro, NC Offense: Conspiracy to distribute cocaine hydrochloride; carry a firearm during and in relation to a drug trafficking crime; Middle District of North Carolina Sentence: 180 months imprisonment; eight years supervised release (October 31, 2005) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Carmel Bretous Miami, FL Offense: Conspiracy to import at least five kilograms of cocaine; importation of five kilograms of cocaine; conspiracy to possess with intent to distribute five kilograms of cocaine; possession with intent to distribute five kilograms of cocaine; Southern District of Florida Sentence: 235 months imprisonment; five years supervised release (November 6, 2001) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Terry Brown St. Louis, MO Offense: Conspiracy to possess with intent to distribute cocaine and phencyclidine (PCP); Eastern District of Missouri Sentence: 240 months imprisonment; 10 years supervised release (July 7, 2005) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Willie Chevell Cameron Panama City Beach, FL Offense: Conspiracy to possess with intent to distribute marijuana, a mixture and substance containing cocaine, more than 50 grams of methamphetamine (actual) and more than 50 grams of a mixture and substance containing methamphetamine; Northern District of Florida Sentence: Life imprisonment; 10 years supervised release (June 14, 2006) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Nathan Carter Memphis, TN Offense: 1. Possession of 121 grams cocaine with intent to distribute; possession of 65.8 grams cocaine base with intent to distribute; Western District of Tennessee 2. Supervised release violation (attempted possession with intent to distribute cocaine); Western District of Tennessee Sentence: 1. Life imprisonment; 10 years supervised release (April 30, 1999) 2. 30 months imprisonment; 18 months supervised release; $10,000 fine (May 5, 1999) Commutation Grant: Prison sentence for both offenses commuted to expire on July 28, 2016.Lewis Clay College Park, GA Offense: Possession with intent to distribute and the distribution of at least 50 grams of crack cocaine; possession of cocaine; Northern District of Georgia Sentence: Life imprisonment; 10 years supervised release (May 1, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Manuel Colon Springfield, MA Offense: Conspiracy to possess with intent to distribute cocaine, cocaine base, and heroin; possession with intent to distribute cocaine; District of Massachusetts Sentence: 240 months imprisonment; 10 years supervised release (January 25, 2007) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Alvin Cordell Cincinnati, OH Offense: Conspiracy to distribute cocaine and marijuana; attempt to possess with intent to distribute cocaine base (crack); Southern District of Ohio Sentence: Life imprisonment; $50,000 fine (May 5, 1997) Commutation Grant: Prison sentence commuted to expire on March 30, 2017, and unpaid balance of the $50,000 fine remittedKevin County New Orleans, LA Offense: 1. Distributing more than 100 grams of heroin; distributing less than 100 grams of heroin (two counts); Eastern District of Louisiana 2. Conspiracy to distribute cocaine base and cocaine hydrochloride, distribution of cocaine base, distribution of cocaine hydrochloride, use of a communication facility in furtherance of a drug crime; Eastern District of Louisiana Sentence: 1. 151 months imprisonment; six years supervised release (December 18, 2002) 2. 240 months imprisonment (concurrent); 10 years supervised release (March 26, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Nabar Moneek Criam Brooklyn, NY Offense: Possessed with intent to distribute crack; possessed firearms during trafficking crime; Middle District of North Carolina Sentence: 180 months imprisonment; five years supervised release (March 30, 2007) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Amos Embress Cyrus Hemingway, SC Offense: Conspiracy to possess with intent to distribute and distribution of cocaine base; supervised release violation (Conspiracy to possess with intent to distribute and possession with intent to distribute cocaine); District of South Carolina Sentence: 300 months imprisonment; five years supervised release (June 21, 1996) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Roy Lee Debose Shreveport, LA Offense: Conspiracy to possess with intent to distribute 500 grams or more of cocaine hydrochloride; conspiracy to possess with intent to distribute 50 grams or more of cocaine base; Western District of Louisiana Sentence: 240 months imprisonment; 10 years supervised release (September 18, 2000) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Dexter Lanoyd Dickens Panama City, FL Offense: Conspiracy to distribute and possess with intent to distribute five kilograms or more of a mixture or substance containing cocaine; distribution of a mixture or substance containing cocaine within 1,000 feet of a school (four counts); principal to distribution and possession with intent to distribute a mixture or substance containing cocaine; distribution and possession with intent to distribute a mixture or substance containing cocaine; possession with intent to distribute 500 grams or more of a mixture or substance containing cocaine; Northern District of Florida Sentence: Life imprisonment; 10 years supervised release (December 17, 2004) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Andre Ester Houston, TX Offense: Conspiracy to possess with intent to distribute cocaine base; aiding and abetting the possession with intent to distribute cocaine base; Southern District of Texas Sentence: 300 months imprisonment; five years supervised release (October 25, 2002) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Christopher Tim Florence Chapel Hill, NC Offense: Possessed with intent to distribute cocaine base (crack); Middle District of North Carolina Sentence: 268 months imprisonment; 10 years supervised release (August 9, 2005) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Ian Kavanaugh Gavin Eight Mile, AL Offense: Possession with intent to distribute crack cocaine; using/carrying a firearm in furtherance of a drug trafficking offense; Southern District of Alabama Sentence: 180 months imprisonment; eight years supervised release (March 8, 2007) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and supervised release term commuted to four years of supervised release.Isadore Gennings Cincinnati, OH Offense: Conspiracy to distribute cocaine; interstate travel in aid of racketeering enterprises; possession with intent to distribute in excess of five kilograms of cocaine; Southern District of Ohio Sentence: 240 months imprisonment; 10 years supervised release (March 14, 2002) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and supervised release term commuted to five years of supervised release.Lamont Durville Glass Knoxville, TN Offense: Possession with intent to distribute cocaine base; felon in possession of a firearm; Eastern District of Tennessee Sentence: 262 months imprisonment; eight years supervised release (January 9, 1998) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Vander Keith Gore Little River, SC Offense: Conspiracy to possess with intent to distribute and to distribute 50 grams or more of cocaine base, five kilograms or more of cocaine, 50 kilograms or more of marijuana, and less than 100 grams of heroin; District of South Carolina Sentence: 240 months imprisonment; 10 years supervised release (October 30, 2002) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.George Michael Gray Springfield, OR Offense: Conspiracy to manufacture, possess with intent to distribute methamphetamine; manufacture of methamphetamine; possession with intent to distribute methamphetamine; possession of firearm in connection with drug trafficking offense; District of Oregon Sentence: Life imprisonment; five years supervised release (July 3, 1995) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Curtis Greer Rosenberg, TX Offense: Conspiracy to possess with intent to distribute 50 grams or more of a mixture and substance containing a detectable amount of cocaine base; possession with intent to distribute five grams or more of a mixture and substance containing a detectable amount of cocaine base (two counts); Southern District of Texas Sentence: Life imprisonment; 10 years supervised release; $5,000 fine (August 21, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and unpaid balance of the $5,000 fine remitted.Jerome Harris, Jr. Mobile, AL Offense: Possession with intent to distribute crack cocaine; possession with intent to distribute cocaine; use/carry/possess a firearm in furtherance of a drug trafficking crime; Southern District of Alabama Sentence: 300 months imprisonment; 10 years supervised release (November 7, 2006) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Vernon Harris Philadelphia, PA Offense: Possession with intent to distribute; possession of firearm by convicted felon; Eastern District of Pennsylvania Sentence: Life imprisonment; 10 years supervised release (October 25, 1996) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Kenneth G. Harvey Los Angeles, CA Offense: Possession with intent to distribute 50 grams or more of cocaine base; Western District of Missouri Sentence: Life imprisonment; 10 years supervised release; $10,000 fine (April 5, 1991) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Andrew Lee Holzendorf South Bay, FL Offense: Conspiracy to possess with intent to distribute cocaine base; Northern District of Florida Sentence: Life imprisonment; 10 years supervised release (November 14, 1996) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Tommy Howard Cincinnati, OH Offense: Use of a firearm during the commission of a drug trafficking offense; Southern District of Ohio Sentence: 292 months imprisonment; five years supervised release; $1,000 fine (January 8, 2004) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Kenneth Isaacs Little Rock, AR Offense: Conspiracy to possess with intent to distribute hydromorphone; Eastern District of Arkansas Sentence: 180 months imprisonment; three years supervised release (May 6, 2004) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Robert Lee Lane Bradenton, FL Offense: Possession with intent to distribute 50 grams or more of cocaine base; Middle District of Florida Sentence: Life imprisonment; 10 years supervised release (May 3, 1990) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Angela LaPlatney Casper, WY Offense: Conspiracy to possess with intent to distribute, and to distribute methamphetamine; concealing a person from arrest; District of Wyoming Sentence: 240 months imprisonment; 10 years supervised release; $1,000 fine (February 17, 2005) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Anthony Lee Lewis Tampa, FL Offense: Conspiracy to possess with intent to distribute cocaine and crack cocaine; distribution of crack cocaine; possession with intent to distribute crack cocaine; convicted felon in possession of a firearm; possession with intent to distribute cocaine; Middle District of Florida Sentence: Life imprisonment (September 16, 1994) Commutation Grant: Prison sentence commuted to expire on March 30, 2017.Herbert Lewis, Jr. Okmulgee, OK Offense: Possession with intent to distribute cocaine (two counts); Eastern District of Oklahoma Sentence: 240 months imprisonment; 10 years supervised release; $2,500 fine (March 7, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and unpaid balance of the $2,500 fine remitted.Byron Lamont McDade Bowie, MD Offense: Conspiracy to distribute five kilograms or more of cocaine, aiding and abetting; District of Columbia Sentence: 324 months imprisonment; five years supervised release (May 29, 2002) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.John E. Milton, III Baton Rouge, LA Offense: Conspiracy to possess with the intent to distribute and distribution of cocaine and cocaine base; Middle District of Louisiana Sentence: 600 months imprisonment; five years supervised release; $250,000 fine (April 3, 1997) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and unpaid balance of the $250,000 fine remitted.Gregory Morgan Jonesboro, GA Offense: Conspiracy to possess with intent to distribute cocaine base; Northern District of Georgia Sentence: 225 months imprisonment; 10 years supervised release (March 11, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Michael W. Morris Fort Worth , TX Offense: Conspiracy to possess with intent to distribute crack cocaine base; Southern District of Indiana Sentence: 240 months imprisonment; 10 years supervised release (December 24, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and supervised release term commuted to five years of supervised release.Larry Nokes Quincy, IL Offense: Conspiracy to distribute controlled substances; possession of a controlled substance; Central District of Illinois Sentence: Life imprisonment; 10 years supervised release (December 10, 2007) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Wayne Parker Miami, FL Offense: Conspiracy to distribute cocaine and cocaine base; Northern District of Florida Sentence: 420 months imprisonment; 10 years supervised release; $1,500 fine (November 23, 1999); amended to 360 months imprisonment; six years supervised release; $1,500 fine (March 8, 2001) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Exdonovan Peak Brooklyn, NY Offense: Conspiracy to possess with intent to distribute cocaine; Southern District of Mississippi Sentence: 365 months imprisonment; five years supervised release; $12,000 fine (February 13, 1997) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and unpaid balance of the $12,000 fine remitted.Carol Denise Richardson Texas City, TX Offense: Conspiracy to possess with intent to distribute 50 grams or more of cocaine base; possession with intent to distribute five grams or more of cocaine base (incorrectly described in the judgment as cocaine); possession with intent to distribute five grams or more of cocaine base; Southern District of Texas Sentence: Life imprisonment; 10 years supervised release (June 16, 2006) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Jose Ramon Rivera Chicago, IL Offense: Conspiracy to possess with intent to distribute heroin; distribution of heroin (two counts); Northern District of Illinois Sentence: 360 months imprisonment; 10 years supervised release (November 10, 1993) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Ismael Rosa Chicago, IL Offense: Conspiracy to distribute multiple kilograms of cocaine (four counts); use of communication facility in commission of drug offense (two counts); Northern District of Illinois Sentence: Life imprisonment (August 8, 1995) Commutation Grant: Prison sentence commuted to expire on March 30, 2017.Melissa Ross Daytona Beach, FL Offense: Conspiracy to possess with intent to distribute and to distribute five kilograms or more of cocaine hydrochloride and 50 grams or more of cocaine base; Middle District of Florida Sentence: 292 months imprisonment; 10 years supervised release; $4,000 fine (June 11, 2002); amended to 240 months imprisonment (January 17, 2009) Commutation Grant: Prison sentence commuted to expire on July 28, 2016, and unpaid balance of the $4,000 fine remitted.Jeffrey Sapp Ft. Lauderdale, FL Offense: Conspiracy to possess with intent to distribute crack cocaine; possess with intent to distribute crack cocaine; Southern District of Florida Sentence: 240 months imprisonment; 10 years supervised release (January 24, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Robin Evette Shoulders Louisville, KY Offense: Possess with intent to distribute 50 grams or more of cocaine base; possess with intent to distribute 500 grams or more of cocaine; Western District of Kentucky Sentence: 240 months imprisonment; 10 years supervised release (December 16, 2002) Commutation Grant: Prison sentence commuted to expire on September 26, 2016.Eric Smith Memphis, TN Offense: Conspiracy to possess with intent to distribute cocaine base; unlawfully maintaining a residence for the purpose of distributing and using cocaine base; Western District of Tennessee Sentence: 360 months imprisonment; five years supervised release (April 24, 1995) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Ernest Spiller East St. Louis, IL Offense: Distribution of crack cocaine (two counts); maintaining a crack house; possession of a firearm in further of a drug trafficking crime; felon in possession of a firearm; Southern District of Illinois Sentence: 352 months imprisonment; three years supervised release; $1,000 fine (August 3, 2000) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Tairone Traniel Stanford Buna, TX Offense: Conspiracy to possess with intent to distribute a Schedule II controlled substance cocaine base; possession with intent to distribute a Schedule II controlled substance cocaine base; Eastern District of Texas Sentence: Life imprisonment; 10 years supervised release (April 22, 1999) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Alohondra Rey Staton Greenville, NC Offense: Possession with the intent to distribute cocaine base (crack); Eastern District of North Carolina Sentence: 360 months imprisonment; five years supervised release (August 21, 2001) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Corey R. Thomas St. Louis, MO Offense: Possession with the intent to distribute more than 50 grams of cocaine base ( crack ); Eastern District of Missouri Sentence: Life imprisonment; five years supervised release (June 9, 2004) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Damion L. Tripp Poplar Bluff, MO Offense: Possession with intent to distribute a substance containing 50 grams or more of cocaine base; possession with intent to distribute a substance containing a detectable amount of marijuana; Eastern District of Missouri Sentence: 240 months imprisonment; 10 years supervised release (April 28, 2008) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Dwayne Twane Walker Charlottesville, VA Offense: Conspiracy to distribute cocaine base; Western District of Virginia Sentence: Life imprisonment; 10 years supervised release; $500 fine (May 27, 1997) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Jesse Webster Chicago, IL Offense: Conspiracy; attempting to possess with intent to distribute cocaine (incorrectly listed on the judgment as conspiracy); filing false income tax return (two counts); Northern District of Illinois Sentence: Life imprisonment; five years supervised release; $25,000 fine (March 21, 1996) Commutation Grant: Prison sentence commuted to expire on September 26, 2016, and balance of the $25,000 fine remitted.Shermaine Donnell Whitley Charleston, SC Offense: Conspiracy to possess with intent to distribute and distribution of cocaine and cocaine base ( crack ); District of South Carolina Sentence: 240 months imprisonment; 10 years supervised release (May 1, 2003) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Sammy Lee Woods Aurora, CO Offense: Conspiracy to distribute and possess with intent to distribute 50 or more grams of cocaine base, aiding and abetting; use of a communications facility to possess with intent to distribute cocaine base, aiding and abetting; possession with intent to distribute 1.062 grams of cocaine base, aiding and abetting; District of Colorado Sentence: 240 months imprisonment; 10 years supervised release (April 21, 2004) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Christopher Michael Wright Elmira, OR Offense: Conspiracy to manufacture and distribute 500 grams or more of methamphetamine; District of Oregon Sentence: 216 months imprisonment; five years supervised release; $5,000 restitution (May 31, 2006) Commutation Grant: Prison sentence commuted to expire on July 28, 2016.Michael A. Yandal Murray, KY Offense: Possession with the intent to distribute approximately 50 grams or more of a mixture or substance containing cocaine base; possession with the intent to distribute marijuana; possession of a firearm in the furtherance of a drug trafficking crime; Western District of Kentucky Sentence: 195 months imprisonment; five years supervised release (April 24, 2007); amended to 180 months imprisonment (December 11, 2007) Commutation Grant: Prison sentence commuted to expire on July 28, 2016. Via: Weasel Zippers ",left-news,"Mar 30, 2016",0 +"FBI INVESTIGATION Into HILLARY’S Email Server Entering β€œVery, very dangerous phase” [VIDEO]","Perhaps the pundits should start changing course and measuring Trump s chances of defeating Bernie Sanders in the general The investigation into Hillary Clinton s private email server is entering a very, very dangerous phase for the Democratic presidential front-runner, Judge Andrew Napolitano said on Varney & Co today.As federal prosecutors prepare to interview several of Clinton s closest aides, it s a sign that they re finished gathering and corroborating evidence, Judge Napolitano explained.He said that most criminal defense attorneys will not let their clients be interviewed by the FBI and federal prosecutors, because the government is not obligated to reveal what evidence they have. Via: FOX News",left-news,"Mar 30, 2016",0 +UNREAL! GROUP OF SIX-YEAR OLD THUG KIDS Curse And Attack Subway Riders [Video],"This video is so disturbing but is a great example of ZERO PARENTING! The kids were riding the subway attacking different passengers. Patrick Coyle started recording after the kids slapped a lady. They then turned on him: (function(d, s, id) { var js, fjs = d.getElementsByTagName(s)[0]; if (d.getElementById(id)) return; js = d.createElement(s); js.id = id; js.src = ""//connect.facebook.net/en_GB/sdk.js#xfbml=1&version=v2.3""; fjs.parentNode.insertBefore(js, fjs);}(document, 'script', 'facebook-jssdk'));Please show this to the right personPosted by Patrick Coyle on Thursday, 24 March 2016",left-news,"Mar 30, 2016",0 +WATCH: FEMALE UNIVERSITY Employee Assaults White Male Student For Wearing Hairstyle Belonging To Black Culture,"If a black student was assaulted by a white university employee for wearing a white hairstyle, would this be one of the only sources where you could find the story?A video has surfaced online alleging a San Francisco State University employee assaulted a white student for cultural appropriation . The woman has been identified online as Bonita Tindle. According to LinkedIn Tindle has held multiple jobs at SFSU since September 2015.In the video Bonita Tindle claims the white student should not wear his hair in dreadlocks because of his white culture. Bonita Tindle s friend Davia Spain is a witness to the assault. We would also like to mention that according to wikipedia dreadlocks originated from ancient Greece.The victim has reportedly filed a police report. If you have additional information to add please leave a comment below.Via: Conservative Outfitters",left-news,"Mar 30, 2016",0 +NEW HANDGUN DESIGN Folds Up Like Smartphone…But Is This Really A Good Idea?,"Tell us your thoughts about this new gun design in the comment section below. Is this compact, folding gun a great idea or will it make going through security a nightmare? While gun control remains one of the biggest debates in the country, one man wants to make concealing guns easier. He created a pistol that folds into what looks like a smartphone easy to carry and hard to detect.CNN Money spoke with the creator of the Ideal Conceal Pistol, Kirk Kjellberg of Minnesota, who said he got the inspiration for the handgun after a little kid saw his concealed pistol in a restaurant and told his mom, bringing unwanted attention to the fact that he was packing heat.The problem with his product is it may stoke fears rather than quell them.The pistol itself is a double-barreled .380-caliber derringer that only holds two bullets and can only be fired when it is folded out. It isn t available for sale yet and the patent is still pending, but it looks like Ideal Conceal has the intention of producing it.Because the gun is disguised even when it isn t concealed, it may require a concealed carry permit even if you aren t hiding it depending on your state s laws. In New York, weapons that are disguised to look like something other than a firearm are illegal.While this may seem like a great idea for gun owners who don t want to alarm people with the presence of their firearm, what about the people who have bad intentions? The Ideal Conceal Pistol can easily be brought anywhere, making it past metal detectors and security pat downs under the guise of being a phone. If anything, the existence of this weapon could make security even more of a pain to get through imagine if everybody s smartphones had to be inspected on top of everything else. Via: Mashable",left-news,"Mar 29, 2016",0 +BIKERS FOR TRUMP Will Travel To Future Rallies To β€œProvide Outside Security” Against Paid Soros Thugs For Hillary And Bernie Sanders,"Americans had to know it would come to this. The anarchists, the whiny, petulant college students with nothing better to do and the angry BLM protesters are about to meet up with a group who doesn t care much about their feelings or about political correctness. A large percentage of bikers who belong to groups are veterans who have fought for our nation and are not about to step aside and allow a billionaire communist who supports a woman under investigation by the FBI and left four of their brothers to die in Benghazi, to take away the right of Americans to attend a political rally for a candidate they support.It s a military tradition of sorts, running back more than six decades.In the wake of World War II, as a generation of troops returned home from combat, veterans across the country found a certain pleasure and purpose through a newly evolved piece of gear they d become friendly with downrange: the motorcycle.New motorcycle clubs sprang up everywhere, filling the void of camaraderie and brotherhood not to mention adrenaline and adventure that many found themselves craving with the end of their military service.They called themselves outlaws not because they were criminals but because they refused to be boxed in by the rules and regulations of the fledgling American Motorcycle Association. Combat is where motorcycle outlaws come from, says Don Charles Davis, who writes the Aging Rebel biker news blog from Los Angeles. Clubs like the Boozefighters and the Outlaws were either invented or transformed by veterans on cheap Army surplus bikes. One club in particular drew its inspiration from the 3rd Pursuit Squadron of the Flying Tigers, the American volunteers who flew combat missions against the Japanese over China. The squadron was better known among the fliers as Hells Angels. It was just the first of three waves of motorcycle club membership, Davis says. The second surge, of which the former II Corps artilleryman was a part, arose in the wake of Vietnam. Like many war fighters returning home to a largely hostile nation, he found his own family among bikers.That s when clubs such as the Mongols, the Devils Disciples named after a George Bernard Shaw play about Revolutionary War patriot Ethan Allen, Davis says and the Bandidos got their start, again largely fueled by returning veterans.And now a new generation of currently serving troops and veterans are pouring into the old clubs, and starting their own groups as well. Via: Military TimesMeanwhile, Donald Trump is ending his vacation with a rally in the Critical state of Wisconsin, tomorrow at 11AM. His event has already sold out, and a violent protest has been organized to cause mayhem and havoc as they did in Arizona and Illinois.[quote_box_center]From the TRUMP PATRIOTS Facebook page: Patriotic Bikers, from all across the United States are planning to show up at ALL future TRUMP rallies to make sure that any paid agitator protesters don t take away Mr. Trump s right to speak. Or interfere with the rights of Trump supporters to safely attend. WE SHALL NOT BE SILENCED!TO ALL THOSE PAID PROTESTORS Planning on causing chaos, violence,anarchy and riots. Trump rallies are private paid events on private property and Trump is under Secret Service protection. If you want to peacefully assemble across the street from any of Trumps rallies to protest, that is your 1st amendment right. But to publicly plan, incite and organize your events as paid agitators disrupting others civil rights from attending any private event, will most likely end very bad for you, despite the medias attempt to be your cheerleaders.[/quote_box_center]JANESVILLE Nichole Mittness thought about 100 people would respond to a Facebook page inviting a protest of Donald Trump s Janesville appearance.As of midday Saturday, 1,200 had pledged to be there, and Mittness figured that meant 1,000 or so would show up on Tuesday. It s really overwhelming. I was not anticipating this kind of response, Mittness said.While Mittness is working to have a peaceful protest that doesn t interfere with the Trump event, Janesville police are preparing for any possibility.Janesville Police Chief Dave Moore said Friday he didn t yet know how many officers would be assisgned, but his department reached out to police agencies in Rock County, including the sheriff s office, as well as the State Patrol, DNR and Dane County Sheriff s Office.The joint Beloit-Janesville-Rock County sheriff s mobile field force, which specializes in crowd control, will be there, Moore said.Moore noted the Janesville Conference Center holds 1,000 and said he expects a substantial number of people outside. Trump s event is scheduled for 3 p.m. The local protest is slated to begin at 11 a.m.Police respect the constitutional right to freedom of speech, and to the degree possible, we intend to allow all citizens to voice their opinions, but we will require that it be done in a peaceful and safe manner, Moore said.Inside the Janesville Conference Center a part of the Holiday Inn Express is a different story, Moore said.If the Holiday Inn, Trump s people or the U.S. Secret Service want disrupters removed, It is private property, and that s their right, Moore said. Via: Prntly",left-news,"Mar 29, 2016",0 +"WHY Did Two Major Companies, Who Cash In On EASTER Candy Sales, Hiding β€œEaster” From Packaging?","Americans watch in horror, as ISIS systematically destroys any signs of Christianity in the Middle East. Meanwhile in America, the Left is doing the very same thing but in a much more inconspicuous way. They ve made every effort to remove Christianity from the public s view. They ve removed Christianity from school organizations, public places, and now, in the marketing of products specifically related to religious holidays for the Christian consumer Cadbury was inundated with furious comments from customers on Twitter, questioning why the Easter treats simply said milk chocolate egg with no mention of the Christian festival. One said: Some of us want to know why Easter is hidden on the back now? Why change a good thing?? while another commented: Disgusting you ve dropped the word EASTER .Cadbury sent endless replies to irate shoppers denying claims that they have a policy to remove the Easter slogan on packaging.They wrote on their Twitter: Easter s on the back of our packaging with the other product details.Both Cadbury and Nestle denied that they were getting rid of the word Easter from their products. The word Easter is not included on the front of the packaging for their Mini Eggs Giant Egg or their Dairy Milk Buttons Egg, but Happy Easter is branded on a special edition of the Dairy Milk chocolate bar. It s not on the front as the seasonal design shows what it is. As a seasonal treat the eggs will always be linked with Easter. However customers remained unconvinced, accusing the company of hiding any mention of Easter on the back.Both Cadbury and Nestle denied that they were getting rid of the word Easter from their products. Via: Daily Mail ",left-news,"Mar 29, 2016",0 +FORD CEO Tells Trump They’ll Move Forward With Plans To Open $2.5 Billion Plant In Mexico…And Here’s Why [VIDEO],"Perhaps the focus should be on the EPA and other government agencies who create an extremely hostile environment for manufacturing goods in America Trump has repeatedly accused the company of outsourcing jobs to other countries and taking jobs away from American workers. CEO Mark Fields responded to Trump s criticism in a recent interview with CNN s Poppy Harlow. He said Ford is committed to adding jobs in the U.S.Last July, Trump blasted Ford for having manufacturing operations in Mexico. What does that do? We don t get anything. Does Mexico come here and build factories here? We lose a fortune with every deal that adds jobs overseas, Trump claimed.Fields defended Ford s track record on supporting American jobs. We ve created 25,000 jobs [in the U.S.] since 2011, and going forward over the next four years we ve agreed to either retain or add another 8,500 jobs, Fields said. The amount of money that we invest in [research and development] here is more than companies like Apple. Ford invested nearly $7 billion in R&D in the U.S. in 2014 alone, Field said.The Republican presidential frontrunner s criticism of Ford largely centered around Ford s plans to invest $2.5 billion in its Mexican operations.Then in October, Trump took credit for Ford supposedly canceling those plans and opening a new factory in Ohio instead.In fact, Ford said it planned to go forward with its $2.5 billion expansion in Mexico. And its decision to move production of a line of trucks from Mexico to Ohio was made four years ago during union negotiations. Via: CNN Money",left-news,"Mar 28, 2016",0 +FIDEL CASTRO MOCKS President Obama…Blasts Him For Meddling In Communist Country’s Affairs,"B..b b but what about the wave the baseball game, the posing in front of Che Guevara artwork? We were under the impression that our communist leader and Cuba s communist leader had an understanding, or at least a special bond between kindred spirits Fidel Castro speaking out for the first time since President Obama s historic visit to Cuba blasted the US leader for trying to meddle in his country s affairs.In a letter titled Brother Obama and published Monday in El Granma, the official state newspaper of the Cuban Communist Party, the island nation s former president scoffed, We don t need the empire to give us any presents. Castro, 89, ripped Obama for assuming that Cuba trusted him when he said the US government is done trying to overthrow the Communist regime and that this will help the island move more quickly toward economic and political reform. My modest suggestion is that he reflects and doesn t try to develop theories about Cuban politics, Castro said. No one should pretend that the people of this noble and selfless country will renounce its glory and its rights, he wrote. We are capable of producing the food and material wealth that we need with the work and intelligence of our people. He even took a swipe at Obama s relative youth. Native populations do not exist at all in the minds of Obama. Nor does he say that racial discrimination was swept away by the Revolution; that retirement and salary of all Cubans were enacted by this before Mr. Barack Obama was 10 years old, Castro said.Obama had said in a speech that it is time, now, for us to leave the past behind, but the diehard Commie retorted, I imagine that any one of us ran the risk of having a heart attack on hearing these words from the President of the United States. Castro ceded power to his brother Raul in 2008. Obama met with Raul last week, the first time a US president had been to Cuba since 1928. Via: NYP",left-news,"Mar 28, 2016",0 +"OBAMA’S BACKDOOR GUN CONFISCATION: 260,000 VETERANS STRIPPED Of Second Amendment Rights","Obama s cowardly backdoor gun confiscation starts with those who ve risked their lives defending our rights.In what amounts to a backdoor gun grab, two Senate Republicans are demanding to know why the VA stripped 260,000 veterans of their Second Amendment rights.As of December, the VA has reported 260,381 individuals to the FBI as mentally defective and therefore not permitted to purchase a gun, Guns.com is reporting.U.S. Sen. Chuck Grassley, an Iowa lawmaker who is currently the Senate Judiciary Committee Chairman, finds this unacceptable. Our military heroes risked their lives to protect and defend this country and all that we stand for, including our most basic constitutional rights, said Grassley in a statement. Now the very agency created to serve them is jeopardizing their Second Amendment rights through an erroneous reading of gun regulations. The VA s careless approach to our veterans constitutional rights is disgraceful. In an effort to fix the issue, Grassley, along with Senate Veterans Affairs Committee Chairman Sen. Johnny Isakson, R-Ga., penned a letter to VA Secretary Robert McDonald last week and another to the subcommittee over the agency s funding, questioning the practice.Making a due process argument, the lawmakers argue the VA uses the fiduciary trustee status of a veteran to regulate firearms possession without ever seeking to find out if the service member is a danger to themselves or others. The use of the VA regulation, adopted for a totally unrelated purpose, is suspect, especially in light of the Supreme Court holding that the Second Amendment is a fundamental right, reads the letter to McDonald. That holding changed the legal calculus by which a regulatory scheme can survive constitutional scrutiny and it is not clear how these regulations would fare under that increased scrutiny. Via: DownTrend",left-news,"Mar 28, 2016",0 +WHY β€œMODERATE” MUSLIMS DON’T SPEAK OUT: Muslim Shopkeeper Makes Video Wishing Customers β€œHappy Easter”…Muslim Man Stabs Him To Death [VIDEO],"The religion of peace and tolerance strikes again A shopkeeper was murdered by a fellow Muslim after he wished his Christian friends a peaceful Easter.Asad Shah, who was stabbed up to 30 times at his shop, had praised both the life of Jesus and his beloved Christian nation . Left lying in a pool of blood, the 40-year-old died in hospital. Police, who were questioning a 32-year-old suspect last night, said the killing was religiously motivated.Mohammad Faisal, a family friend, said a bearded Muslim wearing a long religious robe entered Mr Shah s shop and spoke to him in his native language before stabbing him in the head with a kitchen knife.Mr Shah s brother, who was working next door, rushed out to find the killer laughing while sitting on the Glasgow newsagent s bleeding chest. The brother dragged Mr. Shah away but the guy continued attacking with the blade, said Mr Faisal. They struggled up to the bus stop where Asad collapsed. It was just a clear-cut revenge attack. For posting messages about peace, messages about greeting fellow Christians and Jews. Here is the video Asad Shah posted that inspired his brutal murder by a fellow Muslim: Before his death, Mr Shah had wished his friends a Good Friday and a very happy Easter, especially to my beloved Christian nation .In his final post, he wrote: Let s follow the real footstep of beloved holy Jesus Christ and get the real success in both worlds. Mr Shah also appeared to use his Facebook page to speak out over the attacks in Brussels. Via: Daily Mail",left-news,"Mar 28, 2016",0 +ALL ABOARD THE SHARIA LAW TRAIN: Germany Announces They Will Now Have Female ONLY Sections,"Well that didn t take long In the trains between Leipzig and Chemnitz the MRB is setting up some compartments for women traveling alone and mothers with children. The background for the alterations is a corresponding demand, said Kleinrensing.Since December MRB, a subsidiary of the internationally active group Transdev, has been operating on the route and in response to the wishes of female customers, it wants to improve the service in the trains correspondingly.So, in the next few weeks, all trains in the REG Regional Express line, will get two female compartments, each with 12 seats. This actions also contributes to strengthening the feeling of security of female passengers, said Kleinrensing.Via: sz-online.de S chsische Zeitung",left-news,"Mar 28, 2016",0 +LEFTIST HATE ON STEROIDS: Donald Trump Tombstone Appears In NYC,"Suggesting a person should be killed because the Left disagrees with his desire to make America great again is beyond the pale But lets discuss micro aggressions and demands for safe spaces A tombstone for Donald Trump mysteriously appeared in Central Park this weekend, just one week after over a thousand avowed communists, socialists, Sen. Bernie Sanders (I-VT)16% fans, and pro-illegal immigration activists took part in an anti-Trump protest in Central Partk.The Gothamist posted a tweet showing the tombstone, which reads Made America Hate Again. Photo: You Can Visit Donald Trump's Tombstone In Central Park https://t.co/jetfxBxUFj pic.twitter.com/JvBKYsMKUI Gothamist (@Gothamist) March 27, 2016 As Breitbart News has reported, while the media and even other Republicans have castigated Trump for violence, in fact the calls for Trump s death have gone unpunished on social media sites like Twitter.The following tweets are just a sample from the last 24 hours:I think I m gonna assassinate Donald Trump (@Inuyashiha) March 27, 2016im going to hire someone on the deep web to assassinate donald trump fat cube head (@IovegIow) March 27, 2016@FaZeBlaziken 10 likes and I will assassinate trump Adam Gomez (@kingprimoLoL) March 27, 2016@patrickfoster Personally, I can t understand why there isn t a Kickstarter to assassinate Trump, yet. Eric Karjaluoto (@karj) March 27, 2016Meanwhile, an Assassinate Donald Trump page has been reposted on Facebook. The page s creator said that they don t personally plan to kill Mr. Trump, but they believe it should be done :Assassinate Donald TrumpMarch 25 at 3:10pm I find it important to say for my own protection that I have no intention or interest in assassinating a presidential cacandidate. Rather, I think it s something that should be done and I think the page needs to exists again, since the Republicans whined it down. Via: Breitbart News ",left-news,"Mar 28, 2016",0 +NATIONAL ENQUIRER ENDORSED TRUMP…Then Dropped YUGE Bombshell: β€œCRUZ’S 5 SECRET MISTRESSES”,"Unfortunately, in this day and age, it doesn t really matter if the story is true or not. The propaganda driven media, and Americans who hang on their every word (especially the anti-God Left), are so anxious for red meat on one of the top GOP presidential candidates, the story will stick regardless of its validity Here s Trump s Spokesperson, Katrina Pearson on the tabloid story:What's worse? People who actually believe the trash in tabloids, or the ones who know it's false &spread it anyway? #stupidity on all levels Katrina Pierson (@KatrinaPierson) March 25, 2016One thing I ve learned from writing about politics for 10 years is that you ll never talk someone out of believing something they really want to believe. (At least you won t if you re a mediocre writer. Maybe great writers are different.) Another thing I ve learned is that there s no way to cover ratf*cking without participating in it. An accusation is made, it reaches a critical mass of public awareness, then you re forced to choose between ignoring a matter of public interest and spreading the accusation by addressing it. It s a testament to how far this has spread already that Cruz himself felt obliged to say something.Here s the National Enquirer story alleging that Cruz has had affairs with at least five women. Wait, let me rephrase: Here s the National Enquirer story alleging that there are claims that private detectives are investigating affairs with at least five women that Cruz has supposedly had. Two possibilities here:1. It s all true. Better men than Cruz have exploited their stature in Washington for sexual conquests. And the Enquirer s been right before about political sex scandals that no one else would touch. As every Trump fan on Twitter will eagerly tell you today, they got the John Edwards story right. Meanwhile, we re still waiting for further details on the 12 mistresses Barack Obama supposedly has. Or how it could be that Hillary Clinton had six months to live six months ago. Or why no major mainstream newspaper has yet exposed the fact that Antonin Scalia was assassinated by a hooker hired by the CIA. Personally, I m more interested in that one than this Cruz business.2. It s a smear. As it turns out, the Enquirer is emphatically pro-Trump. They endorsed him a few weeks ago. He s been friends with the paper s CEO, David Pecker, for years. And this wouldn t be the first time they ve done him a solid by publishing a spoonfed attack on one of his opponents, according to Gabriel Sherman. Supposedly it was Team Trump that handed the Enquirer a story last year about Ben Carson leaving a medical sponge inside a patient. It s also noteworthy, as Cruz himself mentions in the clip, that Trump advisor turned Trump cheerleader Roger Stone is the only quoted source in the Enquirer piece.Whether or not the target denies the claim is unimportant. The point is to plant the possibility that it s true in the audience s minds, knowing that some will believe it. So here we have with the Cruz accusation a publication that s in the tank for Trump, that s allegedly willing to fling sh*t for him, and that s in contact with people renowned for their own willingness and ability to supply sh*t to the media. Could it be that the accusation is sh*t itself?In a weird twist, Trump s own spokeswoman, Katrina Pierson a former spokeswoman for Cruz is identified in the Enquirer piece as one of the alleged mistresses via a partially distorted photo that s nonetheless clear enough. Pierson denies any relationship with Cruz:Of course the National Enquirer story is 100% FALSE!!! I only speak to myself, however.Carry on Katrina Pierson (@KatrinaPierson) March 25, 2016Certain publications were eager to use a supposed threat against Ted Cruz by worldwide hacker group Anonymous as proof that he was guilty as charged. A threat from a hacker group Anonymous must mean Cruz is guilty right? Unfortunately, the video they re using is not even from the official Anonymous official account. How about doing a little homework guys?Here s the video they re using:The publications who are using Billy Anderson s video as proof that Anonymous is threatening Ted Cruz, as a way to prop up Donald Trump, might want to look up a video the OFFICIAL Anonymous account posted about Donald Trump:https://youtu.be/PvCC2qONQFgLastly, before voters fall for a video from Anonymous posted by Billy Anderson (who has only 2 videos on his account) they may want to better understand how Anonymous really feels about the upcoming elections. Here s a clip from their OFFICIAL account:There s a reason these Anonymous masks were frequently seen at Occupy events and most recently at the anti-Trump rally in Chicago. They tend to be worn by anarchists.Via: Hot Air ",left-news,"Mar 26, 2016",0 +WHY PICTURE OF CHE-OBAMA Was Much Worse Than Anyone Imagined,"Oh the irony, of our Nobel-Peace-Prize-Recipient-In-Chief standing in front of a building representing some of the worst oppression and human rights violations in the world. I don t know, maybe it s just me, but does Obama look like he s imitating a certain someone, that he likely holds up as an icon in that photo? Only 273 days One of the first places I visited on a government-sanctioned educational tour to Cuba several years back was the Plaza de la Revolucion, a hideous expanse of concrete at the center of Havana that makes, say, Tiananmen Square look positively charming. It was there that President Obama was featured in that now-infamous photo in front of a giant mural of Che Guevara.It was unfortunate that the president lent his imprimatur to Guevara, a totalitarian who was responsible for the death of thousands. But, in some ways, the photo-op was even worse than it looked. Because as we learned on our tour, the building that Guevara s face adorns is home to the Cuban Ministry of the Interior.Unlike our own Ministry of the Interior, Cuba s is not charged with innocuous tasks like protecting endangered waterfowl. Rather, it operates the National Revolutionary Police, which, in addition to keeping law and order on the streets, harasses and arrests dissidents, and suppresses counter-revolutionary activities. In other words, it s Cuba s version of the Stasi.President Obama boasted on his trip that he wasn t going to tell Cubans to tear something down, a reference to President Reagan s famous exhortation to tear down the Berlin wall. Of course, there s no wall only ocean separating Cuba from the rest of the world to tear down. But Obama could have at least told Castro to tear down the monument to repression that he was happily photographed in front of.By ETHAN EPSTEIN Weekly Standard",left-news,"Mar 25, 2016",0 +WORKPLACE MICROAGGRESSION: ISIS Yells β€œAlluha Akbar” While Accidentally Blowing Themselves Up [VIDEO],Obviously not the smartest cowards in the desert https://youtu.be/QsZN_0barc8h/t Weasel Zippers,left-news,"Mar 25, 2016",0 +LIBERAL β€œThe View” HOSTS MOCK HILLARY’S RESPONSE To Brussels Terror Attack…Admit Trump Was Right [VIDEO],Hell begins freeze over Did We Ever Think That Donald Trump Would Be The Voice Of Reason? So which candidate makes you feel more safe Hillary or Trump? ,left-news,"Mar 24, 2016",0 +WATCH: HILARIOUS AD Calls Into Question Health Of Aging Clinton Crime Family Bosses,"After watching this telling video, you ll wonder if instead of working so hard to get back into the White House, Hillary s time would be better spent looking into an assisted living situation for her and Bill ",left-news,"Mar 24, 2016",0 +"MOOCH CRIES VICTIM (Again) In Speech To Argentinian Girls: β€œmen would whistle at me as I walked down the street, as if my body were their property” [VIDEO]","Ahhh Mooch The perpetual victim. Never mind that 319 million Americans have been victims of her husband s radical, self-serving policies for the past 7 1/2 years. And never mind that the Obama clan just spent their vacation palling around with communist dictator, Raul Castro, who is currently committing some of the worst human right violations against women in the history of Cuba. Never mind that there are Christian and Yazidi women being raped and sold into a lifetime of sex slavery. Our First Lady would like to use herself as an example of what a victim of sexism looks like. How very appropriate First Lady Michelle Obama said she faced harassment from men who used to whistle at her when she was a young woman. As I got older, I found that men would whistle at me as I walked down the street, as if my body were their property, as if I were an object to be commented on instead of a full human being with thoughts and feelings of my own, Obama said in a speech in Argentina on Wednesday. I began to realize that the hopes I had for myself were in conflict with the messages I was receiving from people around me, she said at the Let Girls Learn initiative.Via: Daily Mail",left-news,"Mar 24, 2016",0 +HOW OBAMA IS FORCING POOREST AMERICANS To Fend For Themselves Against Dangerous Criminals Crossing Our Borders,"Is it any wonder Latino Americans are throwing their support behind Donald Trump?Concerned about strange people running through their neighborhood at night, several Hidalgo residents invited a CBS 4 News reporter to stop by and witness the problem firsthand.Note: Hidalgo is not even listed on the Top 8 Most Dangerous Border Cities In AmericaGraciela Perez said she s concerned about the people who attempt to sneak through her neighborhood every night.Depending on the day, 30 to 50 people pass through the Hidalgo Viejo neighborhood, Perez said. Dogs start barking, waking many residents. We think they are undocumented immigrants and we re scared, Perez said. Honestly, we re scared because of what s going on in Mexico. Via: Valley CentralThe number of arrests made at the border of people from Afghanistan and Pakistan is up significantly this year compared to last, the president of the National Border Patrol Council said when he testified during a House hearing on Tuesday.Brandon Judd, who has also served as a Border Patrol agent for nearly 20 years, also told the House Oversight and Government Reform Committee s Subcommittee on National Security that he has witnessed U.S. Customs and Border Protection (CBP) officials fudge alien apprehension statistics by low-balling the number of got aways illegal border-crossers who enter the country but avoid being apprehended by border agents.Judd began by denying what he says is the Obama administration s claim that the border is more secure today than it s ever been. As a Border Patrol Agent, I will tell you the exact opposite, Judd said.The Obama administration fails to give the American public key indicators such as the number of arrests of persons from countries with known terrorist ties or from countries that compete economically with our interests, he added.To support his claim, Judd pointed to statistics showing that in all of fiscal year 2015, Border Patrol arrested five people from Afghanistan, 57 from Pakistan and 1,327 from China.But that number has surged this year, according to Judd. Already in the first five months of this fiscal year, the United States Border Patrol has arrested 18 from Afghanistan 79 from Pakistan and 619 from the Peoples Republic of China, the union chief said. Those numbers should alarm everyone and we are seeing a similar trend from other key countries like Albania, Bangladesh and Brazil, he continued.Judd also pointed to what he said is evidence that drug cartels are winning. He said that during a visit to a station in the Del Rio Border Patrol sector in south Texas, resource-strapped agents were only able to arrest 47 percent of known border-crossers.He said that out of 157 known entries that week, 74 were arrested, 54 evaded arrest and entered the U.S., 17 evaded arrest and returned to Mexico, and 12 were still unaccounted for. That s a 47 percent arrest rate, said Judd. That s not very good. He also highlighted the gaps in border security by citing an email he received on Tuesday from a Border Patrol agent in Arizona pointing to a 10-mile stretch of the border that was unmanned for two days. Criminal cartels were able to go to the fence, cut a hole in the fence, drive two vehicles through that hole and escape. They were able then to put the fence back up and try to hide the cuts that were made, Judd said. The scariest part of those vehicles entering the United States is we don t know what was in those vehicles, he explained. And of the border-crossers who have not been apprehended, Judd said we don t know where they were from. Florida Rep. Ron DeSantis 89% , who chairs the national security subcommittee, also asked Judd whether CBP might be fudging its apprehension data. Not only have I heard similar reports, I ve actually seen it, Judd said, recalling a previous stint as an intelligence officer working at a station on the southern border.He said he received a note from a high-ranking watch commander ordering him to remove numbers from a got-away report.Via: Daily Caller ",left-news,"Mar 24, 2016",0 +"MAN ARRESTED For Asking Muslim Woman: β€˜Excuse me, can I ask what you thought about the [terror] incident in Brussels?’","While London police are wasting resources to track down people who may or may not have offended Muslims, ACTUAL tweets promoting threats of violence towards non-believers can be found on Twitter round-the-clock. We found this tweet only 2 days ago following the Brussels terror attack:A man who tweeted about stopping a Muslim woman in the street yesterday, challenging her to explain Brussels , and lambasted on Twitter for his comments, has responded to the criticism today, insisting he is not some far right merchant .Matthew Doyle, partner at a south London-based talent & PR agency, posted a tweet on Wednesday morning saying: I confronted a Muslim woman in Croydon yesterday. I asked her to explain Brussels. She said nothing to do with me . A mealy mouthed reply. He was later arrested.A Metropolitan Police spokeman said: A 46-year-old man was this evening arrested at his home in Croydon on suspicion of inciting racial hatred on social media. He has been taken to a south London police station and enquiries continue. His tweet referred to yesterday s bomb attacks on the Belgian capital s main airport and Metro system that left at least 34 people dead and 198 injured. His comment went viral, being retweeted hundreds of times before he eventually deleted it. Mr Doyle told the Telegraph he had no idea his tweet would be the hand grenade it has proven to be and that Twitter s 140 character limit made the encounter sound vastly different to how he thought it went. What everyone s got wrong about this is I didn t confront the woman, he said. I just said: Excuse me, can I ask what you thought about the incident in Brussels?' She was white, and British, wearing a hijab and she told me it was nothing to do with her. I said thank you for explaining that and her little boy said goodbye to me as we went out separate ways. On Wednesday afternoon, he says, someone who s been outraged by his comments turned up at my door, gave me a load of abuse and tried to throw a punch at me. As for his more inflammatory tweets, Mr Doyle claims they re intended as a joke, which people who know him would understand as that s absolutely not who I am. I m not some far-right merchant, I m not a mouthpiece for any kind of racism or radicalism, he says. If I was xenophobic I wouldn t live in London. I have a Muslim neighbour who got burgled, and I was one of the first people to go around to help. However, he says he does believe Muslims aren t doing enough to speak out against terrorism. The horror that happened in Brussels could happen here, he adds, and your naive if you think London isn t on some terror shortlist. Via: Telegraph ",left-news,"Mar 24, 2016",0 +HOW COLLEGES ARE DESTROYING Free Speech: β€œEmergency counseling sessions” Offered After β€œTRUMP” Word Was Written On Sidewalk In Chalk,"Terrorism has gripped Europe, America has two Socialist candidates running for President, people who want to kill us are freely flowing into our country, and college students are hyperventilating over chalk drawings with the name of one of the name of one of the most successful business men in America. As if today s college students didn t already face enough horrors, now the poor kids have to deal with the most gruesome microaggression of all: the T-word.Trump.Yes, hatemongers use the name of the Republican presidential front-runner on campus. Emory University students have even seen Trump chalked on sidewalks!The injured kids promptly did the only rational thing: marched on the Georgia school s administrative center, chanting Stop Hate, and You are not listening. Come speak to us, we are in pain. So are we, kids, so are we.The college leaped into action, offering emergency counseling sessions as President James Wagner vowed to track down the heartless graffiti-scrawler.Academia has come to this children who can t bear to share the same ZIP code with anyone who sees the world differently.Via:NYPJim Wagner, the president of the university in Atlanta, met with the protesters and later sent an email to the campus community, explaining, in part, During our conversation, they voiced their genuine concern and pain in the face of this perceived intimidation.Wagner added that the Freedom of Expression Committee is meeting to address whether the person or people responsible for the chalking were in compliance with Emory s policy. He said that they would debate technical issues, such as whether or not the chalkings were done on appropriate surfaces. However, he believes that the broader concern motivating the protests had to do more with the ideas the chalkings stood for than how they were done. Was it really just a message about a political preference, a candidate preference, or was it a harsher message? he asked. And I will tell you, those who met with me were genuine in their concerns that it was the latter. Ultimately, Wagner said he thinks that Emory s Respect for Open Expression Policy, which states that Emory is committed to an environment where the open expression of ideas and open, vigorous debate and speech are valued, promoted and encouraged, permits people to feel as though they have safety in speaking up and allows administrators to feel comfortable responding to incidents and concerns like this. However, College senior Alex Reibman believes that the proposed administrative response will prove to be counterproductive. I think the best step forward would be for administrators to engage in discussions with the students, he said. They could actually capitalize on this and allow for a better way of freedom of expression. He suggested that administrators consider the possibility of implementing free speech zones at Emory, which would allow people to voice their personal opinions and for others to counter those opinions. Hate speech, whether we like it or not, is a crucial part of free speech, he said.College freshman Amanda Obando disagreed with Reibman s view, saying that it dismissed the personal experiences of many who felt offended by the chalking. My reaction to the chalking was one of fear, she said. I told myself that it was a prank, and that the responsible individual was probably laughing in their room. I told myself that Emory would do something about it. Via: Emory Wheel",left-news,"Mar 24, 2016",0 +WOW! DENNIS MILLER NAILS IT: β€œThe GOP is now Chipotle! You’re making your customers sick!” [Video],This is awesome! No words just enjoy! ,left-news,"Mar 24, 2016",0 +"ISIS Is On The March, Belgium Is Burning, While Obama Hangs With New Commie Bestie In Cuba…Dirty Dances In Argentina [VIDEO]","Party on Barry Expect to see more of this behavior from our first class marxist ass, as he goes around the world on our dime campaigning for UN Secretary General.In Brussels police are still desperately hunting a dangerous terrorist after he fled a triple-suicide bombing in the city that left 34 dead, as officials hunt for news on U.S. citizens who went missing during the attack and medics tend to nine more Americans lying in hospital wounded.Meanwhile in Buenos Aires President Barack Obama is dancing the night away with wife Michelle at a glitzy state dinner alongside Argentine President Mauricio Macri and his first lady Juliana Awada as part of a two-day state visit. Despite increasing criticism from the likes of Donald Trump and Ted Cruz for the President to return home in the wake of the Brussels attack, Obama showed his determination to carry on regardless Wednesday night. Via: Daily Mail ",left-news,"Mar 23, 2016",0 +MOST UNWANTED MAN IN THE WORLD: Argentinians Don’t Want Obama In Their Country…Americans Would Like Him To Stay There,"January 2017 can t come fast enough for America, and for the rest of the world who is 100% FED UP with this freeloading, fascist loving family .For two days President Barack Obama has defied calls from Republicans to cancel his trip to South America and return home in the wake of the terror attacks in Brussels.And now it seems even his guests are sick of having him after dozens of human rights protesters took to the streets of Buenos Aires to demand he leave Argentina.But instead of departing Obama chose to carry on regardless this evening as he attended a glitzy banquet alongside wife Michelle, Argentine President Mauricio Macri and first lady Juliana Awada.The foursome were pictured arriving at the Centro Cultural Kirchner, named after Argentina s former Prime Minister and Marci s predecessor, in the country s capital this evening.The group paused for a photo opportunity on a red carpet with Obama and Marci dressed in suits and Michelle and Awada in glamorous evening dresses.From there they made their way into a leafy candlelit courtyard for champagne, where Obama was pictured clinking glasses with Marci. Meanwhile a few streets away human rights protesters were busy burning American flags and demanding Obama leave the country. The protesters accuse America of backing dictatorial regimes during the Cold War in South America, including in Argentina, and hold the U.S. responsible for the thousands who died or were disappeared under their rule.Today marks the 40th anniversary of the military coup in Argentina that ushered in one of the most oppressive dictatorships in Latin American history, which demonstrators argue makes Obama s visit particularly offensive.Earlier in the day, Obama sought to deflect criticism of his foreign travel in the wake of Belgium s terror attacks, saying the U.S. must show ISIS that it does not have power over its citizens. We are strong, our values are right. You offer nothing, except death, Obama said of ISIS.Gesturing in the direction of Argentinian President Mauricio Macri, who was standing to his left at a joint news conference this afternoon in Buenos Aires, Obama said, It is important for the United States president and the United States government to be able to work with people who are building and who are creating things. We have to make sure that we lift up and stay focused, as well, on the things that are most important to us, he said. Because we re on the right side of history. Via: Daily MailYeah right Barry. ",left-news,"Mar 23, 2016",0 +LATINA RESTAURANT OWNER THREATENED After Being Called On Stage At Trump Rally [VIDEO],"After the community found out about the threats she was receiving, they came together in a YUGE way to support her. The Latina Trump supporter actually ran out of food she had such an overwhelming response from people who felt compelled to support her. Another epic back fire from the Soros funded, Obama inspired, anti-Trump agitators Restaurant owner Betty Rivas received abusive and threatening calls after attending a Trump rally with a Latinos Support Trump sign.KGUN9 On Your Side went back to visit Sammy s Mexican Restaurant in Catalina after our story aired and the Rivas family said on Tuesday, they have now become overwhelmed with showings of support. At 7-o-clock, my husband called me and say, You need to come in and I said, Why? said owner Betty Rivas. I think it happen something bad. But, instead the flood of customers came for more than just the food. Customers like Rhonda Mikuski who said, she s been to the restaurant before, but made a special visit today. We just wanted to come by today more or less -to just show our support that America still exists, said Mikuski. People have the right say what they want to say without being threatened. Harry Edmondson said he heard about the drama through the news and Facebook and he felt the need to come by. I don t want her to fail because some people are meaning to shut free speech down, Edmondson said. So, I ll support her But, Rivas said, she did not exercise her right to vote today, saying she was too busy and had not come to a decision on a candidate yet. No, I m still thinking, Rivas laughed.Or more likely she s scared to death of the Leftist Mafia ",left-news,"Mar 23, 2016",0 +TICKING TIME BOMB: Why More Young Muslims In The West Are Sympathizing With Terrorists,"These are statistics are shocking and very telling. Please be sure to share this piece with Hillary voters who support a candidate that welcomes un-vetted refugees to America with open arms in the name of diversity. Obama and his regime have been shaming Americans into believing that there is something wrong with us for being suspicious of radicalized Muslims in America. Barack Hussein Obama has gone out of his way to criticize Christianity, going as far back as the Crusades to make a point about Christians committing acts of violence against Muslims. He has also gone out of his way to embrace Islam. Is it any small wonder he is endorsed and adored by one of the most radical Muslims in America, leader of the Nation of Islam, Louis Farrakhan? On the back of the Brussels terror attack it is worthwhile remembering that while a majority of Muslims in the West appear to have no truck with terrorism or extremism, there are a significant number who sympathise with terrorism and repeatedly attempt to justify attacks on the West.TERRORISMAn ICM poll from 2006 revealed that 20 per cent of British Muslims sympathised with the 7/7 bombers who brought terror to the streets of the British capital, killing 52 and injuring hundreds. This number rose to one in four British Muslims, according to NOP Research for Channel 4. With a British Muslim population of over 3 million today, that translates to roughly three quarters of a million terror-sympathising people in the UK.The number rises for younger British Muslims a sure sign that radicalisation through schools, mosques, and prisons (often via Saudi-funded groups) is creating a long-term problem in Europe. Thirty-one per cent of younger British Muslims endorsed or excused the 7/7 bombings of 2005, with just 14 per cent of those over 45 doing so.Here are a few examples of tweets we found last night on Twitter following the Brussels terror attack:A 2013 study found that 16 per cent of young Muslims in Belgium believed that state terrorism is acceptable, while 12 per cent of young Muslims in Britain said that suicide attacks against civilians in Britain can be justified.Pew Research from 2007 found that 26 per cent of young Muslims in America believed suicide bombings are justified, with 35 per cent in Britain, 42 per cent in France, 22 per cent in Germany, and 29 per cent in Spain feeling the same way.And Muslims who are more devout or dedicated to Islam are three times more likely to believe that suicide bombings are justified a harrowing statistic when you consider that 86 per cent of Muslims in Britain feel that religion is the most important thing in their life. While just 5 per cent of UK Muslims said they would not report a terror attack being planned, the number leaps to 18 per cent amongst young, British Muslims.The anti-police narrative fueled by groups like Black Lives Matter are no doubt contributing to this idea that people should not work with the police, with the British Muslim Youth group recently urging a boycott of police.More recently, in 2015, it was revealed that 45 per cent of British Muslims think that hate preachers that advocate violence against the West represent mainstream Islam. Forty per cent of British Muslims say they want Sharia law in the West, while 41 per cent oppose it.Despite the fact that Islamophobia did not rise after the Paris Attacks, there remains a grievance industry across the Western world which targets young Muslims especially, urging them to feel victimised by Western governments for taking a stance against Islamism and scarcely a tough stance at that.CRIMINALITYDo these stats explain Obama s rush for a mass release of prisoners before he leaves office?Earlier this year it was reported that one in five prisoners in the United Kingdom s top security jails is now Muslim, a rise of 23 per cent from just five years ago. In total, a 20 per cent increase in the jail population in Britain has been outstripped by the rise in Muslim inmates up 122 per cent over 13 years.The same disproportionate figures are borne out across the United States, where Pew data from 2011 revealed that Muslims made up 9 per cent of state and federal prisoners though at the time Muslims made up just 0.8 per cent of the U.S. population.In 2008, the Washington Post reported About 60 to 70 percent of all inmates in [France s] prison system are Muslim, according to Muslim leaders, sociologists and researchers, though Muslims make up only about 12 percent of the country s population. INTEGRATION Despite hundreds of millions of pounds, dollars, and euros spent on integration projects, it appears to be a Sisyphean task calling into question the rate at which immigration is occurring throughout the Western world and the tolerance with which our societies have operate thus far.The BBC found that 36 per cent of 16 to 24-year-old Muslims believe that if a Muslim converts to another religion they should be punished by death. Thirty five per cent of Muslims say they would prefer to send their children to an Islamic school, and 37 per cent of 16 to 24-year-olds say they want government-funded Islamic schools to send their kids to.The report again highlights the radicalization of the Muslim youth in the West, with 74 per cent of 16 to 24-year-olds preferring Muslim women to wear the veil, compared with only 28 per cent for those over the age of 55. Via: Breitbart News",left-news,"Mar 23, 2016",0 +TWO MUSLIM UBER DRIVERS Charged With Multiple Sex Assaults Of College Students,"Wow! We re fast becoming like Europe with the sexual assaults of young women by Muslim men. The men probably thought the women deserved it since they weren t wearing a hijab. Michigan is one of the top five states targeted for Muslim refugee resettlement:In the last ten years, 29,141 refugees were resettled in Michigan and 18,505 were Iraqis. EAST LANSING Two Uber drivers have been charged in connection with sexual assaults in East Lansing in January and February.Hassan Ibrahim, 48, faces one count of fourth-degree criminal sexual conduct in connection with an incident that occurred Feb. 14, according to East Lansing police. He turned himself in March 11 after a warrant had been issued for his arrest. He was arraigned the same day before Lansing 54B District Court by Judge Richard Ball.Salim Salem, 47, faces two counts of fourth-degree criminal sexual conduct in connection with an incident that occurred Jan. 16, police said, and he turned himself in Tuesday and was arraigned that day before 55th District Court Magistrate Mark Blumer.Read more: DFP",left-news,"Mar 23, 2016",0 +"WOW! BRITISH ACTRESS HAMMERS EU Leaders: β€œEvery one of you who said refugees are welcome, You Are Responsible For Brussels…Europe is β€˜Jihadi Central'”","Outspoken British actress and columnist asks brilliant question: Any mosques lit up in the colors of the Belgian flag? She is dead on (no pun intended) about these refugees flooding Europe and attempting to flood (with the aid of Obama and Democrats like Hillary Clinton) America.KATIE HOPKINS has been told to show some respect for those affected by the Brussels terrorist attacks, after blaming what happened on refugees and German chancellor Angela Merkel.Look at you all. Gawping at pictures of death. Fascinated by the chaos you brought to our peaceful countries. You the left disgust me. Katie Hopkins (@KTHopkins) March 22, 2016On a more positive note, the Jihadi's of Brussels just put Donald Trump much closer to the White House. Katie Hopkins (@KTHopkins) March 22, 2016The controversial columnist said anyone who supported those fleeing war-torn countries was also in the frame for the blasts, which has so far claimed 34 lives.Any mosques lit up in the colours of the Belgium flag? No thought not. Just celebrations in prayer houses country-wide #ReligionOfMurder Katie Hopkins (@KTHopkins) March 22, 2016The 41-year-old told her 628,000 Twitter followers: Next time you hear someone say we are safer IN the EU remember Brussels. Seen as the heart of Europe, it is now jihadi central. Katie continued: How can you separate the human from the political. Merkel and her ilk blew up Brussels #brexit.How can you separate the human from the political. Merkel and her ilk- blew up Brussels. #brexit Katie Hopkins (@KTHopkins) March 22, 2016How about we cut from pics of dead bodies on the Metro to more boats, happily crossing the Med. liberal left sh*t at joining the dots Katie Hopkins (@KTHopkins) March 22, 2016 How about we cut from pics of dead bodies on the Metro to more boats, happily crossing the Med. Liberal left s*** at joining the dots. @KTHopkins totally agree xx Danielle Mason (@daniellemasonUK) March 22, 2016Katie added: Every one of you who said refugees are welcome, if you said let them in . You are responsible for Brussels. And you still can t see. Human traffickers setting up new cargo ship route from Libya to Italy. Are you ready Brussels? Open borders=open season for ISIS #brexit Katie Hopkins (@KTHopkins) March 22, 2016Her remarks were quickly met by angry users who blasted her for the insensitive tweets. To those of us who thought what @KTHopkins has had to go through recently would open up a shred of humanity, sense or empathy have been disappointed, one person wrote.Via: Express UK ",left-news,"Mar 23, 2016",0 +"MI BOARD OF EDUCATION Will Allow Students To Choose Gender, Bathroom, Locker Room And Even A New Name With No Parental Consent","Every parent in the United States of America should be alarmed by this covert attempt by Board of Education members to essentially tell our kids that their power supersedes that of the parents. Furthermore, this reckless policy of placing same sex kids in bathrooms and locker rooms puts children in danger of being in private spaces with sexual predators and or sexual offenders Make sure to add your comments to the MI Board of Educations HEREMichigan s State Board of Education has drafted a guidance that would push the state s schools to allow all students, regardless of parental or doctoral input, to choose their gender, name, pronouns, and bathrooms.Spearheaded by board president John C. Austin and signed by state superintendent Brian Whiston, the guidance informs Michigan public schools that only the students themselves i.e. not their parents or doctors can determine what their individual gender identities are. The responsibility for determining a student s gender identity rests with the student. Outside confirmation from medical or mental health professionals, or documentation of legal changes, is not needed, the guidance states.Gender identity is defined in the guidance as a person s deeply held internal sense or psychological knowledge of their own gender, regardless of the biological sex they were assigned at birth. Notably, the guidance makes no mention of a student s age affecting whether or not they can pick a gender without their parent or doctor.In fact, the guidance seems to intentionally cut parents out of the process.The guidance states: School staff should address students by their chosen name and pronouns that correspond to their gender identity, regardless of whether there has been a legal name change. Students can even ask to have their chosen name and gender included in the district s information management systems, in addition to the student s legal name. But what about when school staff members are speaking with parents about their son or daughter?The guidance states that Transgender and GNC [gender nonconforming] students have the right to decide when, with whom, and to what extent to share private information. Accordingly, the board makes clear, When contacting the parent/guardian of a transgender or GNC student, school staff should use the student s legal name and the pronoun corresponding to the student s assigned sex at birth, unless the student or parent/guardian has specified otherwise. In other words, a boy named Jake could become a girl named Jane at school, seemingly without his parents ever knowing.Names, pronouns, and genders aren t the only things the board wants students to choose.The guidance informs schools that Students should be allowed to use the restroom in accordance with their gender identity. And the board makes clear that single-stall bathrooms are not inclusive enough: Alternative and non-stigmatizing options, such as an all-gender or singleuser restroom (e.g., staff bathroom or nurse s office), should be made available to students who request them, but not presented as the only option. Locker rooms also should become inclusive of students many gender identities. A student should not be required to use a locker room that is incongruent with their gender identity, the guidance states. Locker room usage should be determined on a case-by-case basis, using the guiding principles of safety and honoring the student s gender identity and expression. Students who are bothered by having members of the opposite sex in their locker rooms can request an adjusted changing schedule or use of a private area in the facility. The board quietly issued the statement and guidance on February 23rd, without a press release. The public has only until April 11th to comment on the proposed guidance, according to the Department of Education website. The board will finalize the guidance at a meeting on May 10th. Via: Daily Caller ",left-news,"Mar 22, 2016",0 +So Much For Brussels Terror Victims…Let’s Play Ball!,"Hey Barry, could you at least have enough respect for the terror victims in Brussels to remove your shades for the interview? President Obama was all smiles this afternoon as he watched an exhibition baseball game between the Tampa Bay Rays and the Cuban national baseball team just hours after ISIS terrorists killed at least 34 people in Brussels.Settling down with wife Michelle, daughters Sasha and Malia and Cuban dictator Raul Castro, Obama appeared carefree as he enjoyed the game ignoring calls to cut short his historic trip to return to Washington and lead the response.Indeed, despite criticism that he only devoted one minute of his speech earlier in the day to the Belgian atrocities, Obama took the time to give a somewhat surreal 15-minute interview to ESPN about the threat posed by ISIS keeping his $500 shades on throughout the spot.Here is Obama s surreal interview with ESPN:After observing a moment of silence for the hundreds of victims, a relaxed Obama said, This is just one more example of why the entire world needs to unite against these terrorists. When asked by ESPN why he had not returned to Washington, the president said to do so would show the terrorists they have the power to disrupt. It s always a challenge when you have a terrorist attack anywhere in the world, particularly in this age of 24/7 news coverage, said the president. You want to be respectful and understand the gravity of the situation, but the whole premise of terrorism is to try to disrupt people s ordinary lives. Recalling what he called one of his proudest memories during his time as president, the reaction of Boston Red Sox David Ortiz after the Boston bombings in April 2013, Obama said he felt the hitter spoke for the nation when he said, This is our f**king city and nobody is going to dictate our freedom. Probably the only time America didn t have a problem with somebody cursing on live TV was when he talked about Boston and how strong it was and wasn t gonna be intimidated, Obama said. That is the kind of resilience and the kind of strength that we have to continually show in the face of these terrorists. They cannot defeat America. The president then offered his thoughts and prayers to those affected by the terror attacks.Communist human rights violated Raul Castro wasn t able to release any political prisoners, but he was able to release doves at the historic baseball game with Comrade Obama Doves released from centerfield stands ahead of Rays-Cuba game pic.twitter.com/kVEJHjfyxn Edward-Isaac Dovere (@IsaacDovere) March 22, 2016Just after the game ended and Air Force One took off for Argentina for a two-day stint, the president ordered all federal flags to be flown at half mast as a mark of respect for those who were killed in Tuesday morning s attacks.Prior to his interview with ESPN, Obama had faced calls from Ted Cruz, Donald Trump and John Kasich to leave Cuba and return to the states.Meet the new Che We can only hope he retires there.Shepard Fairey mock-up for sale in Havana: Yes We Came pic.twitter.com/TgiHAvYqsu Edward-Isaac Dovere (@IsaacDovere) March 23, 2016The president did not heed their advice. He dedicated a brief portion of a planned speech to the attacks and went on about his day.Here s Obama and his new bestie doing the wave https://twitter.com/BKcolin/status/712342816685494273He met Cuban dissidents at the U.S. Embassy in Havana, then made his way to watch the baseball in casual khaki pants, white shirt, no tie, and sunglasses. Via: Daily Mail ",left-news,"Mar 22, 2016",0 +BELGIUM’S POLITICAL LEADER MichaΓ«l Modrikamen Makes Powerful Video Endorsing Donald Trump…WARNS Against Muslim Migrant Invasion: β€œAmerica should not become another Brussels”,"This video was published on March 11, 2016, exactly 11 days before the terror attack took place in Brussels. Micha l Modrikamen, president of the Peoples Party in Belgium says he fully supports Donald Trump. He asked Trump to make America great again and warned Americans about not becoming another Brussels: It was once a vibrant, entrepreneurial, joyful, peaceful city. That was before. Brussels is becoming a third world city with a majority of Muslim migrants within 10-15 years according to demographic studies.This situation is being aggravated by the current migrant system. Message from BRUSSELS. I support Donald Trump !Message from BRUSSELS. I support Donald Trump !Posted by Mischa l Modrikamen on Friday, 11 March 2016",left-news,"Mar 22, 2016",1 +"IS RESIGNATION OF FBI DIRECTOR IMMINENT, As Obama Appears To Be Protecting Hillary From Prosecution?","FBI insiders are spreading the word, Hillary Clinton deliberately broke the law and charges are warranted. However, there is little confidence the Obama administration will actually indict her.Hillary Clinton broke the law, knowingly sending and receiving classified information on a private server, according to FBI insiders. However, this isn t the right question. Instead, the right question is, why are FBI insiders spreading rumors?The answer is because they do not think the political establishment will play its role in any case, leaving Hillary Clinton to get away with thumbing her nose at the law. Via: Catholic OnlineAccording to the Daily Mail Any evidence that the FBI uncovered has still not been made public.The government says no final decision has been made, however the case is clearly progressing as Clinton aide Bryan Pagliano, who worked on her private server, was granted immunity by the Justice Department earlier this month. You don t start granting people close to Clinton immunity unless you are seriously looking at charges against your target, one of Gasparino s sources said.Clinton has publicly said that using a private email account attached to a homebrew server was a mistake. Mainly because it s caused all this uproar and commotion. As FBI director, however, Comey can only recommend charges to the Justice Department, led by Obama appointee, Attorney General Loretta Lynch.Insiders told the New York Post that evidence would have to be overwhelming for Comey to make such recommendations and for Obama s Justice Department to pursue them.But agents also suggest that the investigation is solid enough for Comey to quit if the Justice Department doesn t listen to him on the matter of Clinton.Barack Obama s decision to publicly ask donors to support Hillary speaks volumes about his decision to back her as the Democrat Party s Presidential candidate. Barack s former AG, Eric Holder s endorsement of Hillary Clinton is further proof that Hillary has the full backing of this corrupt administration:Eric Holder I think what people have to understand is that what we have to do is protect the Obama legacy. We ve made really substantial progress in the last eight years it ll be eight years at the end of 2016 and the question is who is best situated to protect that legacy and not let the progress that we have made get rolled back. And there is no question that there are going to be attempts to roll back the Affordable Care Act, they sent [President Obama] a bill the week before last that he had to veto. There will certainly be efforts to counter the executive actions that he s taken on immigration issues, when it comes to gun safety issues and his foreign policy. You need somebody who s got a record on those issues that s consistent with the positions that the president took, and Hillary Clinton is that person, there s no question. They are in lockstep when it comes to gun safety issues. Sen. [Bernie] Sanders, quite frankly, is not. So to the extent that people are a bit of a nostalgic, wistful feeling, I think that ought to be converted into a concern for the future and for the preservation of all the great work that President Obama and his administration did. Here s the only clear record that Hillary has to show for her decades of public service : ",left-news,"Mar 22, 2016",0 +"WATCH: MUSLIM MAYOR Of Rotterdam, Holland To Muslim Immigrants, β€œIf you can’t accept freedom, f*ck off”","Freedom is under attack across the globe. Radical Muslims are committing horrendous acts of violence against innocent people around the world. Meanwhile, the Left demands we don t identify the faith of the terrorists, for fear of offending them. It s time to fight back America. The Netherlands, France, and the Uk are our future.Moroccan born Mayor of Rotterdam, Ahmed Aboutaleb grew up in a very poor family. His family came to Holland at the age of 15. He has no tolerance for liberals who try to justify the violent actions of poor Muslims. He has taken a hard line in the city of Rotterdam, which has been overrun with Muslim migrants who have no intention of assimilating. Here is his open, honest and some would say stunning response to the Muslims who attacked the Charlie Hebdoe publication in Paris:https://youtu.be/Jped8eVIZoEMayor Aboutaleb is not the only one speaking out against the Muslim invasion of the Netherlands.Geert Wilders, Party for Freedom leader in the Netherlands appears on trial against free speech for speaking the truth about the invasion of Muslim migrants in the Netherlands who refuse to assimilate. He has been chased down and has had his life threatened by radical Muslims for the past 11 years. His story should send shockwaves through America, but alas, our media does everything they can to ignore his message. Those in the media who highlight him, do it in such a way as to make him out to be a villain and hater, much like they have tried to do to Donald Trump for saying we need to stop the flow of Muslim migrants into America until we can properly vet them.Watch Geert Wilders chilling Orwellian testimony here:Here is an example of the hate and vitriol Geert Wilders, the brave leader of the Freedom Party in the Netherlands is facing on a regular basis: ",left-news,"Mar 22, 2016",0 +IN A SHOW OF WEAKNESS…Obama Will NOT Provide THIS List Of POLITICAL Prisoners To Human Rights Violator Raul Castro,"Obama s trip to Cuba is despicable, embarrassing and heart-breaking for so many survivors and relatives of survivors who are still living under the evil Communist dictatorship of Raul Castro President Barack Obama told ABC News anchor David Muir in an exclusive interview today in Havana, Cuba, that he had not yet given President Ra l Castro a list of dissidents, which the Cuban leader seemed to request during a news conference earlier today.In the joint news conference, Obama and Castro clashed on the issue of human rights in Cuba, with the Cuban leader denying knowledge of any political prisoners in the island nation. What political prisoners? Give me a name, or names, or after this meeting is over you can give me a list of political prisoners and if we have those political prisoners they will be released before tonight ends, Castro said. Via: Weasel Zippers and ABC NewsHere s the List Obama. Why not give it to him? Or do you have your sights set on finding a way to bring NJ State Trooper and iconic Black Panther figure, Assanta Shakur back to the US as a free women?Here is the very popular t-shirt worn by Black Lives Matter protesters. Cop killers are apparently all the rage in Obama s fight for justice. From the FBI s Most Wanted List: CAUTION Joanne Chesimard is wanted for escaping from prison in Clinton, New Jersey, while serving a life sentence for murder. On May 2, 1973, Chesimard, who was part of a revolutionary extremist organization known as the Black Liberation Army, and two accomplices were stopped for a motor vehicle violation on the New Jersey Turnpike by two troopers with the New Jersey State Police. At the time, Chesimard was wanted for her involvement in several felonies, including bank robbery. Chesimard and her accomplices opened fire on the troopers. One trooper was wounded and the other was shot and killed execution-style at point-blank range. Chesimard fled the scene, but was subsequently apprehended. One of her accomplices was killed in the shoot-out and the other was also apprehended and remains in jail.",left-news,"Mar 22, 2016",0 +"OBAMA LIES ABOUT Number Of Troops On Ground In Iraq…FLASHBACK, OBAMA 2009: [Video] β€œAfter nearly nine years, America’s war in Iraq will be over.”","It was more important for Obama to keep a pledge to his leftist donors, than to secure the nation of Iraq before pulling out our troops. And then there s that one little detail rarely discussed in liberal circles, Obama wanted to leave troops behind but the Iraqi government threatened Our Pansy In Chief that they would not give our US troops immunity in their courts. Thus, the master negotiator put his tail between their legs and scooted out of Iraq, bringing our brave men and women in uniform with him Oct. 2011- The U.S. is leaving behind a sovereign, stable and self-reliant Iraq, with a representative government. -Barack Huessein ObamaObama claimed it was a moment of success. The U.S. military has around 5,000 service members in Iraq, officials said on Monday, far more than previously reported, as the Obama administration quietly expands ground operations against the Islamic State.The number of American forces in Iraq has come under increased scrutiny following the death over the weekend of a Marine staff sergeant, the second combat casualty in renewed U.S. operations in Iraq. He was killed when militants launched rockets at a small U.S. base around the city of Makhmour. The existence of the Marine detachment had not been known prior to Staff Sgt. Louis F. Cardin s death.Officials at the Pentagon have declined to specify how Marines are serving at the outpost in northern Iraq, which they described as a satellite base positioned to protect American trainers at a nearby, larger base. Their presence in Iraq highlights the use of forces from Navy ships already in the Middle East. Via: Washington PostObama, Oct. 21, 2011:In a brief appearance at the White House, Mr Obama said: Today I can report that, as promised, the rest of our troops in Iraq will come home by the end of the year. After nearly nine years, America s war in Iraq will be over. The remaining 40,000 US troops in Iraq, would, he said, definitely be home for the holidays .He conspicuously declined to repeat the mistake of his predecessor George W Bush, who started the war in March 2003 and displayed a Mission Accomplished banner six weeks later, only for Iraq to descend into years of insurgency and sectarian violence that has claimed at least 100,000 civilian lives.Mr Obama however asserted that the United States is moving forward from a position of strength . The last American soldier will cross the border out of Iraq with their head held high, proud of their service, he said.The president stressed that he was meeting a withdrawal deadline reached earlier with the Iraqis, as well as keeping a pledge made as a candidate in 2008 to wind down the controversial war as fast as possible.But his statement masked the fact that his administration had wanted to keep a residual force of 4-5,000 beyond the end of the year in a training capacity that would also have acted as a prohibitive presence to neighboring Iran.Despite months of discussions however, it failed to win a continued guarantee of immunity for US troops from prosecution from the Iraqi government. Via: Telegraph",left-news,"Mar 22, 2016",1 +OBAMA RACES TO SET GITMO TERRORISTS FREE…Leaves Servicemen Punished For Making β€œHeat-of-the-battle decisions that saved lives” In Fort Leavenworth,"It s hard to imagine a President who could be more anti-American and more pro-terror than Barack Hussein Obama. And then my mind drifts to Hillary and Benghazi The Obama administration is emptying the military s Guantanamo Bay detention facility of avowed terrorists captured fighting in Afghanistan and Iraq, but several American service members languish in another military prison for actions on those same battlefields that their supporters say merit clemency, if not gratitude.Among the prison population at Fort Leavenworth, in Kansas, are remaining members of the so-called Leavenworth 10, convicted service members doing terms ranging from 10 to 40 years for heat-of-the-battle decisions their supporters say saved American lives.[quote_box_center] The very people who protect our freedoms and liberties are having their own freedoms and liberties taken away, said retired U.S. Army Col. Allen West, a former congressman and political commentator. I think it s appalling and no one is talking about this issue. [/quote_box_center]The Leavenworth 10 is the name given to a fluctuating number of men housed at Leavenworth for actions in Iraq and Afghanistan that their supporters say were justified. Over the years, a handful have been paroled, and more have been incarcerated.Among the more well-known cases is that of Army First Lt. Clint Lorance, who is serving a 20-year sentence for ordering his men to shoot two suspected Taliban scouts in July 2012 in the Kandahar Province of Afghanistan. Lorance had just taken command of the platoon after the prior leader and several others were killed days before. The Taliban suspects were on motorcycles and matched descriptions given by a pilot who flew over the area earlier and spotted them as scouts.A Facebook page devoted to Lorance s case has drawn more than 12,000 likes, and supporters have launched a website, FreeClintLorance.com, dedicated to winning his release. A WhiteHouse.gov petition calling for Lorance to be pardoned garnered nearly 125,000 signatures, but the White House has not taken action.Critics say Lorance was given a military trial, and his conviction was based in large part on the testimony of men serving under him.It was September of 2010 when Sgt. Derrick Miller of Maryland, on a combat mission in a Taliban-held area of Afghanistan, was warned the unit s base had been penetrated. An Afghan suspected of being an enemy combatant was brought to Miller for interrogation and wound up dead. Miller claimed the suspect tried to grab his gun and that he shot him in self-defense. But he was convicted and sentenced to life in prison.U.S. Army Master Sgt. John Hatley a highly decorated, 20-year vet who served in Operation Desert Storm and did another three tours during the Iraq War also is serving a life sentence at Leavenworth. His conviction stems from an April, 2007, incident in Iraq in which he and his unit captured enemies following a firefight. He radioed a U.S. detention facility to notify officials he was bringing in four prisoners, but was ordered to let them go, according to his legal team.Two years later, a sergeant who had served with Hatley, Jesse Cunningham, was facing charges for assaulting another officer and falling asleep at his post. As leverage for a plea deal, he told investigators that Hatley and two other officers had taken the insurgents to a remote location, blindfolded them and shot each in the back of the head. He claimed their bodies were dumped in a canal, though none was ever found.Hatley, now 47, insists he and his men let the insurgents go, but believes he was punished in the interest of the government s relations with Baghdad. When concerns over appeasing a foreign country are allowed to interfere with justice for the purpose of the U.S. government or the military demonstrating that we, the military or the U.S. government will hold our soldiers accountable using a fatally flawed military judicial system, it doesn t matter what the truth is; it matters only that there is only the appearance of the truth, he wrote in a message to supporters posted on freeJohnHatley.com.Law experts say military service members face a daunting task once accused of committing crimes in the heat of war. Killing on the battlefield is not the same as [a police officer] killing someone on the streets, Dan Conway, an attorney who specializes in military law, told FoxNews.com. When a cop uses force, there s a line of duty investigation. When a soldier uses force, it is investigated as criminal, and non-infantry investigators handle the case, many who have no combat experience. If you had experts handling the investigation, you d have much more balance, he added.While the military rightly holds its soldiers to a high standard of justice, detainees housed at Guantanamo Bay have been freed even with no mitigating circumstances or reasonable belief of rehabilitation. The release of Gitmo detainees began during the presidency of George W. Bush in 2005 when nearly 200 detainees were released before any tribunals were held.According to a March 2015 memo released by the Office of the Director of National Intelligence, of the 647 detainees transferred or released, 17.9 percent were confirmed of re-engaging in extremist activity with another 10.7 percent suspected of doing the same. Via: FOX News",left-news,"Mar 21, 2016",1 +EMBARRASSING PICTURE SHOWS GIDDY OBAMA BOWING To Communist Cuban Dictator Raul Castro,"He skips Nancy Reagan and Antonin Scalia s funerals. He pretends not to notice that police officers are being randomly killed across America. But give our Pulitzer Peace Prize recipient a horrendous human rights violator and watch him bow in deep respect.Lest we forget the first time we saw him bow to the Saudi King:And what trip to Cuba would be complete without a picture of our Community Agitator in Chief in front of the repulsive, murderous, revolutionary Che Guevara:Mr. President, you're a disgrace. pic.twitter.com/CNRZk1dm3w Ben Shapiro (@benshapiro) March 21, 2016Only eight more months before this jack-ass is out of our White House for good h/t Weasel Zippers",left-news,"Mar 21, 2016",0 +WATCH: NY TOWN REJECTS Pledge Of Allegiance…”Total Waste Of Time”…Could Raise First Amendment Issues,Remember when it wasn t acceptable to be an anti-American in America? It s great to see at least one woman who is standing up with a few others on the board against these anti-Americans who can t be bothered with the pledge. Watch:,left-news,"Mar 21, 2016",0 +GEORGE WASHINGTON PROFESSOR On Soros Activists Shutting Down Roads: Why It’s Time To Start β€œSuing the Bastards”,"Americans better start fighting back against these people who are shutting down our public roads by hitting these thugs where it really hurts in their wallets. Otherwise, we will continue to see increased violence that is being blamed on pro-Trump supporters in the media Anti-Trump activists who protested his planned appearance in Arizona today by blocking a limited access highway and creating a traffic nightmare with cars backed up for miles [N.Y. Daily News] could be sued in class action law suits for massive damages modeled after suits filed against those who similarly illegally blocked traffic at the George Washington Bridge, and judgments against other illegal protesters, says public interest law professor John Banzhaf.With the mainstream media continuing to blame Trump supporters for the efforts of their opponents to shut down their free speech rights, it may be time to adopt the tactics the left favors to get its way: lawsuits. That s the suggestion of John Banzhaf, a George Washington University law professor who defies categorization politically but is often labeled a gadfly. He explains:Anti-Trumpers Block Highway; Face Class Actions For DamagesSuits Filed re Blocked GW Bridge Provide Precedenthttps://t.co/LN17FGakCw John Banzhaf (@ProfBanzhaf) March 19, 2016Why and How to Sue Anti-Trump Protesters and Other Disruptors""Sue The Disruptors"" More Effective Than Criminal Lawhttps://t.co/9MMiZtE5wq John Banzhaf (@ProfBanzhaf) March 21, 2016As Banzhaf had predicted and later helped inspire, two different class action law suits seeking millions in civil damages were brought by persons stuck in the massive traffic jams at NYC s GW Bridge which were illegally caused by former aides to Governor Chris Christie.Suing protesters Suing the Bastards may be the most effective way to help deter illegal protests, says Banzhaf, noting that slap-on-the-wrist criminal fines usually aren t very effective, especially since it sometimes also helps give illegal protesters a soap box to air their grievances in criminal trials.The lead protester who chained her neck to a pickup truck was George Soros paid operative, Jacinta Gonzalez from New Orleans.But the tide may already be turning, says Banzhaf, citing these examples.When other groups see that the Sea Shepherd Conservation Society has been forced to pay $2.55 million to Japanese companies for illegally using acid and smoke bombs to disrupt their whaling, they may think twice before blocking traffic to advance their agenda, says Banzhaf, who has promoted the idea and the very slogan of Suing the Bastards when the law is broken.In another example, a student who illegally chained himself to some construction equipment because he opposed an oil pipeline was forced to pay out big bucks for his criminal conduct.As NPR reported it, he was apparently ready to accept a relatively painless conviction for trespass, but not to pay the pipeline company $39,000 in restitution.Similarly, eleven protesters who allegedly engaged in illegal activities at the Mall of American are facing restitution claims from the City of Bloomington.In these and many similar situations, protesters are often willing to accept a small misdemeanor fine and conviction for a chance to focus attention on their cause, especially if it means they get to have a criminal trial which generates even more publicity for them and for their grievance, argues Banzhaf.While most of these actions against criminal protesters have been brought by businesses, there s no reason why similar legal actions cannot also be brought by any person falsely imprisoned on that Arizona highway as was the case with one of the two GW-Bridge suits.Using the threat of legal actions is a far better and more American way of deterring illegal protests than engaging in physical violence against them, as some Trump supporters have apparently already done, says Banzhaf.Via: PRLOG",left-news,"Mar 21, 2016",0 +ASSIMILATION UPDATE: Afghan Muslim Immigrant Living In Germany Makes VIOLENT Rap Video [WATCH],"Wait for the Left to blame micro-aggressions by the insensitive, non-believers on this repulsive video. After all, this poor Muslim man has been forced to live in a country where they have not yet universally accepted Sharia Law. The German women aren t wearing the required Sharia compliant clothing. Why should he have to change his ways, or assimilate with the Germans and their culture? I snipe with the Arabs, the Parisians flee , can be heard, among other things, in this song that mixes the aesthetic standards of rap with the propaganda codes of Islamic State. I burn the pages of Charlie Hebdo, perforate the pigs (police men) at the Gate of Paris raps SadiQ in German in this song that multiplies references from jihadists, the Gaza Strip to Sh m (Syria), Guantanamo to the love of death.https://youtu.be/RLfBmvpx9vsSadiQ is not unknown across the Rhine. Sadie Zadrande was born in Kabul, Afghanistan in 1988, and arrived in Germany when he was 6 years old. His first album came out in 2012 on the label Halunkenbande, which has nurtured many other German rappers such as Baba Saad or D Maroc. Via: Le Huffington Post ",left-news,"Mar 21, 2016",0 +"AZ POLICE OFFICER Goes To Trump Rally…Shocked At Anti-Trump Protesters Behavior: β€œMost hateful, evil people that I’ve ever seen”","This police officer is a class act. He went to the Trump rally just to check it out and see what he had to say. He was expecting Trump to be a lot more radical than he was. He came in being an undecided voter and left being a Trump supporter. His story mirrors our Trump rally story in Sterling Heights, MI. The people inside the rally waited a long time to see Trump and the room was becoming very hot and uncomfortable. The people in attendance who were there to really hear what he had to say were very respectful of each other. It wasn t until the planted (and likely paid) protesters started screaming at people leaving the event that things got ugly.Brandon Tatum, an officer in the Tucson Police Department, shared a video Saturday night giving his perspective on Donald Trump s campaign rally in Tucson, Arizona and the disruptive protesters who hurled obscenities at the Republican candidate.Tatum says that as a black man, he did not feel unsafe around Trump s supporters but was ready to fight protesters in self-defense. He calls them the most hateful, evil people he has ever seen. The demonstrators, who he recalls chanting the phrase Black lives matter, used profane language and gestures, leading a mother to cover her child s ears.My experience at Donald Trump s rally in Tucson, AZ. #PressPlayPosted by Brandon Tatum on Saturday, 19 March 2016",left-news,"Mar 20, 2016",0 +UNHINGED TRUMP PROTESTER Arrested For Slapping Police Officer’s Horse,"How ridiculous is this woman? She slaps a horse and screams in its face. These protesters are simply unhinged! Yesterday, they chained themselves to their cars after they shut down the Arizona highway. None of this behavior wins people over to their side. It just makes them look crazy and irrational. KANSAS CITY, Mo. A woman in the midst of the protests outside the rally for presidential candidate Donald Trump on March 12 was arrested on Friday for abuse of a police service animal.According to a police report, an officer mounted on horseback was involved in police crowd control outside the Midland Theatre when protesters began moving into the street and blocking traffic, approaching officers on foot. After police verbally instructed the protesters back onto the sidewalk, the crowd continued moving forward and mounted officers moved into position to block the crowd.Police said that s when the suspect, April J. Foster, 29, approached an officer and his horse, Dan, and began screaming in the horse s face in an attempt to scare him. When that did not work, Foster reportedly slapped the horse in the face with an open hand.Read more: FOX 4 KC",left-news,"Mar 20, 2016",0 +OPEN BORDERS BERNIE Threatens Sheriff Arpaio For Arresting Illegal Aliens: β€œWatch out Joe”,"Just what America needs another President who makes up laws to fit his radical agenda, with no regard for the actual laws the rest of America must abide by Democratic presidential candidate Bernie Sanders ripped into Maricopa County Sheriff Joe Arpaio at a rally in northern Arizona on Thursday, after facing criticism from the Clinton campaign for an encounter Sanders wife had with the immigration-hardliner sheriff.The U.S. senator from Vermont said Arpaio s arrests of undocumented immigrants, often separating families, were outrageous and unconscionable. It s easy for bullies like Sheriff Arpaio to pick on people who have no power, Sanders said. If I am elected president the president of the United States does have power. So watch out, Joe. Via: USA Today ",left-news,"Mar 20, 2016",0 +NYC ANTI-TRUMP RALLY: [VIDEO] Dad Tells Little Kids To Look VETS β€œIn The Eye…We’re Gonna Be Fighting Against Them”…[VIDEO] Brave Trump Supporter Follows Rally With β€œSoros Funded” Sign,"These protesters are only helping to catapult Donald Trump to the Oval Office. The more America gets to see who is against Donald Trump, they more they want him to win. They would have been better off keeping themselves busy, doing what they do best at this time of year finding ways to register dead voters and steal the vote. They made a bad decision to allow the curtain to come back and expose themselves to America. This may possibly be the worst PR move in the history of the Democrat Party. Americans are sick and tired of being pushed around by our radical, progressive Community Organizer and his radical regime for the past seven years.Dad tells kids: ""look at [Veterans for Trump] in the eye we're gonna be fighting against them KKK"" #CrushTrump pic.twitter.com/ioENypqcCU Raheem (@RaheemKassam) March 19, 2016Trump supporters are trolling the protest #CrushTrump NYC pic.twitter.com/F6g9NnYZ5Y Cassandra Fairbanks (@CassandraRules) March 19, 2016The radical NO BORDERS group came out with YUGE banner. Of course the message is written in Spanish:#NYC: #CrushTrump March going thru the park! pic.twitter.com/0sCfSIOfXq Ash J (@AshAgony) March 19, 2016This guy just wants America to stop giving jobs away to Mexicans. Hmmm .put Americans first. What a novel idea!This guy told me black people are being put out of work by Mexicans, that's why he's backing Trump #crushtrump pic.twitter.com/ieNMZ3d38G Raheem (@RaheemKassam) March 19, 2016Here s what happens when you pay protesters but forget to coach them about why they re actually protesting:This lady would like you to vote for Donald Duck, but she is unclear of @realDonaldTrump's name. #CrushTrump pic.twitter.com/0GXB5CuIO3 Raheem (@RaheemKassam) March 19, 2016",left-news,"Mar 19, 2016",0 +MUSLIM ORGANIZATION With Terrorist Ties Want To Prohibit Police From Protecting Themselves At Planned RNC Riots In Cleveland,"The tax-exempt Muslim group CAIR has ties to terrorism, and spends an enormous amount of energy lobbying to prevent states from disallowing Sharia Law. They re now using their victim status, afforded to the by the left to say police officers facing the potential of mass riots should not be able to protect themselves Muslim activist group, the Council on American-Islamic Relations (CAIR), and the American Civil Liberties Union and others have formed a coalition questioning Cleveland police and their plan to use riot response equipment at the upcoming Republican Nation Convention.The groups will hold a press conference Monday to present their demands regarding the city s plans to buy riot equipment ahead of the Republican National Convention in July, The Cleveland Plain-Dealer reports. The city received a $50 million grant to pay for additional security, though it is unclear how all that money will be spent. The groups do not totally oppose riot equipment, but they are calling on the city to be more transparent about how money for security is being spent. They also want all military type equipment to be decommissioned after the convention.Really? Why?The city received the grant to buy riot gear, batons, steel barriers and to increase other security after warnings that the convention could see riots. They say the equipment is especially warranted after a series of violent political rallies. A Donald Trump rally in Chicago was cancelled when the crowd got out of control after anti-Trump protesters arrived. Via: Daily CallerOnce the dust settled, last week s protest of a Donald Trump rally in Chicago demonstrated a growing nexus between Islamist groups in the United States and the radical leftist Black Lives Matter movement.This rhetoric of unity between these movements was clearly on display at the 2015 joint conference of the 2015 Muslim American Society (MAS) and the Islamic Circle of North America (ICNA). MAS was described by federal prosecutors as the overt arm of the U.S. Muslim Brotherhood, and ICNA is recognized as the front for the Pakistani Islamist group Jamaat-e-Islami (JeI) founded by one of the foremost thinkers on modern Jihad, Syed Abul A la Maududi.At the event, MAS leader Khalilah Sabra openly discussed the importance of Muslim support for Black Lives Matter, and urged revolution. Comparing the situation in the United States to the Muslim Brotherhood-led Arab Spring revolutions, she asked, We are the community that staged a revolution across the world; if we can do that, why can t we have that revolution in America? Reporting on this merging revolutionary alliance goes back as far as the first outbreak of disorder in Ferguson. Few may recall the attendance at Michael Brown s funeral of CAIR executive director Nihad Awad. Awad was identified in federal court as a member of the Palestine Committee, a covert group of Muslim Brothers dedicated to supporting Hamas in the United States.CAIR joined other groups named by federal law enforcement as Muslim Brotherhood organizations and lined up behind the Ferguson protests.In November of 2014, Fox News reported on an effort by CAIR Michigan Director Dawud Walid to link the death of Michael Brown at the hands of police and the death of Luqman Abdullah, a Detroit imam shot during an FBI raid.Abdullah was described by the FBI as a leader of a nationwide Islamic organization known as The Ummah, run by convicted cop-killer Jamil Abdullah Amin. Abdullah s group engaged in criminal activity in order to raise funds in order for an effort to establish Sharia law in opposition to the U.S. government.Amin and CAIR have a long association together, with CAIR providing funding for Amin s legal defense, and issuing numerous press releases in support of the Georgia radical imam and former Black Panther. Via: Counter Jihad Report ",left-news,"Mar 19, 2016",0 +BRUTAL Meme Shows EXACTLY What A Hillary Presidency Would Look Like,"This cartoon is one of our all-time favorites. You ve gotta love the note from Bill on the pillow, and the Bernie Sanders voodoo doll on her nightstand is priceless ",left-news,"Mar 19, 2016",0 +UNHINGED RADICAL LEFTISTS Try To Storm Trump’s Utah Rally Attacking Police And Secret Service With Rocks [Video],"This Utah protest was planned and organized by the far left. The effort to bring chaos and division is in hyper speed now but has been there since Obama took office. His friends on the left are orchestrating this effort to silence anyone who wants to take America back from these radicals. Every American should be furious at this no matter which candidate you support. Trump IS telling the truth about immigration and the Muslim refugee resettlement. He s doing what no other candidate has done HE S TELLING THE TRUTH! The globalists and radical leftists are all in on the effort to silence free speech. Nothing is more anti-American than what they are doing! This is a critical time like no other! Please don t back down and don t be afraid. STAND UP TO PUT AMERICA FIRST! The SWAT team had to be called out because the protesters started throwing rocks and were fighting with police:NEW VIDEO: anti trump protesters and police getting rough with each other in Salt Lake City. Sorry it's shaky pic.twitter.com/cgFwyF8zce Peter Doocy (@pdoocy) March 19, 2016 PROTESTERS TEAR DOWN SECURITY TENT:BREAKING: ugly scene as trump protesters tear down security tent. Officers forcefully pushed back pic.twitter.com/VLEebqVUZA Peter Doocy (@pdoocy) March 19, 2016 CNN REPORT ON PROTESTERS:""A line of police officers are standing in front of protesters"" at the door of Trump rally. @Boris_Sanchez reports. https://t.co/Y9QyynO9NY CNN Tonight (@CNNTonight) March 19, 2016 THIS VIDEO IS JUST LOTS OF YELLING BUT I WANT YOU TO HEAR THE SHOUTS OF VIVA MEXICO ",left-news,"Mar 19, 2016",0 +VIOLENCE DIDN’T HAVE TO ESCALATE: Chicago Police Chief Told Officers To β€œSTAND DOWN” At Trump Rally [VIDEO],"Shades of Baltimore? How can citizens or visitors in Chicago ever feel safe knowing the Chief Of Police would tell his officers to stand down when they are faced with a potential powder keg of violence and chaos? How can his officers feel safe knowing they were putting them in harms way? One can t help but wonder how much involvement our very own corrupt Chicago Community Organizer In Chief had to do with the decision to give the paid protesters free reign to terrorize Trump supporters? A union that represents 54 officers from the University of Illinois at Chicago Police Department is speaking out arguing the chaotic Donald Trump rally on campus last week did not have to escalate to an extreme level of disorder and could have continued as planned.The Metropolitan Association of Police Board Director, Ray Violetto, tells Fox News that UIC Police Chief, Kevin Booker, issued unusual stand-down orders including instructions that officers not bring pepper spray or wear dark gloves to the Trump rally items the union officers say are basic and necessary equipment in any type of crowd control.Violetto tells Fox News the UIC police were the agency in charge considering the Trump rally was on the school s campus and that the officers were in charge of policing the inside of the arena. I think the inside is what started that and I think it carried outside, Violetto told Fox News. If you watch the inside of the rally there was a pretty large group there that was getting out of control along with the individual that was at the podium. Violetto said officers were also told not to touch anyone or make arrests. The UIC officers say they have been extensively trained in handling crowds and riots and could have adequately controlled the situation that night.Watch how quickly these pockets of paid protesters turned violent and shockingly, how many police officers were put in harms way:The MAP police say not only were they put in physical danger but they also were potentially left open to lawsuits because the three people who officers say they rightfully and legally arrested were let go without explanation as a result of the Chief s no-arrest order.UIC spokesperson Sherri McGinnis Gonzalez denies the officers claims and says riot gear was available if needed. In an email, Gonzalez wrote that pepper spray is typically not used inside the campus arena, officers were not given orders not to place their hands on people, and that officers were told not to wear dark gloves, which look aggressive. Violetto argues there are no white gloves that are out there. Gonzalez also wrote that most of the UIC officers were in full uniform with personal protective gear, with the exception of plain-clothes detectives who provided surveillance and valuable intelligence.These police officers don t look like they re wearing riot gear, or are very well prepared for the violence at all in these very telling videos taken by Chuck Pullen, who happened to be at the scene : CLICK HEREThe University says Booker was on site and in charge of managing all UIC police activity and coordinated with multiple law enforcement agencies during the event. Via: FOX News",left-news,"Mar 18, 2016",0 +DEAR KIDS: Socialism Is Not Cool…Socialism Kills [VIDEO],"This video should be viewed by every middle school, high school and college student. Every adult American who truly understands how evil socialism is, yet would still support it in the United States Of America should hang their selfish heads in shame ",left-news,"Mar 18, 2016",0 +"ANDREW BREITBART: β€œI Don’t Care Who Our Candidate Is…I Will March Behind Whoever Our Candidate Is, Because If We Don’t…We LOSE!”[VIDEO]"," There are two paths one is America and the other one is Occupy (Black Lives Matter). Black, White, gay and straight anyone that s willing to stand next to me to fight the progressive Left, I will be in that bunker. And if you re not in that bunker because you re not satisfied with this candidate more than shame on you you re on the other side! This is quite possibly the most important message you will hear from now until November 8, 2016. As we watch Americans tear each other apart on social media and argue about who has chosen the best candidate and why, the Left is busy organizing and finding ways to come together to defeat us.Anyone who is not smart enough to put aside the petty bickering and senseless arguing over whether or not Ted Cruz knew about fliers someone from his campaign sent out to Iowa voters, or if Donald Trump contributed to Hillary s Senate campaign, deserves exactly what they get.Conservatives wouldn t get behind John McCain because he wasn t conservative enough. Tea Party members wouldn t get behind Mitt Romney because he was born with a silver spoon in his mouth, so he couldn t possibly understand the average American. Or maybe they couldn t get behind him because he supported universal health care in Massachusetts, making him the equivalent of Obama. So how did that work out for you? Was Barack a better choice in 2008 than McCain? Was he a better choice in 2012 than Mitt Romney?If Romney was our President, would we be watching the resurgence of the violent anarchist Occupy movement? Would Black Lives Matter terrorists and various radical Illegal Alien groups, be rioting across the nation and meeting with our President at our White House to strategize their next move?While we tear each other apart, these groups are busy organizing and plotting ways they can threaten and punish anyone who gets in the way of their radical, progressive agenda. And what are Trump and Cruz supporters doing to counter them? They re fighting amongst themselves. They re busy pounding their chests and proclaiming how much smarter they are than their friends on social media. If we are ever going to take this country back for our sake, and the sake of our children and grandchildren, we need to put aside our differences, however minor or major they may be and come together to fight as one team.Trump and Cruz are the only two candidates who have a chance of winning the Republican nomination, and they are both fighters. Neither one of them blink in the face of radicals like Bernie Sanders, Hillary or Barack Hussein Obama. They have fought back against a media who is not used to being called out for their lies or misrepresentations of the truth. The Democrat Party is shaking in their boots. For the first time in decades, the Left is finding themselves with their backs against the wall. This is no time to let up. This is exactly the time we need to come together and redouble our efforts. There has never been a more important time in our nation s history to fight back against those who choose to fundamentally transform America.Please watch one of the most powerful speeches you will ever hear from a liberal, turned conservative warrior. Andrew Breitbart was taken from this earth much too soon, but his compelling words ring more true today than ever. He gave this inspirational speech at CPAC in 2012. Here is the most important snippet of that speech: ",left-news,"Mar 18, 2016",0 +"FAISAL MOHAMMAD HAD ISIS FLAG, ISLAMIC Themed Manifesto, Stabbed 4 College Students, Wanted β€œto cut someone’s head off”…FBI Rules Out β€œTerrorism”","Why does our government continue to go out of their way to downplay acts of terror in America? This is just another shocking example of a government agency ignoring red flag after red flag in an attempt to sugar coat an attack by an extreme Muslim against innocent Americans More than four months after a black-clad loner with an Islamist-themed manifesto and a printed ISIS flag in his backpack stabbed four people on a California college campus, the FBI wrapped up its investigation Thursday by saying it may never be possible to definitively determine what motivated the bloody rampage.The inconclusive findings from the probe of the Nov. 4, 2015 attack at the University of California Merced campus followed months of hesitation by local and federal law enforcement to link Faisal Mohammad s stabbing spree to terrorism. Every indication is that Mohammad acted on his own; however, it may never be possible to definitively determine why he chose to attack people on the UC Merced campus, the FBI s Sacramento office said in a statement that avoided calling the attack an act of terrorism.[quote_box_center] They go to great lengths to avoid the obvious, that is calling it what it is: Radical Islamic terrorism. Patrick Dunleavy, terrorism expert[/quote_box_center]Critics say it followed a pattern in which the federal government downplays domestic terrorism even when there are seemingly obvious links. The flag, the manifesto annotated with reminders to pray to Allah in between stabbings all reported in November by FoxNews.com, yet not confirmed by the FBI until this week, pointed early on to the 18-year-old Mohammad having been radicalized, say terrorism experts. Even the stabbings themselves, which came as a wave of terrorist blade attacks occurred in Israel, were indicators of an extremist motivation, say experts. The Department of Justice is avoiding stating the obvious, which is that an individual who commits violence in the name of ISIS is a terrorist, said Ryan Mauro, national security analyst for the New York-based nonprofit terrorism research institute Clarion Project. If someone commits violence and has an ISIS flag and jihadist manifesto in their backpack, they are telling you what their motive was. It s as iron-clad as a suicide note. Mohammad was shot and killed by campus police near the classroom where his attack began. All of his victims have recovered. In my opinion, this is domestic terrorism at the very least, said John Price, father of Byron Price, a construction manager who was stabbed as he intervened in the attack. I am glad the FBI investigation did not find any links to outside terror groups, but Faisal Mohammed clearly paid attention when the Islamic State called for these kinds of lone wolf stabbing attacks. In the days following the attack, local and federal law enforcement repeatedly claimed in a series of press conferences that Mohammed was motivated by being excluded from a study group. FoxNews.com, citing documents obtained through a Freedom of Information Act request, reported in November that the narrative clashed with the account his roommate gave Merced County Sheriff s detectives.[quote_box_center]Ali Tarek Elshekh s told detectives Mohammed was a loner and an extreme Muslim, who threatened to kill another student if he touched his prayer rug, and who dressed all in black before leaving his dorm to try to kill his fellow students.[/quote_box_center]Both the FBI and campus police have declined for months to provide copies of Mohammed s manifesto and the photocopied ISIS flag to FoxNews.com, turning down numerous Freedom of Information Act requests by claiming the investigation was ongoing.Merced County Sheriff Vern Warnke, who initially was involved in the investigation and told FoxNews.com about the manifesto and some of its language, has since refused more than a dozen requests for comment on the case, and also declined to respond to a FOIA requested submitted by FoxNews.com. Via: FOX News ",left-news,"Mar 18, 2016",0 +KING OBAMA ASKS TAXPAYERS To Increase His Post-Presidency Pay,"America s gotta keep 5-Star Mooch, her lovely daughters and of course, her tax-payer funded mommy in the lifestyle they ve become accustomed to President Obama sought to increase the amount of money available for the federal government to spend on former presidents in advance of his White House exit.In his budget requests for fiscal years 2016 and 2017, Obama proposed hikes in the appropriations for expenditures of former presidents, according to a report from the Congressional Research Service published Wednesday.The report, which discusses the pensions and other federal benefits offered to former commanders-in-chief by way of the Former Presidents Act, specifies that Obama s 2017 budget proposes a nearly 18 percent hike in appropriations for expenditures of former presidents. He successfully requested an increase in such appropriations for fiscal year 2016. The President s FY2017 budget request seeks $3,865,000 in appropriations for expenditures for former Presidents, an increase of $588,000 (17.9%) from the FY2016 appropriation level. The increase in requested appropriations for FY2017 anticipates President Barack Obama s transition from incumbent to former President, the report reads. For FY2016, President Obama requested and received appropriations of $3,277,000 for expenditures for former Presidents an increase of $25,000 from FY2015 appropriated levels. The Former Presidents Act, enacted in 1958, provides living former presidents with a pension, office staff and support, funds for travel, Secret Service protection, and mailing privileges. It also provides benefits for presidential spouses. Currently, former presidents are awarded a pension equal to the salary of cabinet secretaries, which totaled $203,700 for the 2015 calendar year and was boosted by $2,000 for the current calendar year.Via: FOX News",left-news,"Mar 18, 2016",1 +WOW! WATCH OBAMA’S 5 MOST Threatening Comments Against Americans,"A young patriot made this video to show the hypocrisy of Obama and the media who protects him. He correctly points out the double standard in the media and in America when it comes to Barack and the divisive, hateful rhetoric he s been allowed to get away with for eight long years:",left-news,"Mar 18, 2016",0 +IS HILLARY ABOUT TO BE β€œBERNED?”…Obama Tells Donors To Back Hillary…But Can Hillary Win Without The β€œFREE College” Voters?,"Hillary is failing miserably with the young voters. In her wildest dreams, she couldn t have imagined running neck-and-neck with a 74 year old rumpled Socialist. More importantly, she couldn t have imagined Sanders would run away with the youth vote. Bernie Sanders has endeared throngs of young voters by offering taxpayer funded Free sh*t, but in the last few rounds of primary votes, it appears that isn t enough, as he continues to fall behind the candidate who is under FBI investigation. It sure makes one wonder what dirt Hillary is holding over Obama s head, as this recent shift of allegiance to team Hillary comes as a surprise to many. It s been pretty clear for the past seven years that there is no love lost between Barack and the Clinton s.In unusually candid remarks, President Obama privately told a group of Democratic donors last Friday that Senator Bernie Sanders of Vermont was nearing the point at which his campaign against Hillary Clinton would end, and that the party must soon come together to back her.Mr. Obama acknowledged that Mrs. Clinton was perceived to have weaknesses as a candidate, and that some Democrats did not view her as authentic.But he played down the importance of authenticity, noting that President George W. Bush whose record he ran aggressively against in 2008 was once praised for his authenticity.Mr. Obama made the remarks after reporters had left a fund-raising event in Austin, Tex., for the Democratic National Committee. The comments were described by three people in the room for the event, all of whom were granted anonymity to describe a candid moment with the president. The comments were later confirmed by a White House official.Mr. Obama chose his words carefully, and did not explicitly call on Mr. Sanders to quit the race, according to those in the room. Still, those in attendance said in interviews that they took his comments as a signal to Mr. Sanders that perpetuating his campaign, which is now an uphill climb, could only help the Republicans recapture the White House.Mr. Obama s message came at a critical juncture for Mr. Sanders, who had just upset Mrs. Clinton in the Michigan primary and has been trying to convince Democrats that his campaign is not over, despite Mrs. Clinton s formidable lead in delegates. Via: NYT sSen. Bernard Sanders call for a political revolution has resonated with a growing segment of Democratic voters who are committed to his message but who, party leaders fear, will walk if he s not the eventual presidential nominee.Some of those voters tell pollsters they doubt they could support Hillary Clinton, Mr. Sanders chief competition for the party s nod, saying she s part of the very establishment the maverick Vermont senator is fighting against. Other Democrats say Mrs. Clinton would only earn their grudging support, leaving the party fearful of a catastrophic split. Via: Washington Times I don t think there s going to be a lot of change if Clinton wins, said Cronk, 21. Like many younger voters, he s especially alarmed by income inequality, the issue that Sanders has made a centerpiece of his campaign. The Clintons don t really stand in that position very well.Clinton s weakness with younger voters has stood out consistently this year she lost Democratic primary voters who are aged 18 to 29 by 70 points in Iowa, 68 points in New Hampshire and 25 points on Super Tuesday, when she won seven of the 11 states in play for Democrats. Hillary s weakness with millennials has to be very worrisome for the Democratic Party, said Simon Rosenberg, president of the New Democrat Network, a center-left advocacy group. What you re seeing is the millennial generation has essentially seceded from the Democratic establishment. Obama s presidential campaigns showed the power of voters under 30, who gave him 2-1 support in both 2008 and 2012. In 2016, even more millennials than Baby Boomers are eligible to vote, and they make up a large share of potential voters in battleground states such as Ohio, Pennsylvania and Iowa, demographers say.For months, Clinton tried to connect with younger voters through famous supporters such as singer Katy Perry and actor Lena Dunham. She embraced the anti-police-brutality movement Black Lives Matter, spearheaded by young African-Americans, and vowed to expand President Obama s deportation relief for young people in the country illegally and their families. She promised debt-free college for all, only to be one-upped by Sanders pledge of free college for all.Clinton has acknowledged she s fallen short, saying she has to work harder to convince young people she will help them. When an Iowa college student asked her in January why so many other youths found her dishonest, Clinton blamed decades of Republican attacks. Via: Florida Politics",left-news,"Mar 18, 2016",0 +SHOCKING VIDEO: Chicago Reporters Infiltrate Violent Leftist Protests Against Donald Trump,THIS IS SHOCKING! Two reporters from Rebel Pundit infiltrate a Donald Trump protest only to find it has NOTHING to do with Trump but is a MUCH BIGGER leftist anarchist plan: ,left-news,"Mar 18, 2016",0 +OBAMA CRITICIZES TRUMP For Comments About Illegals And Muslim Refugees…But What About THIS Video Of Obama’s Top 5 Most Violent Quotes About AMERICAN CITIZENS?,"President Obama, who as a candidate once urged supporters to bring a gun to the knife fight of his campaign, on Tuesday decried vicious rhetoric from Republican presidential candidates.Here is a great compilation of Obama s top 5 hits on his opponent (50% of America). Can you imagine the comments that haven t been recorded, like at the recent meeting with Black Lives Matter terrorists who were invited guests of Barack Obama s, coincidentally just prior to the organized Chicago Trump rally riots?During the annual Friends of Ireland luncheon at the U.S. Capitol, Mr. Obama told a bipartisan group of lawmakers that he is more than a little dismayed about what s happening on the campaign trail lately. Never one to miss out on the opportunity to bash his enemies our very un-statesman like Community Organizer In Chief took the opportunity when speaking in front of the Prime Minister of Ireland to not talk about relations with Ireland, but instead, to bash Donald Trump. He made it clear to this group who has absolutely nothing to do with our elections, that he is watching his every move Trump makes and will use every opportunity, no matter how inappropriate, to damage his reputation. Probably the most sickening and dishonest part of this video is when Obama begrudgingly tells Speaker Of The House, Paul Ryan (R) that, I know you are a great father and a great husband and that, We can have political debates without turning on each other at the 7:45 mark: We have heard vulgar and divisive rhetoric aimed at women and minorities at Americans who don t look like us, or pray like us or vote like we do, Mr. Obama said in an obvious reference to Republican presidential front-runner Donald Trump. We ve seen misguided attempts to shut down that speech, however offensive it may be. In response to those attempts, we ve seen actual violence, and we ve heard silence from too many of our leaders. As he has increasingly in recent days, Mr. Obama lamented any effort to spread fear or encourage violence, or to shut people down when they re trying to speak, or turn Americans against one another. As a citizen who will still be leading this office, I will not support somebody who practices that kind of politics, the president said.But as a candidate for the White House in 2008, Mr. Obama was no stranger to violent rhetoric. He encouraged the notion that he was a product of Chicago s particularly tough brand of politics.At a campaign event in Philadelphia in June 2008, Mr. Obama told supporters, If they bring a knife to the fight, we bring a gun. Because from what I understand, folks in Philly like a good brawl. I ve seen Eagles fans. Later that year, as polls showed a close race between Mr. Obama and Republican nominee John McCain, Mr. Obama urged a crowd of about 1,500 at a campaign rally in Elko, Nevada, to get confrontational in their community for him. I need you to go out and talk to your friends and talk to your neighbors, Mr. Obama said. I want you to talk to them whether they are independent or whether they are Republican. I want you to argue with them and get in their face. The president on Tuesday seemed to be referring to such comments of his own when he remarked, All of us can recall some intemperate words that we regret. Certainly, I can. And while some may be more to blame than others for the current climate, all of us are responsible for reversing it. Via: Washington Times",left-news,"Mar 18, 2016",0 +ANOTHER CLINTON CASUALTY? Activist MURDERED After Openly Blaming HILLARY For Meddling Role In Honduran Coup [VIDEO],"When far left publications like Democracy Now and Global Research start questioning Hillary s involvement in the murder of Honduran environmental activist, Berta C ceres, there is probably good reason to look a little deeper into the controversy. Former Secretary of State Hillary Clinton is facing a new round of questions about her handling of the 2009 coup in Honduras that ousted democratically elected President Manuel Zelaya. Since the coup, Honduras has become one of the most violent places in the world. Last week, indigenous environmental activist Berta C ceres was assassinated in her home.Before her murder on March 3, Berta C ceres, a Honduran indigenous rights and environmental activist, named Hillary Clinton, holding her responsible for legitimating the 2009 coup. We warned that this would be very dangerous, she said, referring to Clinton s effort to impose elections that would consolidate the power of murderers.Berta C ceres was an award-winning land activist, a leader in her community and a mother of four. She was shot four times while in bed, at 1am on 2 March. As a founding member of the Civic Council of Indigenous and Popular Organizations of Honduras (COPINH), C ceres fought against logging, hydro-power and mining projects threatening indigenous people in Honduras. Her death has exposed the poor judgement of impact investor bank FMO, the bully tactics of mining corporations, and murky situations from Clinton s time as Secretary of State. We re coming out of a coup that we can t put behind us. We can t reverse it, C ceres said. It just kept going. And after, there was the issue of the elections. The same Hillary Clinton, in her book, Hard Choices, practically said what was going to happen in Honduras. Via: Democracy NowThe military coup in 2009 did nothing to protect Honduran land or people. President Manuel Zelaya had moved towards grassroots social movements, the kinds of social reforms that the United States has always opposed (Chomsky), and deals with Venezuela. The military kidnapped President Zelaya at gunpoint and flew him out of the country in his pyjamas. This was certainly a coup d etat and was defined as such by the UN, the EU and other Latin America nations and dictionaries everywhere.As Obama s Secretary of State, Clinton refused to call what had happened a coup in public. Doing so would have automatically cut off US non-humanitarian aid to Honduras. Members of Clinton s own party wrote to Barak Obama about the outrage. But Hillary did not relent, despite being informed that the coup question was an open and shut case in US embassy cables.In a video interview, given in Buenos Aires in 2014, C ceres says it was Clinton who helped legitimate and institutionalize the coup. In response to a question about the exhaustion of the opposition movement (to restore democracy), C ceres says (around 6:10): The same Hillary Clinton, in her book Hard Choices, practically said what was going to happen in Honduras. This demonstrates the bad legacy of North American influence in our country. The return of Mel Zelaya to the presidency (that is, to his constitutionally elected position) was turned into a secondary concern. There were going to be elections. Clinton, in her position as secretary of state, pressured (as her emails show) other countries to agree to sideline the demands of C ceres and others that Zelaya be returned to power. Instead, Clinton pushed for the election of what she calls in Hard Choices a unity government. But C ceres says: We warned that this would be very dangerous. The elections took place under intense militarism, and enormous fraud. The Clinton-brokered election did indeed install and legitimate a militarized regime based on repression. In the interview, C ceres says that Clinton s coup-government, under pressure from Washington, passed terrorist and intelligence laws that criminalized political protest. C ceres called it counterinsurgency, carried out on behalf of international capital mostly resource extractors that has terrorized the population, murdering political activists by the high hundreds. Every day, C ceres said elsewhere, people are killed. Interestingly, Hillary Clinton removed the most damning sentences regarding her role in legitimating the Honduran coup from the paperback edition of Hard Choices.According to Bel n Fern ndez, Clinton airbrushed out of her account exactly the passage C ceres highlights for criticism: We strategized on a plan to restore order in Honduras and ensure that free and fair elections could be held quickly and legitimately, which would render the question of Zelaya moot and give the Honduran people a chance to choose their own future (see Fern ndez s essay in Liza Featherstone s excellent False Choices: The Faux Feminism of Hillary Rodham Clinton).Aside from Hard Choices shape-shifting account of the crisis, Clinton has ignored criticism of her role in enabling the consolidation of the Honduran coup. That is, until C ceres s murder forced a response. Last week, her campaign answered my Nation post on her broader responsibility for C ceres s execution: simply nonsense, a spokesperson said: Hillary Clinton engaged in active diplomacy that resolved a constitutional crisis and paved the way for legitimate democratic elections. We still don t have a clear idea of the events surrounding C ceres s murder. There is one witness, Gustavo Castro, a Mexican national, activist, and journalist, who was with C ceres when gunmen burst into her bedroom. Berta died in his arms. Castro was himself shot twice, but survived by playing dead.The Honduran government that unity government Clinton is proud of has Castro in lockdown, refusing him contact with the outside world. Via: The NationIn Clinton s memoir, she admits thatIn the subsequent days [after the coup] I spoke with my counterparts around the hemisphere, including Secretary [Patricia] Espinosa in Mexico We strategized on a plan to restore order in Honduras and ensure that free and fair elections could be held quickly and legitimately, which would render the question of Zelaya moot.Clinton s emails revealed that she played a crucial role, delaying any action that could quickly restore Zelaya.Grahame Russell from Rights Action is not alone in describing the coup as US and Canadian-backed . Media Lens has bemoaned the under-reporting of Hillary Clinton s connection to the state of affairs in Honduras in the US print media, as has FAIR. But it is online. The Nation ran an article titled, The Clinton-backed Honduran Regime is picking-off indigenous leaders the day after C ceres murder.The Clintons have a great ally in Canadian billionaire Frank Giustra. Along with media outlets, Giustra has gold mining interests in Africa. He is known in the industry as a mining promoter and presumably connects investors and miners. Although Bill and Frank like to fly around Latin America, and do philanthropic work together, Bill did bump into Frank in Kazakhstan when Frank was doing a spot of uranium shopping.The Clintons connection with the Canadian mining magnate is labeled a threat to her campaign by Bloomberg Politics. Certainly, The Clintons ties to big business have dogged her campaign, and many democrats are uncomfortable with her performance as Secretary of State. Revelations about the Clinton Foundation do little to dispel the image of Hillary as an entrenched member of the establishment let alone the oligarch hegemony. Given that her nomination looks increasingly insecure, C ceres murder is untimely for them both. Via: Global Research",left-news,"Mar 17, 2016",0 +NC TEACHER SIGNS UP FIRST GRADERS For Black Lives Matter Protest With No Consent," This so-called movement is out of control and it s not even clear what the end game is here. This teacher should be fired for exposing the children to this idiotic stuff! A Durham, North Carolina teacher signed up six year-olds for a Black Lives Matter protest without their parents consent.Central Park School for Children in Durham, North Carolina has enrolled grade-school students in a Black Lives March and Rally scheduled for March 17, 2016. The teachers can opt-in or opt-out their classes, but parents have not been given a choice.Stef Bernal-Martinez, a teacher of 6-year-old children, signed up all the children in her class for a Black Lives March and Rally to take place during the school day, at the city s downtown Central Park and Farmer s Market. Ms. Bernal-Martinez describes herself as a Radical Queer Progressive Educator and white-passing Xicana. The event, like the Black Lives Matter movement itself, is less a spontaneous protest movement than a divide-and-conquer campaign by elite leftists. Two out of three African-Americans prefer the hrase All Lives Matter to Black Lives Matter according to a national August, 2015 Rasmussen poll. The grade school is predominantly Caucasian, but run by radical leftists. Naturally the school didn t send the parents consent forms.Read more: Daily Caller",left-news,"Mar 17, 2016",0 +WATCH VETERAN Embarrass Trump Hater In Kansas City When She Can’t Explain Her Own Sign,"This veteran exposes Trump hating protester in Kansas City when he asks her to explain why Trump is a racist, and why defending our borders as part of our national security is a bad thing.Trump supporter schools a protester in Kansas City #Trump2016 #MakeAmericaGreatAgainPosted by Jacob T. Honeycutt on Saturday, 12 March 2016",left-news,"Mar 17, 2016",0 +"MICHELLE, SASHA AND MALIA Will Join Barack On Trip To Communist Cuba…Why Not, It’s Only The Taxpayer’s Money","The Obama s just added millions onto the taxpayer s tab for the trip to Cuba that Barack was going on until they just announced the entire family will tag along The Obamas have been famous for their lavish spending on trips and have racked up a big bill that the taxpayers are on the hook for. We know that they pay for some of the travel BUT most of the travel is on us. The known total expense to the American taxpayers thus far for all Obama travel is now $70,880,035.78! Here s a list of the FIRST FAMILY VACATIONS WITH THE COST FOR EACH: OBAMA FAMILY VACATIONSWhy doesn t Barack go alone since this sounds like a business trip? At least he ll be able to show his girls the horrible results of decades of communism come to think of it, it might be worth it!First Lady Michelle Obama and daughters Sasha and Malia will be joining President Barack Obama next week on his historic trip to Cuba.Obama will open his visit late on Sunday by touring cultural sites in Old Havana along with Michelle, Sasha and Malia. Cardinal Jaime Ortega will also host the Obamas at the Havana Cathedral.The President then plans to use a speech in Havana to lay out a vision of greater freedoms and more economic opportunity in Cuba, White House officials said on Wednesday, offering a glimpse of how the President hopes to use his trip to encourage change on the communist island. Obama s speech on Tuesday at the Grand Theater of Havana will mark a moment that seemed unimaginable only a few years ago, before Obama and Cuban President Raul Castro moved to restore relations between the two estranged countries.Obama s advisers said they hoped Cubans would be able to watch the speech live on television, adding that Obama sought not to dictate outcomes but create the space for Cuba to change on its own. Ultimately he will make clear that that s for the Cuban people to decide, said Ben Rhodes, Obama s deputy national security adviser. We have great confidence in the ability of the Cuban people to do extraordinary things. During his three-day trip to Cuba the first to the country by a sitting president in 88 years Obama will also meet with Castro at the Palace of the Revolution and attend a Major League Baseball exhibition game.His much-anticipated meeting with Cuban dissidents will include prominent members of the government s opposition, Rhodes said, stressing that the United States and not Cuba was deciding who would attend. The President will lay a wreath on Monday at the Memorial to Jose Marti, the Cuban independence hero, before meeting with Castro in his offices along the famed Plaza of the Revolution. The White House said human rights, regional issues and ways to improve Cubans standard of living were all on the agenda, with the leaders expected to address reporters after their meeting. Obama planned to meet with US and Cuban entrepreneurs in a bid to boost Cuba s nascent private-sector economy. Castro was to host the President for a state dinner at the palace on Monday evening.Despite Cuban leaders view of such meetings as interference in the island s internal affairs, Rhodes said there was no reason to believe the government would block any invitees from participating. If there are any impediments to that meeting we would be very clear about this, Rhodes said. He declined to name any of those who would attend. Dozens of US lawmakers, including a handful of Republicans, will travel with the President to Cuba along with US business leaders and some Cuban-Americans, officials said, arguing that their inclusion reflected growing support in the United States for lifting the generations-old embargo. Yet there are few signs that Congress will agree to repeal the sanctions anytime soon. Following his Cuba swing, Obama will travel to Buenos Aires to meet with new Argentinian President Mauricio Macri, who took office in December pledging to reverse many of the policies of his predecessor, Cristina Fernandez. Obama has said that Fernandez s policies were consistently anti-American and praised Macri for recognizing that we re in a new era. In Argentina, Obama will meet next Wednesday with Macri at the Casa Rosada presidential office before laying a wreath and touring the Buenos Aires Metropolitan Cathedral. He ll also hold a town hall meeting with young people before being feted at a state dinner. He planned to visit the picturesque city of Bariloche in Argentina s Patagonia region on Thursday before returning to Washington.Read more: Daily Mail",left-news,"Mar 17, 2016",1 +"OBAMA’S BLACK LIVES MATTER Terrorists Join People Who Are Living In Our Country ILLEGALLY, UNIONS, ANARCHISTS And MUSLIMS To Threaten America With MASSIVE Riots","Come hell or high water, the Occupy movement is going to have their voices heard while our Community Organizer in Chief occupies our White House. Pretty much every hate-America and victim group will be taking part in these acts of civil disobedience they re planning. These groups know how critically important it is to take action while they have an ally in the White House. They are prepared to do whatever it takes to ensure Republicans are unable to unravel the radical, progressive and unconstitutional acts of Barack Hussein Obama.Friday night in Chicago, at the site of the Donald Trump rally, we were awakened to what America will be like if we continue to kowtow to the radicalized left and their violent intimidation tactics to shut down Constitutionally protected speech. Theirs is not a protest movement. It is pure anarchy.After eight years under President Obama, the totalitarian enemies of freedom know they have our Constitutional Republic on the ropes now they re going for the throat.Go HERE for videos for a preview of the organized resistance that took place outside of the Trump rally in Chicago.Breitbart With little fanfare and almost no news media attention, some of the same radical groups involved in shutting down Donald Trump s Chicago rally last week are plotting a mass civil disobedience movement to begin next month.They intend to march across the East Coast in order to spark a fire that transforms the political climate in America. The operation, calling itself Democracy Spring, is threatening drama in Washington with the largest civil disobedience action of the century. The radicals believe this will result in the arrest of thousands of their own activists. We will demand that Congress listen to the People and take immediate action to save our democracy. And we won t leave until they do or until they send thousands of us to jail, the website for Democracy Spring declares, channeling rhetoric from the Occupy movement.The group is backed by numerous organizations, including the George Soros-funded groups MoveOn.org, the Institute for Policy Studies, and Demos.Another group endorsing Democracy Spring is the Democratic Socialists of America (DSA). The DSA s Chicago branch drove protesters to last weekend s nixed Chicago Trump event, as this reporter exposed.The AFL-CIO, the nation s largest labor federation, announced in a press release earlier this month it is all in behind Democracy Spring, perhaps indicating significant mobilization.Next month s Democracy Spring chaos is set to begin with a meetup on April 2 at the Liberty Bell in Philadelphia.From the Trump rally riot organizers website:[quote_box_center]Stand with All Immigrants, Muslims and People of Color! Shut Down White Supremacy!Spread the word. Organize everyone you can and get them to this very important protest. Everywhere Trump goes he and his racist mob must be shut down by the people!We must take the Trump campaign seriously. The racist and reactionary presidential campaign of Donald Trump has brought out many thousands of people to rallies across the country and sparked a very dangerous mass movement with white supremacy at its core.This type of movement must be met with the largest resistance of the people possible anywhere it raises up its putrid head. What is needed right now is for thousands of people in Chicago to descend on the UIC Pavilion and help spark a united mass movement against racism, Islamophobia and attacks on immigrants.[/quote_box_center]These radical anarchist Riot-Starters have come out from the underground, ready to seize their prize. The presidential election process is very germane to our Republic; if it is stopped, so too is our liberty, our representative system, our way of life.Some on the right and in the conservative media are trying to find ways to appease the Riot-Starters. They are walking on eggshells in the hopes of avoiding the truth of our situation. There is no palatable neutral, no safe space or toning down of rhetoric that can help us negotiate our way out of this conflict.These are rebellions brought on by anarchists who show up with the intent to create chaos. They live and breathe violence and disorder and will not be placated except for silencing those with whom they disagree. Their presence is a threat to ordered liberty in the United States.This totalitarian movement of Riot-Starters is made up of a patchwork quilt of cop-haters, criminals, anarchists in general, university students, and organized labor. Along the way to these rallies, they pick up and encourage people to get involved. This is why you see university students, juveniles, and criminals as useful tools of the professional organizers. It is stealth by nature; this rebellion is a wolf in a sheep s clothing, duping people along the way.We need to stop blaming the victim and muster the courage to stand up to this very dangerous movement. This has nothing to do with an individual candidate s policy positions or rhetoric. It has everything to do with Trump and his supporters right to assemble peaceably.The law-abiding men and women who showed up at the rally and wanted to participate, including the candidate, had their civil rights, as afforded by the Constitution, violated. They didn t start this, but I don t expect them to back down, either.What I expect and frankly, what all Americans should expect of each other is that when we exercise our Constitutional rights and people try to intimidate us or shut us down, we don t give in. This event was nothing compared to what will happen at the Republican convention in Cleveland, and it is designed to intimidate.The President of the United States is the one responsible for creating this division in America, stoking up racial discord, class warfare and gender warfare for the last eight years.If these anarchists truly cared about violence or hate, they would have been on the South Side of Chicago Friday night protesting against the current state of street violence there: in a 24-hour period last week 20 people were shot, 2 people murdered; in the just the first two months of this year 467 people have been shot leaving nearly 100 dead.Suggesting that Donald Trump tone it down is farcical and misidentifies the goals of the Riot-Starters. No one is to blame except in the sense that we cherish the very thing that these anarchists detest: Freedom. The Riot-Starters will only be placated if they make us so fearful that we give up our First Amendment rights.Law-abiding Americans must not and cannot back down to these freedom-squashing goons. It is time for all of us to understand just what our enemies want to achieve chaos and fear and to rally around the fundamental truths of the Constitution.Our ordered liberty is at stake. At some point the Founders said, that s enough. We re going to have go to war over this. Stand up and fight. Neutrality or appeasement amounts to endorsement. Self-flagellation over language or rhetoric cedes to the left s false narrative. There is no safe space here. You either fight or you re going to live under a totalitarian regime.An Op-Ed by Democrat Sheriff David Clarke",left-news,"Mar 17, 2016",0 +WATCH THE CRIMINAL HISTORY OF HILLARY AND BILL: Clinton Insider Explains Their Crimes And Why They Never Got Caught,Everything you ever wanted to know about Hillary and Bill and their criminal past is in this video. How did they get away with so much? Why have they never been punished for their crimes? Many of the answers can be found in the video below. This is the full length movie. Part I can be seen below.https://youtu.be/t63iS7nep3sClinton Chronicles Part I: ,left-news,"Mar 17, 2016",0 +WATCH: HARVARD STUDENTS Caught On Tape Saying White People Should Kill Themselves For Having β€œWhite Privilege”,"Is there a worse crime than being a white male in America? Unless you re a gay male, you have no victim protection. So technically, in a liberals world your life has no real value. It s hard to argue with these bright Harvard students who say things like, Your life ain t worth it. I m pretty sure the student featured in this video s parents (if they had to pay the $57,000 tuition tab that privileged kids parents have to pay) wouldn t be too happy about his clearly underdeveloped language skills. Why does white life have value? Our argument is that we should never affirm white life. So, should he kill himself? I don t see why not. Why should he do that? How does that help? It s ethical. How is it ethical? We all have some form or another of privilege. Why does that mean we should kill ourselves Because you have WHITE privilege. Why does having white privilege necessarily mean I should kill myself? Why shouldn t I like struggle against the structure thing? Struggling against the structure means putting yourself on the line, putting your body on the line. Do it. Affirmative suicide, I mean, it s one little step in the right direction Watch: White life is wrong, Feliciano was quoted as saying by Infowars.com. Our argument is that we should never affirm white life. White life is based off black subjugation. When a white debater asked Feliciano whether he should commit suicide, Feliciano said I don t see why not, it s ethical. When the white debater suggested that it might be better to remain alive and fight the social forces that promote white privilege, Feliciano rejects the notion.Ironically, the debate topic was supposed to be about renewable energy. The black debaters simply chose to point out their opponents skin color and begin advocating genocide, reported InvestmentWatchdogBlog.com. They expressly stated that these were their sincere beliefs, not just an argument to win a debate. Feliciano and Davis are not some anonymous student crackpots posing as serious debaters.They form a respected two-person debate team that took second place at the 2013 Cross-Examination Debate Association Nationals, according to Infowars.com.Feliciano also acts as an instructor at the Eddie Conway Liberation Institute, an annual debate camp at Coppin State University that reportedly instructs high school students on debate strategy and radical thought, Infowars reported.The institute is named after former Black Panther Party member Eddie Conway, who was convicted and imprisoned for 44 years for his involvement with the 1970 murder of a Baltimore police officer. Via:EAG News ",left-news,"Mar 16, 2016",0 +"RAPPER Who Met With Obama In White House To Strategize, Tweets Threat: β€œDear white people if Trump wins young niggas such as myself are fully hell bent on inciting riots everywhere we go”","A little over one year ago, radical activist, and rapper, Tef Poe was sitting in our White House discussing strategy with our Community Organizer in Chief. Today, he s taken to Twitter to warn White Americans that their support for Donald Trump won t happen without paying a heavy price. In his tweets, he promises violence and spews hate from every pore of his racist body. Yes, these are the types of people Barack Hussein Obama has meeting with him in our White House to discuss strategy. When you consider all of the important and historical world figures who have met with former Presidents in our White House, it should cause every American to pause and wonder what kind of monster is residing at 1600 Pennsylvania Ave today.https://twitter.com/TefPoe/status/710167227627147266In December, 2014, President Obama invited several youth activists to the White House to discuss #Ferguson, police brutality, race and more.A day after meeting with President Obama, some of those very activists Ashley Yates, Tef-Poe, T-Dubb-O, James Hayes, Jose Lopez, and Phillip Agnew held a conference call to discuss their feelings following speaking with the president. Via: EbonyTrump wins aint no more rules fammo. We've been too nice as is. Creating. (@TefPoe) March 16, 2016Even a clock is correct twice a day:She built a political career off the blood and pain of innocent people, now thinks she deserves thanks #DemTownHall https://t.co/Yjl48HVPwj People For Bernie (@People4Bernie) March 14, 2016 ",left-news,"Mar 16, 2016",0 +WATCH RELATIVES SPEAK OUT After Teen Caught In Robbery Is Shot And Killed: β€œhow he going to get his money to have clothes to go to school?”,"The attitudes of the family members defending this thug who violated an innocent woman when he broke into her home is astounding. After eight long years of listening to a President justify why minorities should be able to break laws with no penalties, get in line in front of people who are white or have more income when it comes to college acceptance or employment opportunities, this is the result. Bernie Sanders or Hillary Clinton will only perpetuate this un-American, entitelment behavior. The family of a teenager who was shot and killed while committing an armed robbery is speaking out today.Seventeen year old Trevon Johnson was shot by a homeowner who came home to check on an alarm at her home. She saw Johnson leaving the home and altercation ensued. During the altercation, Johnson was shot once. He died of his wounds. I don t care if she have her gun license or any of that. That is way beyond the law way beyond, said Johnson s cousin Nautika Harris to local media outlet WFOR. You have to look at it from every child s point of view that was raised in the hood, she said. You have to understand how he going to get his money to have clothes to go to school? You have to look at it from his point-of-view. He was not supposed to die like this. He had a future ahead of him. Trevon had goals he was a funny guy, very big on education, loved learning. Via:Controversial Times",left-news,"Mar 16, 2016",0 +HARVARD BULLIED INTO Dropping 80 Year Old β€œRacist” Law School Emblem,"Harvard is agreeing to erase the history of their Law School founder to satisfy individuals or groups who don t agree with him. Didn t we see something similar to this happening in the Middle East? It wasn t that long ago that ISIS destroyed all symbols of Christianity in Iraq and other countries because they represented the history of Christ and was offensive to the Islamic terrorists. Did Americans think that was okay? This politically incorrect nonsense needs to stop before every ounce of history has been sanitized from our public and private schools, colleges and universities Harvard University has decided to drop its famous law school emblem after a handful of students said it was racist because it was tied to an 18th-century family of slave holders.The Harvard Corporation, the body that governs the university, voted in favor of a Harvard Law School committee recommendation to drop the seal. Harvard s president, Drew Faust, told the dean of the law school, Martha Minow, he approved the idea, Reuters reported.The emblem has been around since 1936. It shows three sheaves of wheat with the motto, Veritas, the Latin word for truth, scrolled across the top.The image comes from the coat of arms used by the family of Isaac Royall, a man the media paints as the son of an Antiguan slaveholder who was also the endower of the first law professorship at the university, Reuters said. Via: WNDThe university denied it was revising history.Maybe they were just caving to threats or threatening behavior like this protest that took place on campus. Students can be seen here protesting at Harvard University over death of thug, Michael Brown:Harvard protestors crowd at the Law School to rally against the #Ferguson decision, yelling ""no justice, no peace."" pic.twitter.com/cHMSaM1KNY Meg Bernhard (@meg_bernhard) December 1, 2014 In light of recent events, Drew Faust shows her support. pic.twitter.com/p8ej81vxZa Harvard University (@Harvard) December 11, 201412-11-14 Harvard President Drew Faust declared via Twitter that black lives matter. Harvard s official Twitter account posted an image Wednesday of Faust wearing a t-shirt with the movement s slogan and the statement, In light of recent events, Drew Faust shows her support. In November, 2015, Portraits of black Harvard Law School faculty members were defaced on a day after a campus rally for black students, according to the law school. Several portraits were discovered Thursday with black strips of tape placed diagonally over the black faculty members faces. The portraits were on the first floor of Wasserstein Hall, which houses two hallways with more than 180 framed portraits of law professors.Harvard Law School Dean Michele Minow said in a statement The Harvard University Police Department is investigating the incident as a hate crime. Harvard Law School students started a Facebook page with the following stated mission: We are a movement of students calling for the decolonization of our campus, the symbols, the curriculum and the history of Harvard Law SchoolHere is a post from that page: While we accept the request to change the shield, we do so on the understanding that the school will actively explore other steps to recognize rather than to suppress the realities of its history, mindful of our shared obligation to honor the past not be seeking to erase it, but rather by bringing it to light and learning from it, Faust said, Reuters reported. Via: WNDIn the end, we can t help but wonder how much this former Harvard Law School student, turned Commuity Agitator in Chief had to do with their decision to erase history at Harvard: ",left-news,"Mar 16, 2016",0 +THE ULTIMATE HYPOCRITE: Who Are The Billionaires Funding Campaign Of Candidate Who Mocks…Billionaires,"While Bernie Sanders has pitched himself as the presidential candidate for the little guy tapping into the wallets of voters angry over Wall Street s influence in politics a deeper dive shows Sanders has enlisted an arsenal of millionaire and billionaire backers who have backed his political career since his early Senate runs a decade ago.That big-money support stands in sharp contrast to Sanders calls for corporate fat-cats and the uber-wealthy to pay their fair share in taxes by closing loopholes and removing breaks that benefit the mega-rich.At a rally last Sunday at The Ohio State University, Sanders told a cheering crowd, You can tell a lot about a candidate based on how he or she raises money for his or her campaign. The comment goes hand-in-hand with the theme Sanders has been hammering for months. I am not raising money from millionaires and billionaires, Sanders said during the CNN Democratic primary debate in Las Vegas on Oct. 13. In fact, tonight, in terms of what a political revolution is about, there are 4,000 house parties 100,000 people in this country watching this debate tonight who want real change in this country. Sanders war chest has been driven by smaller donations he raised $26 million in small increments in the third fund-raising quarter.Jeff Weaver, Sanders campaign manager, insists the fancy fundraisers and big-name donors are few and far between and that there is no contradiction in what the Vermont Democrat and self-described socialist practices and what he preaches. We don t have a super PAC, Weaver told FoxNews.com. We rely on small contributions. Average contribution is $27. Are there some, a few people in there who have more money, personal money who give larger contributions? Yeah, of course they do, but within the federal $2700 limit. No, you know, no 50, 100, 2 million contributions. But for years Sanders has enjoyed donations from a handful of wealthy donors including media moguls Leo J. Hindery and Steven C. Markoff.Markoff, who donated to Sanders 2012 Senate campaign, began trading rare coins when he was 11. By 2004, his company A-Mark Entertainment was listed as the 65th largest privately held company in the U.S., and the second largest in Los Angeles.Hindrey, managing partner of the private equity fund InterMedia Partners and former chief executive of AT & T Broadband and of the YES Network, also maxed out on contributions to Sanders. Hindrey, while advocating for fewer tax breaks for the wealthy, is among the biggest Democratic fundraisers in the country.Another big money donor to Sanders campaign is David Geffen, co-founder of DreamWorks Animation and worth a cool $6.9 billion. According to campaign finance records, Geffen donated the max at the time $2,500 to Sanders Senate campaign on Jan. 27, 2012.But Lara Brown, director of George Washington University s political management program, told FoxNews.com that she doesn t see a big push-back from Sanders supporters. By and large, Democrats tend to believe these individuals are giving because they have a strong progressive/liberal orientation in their politics and they are doing this because it equates to them giving to a cause, she said, adding that the same would be true for big-money donors in Silicon Valley and the tech industry.Via: FOX News ",left-news,"Mar 15, 2016",0 +WATCH HILLARY LIE About Libya To Supporters: ” We Didn’t Lose A Single Person”,"The families of the four dead Americans you left behind beg to differ. Not that you care, but Benghazi was kind of a big story for the rest of America Hillary During a town hall meeting in Illinois on Monday Democrat Hillary Clinton said the United States didn t lose a single person. The remark was made in defense of the NATO invasion in 2011 following the adoption of United Nations Security Council Resolution 1973.Via: InfoWars",left-news,"Mar 15, 2016",0 +WOW! CHICAGO PROTESTER Caught On Camera Admits Violent Activity Was Pre-Planned: β€œIt’s not gonna be peaceful”,"Here s proof that the violence we saw taking place in Chicago was well organized:@realDonaldTrumpPre Planed Chicago Left Wing Violence At Trump Rally#MakeAmericaGreatAgain#VoteTrump pic.twitter.com/BdW5XrC3LH Richard Weaving (@RichardWeaving) March 12, 2016Textbook Alinsky. Obama s domestic terrorist friend, bomber and college professor, Bill Ayers appears to be the spokesperson, while other angry paid protesters join in.***LANGUAGE ALERT***More vile protesters here. Our personal favorite is the angry white woman admonishing the reporter for being white:h/t Gateway Pundit",left-news,"Mar 15, 2016",0 +OOPS! DONALD TRUMP’S NAME MISSING From Ballots In Florida,"Oh never mind, the snafu has been explained It s simply because voters didn t get the correct one. Problem solved Leading Republican presidential candidate Donald Trump s name was left off Florida primary ballots according to reports relayed by Fox News Jennifer Eckhart on Twitter who said the local Fox affiliate has received dozens of complaints. Eckhart wrote the irregularities are in Jupiter County which does not exist. She probably meant the town of Jupiter or Palm Beach County where Jupiter is located. Palm Beach County is where Trump s Florida base Mar-a-Lago is located.Hearing reports from friends in my home state of Florida that @realDonaldTrump is left OFF of voting ballots at various polling stations Jennifer Eckhart (@JenniferEckhart) March 15, 2016 Hearing reports from friends in my home state of Florida that @realDonaldTrump is left OFF of voting ballots at various polling stations @realDonaldTrump Up to 15 people now have called me to complain that Trump is left off their voting ballot in Florida @DonaldJTrumpJr Jennifer Eckhart (@JenniferEckhart) March 15, 2016.@samuraiEighty returned ballot said they were given the ""wrong one"" called local Fox affiliate they've received dozens of complaints Jennifer Eckhart (@JenniferEckhart) March 15, 2016If you're a registered voter in Florida and you've received a ballot w/ @realDonaldTrump OFF the ballot contact me. @FoxNews on the story. Jennifer Eckhart (@JenniferEckhart) March 15, 2016Via: Gateway Pundit",left-news,"Mar 15, 2016",0 +WATCH INSANE VIDEOS…CHICAGO COP Spills The Beans About What REALLY Happened In Chicago,"The leftist media was quick to blame Donald Trump for the organized chaos and riots that were fueled by paid protesters who, when pressed by FOX News reporters, clearly had no idea why they were there. Jim Acosta, of CNN News, admitted the number of anti-Trump protesters and amount of violence was underreported, but laid the blame squarely on Trump: Donald Trump, for whatever reason decided to hold a rally, almost in the Lion s Den. the media didn t report that protesters were running through parking lots and breaking windows of cars with Trump stickers on them The protests launched by militant leftists who shut down Donald Trump s Chicago rally were far more aggressive and destructive than reported, says a Chicago Police officer. It seems the [media] aren t broadcasting footage of the debris being thrown across Harrison by Sanders/Hillary supporters at Trump fans, the officer wrote shortly after the canceled Trump event.The officer, who posed anonymously on the Second City Cop blog, also noted the media didn t report that protesters were running through parking lots and breaking windows of cars with Trump stickers on them, or that the department called out emergency Incident Teams to cope with the anti-Trump riot at the University of Illinois in Chicago.Later that same day the officer posted a second, much longer post, to detail the failures of the police leaders to plan for and respond to the protests.The officer insisted there was pretty much zero in terms of a unified Command Post for the event, and that officers had no central command to report to or coordinate response from.This video shows woefully unprepared the Chicago police force was to deal with these well-trained, paid, organized agitators. Note the Palestine flag at the 2:06 mark and person on loudspeaker chant Allah at the 2:26 mark: Who wrote this plan? the officer wrote. We ve seen and heard reports that UIC was woefully unprepared for this. They had their own people and Monterey Security inside. The Secret Service had a presence, but they re restricted to dignitary protection. The ISP had a squad there. And CPD. So where were the people geared up for a riot? For NATO we had an entire strike force geared up and ready to go. We had the Mounted Unit up and running. Tens of dozens of bikes. Did no one see this coming? [quote_box_center]Radio Host, John Cardillo told his audience today that a trusted police officer friend in Chicago told him this weekend that before the UIC rally 70% of police officers supported Donald Trump. After the rally was called off and GOP candidates sided with the violent mob 90% of police officers support Donald Trump.[/quote_box_center]The officer went on to insist that suddenly emptying the pavilion of Trump fans and putting a few thousand people out on the street as targets was a terrible decision. This decision led to many unnecessary confrontations between Trump fans and the anarchist protesters, the officer said. It also led to unnecessary property damage, the officer said.Next came a long list of questions:Who gave up the expressway? Who let them block ambulances? Why did they not assemble citywide Incident Teams as soon as they knew the rally was canceled? Tact Teams? We even heard Mass Arrest kits weren t available and only one transport wagon on scene in case arrests were made.The criticism went farther.Who ever drew up this order failed miserably. Whatever the Intelligence Section was doing wasn t nearly enough. The On Scene Incident Commander failed to anticipate even the best case scenario and every other appointee showed how incompetent they really were by not ordering up more reinforcements and more units on stand-by.Video that hasn t gotten much play since that night also showed that the protests were far more raucous than previously reported.In all, it seems that at least this one Chicago Police Officer felt that the CPD fell down on the job during this incident. ",left-news,"Mar 15, 2016",0 +"THE BEST OF WATTERS’ WORLD: β€œIf liberals are so creative, why can’t Obama create jobs?”",Jesse Watters is pretty awesome! He s great at making people think but being funny at the same time. Pretty awesome! ,left-news,"Mar 15, 2016",0 +BREAKING…Internal Memo From OBAMA’S Corrupt EPA: FLINT NOT WORTH β€œGoing Out On A Limb For”,"Wow! Bernie and Hillary have been making hay over the Flint water crisis for months now, using the crisis to secure votes from the black community. Leftists have been converging on the city like rats in search of the last peice of cheese on earth and now we have proof that Obama s EPA knew about the crisis, but didn t think the people of Flint were worthy of protecting.An internal Environmental Protection Agency memo showed officials didn t think Flint is the community we want to go out on a limb for while residents of the Michigan town drank lead-contaminated water.House Committee on Oversight and Government Reform Chairman Jason Chaffetz presented an internal memo between the EPA official who oversees Michigan, a branch manager in the EPA s Region 5, the associate director of the water division for Region 5 and an EPA environmental engineer about the water crisis in Flint.In the memo, one of the officials it wasn t clear who based on the screen shown by Chaffetz said Flint wasn t worth helping. Perhaps she already knows all this, but I m not so sure Flint is the community we want to go out on a limb for, the memo stated.Chaffetz was incredulous at the memo. Are you kidding me? he said, looking at Susan Hedman, the former director of EPA s Region 5, which oversees much of the Midwest including Michigan. Why isn t Flint the community they go to? Of all the communities, the community having trouble is the one you go all out for, Chaffetz said. Via: Washington Examiner",left-news,"Mar 15, 2016",0 +HOW WE KNOW AMERICA IS FINALLY WINNING: Popular Leftist Publication Urges Anti-Trump Thugs To STOP Protesting,"There hasn t been a time in decades when the Left has been so concerned about a presidential election. Sure, there have been times when the election has been close, but a strong get out the vote effort, a scheme to prevent our overseas military s vote from counting, coupled with a unparalled voter fraud network has always kept the Democrat contender in the race. With November only eight months away, is there going to be enough time to cast enough dead, illegal and mulitple votes from single voters to make up the difference in the massive number of voters Donald Trump will bring to the polls?The Left is panicking and the paid protesters who threatened Trump supporters and rioted in Chicago are proof they re losing their grip on the election. Donald Trump has them running scared, and that can only be a good thing, as America has never been in more trouble than we are today. Electing a candidate from the party who has intentionally divided and pitted Americans against each other for eight long years is no longer an option for anyone who loves our country.Here s a sample of what s happening today in Florida:#FloridaPrimary #SuperTuesday #Vote @realDonaldTrump #QueEstadosUnidosSeaGrandeOtraVez #TrumpTrain #MIAMI pic.twitter.com/CGKI6HqjvN Lady #MAGA~Bethany (@thetimewasthen) March 14, 2016Donald Trump s supporters aren t fazed by his decision to cancel an appearance at a Chicago rally over the weekend in fact, they are more likely to vote for him to be the Republican nominee because of it.That s according to a new poll of likely Republican voters conducted by Monmouth University. It confirms something I ve long suspected (and have argued in previous articles): the antics of left-wing agitators are driving ordinary people into the arms of Trump.The poll noted that pro-Trump and anti-Trump forces clashed in Chicago last Friday, which prompted Trump to cancel the event. It then asked respondents whether this fact made them more or less likely to support Trump. Just 11 percent said they were less likely to support Trump because of this decision. Another 22 percent said they were actually more likely to back Trump, and 66 percent said their views were unchanged.Leftist protesters who vehemently oppose Trump would do well to remember that in a free society, even contemptible speakers are permitted to be heard. As New York Magazine s Jonathan Chait wrote in a recent piece:But the whole premise of democracy is that rules need to be applied in every case without regard to the merit of the underlying cause to which it is attached. If you defend the morality of a tactic against Trump, then you should be prepared to defend its morality against any candidate. Now imagine that right-wing protesters had set out to disrupt Barack Obama s speeches in 2008. If you re not okay with that scenario, you should not be okay with protesters doing it to Trump.Indeed. But the Monmouth poll is good evidence that letting Trump speak is not merely the morally correct, philosophically consistent course of action: It s the tactically sound one as well. When the left stops Trump from speaking, Trump wins. He gets to tell his people that the forces of far-left activism and political correctness are trying to silence him. Implicitly, he is suggesting to his followers that when he becomes president, the tides will turn: see his promise to make it easier to sue newspapers for criticizing him. Trump supporters adore this shtick. Stop giving them ammunition.Via: Reason",left-news,"Mar 15, 2016",0 +HOW OBAMA MADE IT POSSIBLE For Protesters To Be ARRESTED And Sent To JAIL For Disrupting Trump Rallies,"So is anyone else wondering why the cop-hating, racist, Bernie Sanders supporter Tommy DiMassimo wasn t arrested and charged with a felony? Republican presidential candidate Donald Trump s campaign rallies have become a fixture in the 2016 election season as much for the candidate s rambling speeches as for the frequent interruptions of said speeches.Demonstrators have filed in to Trump rallies across the country, shouting their anti-Trump messages and promptly being ridiculed by rally-goers and led out by law enforcement.On Saturday, Trump began to call for the arrest of protesters as he was repeatedly interrupted, raising questions about the legality of protest and whether Trump can press charges against demonstrators. So what are the answers?The short answer is, no.According to H.R. 347 (signed into law by Barack Hussein Obama in February, 2012) it is ILLEGAL under CURRENT FEDERAL to protest of any type, in an area under protection by the U.S. Secret Service.Because Donald Trump is under Secret Service Protection (as is Hillary Clinton, Bernie Sanders) and has been since November of 2015, it is a FEDERAL CRIME to protest at campaign rallies, and is in fact, punishable by imprisonment.Free Speech isn t covered at ANY Trump, Clinton, Sanders (or Cruz, Rubio, Kasich) rally because protests are considered to be knowingly impeding or disrupting the orderly conduct of an official Federal function. Law enforcement has simply tossed out protesters at Trump rallies, but H.R. 347 states that they could be imprisoned for up to a year for trespassing.Demonstrators are technically relegated to free speech zones much like the ones seen on college campuses.Such zones are often used to keep dissenters away from media attention, according to the American Civil Liberties Union.At a recent Trump event at Valdosta State University, in Georgia, the two designated free speech zones were not in sight of the arena where the rally was held. One was a quarter mile away.Trump can call for the arrest of whomever he wants, but he can t do the arresting.He has said, however, that he is going to start pressing charges against protesters as a way to intimidate them into thinking twice about demonstrating at his rallies.Based on the change to H.R. 347 in 2012, he may have grounds to press for trespassing charges against any protester who walked into the rally knowing it was a restricted area, according to the ACLU. Via: Mashable",left-news,"Mar 14, 2016",0 +POLICE OFFICER Asks Daughter’s School To Remove Hateful Drawing From Display…School Has SHOCKING Response,"What do you think about the school s response to this police officer s request?The painting Officer Dave Hamblin found offensive (Facebook)A police officer father in the United States has taken to social media to complain about a piece of artwork displayed at his daughter s school.Kentucky cop Dave Hamblin is outraged by the painting which depicts two black people with a gun pointed at their head.On one half of the painting, under the title 1930 , a Ku Klux Klan member is pointing the gun.On the other half, titled 2015 , a white police officer is shown pointing the gun at what looks like a African American child.The painting was from a school project inspired by racial violence depicted in Harper Lee s book, To Kill A Mockingbird.Police officer Dave Hamblin, who goes by the name Dave Kingmen on Facebook, says the picture is upsetting and creates future cop haters . We speak of tolerance, we speak of changing hostile environments, we speak of prejudice, and we speak of racial relations, yet, when it comes to hostility toward police, their families, and profiling them through bigotry we are expected to tolerate it, Kingmen wrote.. I will not, nor will my child. The cop has asked for the picture to be removed but the school has seemingly turned down his request. When discussing social injustice, people will likely be offended by some topic, said Tracy Green, a school spokesperson. The drawing is a student s artistic representation based on the lens through which the student viewed that issue and the student has a First Amendment right to share that opinion. Via: Yahoo",left-news,"Mar 14, 2016",0 +"NO TERROR CHARGES FOR MICHIGAN Muslim Man Who Plotted To Shoot Up Large Church In Detroit, Had Ties To ISIS, Dreamed Of Beheading Someone…Claimed He β€œLoved to hear people scream and beg”","Such a nice young man. He was just hearing voices in his head. You mean like Mohamed s voice? Of course CAIR says he was likely just showing off Because that s how Muslim men who live in America show off ???? Not only did this Dearborn Muslim plot to shoot up a Detroit church, but he kept a sword in his car and said that it was his dream to behead someone. Khalil Abu-Rayyan said he wanted to burn people alive, tie them up, cut their tongues. As for the church shooting, Abu-Rayyan said, Honestly, I regret not doing it. If I can t go do jihad at the Middle East I would do a jihad over here. But Abu-Rayyan will not be prosecuted for terrorism; not in Dearborn, he won t. To prosecute him for terrorism would be islamofauxbic. Any time a jihadi gets caught plotting mass murder of the kuffar, it s the FBI that gets the blame: entrapment. The case against Abu-Rayyan has focused on his alleged threats of violence and has raised questions, including whether the government successfully thwarted Abu-Rayyan s alleged plan for a terrorist attack on a Metro Detroit church, or whether the FBI s undercover agent radicalized a vulnerable young man with no criminal past until 2015. Shooting and death makes me excited. I love to hear people scream and beg. I wish I had my gun, Abu-Rayyan told the FBI undercover agent in a text message.The FBI is being accused of radicalizing this savage. Not the Islamic texts and teachings that incite to jihad, not his Muslim brothers waging holy war in the cause of Islam the FBI.Wait, it get worse. The FBI is being criticized for arresting him, as opposed to pursuing other options, such as going to the family.Asked whether they explored other options before arresting Abu-Rayyan, U.S. Attorney spokeswoman Gina Balaya said: Although intervention with a family is appropriate in some cases, when a defendant poses a specific threat of violence, we need take action that protects public safety. Go to the family? The family is usually in on it. Look at San Bernardino. Khalil plotted to shoot up a church. There are no other options but arrest. How can the FBI do its job when it is expected to adhere to sharia law and sanction jihad?Via: Pamela Gellar",left-news,"Mar 14, 2016",0 +WHY IS THE MEDIA HIDING Dangerous Evidence About Radical Who Attacked Trump At Rally?,"100% FED Up! was able to easily find evidence about the anti-American, cop-hating, racist who attacked Trump during a rally on Sunday. Either the mainstream media news organizations don t have any investigative journalists working for them, or they prefer to hide the truth about Trump s attacker. We believe the latter is true.An even bigger question is how this radical cop hating, white hating (self-loathing) Bernie Sanders supporter is able to jump on the stage of the GOP Presidential front-runner, grab him, scuffle with the US Secret Service and only be charged with two misdemeanors? Watch new video that was just released of Tommy DiMassimo rushing to get at Trump on stage here:CNN interviewed Thomas (Tommy) DiMassimo, the man who was arrested and charged with disorderly conduct and inducing panic after he rushed the stage at an Ohio Trump rally on Sunday.During the interview, Tommy DiMassimo explained to CNN that he just wanted to take the podium away from the GOP presidential front-runner to send a message. CNN never asked him a single quesiton about his past or his support for Bernie Sanders.It s almost as though CNN was giving Tommy DiMassimo, a Wright State University senior, a platform to express his dissatisfaction with Donald Trump. They wouldn t do that for someone who just committed a crime by rushing the stage of the top GOP Presidential candidate would they?https://youtu.be/RIAEQonBgO0Here is the real truth about the soft-spoken Tommy DiMassimo that appeared in the CNN video who was worried about Trump being a bully. We found these videos on YouTube that were co-written by the Wright State University senior. The name of the video is Red Black and Blue. The video appears to be promoting a Revolution featuring blacks killing cops and of course, cops killing innocent blacks.***LANGUAGE and VIOLENCE Warning***Here is the first shocking trailer for DiMassimo s movie Red Black and Blue :https://youtu.be/R8dgSibelNQHere is the second violent trailer. The video in its entirety can be found below:https://youtu.be/PEP4hWfHzj8Here are tweets that were sent out by Tommy DiMassimo just prior to the Ohio Trump rally where he rushed the stage. In the first tweet, he talks about becomig a martyr. The second tweet talks about getting into a Trump rally and slapping fire into Trump. From the Urban dictionary: The art of slapping fire out of a person is to give said person an intense slap that will leave their face red for an extended period of time. That sure sounds a LOT differnt that the non-violent explanation he gave CNN. The last tweet with the gun and smiley face emoji was sent to fake black guy, Shaun King. You be the judge of what he s trying to say in his tweets below.And of course, the fact that he s a Bernie Sanders supporter should come as no surprise:Folks in OHIOGo vote for Bernie and or Not Trump il ragazzo (@Younglionking7) March 13, 2016This tweet was posted in Sept, 2015. The most recent tweets (seen above) have all been deleted.DiMassimo posts a picture of a bloodied cop seen in the film on his Facebook page. One of his friends asks in the comment section, Is that you? He doesn t respond.This picture was taken from DiMassimo s facebook page advertising his one man show on Wright College campus.Here s DiMassio hanging out with a few sweet boys in the neighborhood:Oh, the irony of DiMassimo looking to the police officer for help when he was concerned about a concealed carrier, after spending the afternoon taunting the Confederate flag supporters, and actually burning a Confederate flag in front of them at a GA rally (see below):Open Carry Activist Prepares to Draw Gun on Counterprotester at Yesterday's Confederate Flag Rally in #GA #p2 #tcot pic.twitter.com/cNuEKHXmF6 CSGV (@CSGV) August 2, 2015Hero of the Day burns Confederate flag and waves it at 500 idiots at Stone Mountain. pic.twitter.com/iBzwN3ElcK Derf Backderf (@DerfBackderf) August 3, 2015Here s a video showing the controversy DiMassio created when standing on an American flag on campus:Here is the video of the actual event. Watch the disrespect this punk has an elderly veteran confronts him:https://youtu.be/Q0Kwcp2DLFoIf you can stomach it, here is the violent full-edition of the video co-written by Tommy DiMassimo, the intelligent, bright, college senior :Tommy DiMassimo is sadly, representative of many of the whiny, anti-American students we see supporting Bernie Sanders and a Black Lives Matter terror movement today. Black Lives Matter was created to threaten and intimidate Americans into giving them not equal treatment, but special treatment. Our hateful and divisive President is responsible for the groundswell of support for hate groups like this that are popping up across colleges, universities and large cities across America. The reason they are trying so hard to prevent a Trump presidency is because they fear he will call them out and expose them for their self-serving agenda. Their only hope to keep this radical movement going is to elect Bernie Sanders or Hillary. Trump is the only person who they fear is an obstacle standing in the way of their goal.We ll never know how far Tommy Massimo would have gone if he was allowed to get ahold of Trump on the stage. One thing is clear though, his ridiculous punishment and the special treatment he was given by CNN will certainly not dissuade the next radical from attempting to harm Trump at one of his public events.Here is a screen grab that shows DiMassimo as one of the co-writers of the Red Black and Blue video. Although we can t prove it, given his flair for drama, it is highly likely DiMassimo is one of the actors in the violent cop and white-hating film: ",left-news,"Mar 14, 2016",0 +"LONDON’S MAYOR HAS HARSH WORDS For Our Community Organizer In Chief: β€œButt Out, Mr. Obama”","Our country is spinning out of control. Obama s orchestrated efforts with race baiters like Al Sharpton and leaders of Black Lives Matter terrorists have created a divide between races like my generation has never known. Obama skips Supreme Court Justice Anton Scalia s funeral and the funeral of iconic First Lady, Nancy Reagan, but finds time to take a few pot shots at GOP presidential front-runner, Donald Trump while attending a hipster festival with Michelle. Barack s proven over and over he doesn t have the time or desire to behave like a leader, and now, he s going to tell the Europeans what they need to do as it relates to the EU? When I heard from the Baron today that our current president is planning to go to Britain to make a case to the public for staying in the European Union, I was momentarily stunned. What happened to leading from behind and letting other countries handle their own affairs?By now we re all jaded by this president. He does nothing for free, nothing in which there is not some eventual pay-off to him. So sticking his nose into Britain s affairs should come as no surprise, given his track record of the last interminable years of his time in office.Or maybe he doesn t know how deeply disliked he is by anyone who didn t sign onto his pathetic Peace Prize back in the beginning of his reign? Maybe he believes what the sycophantic press tells him? Or or wait! Is he using a kind of reverse psychology on the British i.e., knowing how much he is held in contempt, anything he suggests, they would oppose? Nah he s far too removed from reality to grasp that concept.So here we have London Mayor Boris Johnson s take on the subject. He s far more interesting to follow on this than any national government figures would be. Via: Gates Of ViennaThese excerpts are from The Telegraph. The only thing Mr J got wrong is the extent to which Obama has undermined America s sovereignty, particularly at our southern border and on the subject of changing our culture and monolingual character. One could say that Mr. Obama s decision to drop in and lecture the Brits on this particular subject is not contradictory at all; it is congruent with his own behavior and sentiments regarding America s sovereignty.Obviously, Mr. Johnson hasn t been paying attention to the American presidential campaign. But they why would he? Had he done so, though, he d have seen an unprecedented populist following for Donald Trump, based on that theme: sovereignty.We want ours back in one piece.I love America. I believe in the American dream. Indeed, I hold that the story of the past 100 years has been very largely about how America rose to global greatness and how America has helped to preserve and expand democracy around the world. In two global conflicts, and throughout the Cold War, the United States has fought for the founding ideals of the republic: that government of the people, by the people, for the people should not perish from the earth.So it is on the face of it a bit peculiar that U.S. government officials should believe that Britain must remain within the EU a system in which democracy is increasingly undermined.Some time in the next couple of months we are told that President Obama himself is going to arrive in this country, like some deus ex machina, to pronounce on the matter. Air Force One will touch down; a lectern with the presidential seal will be erected. The British people will be told to be good to themselves, to do the right thing. We will be informed by our most important ally that it is in our interests to stay in the EU, no matter how flawed we may feel that organisation to be. Never mind the loss of sovereignty; never mind the expense and the bureaucracy and the uncontrolled immigration.The American view is very clear. Whether in code or en clair, the President will tell us all that UK membership of the EU is right for Britain, right for Europe, and right for America. And why? Because that or so we will be told is the only way we can have influence in the counsels of the nations.It is an important argument, and deserves to be taken seriously. I also think it is wholly fallacious and coming from Uncle Sam, it is a piece of outrageous and exorbitant hypocrisy.There is no country in the world that defends its own sovereignty with such hysterical vigilance as the United States of America. This is a nation born from its glorious refusal to accept overseas control. Almost two and a half centuries ago the American colonists rose up and violently asserted the principle that they and they alone should determine the government of America, and not George III or his ministers. To this day the Americans refuse to kneel to almost any kind of international jurisdiction. Alone of Western nations, the US declines to accept that its citizens can be subject to the rulings of the International Criminal Court in The Hague. They have not even signed up to the Convention on the Law of the Sea. Can you imagine the Americans submitting their democracy to the kind of regime that we have in the EU?So why is it essential for Britain to comply with a system that the Americans would themselves reject out of hand? Is it not a blatant case of Do as I say, but not as I do ?For entire letter, go to: The Telegraph ",left-news,"Mar 14, 2016",0 +"AUSTRIAN Schools Are Being Radicalized By Young Muslim Migrants: β€œIf She Doesn’t Obey [Wear Hijab], I’ll Just Murder Her” [VIDEO]","This story is a perfect example of how Muslim migrants do NOT assimilate in their host countries. Instead of assimilating, they are demanding Austrian students change their culture and even their religion, to satisfy the desires of the refugees who are essentially guests in their villages and towns The following news report about the radicalization of students in a Viennese high school begins with Turkish President Recep Tayyip Erdogan s recent comments about women, who he thinks should concentrate mainly on being mothers. Mr. Erdogan s words are taken seriously in Germany and Austria, since he has a strong influence on Turks there, even those of the second or third generation.Notice that the Chechens relatively recent arrivals are said to pose the most serious problem. The same story is told all over Europe: the Chechens are the biggest troublemakers, second only to the Somalis in areas that host Somali communities. You might call them the Somalis of the Caucasus.Via: Gates Of Vienna",left-news,"Mar 13, 2016",0 +GERMANY ELECTION BOMBSHELL: OPEN BORDERS Angela Merkel CLOBBERED At Polls…Party That Suggested Germany May Need To Start Shooting Migrants At Border WINS By Double Digits,"It appears that Obama ally, Angela Merkel is more popular with Muslim migrant males than the citizens of Germany .German voters turned to the far right in droves yesterday in a damning verdict on Angela Merkel s open door border policy. In regional elections she was humiliated by the anti-immigrant AfD Alternative for Germany party.Formed just three years ago, it has surged in popularity following Mrs Merkel s decision to roll out the red carpet for more than a million migrants.Analysts said the regional poll in which Mrs Merkel s ruling Christian Democrats lost two out of three states was a worst case scenario for the embattled chancellor ahead of a general election next year.The timing made it a virtual referendum on Germany s refugee policy. It will also be seen as an indictment of the failure of Europe s ruling classes to acknowledge the public s fears about migration.Mrs Merkel s welcome for arrivals from Syria, other parts of the Middle East and North Africa, has caused chaos across the continent.Initially, the incomers were greeted by crowds of well-wishers. But, faced with the sheer numbers, public opinion soured. And there was outrage when gangs of migrant men were involved in organised sex attacks on women in Cologne and other cities on new year s eve.One by one, EU states have thrown up border fences to stop the flow of arrivals leading to the slow collapse of the Schengen passport-free zone. Via:DMWatch incredible video (below) that explains why German Chancellor Angela Merkel is getting hammered in the polls in Germany:German Chancellor Angela Merkel s party suffered a major setback in key state polls Sunday over her liberal refugee policy, while the right-wing populist AfD recorded a surge as it scooped up support from angry voters.Merkel s Christian Democratic Union (CDU) lost in two of three states in regional elections, and scored a historic low in its stronghold Baden-Wuerttemberg where it came in second place after the Greens, according to projections based on early results published by public broadcasters ARD and ZDF.The populist Alternative for Germany (AfD), which had sparked outrage by suggesting police may have to shoot at migrants to stop them entering the country, recorded double-digit support in the first elections they have stood for in all three regions.The elections are the biggest since Germany registered a record influx of refugees, and are largely regarded as a referendum on Merkel s decision to open the country s doors to people fleeing war.Bild daily called Sunday s polls a day of horror for Chancellor Merkel as the stunning popularity of the upstart AfD was a clear punishment for her policy. The people who voted for us voted against this refugee policy, said AfD deputy chairman Alexander Gauland.Frauke Petry (L) and Ronald Glaeser of the right-wing populist party Alternative for Germany (AfD) party react after state elections exit poll results were announced on tv in Berlin on March 13, 2016Germans had watched in growing alarm as 1.1 million asylum seekers arrived in the country in 2015 alone.Despite facing intense pressure to change course, Merkel has resolutely refused to impose a cap on arrivals, insisting instead on common European action that includes distributing refugees among the EU s 28 member states. Via: Breitbart News",left-news,"Mar 13, 2016",1 +"BREAKING: MUSLIM TERRORISTS Strike Two Popular Luxury Beach Resorts….KILLING 14, Including Women And Children…Eyewitness Films Terror From Room [VIDEO]","How the religion of peace spends their spring break Jihadis attacked two hotels in a beach resort town in southern Ivory Coast packed with European tourists. Men, woman and children are reported as victims after gunfire erupted at an Ivory Coast beach resort popular with Western tourists.Local reports also speak of the assailants being masked and carrying grenades as well as guns, and some unconfirmed reports suggest they may have shouted Allahu Akbar Allah is greater [than your G-d].This mimics the monstrous beach attacks in Tunisia in June 2015.ISIS has been urging fellow Muslims worldwide to mimic the slaughter in Tunisia and attack on the beaches of resorts where Westerners are vacationing, enjoying their lives.The government said the victims include five men, five women and one child, but did not specify if these reflected deaths or injuries.An AFP journalist reported seeing around a dozen people, including an injured Western woman, being evacuated in a military truck.The Telegraph UK Fran ois Hollande, French president, said in a statement that he strongly condemns the cowardly attack that caused the death of at least ten civilians, including at least one French national, and several members of the security forces in Grand Bassam .Local media cited a hotel employee named JB Beugr as saying that the gunmen arrived by fishing boat and their attack lasted three hours. According to a doctor at Bassam s main hospital, two dead and 17 injured people had been brought in.A witness told French broadcaster BFMTV he saw the body of a European woman and that two or three hooded shooters were involved.Via: Pamela Gellar",left-news,"Mar 13, 2016",1 +DONALD TRUMP STRIKES BACK: Reminds American Voters Bernie Sanders Is β€œA COMMUNIST”…And A COWARD [VIDEO],"Trump spoke to his supporters at a rally in Cleveland, Ohio, on Saturday. As one would expect from Trump, he s not about to sit back and allow Bernie Sanders supporters and Black Lives Matter terrorists hijack his rallies. After addresseding the violent protesters in Chicago, he reinacted Bernie Sanders cowardly reaction when two female Black Lives Matter terrorists took over the mic while at the start of his rally in Seattle. He called Bernie Sanders a communist and identified his supporters as troublemakers. Watch here:Watch here to see how Bernie Sanders reacted to the aggressive and disrespectful, thuggish behavior of two female representatives from the Black Lives Matter terror group. What is even more stunning is how the man who wants to be the leader of the free world stands in a corner like a dutiful Leftist allowing these two women to completely hijack a rally his people orgnaized. If Bernie can t control two unarmed, female domestic terrorists, how could anyone expect he could defend America against one of our enemies? This video is so embarrassing, it should be played over and over again as a reminder of the pacifist, communist who wants to be America s next President:Not everyone at the Bernie Sanders rally was down with the hateful, divisive Black Lives Matter terror representative s message;",left-news,"Mar 13, 2016",0 +DEMOCRAT LAWMAKER WILL BE PUNISHED For Putting Jobs Before β€œClimate Change”: β€œThey are after me”,"Tow the party line or pay a heavy price. There is no room for dissention in a party where thugs who cut backroom deals with climate change related lobbyists in DC dictate what is best for America. There s probably a very good reason that the Democrats have an avowed Socialist and a career criminal running neck in neck in their presidential primaries In a shocking exchange on Wednesday, Attorney General Loretta Lynch and Loony Liberal Senator Sheldon Whitehouse discussed whether the DOJ had considered civil action against climate change deniers. This tells you just how out of control this DOJ is. If you don t buy into the climate change scam then you will be punished. That s fine if you live in San Francisco and can afford a Tesla, said Husing. It s not fine if you re a poor family living in downtown San Bernardino and the folks that stopped that deserve a welcome thanks. What happens when a Democratic lawmaker strays from party leaders on a key piece of Gov. Jerry Brown s policy agenda? One assemblywoman who held back support for a sweeping climate-change bill last year is starting to find out.Rep. Cheryl Brown (D-San Bernardino) was among a group of business-aligned Democrats who objected to a provision in the bill, SB 350, that would have cut California s motor vehicle petroleum use in half by 2030.Now Brown, a moderate, is facing what could be a bruising reelection fight against an intraparty challenger from the left, attorney Eloise Gomez Reyes. The race raises a question: What does it mean to be a Democrat in San Bernardino, where concerns over jobs often compete with those about the environment?Some early signs indicate Brown could be in trouble. Protesters have showed up at her local events. Some of her supporters have defected, endorsing Reyes early in the fight. Do you ever feel that something is not going quite right? Brown said in a recent phone interview. They are after me, and I still don t know why. I don t know who they are. But I will find out soon. Last week, Brown s suspicions began to crystallize when a dozen students in breathing masks from San Bernardino Valley College threw themselves on the floor of a town hall meeting she hosted.Brown was there to discuss the region s logistics industry and its vast network of trucking and distribution centers, which deliver everything from headphones to heads of lettuce to big-box retailers and Amazon customers throughout Southern California.At the event, Brown supporter John Husing, an economist with the Inland Empire Economic Partnership, discussed SB 350 s scrapped petroleum provision, which was removed after Brown and other Democrats objected to its inclusion. Husing came to Brown s aid, arguing that lower-income families might have been harmed by potential rising energy costs that may have resulted from implementation of the provision. That s fine if you live in San Francisco and can afford a Tesla, said Husing. It s not fine if you re a poor family living in downtown San Bernardino and the folks that stopped that deserve a welcome thanks. A group of twenty-somethings interrupted him, calling Brown a corporate hack. They held up signs that read People over Profits and Don t Sell Us Out. Via: LA Times",left-news,"Mar 13, 2016",0 +UNCENSORED VIDEO: Real New Yorkers’ Opinions On TRUMP,"New York City that great melting pot of diversity has an equally diverse set of opinions on Donald Trump, and as VF.com discovered while walking through the city, there exists a strain of New Yorker who gasp! actually admires the man. Interview by Jeffrey Tousey; Audio by William Pierce; Director of Photography: Jeremy Elkin. Read more: Live Leak",left-news,"Mar 13, 2016",0 +BREAKING: FLAG DRAGGING PROTESTER WHO RUSHED STAGE At Trump Rally Has Ties To ISIS,"We reported about a Trump protester who grabbed him during a rally today in Dayton. Click HERE for video.Trump congratulate USSS (United States Secret Service) on Twitter: excellent job stopping the maniac running to the stage Trump then said He has ties to ISIS. He should be in jail! See tweet here:Here s the video that Donald posted with his tweet:USSS did an excellent job stopping the maniac running to the stage. He has ties to ISIS. Should be in jail! https://t.co/tkzbHg7wyD?ssr=true Donald J. Trump (@realDonaldTrump) March 12, 2016",left-news,"Mar 12, 2016",0 +HOW REAGAN DEALT WITH RADICAL PROTESTERS At Berkeley University [VIDEO],"Reagan explains why the protesters got out of hand to the reporters: All of it began the first time some of you who know better and are old enough to know better, let young people think that they had the right to chose the the laws they would obey, as long as they were doing it in the name of social protest. Compare and contrast Reagan s decision to address the unlawful behavior of these protesters, to Barack Obama hiding from the press, yet meeting with organizers and agitators of these radical groups to offer encouragment to the violent, unlawful protesters we are seeing across the United States today.Do you agree or disagree with Reagan s approach to stopping the protesters from breaking the law: In his 1966 campaign for California governor, Republican Ronald Reagan promised to to clean up the mess at Berkeley. Reagan was referring to the unrest prevalent not just at the University of California, Berkeley, but on college campuses throughout state. Students and faculty alike were engaged in protests, demonstrations, and strikes related to issues such as the draft, civil rights, discrimination, and women s liberation.In one 1966 campaign speech, Reagan declared that many leftist campus movements had transcended legitimate protest, with the actions of beatniks, radi cals and filthy speech advocates having become more to do with riot ing, with anarchy than academic freedom. He blamed university administrators and faculty, who press their particular value judgments on students, for a leadership gap and a morality and decency gap on campus, and suggested a code of conduct be imposed on faculty to force them to serve as examples of good behavior and decency. [1]Six months after Reagan took office in 1967, he wrote this letter to Glenn Dumke, the chancellor of San Francisco State College, one of California s largest public institutions. Dumke served as the public face of the state college system, and he was a staunch opponent of radical student and faculty demonstrations. In his letter to Dumke, Reagan criticizes liberal activism on campuses. He condemns these people & this trash on campuses as well as the excuse of academic freedom & freedom of expression in allowing protests and demonstrations to go on. We wouldn t tolerate this kind of language in front of our families, Reagan writes of campus protesters. He urges Dumke to lay down some rules of conduct, promising that you d have all the backing I could give you. How far do we go in tolerating these people & this trash under the excuse of academic freedom & freedom of expression? Please understand, that question isn t made in any tone of accusation. I mean myself too in that use of the term we. We wouldn t let a LeRoi Jones in our livingroom and we wouldn t tolerate this kind of language in front of our families. Hasn t the time come to take on those neurotics in our faculty group and lay down some rules of conduct for the students comparable to what we d expect in our own families? If we do and the we this time means you d have all the backing I could give you, I believe the people of Calif. would take the state college system to their hearts.[illegible] RonVia: The Gilder Lehrman Institute of American History",left-news,"Mar 12, 2016",0 +BREAKING: PROTESTER JUMPS ON STAGE…Grabs Trump…Secret Service REACTS…Trump Reaction Is PRICELESS [Video],"A protester tried to attack Trump today at a rally in Dayton, OH but was subdued by the Secret Service. The crowd went nuts! Trump s reaction is PRICELESS:",left-news,"Mar 12, 2016",0 +FIRSTHAND ACCOUNT From The Front Lines Of The Marxist Radical Attack On Free Speech In Chicago,"HERE S A FIRSTHAND ACCOUNT OF SOMEONE WHO ATTENDED THE TRUMP RALLY LAST NIGHT:I voted in my first election in 1996 straight R ticket for Dole. In 2000, I understood the uniparty and supported, donated and voted for Patrick J. Buchanan because he was a great man and the uniparty sold out the United States on immigration, trade and foreign policy. Since this time I have been an America First Nationalist.I have not cast a single vote since and totally gave up following politics until I happened to turn on Faux and see Donald speaking at Laredo in early July. I knew his views on trade and foreign policy and seeing him come out strongly on immigration sealed the deal. I have watched nearly every rally since and been totally engaged like all of you for this great journey. Now on to today s rally.My mom and I arrived at noon and the lines were beginning to form. There was a mix of young and old, rich and poor, blue collar and white collar. There were many, many blue collar and union former democrats who were 100% supporting Trump, understood the Nationalism vs. Globalism war and everything discussed on this site. I also talked to several Middle Eastern UIC students who supported Donald and shared the sentiments expressed on this site.A busload of police were dropped off to begin duty and we all applauded and cheered them. As they filed past, you could see them smiling and appreciating our support. There were only a handful of thugs across the street at this time, and we, in unison chanted Trump, Trump, Trump , Build that Wall , Blue lives matter , etc. We were a vocal and united front against the Marxist filth.When we went inside my mother and I were able to get on the floor about ten feet away from the podium. I met a woman who has read the Treehouse since the Zimmerman case, a lawyer all-in for Trump who was a Milton Friedman advocate, and other wonderful people. There were many young people and some families.We began noticing some obvious BLM thugs and Bernie type people (maybe about 15-20) behind us. We spread the word to those around us, so everyone knew. Periodically, we all did pro Trump chants and were anxiously awaiting our President. Several times the crowd erupted as protesters were carted out behind us on the floor as we chanted Build that Wall or another patriotic chant.Around 7 pm, an announcer came to the stage and said the rally was cancelled. The trash behind us unfurled anti-white, pro illegal alien signs and shirts with anti-white slurs. We all began calling them scumbags and taping them. They tried chanting, but we drowned them out. They were basically pushed to the back of the floor area. A taller, well dressed man single handedly ripped a banner from the hands of five Bernouts.At this point, we could see that a large contingent of Marxists were filling the back end seats of the arena. Some unveiled Bernie signs and chanted Bernie), but they were once again drowned out by proud Nationalists. We advanced all the way to the back of the arena. Someone supportive of Trump took to the podium and led us in chants of USA, USA . We were strong, loud, proud and infuriated.Then a black thug tried taking the microphone but was restrained and shoved away by two campaign people. He tried throwing punches at someone in the stands and a middle aged white working class guy knocked him to the floor. The State Police and Chicago cops arrived and walked down the stairs as an announcement for everyone to leave played.The protesters were ignorant, vulgar, vile scum who were insulting Trump people as we left, but we gave it back in spades in unity and strength. Outside was a huge mob of BLM, communists, Bernouts, illegal aliens and other assorted scum. In the parking deck, I met three college kids who understood cultural marxism and told me about the indoctrination of white guilt in our schools today. One thing was certain, everyone there was even more united and energized in their support for Donald and in despise for the leftist scum who took away our right of assembly and free speech.As we pulled out of the parking garage, we ran a gauntlet of anti-white, anti-American trash cursing us, flipping us off and calling us racists. All I can tell you is that my mom said she had not seen anything so disgusting since the King riots in Joliet in 1968.Folks, I think Nationalism is out of the bag, its here to stay and the marxists wll soon be on the run. The whole world can see that we have lost our right to assemble peacefully and stand up for our nation.The Silent Majority is silent no more and we are going straight to the White House.VIA: TCT",left-news,"Mar 12, 2016",0 +U.S. ELECTIONS May Already Be In Serious Jeopardy : ACORN Gives OH Man Cigarettes And Cash To Register To Vote 72 Times…Several More Horror Stories,"If you haven t already signed up to help protect the sanctity of our vote in some way do it TODAY! Leisa and I have worked in polling places where crime rate is high and most poll workers are afraid to work. In the city of Detroit, we were surprised to find some very well run polling places. In Pontiac, MI, we experienced something quite different. We saw people using pill bottles as a form of identification. We were physically and verbally threatened by the poll supervisors and watched workers call in reinforcements to stand within our field of vision in an attempt to intimidate us. We are in a war with the Left who has no issue with bending or breaking the rules to win. We re not advocating that anyone put themselves in harms way. We are only suggesting you get involved in some way to protect the sancticy of the vote. Contacting the non-partisan voter integrity organization True The Vote is the best first step. Election integrity and voters rights organization True the Vote announced that it successfully worked with officials in Ohio to remove duplicate voter registrations prior to the Ohio primary. These registrations were originally submitted by left-leaning and Democrat organizations, including ACORN.Approximately 30 percent of voters registered twice in the Cleveland area and they did so with falsified birth dates, social security numbers, and other identification. These were submitted not only by ACORN, but by Field Works, The Strategy Network, Organizing for America, and other left-of-center organizations, says True the Vote (TTV) in a statement obtained by Breitbart Texas.Upon receipt of True the Vote s research, 711 duplicate voter registrations were removed in Cuyahoga County and 465 sets were processed in Franklin County. TTV says it has been notified that thousands of duplicate voter registrations have also been removed in North Carolina. Because of Ohio s consistent role as a decisive swing state in America s elections, it has a duty to ensure that its voter records are in the best shape possible, True the Vote Founder Catherine Engelbrecht said. Having duplicate voters in Ohio s poll books not only creates confusion at the polling place, but raises the possibility of fraudulent double voting. The Buckeye State has recently seen first-hand just how far some are willing to go to see their candidate or cause win. TTV notes that the Association of Community Organizations for Reform Now (ACORN) had a well-established track record of giving local election officials questionable voter registration forms for years, especially in Midwestern and other political battleground states.ACORN bragged about submitting more than 1.3 million voter registrations in 2008 alone. After the organization was formally shutdown, 18 employees were convicted or admitted guilt to committing election crimes.A large percentage of the work that ACORN engaged in has been officially questioned.A Cleveland man said he was given cash and cigarettes by ACORN in exchange for registering 72 times. The complaints started an investigation into the organization and witnesses were subpoenaed to testify against the organization.The New York Post reported in 2009 that eleven ACORN workers in Florida were arrested after submitting approximately 1,400 applications of which about 900 were falsified.More than 2,000 applications were falsified in Indiana and submitted just hours before the registration deadline.As it relates to the 30 percent of Cleveland voters that registered twice, TTV founder Engelbrecht said, While many voter records may become duplicated due to data management breakdowns, you have a different issue entirely when nearly a third of the irregularities show a pattern of intentional forgery. Engelbrecht warned, Americans working in the polls and casting ballots must be extra vigilant this year to help spot irregularities that can throw an entire election into question. Via: Breitbart News",left-news,"Mar 12, 2016",0 +"CHICAGO: 117 KILLED, 572 SHOT In 71 Days…Obama Terrorist Friend, Bill Ayers, Bernie Sanders, Black Lives Matter Make Violence Against FREE SPEECH Top Priority… Soros Group Openly Threatens Americans","Illegal aliens, paid Soros protesters, angry Black Lives Matter terrorists inspired by Obama s race war and Bernie Sanders supporters who have absolutely no idea why they showed up, sent four innocent police officers to the hospital; prevented thousands of innocent Americans from exercising their First Amendment right. Where are all of these concerned citizens (especially the Black Lives Matter terrorists) to protest for a solution for the murder of 117 people in Chicago already this year?George Soros Moveon.org group takes responsiblity for Alinsky style violent protests against free speech at Trump rally:Moveon.org shows its support for Socialist, Bernie Sanders. Here they warn anyone who opposes his radical ideology:Four police officers were sent to hospital:Violence against police officers is not only acceptable with Bernie Sanders and Black Lives Matter terrorists, its necessary to create chaos and panic:What kind of violent protest would be complete without Barack Obama s good friend, domestic terrorist Bill Ayers:Actual terrorist Bill Ayers is protesting against trump in Chicago. pic.twitter.com/7dqat4Dvmh Progressives Today (@ProgsToday) March 11, 2016It s probably just a coincidence that on a day that Obama was too busy to attend Nancy Reagan s funeral, he was able to address a crowd about his hate for Trump only hours before this organized chaos in Chicago: And finally, we re wondering how much our Organizer In Chief had to do with this Alinsky style chaos in Chicago: ",left-news,"Mar 11, 2016",0 +Anti-Trump Protesters Scream Profanities at FOX News in Segment on Peaceful Protests,Lefty losers ,left-news,"Mar 11, 2016",0 +CHICAGO TRUMP RALLY CANCELLED: Radicals And BLM Came Out To Riot Against The Free Speech Of Anyone BUT Them,"A huge rally of 10,000 Chicagoans didn t get to hear their candidate speak tonight because the left apparently thinks free speech goes one way. About 5,000-7,000 Trump supporters had filled the pavilion on the UIC campus with many more in line when all heck broke loose. The left is fuming tonight and decided to show up in force at a Trump rally in Chicago. Even lefty radical Bill Ayers decided to show up. The left is upset because they can t control the movement that is Trump. ",left-news,"Mar 11, 2016",0 +OBAMA’S RACE WAR BACKFIRES: Shocking Number Of Students Chose NOT To Attend U Of Missouri After Black Lives Matter Tantrums,"The University Of Missouri students, and many on the faculty joined Obama s race war in November, 2015. Together, they began a PR campaign to ensure black students were guaranteed special treatment on campus that would only be afforded to them. Of course white students who ve been ovewhelmed by White guilt, (thanks to professors and teachers who make it their business to shame students for being born white) joined the cause to help relieve them of the burden they carry, as a result of their ancestors crimes. As a side note, it makes no difference if you just became a citizen last year. If you re white and live in America you re guilty! We covered the Black Lives Matter protests at Mizzou extensively. We told you about Dr. Dale Brigham, a beloved University of Missouri professor, who resigned after he refused to cancel a school exam during the Mizzou hunger strike and athlete s boycott. We showed you a DISTURBING VIDEO of an innocent Asian reporter who was bullied by Black Lives Matter protestors while attempting to cover the hunger strike of a not-so-poor oppressed student, who we exposed as the son of a multi-millionaire railroad executive. We reported about the Mizzou teacher who assaulted a reporter. We exposed the spoiled and self-centered behavior of the students involved in this divisive movement, when they admonished the world for caring more about the Paris terror attacks than their plight for justice. And finally, we reported about a highly recruited football player who after watching the hateful, divisive rhetoric being spewed by the professors and students at Mizzou decided to decline their offer to play football. This was the first step in the unravelling of the University Of Missouri.Here are a few of the tweets we saw from protestors and supporters claiming victory in their fight for justice :Protest works y'all. Proof. We know where the power lies. #ConcernedStudent1950 Brian Kennedy II (@BrianEKennedy2) November 9, 2015The #ConcernedStudent1950 protest at @mucampusdining Plaza 900 earlier today. pic.twitter.com/ryEJ82uqSe Anurag Chandran( ) (@AnuragRC) November 7, 2015To have the university system president to resign, that's huge! Wow great work #ConcernedStudent1950 other schools are on notice! Antifa Jackson (@dthom24) November 9, 2015Jump to March, 2016, to see what the Black Lives Matter students and professors were able to accomplish for the good of the University:University of Missouri (MU) is losing about 1500 students and is facing a huge $32 million budget shortfall four months after it attracted national attention as the site of massive race-based campus protests. I am writing to you today to confirm that we project a very significant budget shortfall due to an unexpected sharp decline in first-year enrollments and student retention this coming fall. I wish I had better news, said MU interim chancellor Hank Foley in a Wednesday letter to school staff that was obtained by Fox Sports.According to Foley s letter, MU will have about 1500 fewer students in fall 2016 compared to last year, an unexpected drop that is in turn causing a big dip in the school s tuition income.Because of the abrupt and unexpected nature of the shortfall, Foley is taking immediate and severe steps to fix the situation: The school budget is being cut 5 percent across the board, all hiring is being frozen (barring exceptional circumstances), and annual raises have been canceled. ",left-news,"Mar 11, 2016",0 +WATCH: HILLARY CALLS PARENT Of Benghazi Victim a Liar On National TV,"Apparently being the wife of a former Democrat President and serial pervert, and (more importantly) having a vagina, allows people to overlook her reprehensible behavior During Wednesday night s democratic debate, Hillary Clinton said the mother of a Benghazi victim lied.Patricia Smith, the mother of Sean Smith, one of the four Americans who were killed by terrorists in an attack on the U.S. consulate in Benghazi during Clinton s tenure, said in a CNN interview last October that Clinton lied to her about the circumstances surrounding her son s death.Instead of stating that her son s death had been caused by an act of terrorism, Clinton blamed an inflammatory video that had been circulating online in the weeks leading up to the attack a narrative she knew at the time to be false.When asked about this on Wednesday, Clinton pushed back at Smith s claim, saying the mother of the Benghazi victim was absolutely wrong. I can t imagine the grief she has about losing her son, Clinton said. But she s wrong. She s absolutely wrong! Via:The FederalistOf course, Hillary was LYING when she called Sean Smith s mother a liar. There is clear evidence of her lie that was found in her unsecured emails. Her media allies at CNN chose to give her a pass on the truth in favor of allowing a greiving mother of an American hero to be called a liar on national tv. Watch the video of Hillary s testimony in front of the House Select Committee on Benghazi: Hillary Clinton sent an email to her daughter, Chelsea, on Sept. 11, 2012 in which she asserted that an al-Qaida-like group was responsible for the terrorist attacks in Benghazi, it was revealed on Thursday during the former secretary of state s testimony to the House Select Committee on Benghazi.The email, which was revealed by Ohio Rep. Jim Jordan, indicates that Clinton knew early on that the attacks which left four Americans dead was carried out by terrorists. But as Jordan pointed out, Clinton and others in the Obama administration had already begun crafting the narrative that the attack was spontaneous and that the attackers were motivated by a YouTube video many Muslims found offensive. ",left-news,"Mar 11, 2016",0 +OBAMA’S DOJ TO BLAME IRAN FOR CYBER-ATTACK On NY Dam In 2013…Wait…What About That Deal With Obama’s Ally In 2015?,"It s time for someone to tell Obama that Iran is not an ally The Justice Department is drawing up an indictment that lays blame for the 2013 cyber-attack against a dam in Westchester squarely on hackers working for the Iranian government, a law enforcement source confirmed to The Post.The FBI has been investigating since the discovery of the breach, with the indictment expected to be handed down soon, the source said.The hackers were unable to seize control of the Bowman Avenue Dam in the suburban town of Rye, but they were able to access an unspecified system, sources said.At a time when cyber-intrusions of government agencies are becoming more frequent, the breach at the small dam led to great concern within the Obama administration, sources said.Over recent years, hackers have breached systems in the White House, State Department, FBI and US Postal Service, to name a few. Via:NYP ",left-news,"Mar 10, 2016",1 +DO YOU WANT TO SAVE AMERICA FROM HILLARY? Share This VIDEO With Everyone You Know…,WATCH: Even her friends on the Left appear to be fed up with Hillary s lies. Is it possible the media has finally grown tired of covering for Hillary?,left-news,"Mar 10, 2016",0 +DO YOU KNOW SOMEONE Who Is Afflicted With β€œThe Bern”?…Great News…There Is A Cure! [VIDEO],"Do you have a friend, a co-worker or (in my case) a relative who supports Bernie Sanders? Instead of trying to explain the danger of socialism in America to them (the equivalent of beating your head against a brick wall), share this very informative video: ",left-news,"Mar 10, 2016",0 +BADASS ISRAELI Stabbed By Palestinian…Pulls Knife From Neck…What He Did Next Is STUNNING!,"Wow! This guy deserves a medal of honor for his act of super-human strength and courage An Israeli man attacked by a Palestinian Tuesday allegedly pulled his assailant s knife from his own neck and then proceeded to kill the attacker.The 40-year-old Israeli was apparently collecting money for charity at a store in the suburb of Petah Tikva at the time he was assaulted. After receiving several wounds to the neck and upper body in what police described as a frenzied attack, he removed the attacker s knife from his own body and, together with the store owner, used the knife on the attacker.The man is currently hospitalized in moderate condition, the store owner received no injuries. Israeli police confirmed that the incident was a terrorist attack, countering earlier reports that it may have been the result of an altercation.Nati Ostri, a paramedic who helped treat the victim, said he was found on the floor of the store before being transferred to a local hospital. Via: Daily Caller ",left-news,"Mar 10, 2016",0 +"GENERAL BOYKIN On Gender Neutral Bathrooms: β€œβ€¦the first man that walks in my daughter’s bathroom, he ain’t going to have to worry about surgery.”",General Boykin spoke at The Awakening 2016 conference and had this to say about the hot topic of gender neutral bathrooms: ,left-news,"Mar 10, 2016",0 +SOCIALIST BERNIE SANDERS Praises Castro [Video],"A video from 1985 was shown last night during the Dem debate that has people bussing this morning. Yes we all know Sanders is a socialist but it s interesting to hear him speak about Cuba and Castro .Hey, youth of America who think Sanders is the best thing since sliced bread, do you REALLY want this guy? ",left-news,"Mar 10, 2016",0 +BERNIE SUES To Allow 17 Year Olds To Vote,"Next up is a law suit to make it legal for H-1B Visa holders, felons and illegal aliens to vote in every state. You didn t think the Democrats were trying to protect illegals and grant dangerous criminals an early release because they cared about them, did you? Bernie Sanders s campaign has filed a lawsuit against Ohio s secretary of state to allow 17-year olds to vote in the Democratic primary on March 15, according to a CNN report.Sanders s campaign manager told reporters in Michigan on Tuesday that Republican Jon Husted, who is Ohio s secretary of State, has changed the rules to make it so that those who are currently 17, but will be 18 by the time of the November general election, cannot vote in the state s primaries. The secretary of state has decided to disenfranchise people who are 17 but will be 18 by the day of the general election, Weaver said, according to CNN. Those people have been allowed to vote under the law of Ohio, but the secretary of state of the state of Ohio has decided to disenfranchise those people to forbid them from voting in the primary that is coming up on March 15. Sanders has galvanized the support of many young liberal voters, and routinely thumps Democratic rival Hillary Clinton among voters under the age of 40. Clinton generally dominates Sanders among older voters.[quote_box_center]After eight years of Obama, who delivered the same false message of hope via free sh*t to America s youth, Bernie Sanders supporters are ready to cast their vote for another lying politician who is promising them a utopia that s impossible to deliver. [/quote_box_center]Millenials are struggling with an immense burden of student debt debt that rose 25% between 2008 and 2012 alone (the Obama years) even as the economy struggled. According to one 2014 calculation, millennials make up about 40% of the ranks of the unemployed; when they have jobs, they may be underemployed (Starbucks barista, anyone?) or underpaid, or competing ruthlessly for a handful of lucrative opportunities. Some studies suggest that while they might be frugal, their financial situations (coupled, sometimes, with a dearth of financial literacy) can spell trouble.One Pricewaterhouse Coopers survey found 24% of millennial respondents were familiar with basic financial concepts; 30% routinely overdrew their checking accounts (racking up banking fees) and more than 20% ended up dipping into their retirement savings (incurring fees and penalties). Nearly half couldn t come up with $2,000 in the next month in an emergency, making them financially fragile .The last president elected with a platform of hope and change largely failed to deliver, in their eyes. Oh, and his administration included Hillary Clinton.The issue [of allowing 17 year olds to vote] came to light after a report in the Columbus Dispatch, in which a state Democratic lawmaker accused Husted of changing the rules to keep those who will be 18 by Nov. 4 from voting in the presidential primary.Husted called those accusations and the Sanders lawsuit baseless in a statement released over Twitter, saying that Ohio is operating under the same set of rules it has used in past primaries.Husted s response to Sanders ridiculous lawsuit can be found here:Some facts about voting for 17-year-olds they can vote in the primary on nominations, not on delegates or issues. pic.twitter.com/i7pe7Eg6Wl Jon Husted (@JonHusted) March 8, 2016Via: The Hill",left-news,"Mar 10, 2016",0 +HEY HILLARY…Who Are You Going To Blame For The 18 Cities In Pennsylvania With Higher Lead Levels Than Flint?,"Does anyone believe for one second that Hillary or Bernie give a damn about the citizens of Flint, MI? This water issue is nothing more than a campaign tool for Hillary and Bernie, used to prove how much they care for the majority black community of Flint. It s also a great way to pin the blame on MI Republican Governor, Rick Snyder. For anyone who s keeping score, Allentown, PA has the highest recorded elevated lead level in the state, at 23.11% higher than the rest of the state, compared to Flint, Michigan s 3.21%. Allentown, PA has a Democrat mayor, Ed Pawlowski, who has something in common with Hillary, he s under investigation by the FBI. As a side note, a Republican has not held a seat on Allentown city council since 2006. Pennsylvania s govenror, Tom Wolf is also a Democrat.The lead poisoning crisis in Flint, Michigan, was a surprise, an emergency that occurred after the city switched to a new, cheaper water source.But there are at least six cities in the United States where we should, in theory, have really good data on lead exposure. In fiscal year 2014, the Centers for Disease Control and Prevention spent almost $2 million as part of a three-year funding commitment to help some of the biggest cities in the country monitor lead exposure.I spent the past week looking at these cities, and came away with three main findings. The first is that the rate of lead exposure in Pennsylvania is incredibly alarming. Nearly 10 percent of the more than 140,000 kids tested had levels of 5 or more micrograms per deciliter of lead in the blood (5 g/dL) this is the threshold the government uses to identify children with dangerously elevated blood lead levels. One percent tested positive for blood lead levels greater than 10 g/dL.Compare that to Flint, where state data shows the rate of lead exposure for 5 g/dL from 2014 to 2015 as 3.21 percent. Other researchers have found that specific areas of the city have exposure rates as high as 6.3 percent. That s alarming, but still a lower rate than 18 of the 20 cities in Pennsylvania.While there is strong reason to believe that the increased lead exposure rates in Flint are related to the change in Flint s water source to the Flint River in April 2014, it is important to note that the lead exposure rates in Pennsylvania are largely linked to aging, deteriorating lead-based paint (chips and dust).Second, there are cities that have made really good strides in reducing lead exposure; both Chicago and New York are prime examples.Third, even some of these cities that get money for the express purpose of monitoring lead exposure do not make finding the data easy.Vox reached out to the six cities currently receiving funding from the CDC Houston, Texas, Philadelphia, Los Angeles, Washington, DC, Chicago, and New York City. Of the six cities, only two were able to provide lead exposure data at the neighborhood level. The other four are getting money to monitor lead exposure but aren t making the results easily accessible to the public.Philadelphia was not able to share community-area lead level exposure rates, but a 2014 Pennsylvania Department of Health annual report that included detailed information on 20 cities showed that 17 of those had a higher percentage of children with blood lead levels (BLLs) 5 g/dL than the rest of the state.Cities like Allentown and Altoona had more than double the state exposure rate of 9.37 percent, and the group of 20 cities had a collective rate of 11.49 percent, also higher than the state rate. The geometric mean of blood lead level tests performed in Pennsylvania was 2.3 g/dL, which is substantially lower than the state s rate, indicating some cities in Pennsylvania are disproportionately impacted by lead exposure. Via: Vox ",left-news,"Mar 10, 2016",0 +THE VIDEO HILLARY CLINTON Does NOT Want You To See,Spread this EVERYWHERE! ,left-news,"Mar 9, 2016",0 +TWO BALTIMORE POLICE OFFICERS CHARGED In Brutal Beating Of 16 Yr Old Caught On VIDEO…Why Al Sharpton And Black Lives Matter Terrorists Won’t Care,"This story will fade quickly to back page news in the mainstream media. Two black officers supposedly physically abused a 16 year old black boy. Yawn If these police officers were white you d be seeing this story ad nauseum until those officers lives were threatened, they lost their jobs and were behind bars. Black Lives Matter terrorists and Obama s Race War Czar, Al Sharpton wouldn t be satisfied until a city was burned to the ground, the entire police force was called out for being racists and someone (preferably a white person) in the police department was fired for not preventing this from happening. AP Two officers who police Baltimore s public schools walked out of jail Wednesday pending trial for assault and misconduct after their violent confrontation with a student was recorded by another teenager.Both have checkered records, prompting parents and authorities alike to question whether enough is being done to prevent violent people from being hired to keep schoolchildren peaceful and safe.Here s the assault caught on tape:https://youtu.be/zZPX_bzka40Police said Wednesday that Saverna Bias allegedly told her fellow officer, Anthony Spence, to use force against the teen.According to a witness, she said, You need to smack him because he s got too much mouth, police said. The video shows Spence shouting profanities as he repeatedly slaps and kicks the boy, telling him to leave the school and go home.Spence was not trying to arrest the 10th grader, neither was he acting in reasonable self-defense, city police said.In the cellphone video, Spence is heard shouting while he repeatedly slaps the 16-year-old student and kicks him at REACH Partnership School, while Bias looks on.Spence s attorney Mike Davey told the Baltimore Sun on Thursday that his client believed the 16-year-old and his friend was trespassing on school grounds. Both said they were students at REACH, but Davey said they were not wearing uniforms and could not provide the principal s name when questioned.The 16-year-old was later confirmed as a student at REACH, his attorney told the newspaper. BuzzfeedAt a packed school board meeting Tuesday night, some parents and principals implored officials to keep officers in the schools for everyone s safety. Students and their advocates countered that having armed police with insufficient oversight in schools can be damaging and dangerous.Tim Martin, an administrator at the New Hope Academy, said he understands the frustration, but believes most officers show enough patience to therapeutically de-escalate students in crisis and help school personnel maintain a safe school environment. Spence, 44, and Bias, 53, turned themselves in Tuesday night and were released on bond on charges of second-degree assault and misconduct in office. Spence also is charged with second-degree child abuse. Both officers have been suspended, and Spence is being denied pay, since he faces a felony.Baltimore School Police Chief Marshall Goodwin, whose department is separate from the city s police force, also went on leave, for personal reasons, as the video began circulating a day after the March 1 confrontation. A week later, as city police and prosecutors continue investigating, Baltimore City Schools CEO Gregory Thornton has refused to explain his absence.",left-news,"Mar 9, 2016",0 +HILLARY TO OBAMA: β€œcall off your f–king dogs”,"According to insider, and author Edward Klein, Hillary took on Barack Obama over his involvement in exposing her email scandal several months ago. Many Americans are wondering if Obama is stonewalling the FBI s investigation, or if in fact, he is encouraging the investigation, hoping it will take her down. This isn t the first report of Hillary behaving in a manner that is, shall we say, un-presidential? According to White House insiders, it seems that Bill has been on the receiving end of Hillary s rage more than once as well An enraged Hillary Rodham Clinton blew up at President Obama, demanding he call off your f king dogs looking into her emails during a tense Oval Office meeting, according to a new book.The book, Unlikeable: The Problem with Hillary, says the former first lady was furious at what she believed were damaging leaks by Obama aides that led to investigations of her use of a private email server as secretary of state. So she went right to the top to settle the matter.Clinton requested a meeting with Obama, against the advice of hubby Bill Clinton, believing she was being persecuted for minor, meaningless violations, author Edward Klein writes.Clinton initially took a friendly approach during the meeting and Obama reacted as if he didn t know what she was talking about, the book claims. He was almost being deliberately dense, a Clinton source said. It really angered her. Clinton lost her temper and called the president by his first name in an emotionally driven break with White House decorum, according to the book. What I want for you to do is call off your f king dogs, Barack! Clinton allegedly barked at Obama, according to Klein s account, which cited sources close to Clinton and Obama senior adviser Valerie Jarrett.The president was so stunned by Clinton s disrespectful demands, he needed a moment to compose himself, the book claims.Obama then responded, There is nothing I can do for you one way or another. Things have been set in motion, and I can t and won t interfere. Your problems are, frankly, of your own making. If you had been honest . . . Klein reports Clinton interrupted, There are always haters out there to get the Clintons. The Democratic 2016 front-runner is said to have later regretted her tirade against the president not for the disrespect she showed, but for the weakness she displayed.Nick Merrill, Clinton s spokesman, called Klein s account bulls t. Another book? Someone should do a book about Ed, said Merrill. They could call it Bulls t: The Problem with Anything Ed Klein Writes. The only true thing about him is his consistent and utter lack of a relationship with the facts, Merrill said. He has more hair than credibility, and the man is bald. So we re not going to get down in the gutter with him and his outrageous fabrications. Via: NYPHillary s on a mission to be a softer, warmer, funnier candidate but according to a new book, the real Hillary Clinton is so volatile and prone to violent outbursts that she terrorizes staff, Secret Service agents and even her own husband. Hillary Clinton has a long history of being domestically violent with Bill, Stone writes. Hillary has beaten Bill, hit him with hard objects, scratched and clawed him, and made him bleed. ",left-news,"Mar 9, 2016",0 +FRANCE: REFUGEE PAYS ANOTHER REFUGEE To Rape Worker As Pay Back For THIS,"No woman should be working in these public housing units where they re surrouded by men who are part of a culture where rape is a right.The 16-year-old adolescent, questioned and incarcerated on Saturday following the rape of a hotel employee in Orl an the previous week, says that he acted at a friend s request. These two unaccompanied minors, of African origin, were placed in this institution by the social assistance for children department of the local council.But one of the two adolescents apparently was very pressing towards the employee to the point where the young woman, in her 20s, ended up complaining about the sexual harassment she suffered each day. When alerted, the social services then decided to move the young man away and place him in the Children s institution in Orl ans.But he maintained his ties with his friend who remained in the hotel. The latter, after having taken flight, handed himself in on Thursday. Although he admitted the rape, and the premeditation he called his victim a few minutes before the attack to ask for a clean towel, saying he would meet her not far from the laundry room he insisted that he only acted at the request of his friend, who wanted to get revenge on the employee. He says he was promied 100 to commit the crime. Via:larep.fr",left-news,"Mar 9, 2016",0 +SHOCKING NUMBER OF MICHIGAN VOTERS Want MUSLIM Ban In Their State,"Thus the big win for Donald Trump in blue state of Michigan Michigan has one of the largest Muslim populations of any state, yet 6 out of 10 Republicans in the state favored a temporary ban on Muslim visitors to the United States, according to early exit poll results from CNN.The proposal championed by Republican frontrunner Donald J. Trump was even more popular in Mississippi, where 7 out of 10 Republicans favored a ban on Muslim travel. Those proportions match the range of responses among the states that voted a week ago on Tuesday, ranging from 64% (Virginia) to Alabama (78%).The exit polls confirm recent public polling results, such as a WXYZ / Free Press poll that showed 61% support in Michigan for a ban on Muslims. Local Muslims in Michigan reacted with concern at the poll results. Via: Breitbart News",left-news,"Mar 8, 2016",1 +NAVY SEALS β€œForced To Spend Their Own Money On Combat Gear”…WHILE U.S. Marines Will Spend $50 MILLION To Save Desert Tortoises,"The security of our nation has never been more threatened than it is today, under the incompetent leadership of Barack Hussein Obama. The idea that we have one of the most highly trained group of warriors in our US Military paying for their own combat gear is unconscionable. Meanwhile, we are about the spend $50 MILLION or $42,000 per tortoise, to transplant them from a desert in CA to a new environment, where they may or may not survive, is a perfect example of how upside down our nation s priorities are today Breitbart Congressman Rep. Duncan Hunter (R-CA), a Marine with three combat deployments to Iraq and Afghanistan on his resume, says Navy SEALs have been telling him they are running short on combat rifles.The Associated Press reports Hunter describing a weapons carousel in which SEALs returning from deployment hand their weapons off to outgoing troops, a practice he described as undermining the train like you fight ideal, and disrupting the personal connection special operators develop with their finely-tuned weapons. Hunter stressed the importance of allowing special operators to train with the same weapons they bring into the field. As it currently stands, following a deployment, a SEAL will have his weapon taken from him, which has been fine-tuned to certain specifications, and given to a different operator to use. This means that SEALs standing by to deploy are waiting for different teams to come back stateside just so they can use their weapons, said Hunter. They want their rifles. It s their lifeline. So let them keep their guns until they re assigned desk jobs at the Pentagon, the Congressman urged.According to the Navy Times, some SEALs have been forced to spend their own money on combat gear. Former active-duty special operator Lt. Cmdr. Sean Matson, visiting Capitol Hill at Hunter s invitation, said he had to put up $900 of his own money to buy a high-quality ballistic helmet when the Navy dragged its heels on upgrading his kit. Hunter portrayed the SEAL rifle shortage as a consequence of wasteful spending, noting that abundant funds for purchasing rifles, which are far less expensive than most of the equipment the military buys, should be available, based on congressional spending authorizations for special ops forces.Hunter s chief of staff Joe Kasper told the Navy Times shortages of optics, night vision, and laser attachments have also been reported, even as the budget for Navy Special Warfare increased. So there are obviously some trade-offs being made, but they re occurring at the expense of operators and their firepower and those are the absolute worst trade-offs to make, said Kasper. Meanwhile Daily Caller The Marine Corps is getting ready to conduct a massive operation to move hundreds of desert tortoises living on combat training grounds so they won t be crushed to death by military vehicles.The operation s total cost: $50 million to move 1,185 tortoises, or about $42,000 per tortoise. ",left-news,"Mar 8, 2016",0 +THE FIX IS IN: Michigan Mayor Threatened By DNC For CHEERING For His Candidate At Debate [VIDEO],"Here is a screen shot of the Facebook post by Warren, MI Mayor Jim Fouts where he explains what happened to him at the Democrat Debate last night. It s interesting that the Mayor accuses the Democrat party of using totalitarian control to silence him. Where the heck has he been for the last several decades? I mean, no one forced him to be a Democrat, and certainly nothing has changed in decades if not for centuries. The Democrat party just seems to be more open about their unscrupulous behavior now, since stealing and cheating their fellow Americans seems to be more acceptable under the reign of their Community Organizer In Chief .Maybe the real reason they didn t want the Mayor at the debate is because the Democrat Mayor lauded GM valet driver, Didarul Sarder, a concealed carrier, who stopped a woman from stabbing her mother to death at the GM Tech Center last month. Fortunately Didarul Sarder was able to prevent any further stabbing by threatening the aggressor with his gun. Sarder was also able to hold her at gunpoint until the police were able to arrive. Any Democrat Mayor who celebrates a concealed carry hero is not someone who the gun-grabbing Hillary wants supporting her campaign.Here s a screen shot of the loving daughter who stabbed her mother so many times, she was clinging to life by a thread.Watch dramatic video here: The man who broke up a stabbing at the General Motors Tech Center last week was honored Thursday for stopping a crime that could have ended worse.Didarul Sarder was given a proclamation from Warren Mayor Jim Fouts and a $1,000 gift certificate to a Shelby Township jewelry store. My first reaction was to try to save this woman s life, the Warren resident said when he saw a 32-year-old woman stabbing her 52-year-old mother multiple times outside the main door of one of the buildings on the automaker s Warren campus on Van Dyke.Said Fouts: Any of us we never know when we ll need a Didarul Sarder. Without his help, I believe the woman would ve passed away. Sarder intervened, but how he did it nearly cost him his job.Legally licensed to carry a weapon, Sarder pointed his gun at the younger woman and gave a warning drop the weapon or I ll shoot and the woman complied. The problem is, Sarder s employer, Chicago-based contractor SP Plus, and General Motors, which contracts with the valet service, have a no-gun policy at the tech center.GM interceded on Sarder s behalf and SP Plus agreed he should keep his job, with the understanding he would comply with the no guns policy. He returned to work Monday.The incident happened around 9:17 a.m. last Wednesday when Sarder heard from the valets he manages that a woman was being attacked. Video shown at Thursday s event shows Sarder, 32, ran through the building s lobby, got outside and saw a woman being stabbed. He pulled his gun and ordered her attacker to stop.The aggressor is facing charges and the victim is recovering in the hospital.Fouts said if his political role model, President Harry Truman, were around, Sarder might have received a presidential proclamation, not just a mayoral one. Via: Detroit News",left-news,"Mar 8, 2016",0 +BEST BERNIE SANDERS Yard Sign You Will EVER See!,"Here s a great way to explain socialism to the neighbors. Of course, we re not condoning doing anything that might be considered illegal ",left-news,"Mar 8, 2016",0 +"STAND UP AND CHEER! UKIP Party Leader SLAMS Germany, France And EU Invasion Of Phony Refugees [VIDEO]","He s been Europe s version of the outspoken Ted Cruz for some time now. Nigel Farage, leader of the UK Independence Party may be the most disliked member of the European Parliment. But he plows ahead, ignorning the open sneers and insults by his fellow members of the EU Parliment. In what must count as perhaps the worst piece of public policy seen in modern Europe for half a century. When you compound it with an already failing and flawed EU common asylum policy, by saying to the whole world, Please come to Europe. and we saw frankly, virtually a stampede, and we learned that 80% of those that are coming are not Syrian refugees. In fact, what you ve done is opened the door to young, male, economic migrants, many of whom I have to say behave quite in a rather an aggressive manner, quite the opposite of what you would expect to see of any refugee. And yet when that failure is met by objections from countries like Hungary, their opinions are crushed. This isn t a Europe of peace, it s a Europe of division, it s a Europe of disharmony, it s a Europe that s a recipe for resentment. And yet, faced with all this failure, both of you said the same thing today. You said, Europe isn t working so let s have some more Europe, more of the same failing. Well there is I think, a bright star on the horizon. It s called the British referendum. And given that none of you want to concede Britain the ability to take back control of her own borders, a Brexit now, looks more likely than at any other time. We could use about 100 Nigel Farage s in our U.S. Congress .https://youtu.be/GbJp8zxduWk",left-news,"Mar 8, 2016",1 +"Bernie Sanders: When you’re White, you don’t know what it’s like to be poor…to live in ghetto” [VIDEO]","Bernie Sanders is so focused on pandering to blacks, trashing whites and bashing police officers, he doesn t even notice when he s stuck his decrepit old foot in his mouth Hillary and Bernie are so busy pandering to the black vote, they almost forgot the majority of Americans are not black and their constant barage of disparaging remarks and insults directed at white voter just might make some white Americans NOT want to support them Being a white person in the United States of America, I know that I have never had the experience that so many people in this audience have had, Clinton said. I think it s incumbent upon me and what I have been trying to talk about is to urge white people about what it is like to have the talk with your kids, scared that yours or daughters even could get in trouble for no good reason whatsoever, like Sandra Bland and end up dead in a jail in Texas. That is what I will try to do to deal with what I know is the racism that stalking our country, she said. When you re white, you don t know what it s like to be living in a ghetto and to be poor, Sanders said. You don t know what it s like to be hassled when you walk down the street or get dragged out of a car. I believe as a nation in the year 2016, we must be firm in making it clear: We will end institutional racism and reform a broken criminal justice system. Via: National Review",left-news,"Mar 7, 2016",0 +FATHER HOSPITALIZED After Telling SHARIA PATROL To Stop Threatening Wife And Daughter For Violating Dress Code,"The EU has opened the floodgates to Muslims from the Middle East and Africa who have no interest in assimilating. Did anyone really believe they would be able to maintain their history and their culture? Remember when people dreamed about going on a European vacation?Austrians fear parts of Vienna are becoming no-go areas after a father was attacked by a Sharia patrol when he told them to stop threatening his wife and daughter for not being correctly dressed.As various factions of migrants stake claims to territory in the city, it has been reported that the self-styled Sharia patrols have been visiting clubs and bars in the Millennium City area to make sure Chechen women were properly dressed and acting appropriately.However, when one Austrian man tried to step in to stop the patrol from hassling his Chechen wife and daughter, he ended up being hospitalised.It came as violence escalated across Vienna at the weekend, with more than 50 young men from the Afghan and Chechen communities clashing in the city centre.The gang had attacked each other with planks of wood, iron bars and knives. Two of those injured are in intensive care and their condition is described as critical.Police say that the row which involved around 40 people from Afghanistan attacking 10 from Chechnya had centred around a social media row on Facebook.Six of the alleged asylum seekers from Afghanistan have been arrested. The rest have escaped.Local couple Thomas and Manuela Sonntagfruh, standing on the bloodstained ground after the carnage at the weekend, said: It is quite common that young people might argue, but something like this just isn t normal. The latest incident follows on from mass punch-ups not only in other parts of Vienna, but also in the cities of Linz, Graz, Sankt Polten and in Salzburg. Via: Daily Mail ",left-news,"Mar 7, 2016",0 +LOL! ONE WORD THAT DESCRIBES HILLARY Perfectly Appears Behind Her At Rally…She’s Not Going To Like It!,Most sane Americans are gonna love it!h/t Weasel Zippers,left-news,"Mar 6, 2016",0 +They Fought And Died To Protect Total STRANGERS From Socialism…Why Young Voters Are Embracing The Same EVIL In America Today,"This is a brilliantly written piece by Nick Short of Politically Short on the successful indoctrination our youth. He explains what has led the to rabid support Bernie Sanders, an avowed Socialist and a true disciple of Saul Alinsky, Hillary Clinton In his book The Snapping of the American Mind, David Kupelian asks the following painful question that millions of Americans like myself have pondered for years and will ponder for some time to come as America slowly rips itself apart. Kupelian writes, How could it be that hundreds of thousands of Americans fought and bled and many died on foreign shores to contain an evil and metas-tasizing ideology variously called communism, Marxism, socialism, collectivism, or statism, and yet now, just a few years later, we would gaze up at the pinnacle of power in our own country and behold leaders in thrall to essentially the same core ideology we fought and died to protect strangers from? The answer to this is can be found within the culture itself and more specifically within Americas youth who have seemingly embraced the concept of socialism with little to no understanding of what socialism even is. Yet, like frogs slowly boiling to death in the cesspools that have become our college campuses, our nations youth collectively embrace the ideology that will destroy them while demanding that they be protected from opinions that run contrary to their beliefs. For instance, after the outspoken conservative and feminist critic Milo Yiannopoulos gave a speech at Rutgers University the college responded in a way that has become typical in the cesspools that are our academia. Writing in the Rutgers campus newspaper, The Daily Targum, Noa Halff notes:Students and faculty gathered in the Paul Robeson Cultural Center on Busch campus to generate dialogue about Yiannopoulos s visit and the protest that occurred during his lecture. A variety of different organizations and departments were present to listen, answer questions and show support.Representatives from the Rutgers University Police Department, the Office of Violence Prevention and Victim Assistance, Counseling, Alcohol and other Drug Assistance Program and Psychiatric Services and the Bias Prevention and Education Committee were present. Members from the Black Student Union, the Asian American Cultural Center, Center for Latino Arts and Culture, College Student Affairs and many more were also in attendance.In short, this official response to a conservative speaker from what was once one of America s most prestigious universities is a damning indictment of a generation that has been primed for totalitarianism. The fact that this isn t an isolated example is bad, but what s worse is that these very same college students have become champions of government regulated speech so long as the speech being regulated emanates from the right. This is happening while at the same time students are actively discouraged from thinking for themselves. It s a testament to how successful the left has been in capturing our nations schools that today analytical thinking, once the basis of our education system, is virtually gone.It s a symptom of progressivism to see that the supposed college educated today have become fierce proponents for government regulated speech, but progressivism itself is not the underlying root cause. The cause itself can be found in the ideology known as liberalism which has been carried to its logical and practical extreme, totalitarianism.As James Burnham explained in his 1964 classic, Suicide of the West, liberalism has always operated most naturally as a tendency of opposition to the prevailing order, to the status quo, the ancien r gime, the Establishment in general or in its several parts. Liberalism, continues Burnham, has always stressed change, reform, the break with encrusted habit whether in the form of old ideas, old customs or old institutions. Thus liberalism has been and continues to be primarily negative in its impact on society. What is different today though is that liberalism now controls all the powerful institutions of culture, from the media to education and everything in between, while at the same time it faces literally no opposition. The left controls the culture and given that political issues are often decided at the cultural level before they even reach the political realm, the opposition is almost always rendered defenseless. Or in the case of college campuses, the opposition isn t even permitted to make its case.It is outright totalitarianism that is taking place today within American society from the silencing of conservatives on college campuses to forcing Christian business owners to pay excessive fines and face prison sentences for holding true to their beliefs in traditional marriage. The nation has fractured into two separate Americas that continue to drift further and further apart with half the nation seemingly convinced that their rights stem from the government while the other from God. The former seeks not only to control the latter but to see to it that the latter is utterly destroyed. To accomplish this, liberalism functions as all totalitarian movements have functioned in the past, by subjecting individuals to unbearable stress, conflict, and crisis until each is broken. Whether the means to do so are accomplished financially, spiritually, culturally, or psychologically matters little as it always justifies the end. The end of course being the destruction of the will of each and every American so that liberalism can remake the individual from the ashes in which it has destroyed them.Liberalism wants you to snap, it wants to challenge your sanity and destroy your belief system so that it can remold you in its image of dependency. First and foremost though, it must extinguish those institutions in which we hold dear. It is why, since his first day in office, Barack Obama has relentlessly attacked the cultural, moral, and religious institutions that those of us on the right hold dear. Yet, even Obama himself is not solely the one to blame for he represents the logical extreme of liberalism; He is a symptom of the progressive creation and his rise to the pinnacle of power in this nation represented a turning point for the worse as the government has been infused with an ideology of totalitarianism. Take a look at any government agency functioning today and you d be hard pressed to find just one that isn t completely politicized into attacking the ideological opponents of progressivism. In turn, you can do the same exact thing with our culture itself and you ll find the same results. Wherever the progressives are in power, from the government to the culture to the academia and the media, the hatred of Western values dominates.Popular discourse today sees the West in general as being guilty of genocidal crimes against civilization for Western values seen through the lens of liberalism represents the greatest repository of racism, sexism, xenophobia, antisemitism, fascism, and narcissism. As the Father of the New Left Herbert Marcuse so eloquently put it, American society is oppressive, evil, and undeserving of loyalty. With this notion in mind, liberalism places a new emphasis on liberating all men and women from the evil repression and tyrannical values that Western civilization was built upon. To bring this about, progressives have designed numerous strategies to discredit and smear the values that had forged and sustained the West for the past 2,000 years. The left, no matter what they call them-self today, breeds the ideology the totalitarianism as every single proposed and forced through reforms serves to reduce human personality to its most primitive levels and to extinguish the highest, most complex, and God-like aspects of human individuality. Even equality itself, while serving as a powerful appeal to the masses with its great promises of each according to his need , turns out to signify not equality of rights, of opportunities, and of external conditions, but equality of complete uniformity in thought and condition.The total implementation of the principles espoused by liberalism deprives human life of individuality and simultaneously deprives life of its meaning and attraction. America isn t at this point yet, but it is coming as reflected in a generation that is at best negligent and at worst complicit in the march towards totalitarianism. How do I know for certain that this is where we are headed? Because what iv e been calling progressive totalitarianism is what was once called socialism. And following the basic tendency of socialism, liberalism is hostile toward human personality not only as a category, but ultimately to its very existence. In the words of Alexander Solzhenitsyn, socialism of any type and shade leads to a total destruction of the human spirit and to a leveling of mankind into death. Socialism masquerading as progressivism is really totalitarianism that will inevitably lead to the total destruction of the American spirit and to a leveling of America into death. For entire story: Politically ShortPlease consider making a donation to Nick Short s website HERE",left-news,"Mar 6, 2016",0 +BUCKLE UP AMERICA: Dinesh D’Souza’s Is About To EXPOSE The Democrat Party In β€œHillary’s America”…WATCH The Powerful NEW Trailer HERE,"No one exposes the truth about the corrupt and self-serving Democrat party better than Dinesh D Souza. For decades, the Democrat party has been able to sweep their role in slavery under the rug this movie could change that. The movie is set to be released on July 25,2016. It all began when the Obama Administration tried to shut me up. What did I learn? The system doesn t go after them because they run the system. It s time to go behind the curtain discover the soul of the Democratic Party. CLICK HERE to purchase tickets or to find out if Hillary s America is playing in a theater near you. If there is no theater willing to show Hillary s America near you, click HERE to demand your local theater shows this important film.The Blaze Tucked among talk about his new book, upcoming documentaries and the future of the United States, Dinesh D Souza made a major prediction on the next American president: If I had to bet now, I regret to say, I would bet on Hillary. [quote_box_center] [Clinton s campaign staff] fight like it matters to them, D Souza said on The Glenn Beck Program. They re in a knife fight, not a chess match, and we have to up our game. [/quote_box_center][quote_box_center] I respect their ruthlessness, D Souza said. If you look at Hillary, her political strategy is to doggedly move ahead and dare everybody else to bludgeon her to the ground and sit on her, otherwise she s going to keep moving you ve got to respect that. [/quote_box_center] Her ambition is to establish a kind of stranglehold of control over the leaders of wealth and power in America, D Souza posited. I don t just mean the government. I mean the private sector, over the lives of American citizens. D Souza compared the presidential contender s ambition to a Napoleonic hunger for power and tyrannical impulse, claiming Clinton would not be satisfied if everything is not at your command if everyone is not at your behest. ",left-news,"Mar 6, 2016",0 +OOPS! HYPOCRITE HILLARY Uses FLINT WATER CRISIS To Prop Up Campaign…Ignores Major 1992 Clinton Water Pollution Scandal,"Only Hillary would go to Flint, MI to use the water crisis in a city run by Democrats to prop up her campaign. Americans should have known that with the extensive list of scandals in Hillary s past, there had to be a water pollution scandal. Well, as it turns out there is and it s a whopper! Hillary Clinton has turned the drinking water crisis in Flint, Michigan, into a central issue for her campaign and will look to capitalize on that focus when she faces Bernie Sanders at Saturday s Democratic debate in the troubled city, but in the 1992 Democratic primary, it was Bill Clinton who was on defense for standing by as Arkansas water was polluted.Former senator Tom Harkin (D., Iowa) went after Clinton during a candidate forum that year for putting himself forward as an environmentalist even though Arkansas was an environmental disaster during his tenure as governor. Mr. Clinton, that was a very nice, flowery little speech, but we have to start reading the records and not the lips, said Harkin, who went on to point out that Arkansas was rated last in environmental policy during his governorship.Here s video of the interaction:Harkin also said that Clinton s Environmental Protection Agency was a joke and that it was loaded with representatives of the biggest polluter in Arkansas. That polluter was Tyson Foods, a powerful political backer of Clinton that contaminated the drinking water supply of more than 300,000 people with roughly 500,000 tons of chicken waste that was dumped into streams. The presence of fecal bacteria in the water caused entire towns near Tyson plants to be plagued by chronic dysentery and salmonella.In one case, it took Clinton 17 months after being notified by health inspectors that a Tyson plant was leaking 1 million gallons of sewage into a town s water supply to take any action.This turned into a major issue in the 1992 campaign, and not just for Clinton s opponents.After Clinton won his party s nomination, CNN sent a reporter to Arkansas to examine just how bad the environmental situation was.Here s video of the lengthy report:The report found that state agencies were aware that 3,700 miles of Arkansas waterways were at risk of being destroyed by agricultural source pollution and that it took Clinton until 1990 to create a task force to address the problem.One scientist who focused on the quality of Arkansas water expressed his belief to CNN that the only reason Clinton formed the task force was because of his presidential aspirations. I think there is a direct connection between the current emphasis on animal waste and runoff and his bid for the presidency, said hydrologist Skip Halterman.Clinton is also criticized by CNN for giving a third of the seats on the task force to members of the poultry industry that was a major source of political contributions for Clinton. Via: WFB",left-news,"Mar 5, 2016",0 +PEDOPHILE PIGS Send Teenage Migrant Boys To Surgery After Out-Of-Control Rape In Refugee Camps [VIDEO],"Pedophile pigs looking to reside in your hometown Teenage boys are requiring surgery after being raped in the Calais Jungle and thousands of migrant orphans are vulnerable to abuse, campaigners claimed today.Seven boys, between 14 and 16, have reportedly been treated by medical volunteers after being sexually assaulted in the past six months.Now campaigners are worried about the lack of child protection inside the refugee camp, which is home to 3,800 people.A volunteer told The Independent: If I took one of the boys to the police and said I m one of the medics and I know this boy has been sexually abused , I could guarantee they would shrug their shoulders and continue their conversation. These boys would have left their homes and their parents would have thought they were safe and that they were going to a better life, fleeing violence and they end up at 14 being raped in a refugee camp. That it is going on in Europe makes it even more unacceptable. Europol estimated at the start of the year that 10,000 unaccompanied children had gone missing in Europe.Here s a peek into the Calais Jungle:Via: Daily Mail",left-news,"Mar 5, 2016",0 +"JOKE OF THE WEEK: A Marine, A Priest And A Flag Burning Hillary Supporter","HYSTERICAL!A US Marine enters the Catholic Church confessional booth in Jacksonville, FL.He tells the priest, Bless me, Father, for I have sinned. Last night, I beat the s**t out of a flag burning Hillary supporter. The priest says, My son, I am here to forgive your sins, not to discuss your community service. ",left-news,"Mar 5, 2016",0 +"OBAMA GIVES ILLEGAL ALIENS IN FLINT, MI Amnesty So They Can Get Free Sh*t From Taxpayers","Because people who scale border walls and break the law to get into our country deserve the same taxpayer funded benefits as legal citizens right?Caving into the demands of the open borders movement and pro-immigrant Spanish media, the Department of Homeland Security (DHS) will refrain from enforcing immigration laws in areas of Flint, Michigan affected by a water crisis. The water amnesty is the latest of many reprieves issued by the Obama administration to help illegal immigrants nationwide. Judicial Watch has reported on many of them, including recent hurricane, earthquake, Ebola and severe weather amnesties.This one involves the widely reported water situation in Flint, which is located about 66 miles northwest of Detroit. Last year researchers discovered that the city s drinking water was contaminated with lead from decaying old pipes. The problem arose after a switch in 2014 in the city s water source to save money. Soon complaints mounted that the water smelled and looked strange and academic researchers discovered that it was toxic. This all occurred after a 7-1 vote by the Flint City Council to stop buying Detroit water and join a new pipeline project, according to a local news report.Now there s a state of emergency and the feds have stepped in, supplying the area with free bottled water and special filters to install at home until the local water supply is clean. For weeks immigrant rights groups complained that residents had to show identification to receive their free goods from the government and illegal aliens were being left out. National Spanish-language media outlets blasted the Obama administration for discriminating against illegal aliens. One reported that undocumented immigrants weren t getting help for fear of being deported, instead opting to drink contaminated water or pay out of pocket to buy some. Another major Spanish-language newspaper wrote that illegal immigrants and their children suffered lead poisoning and couldn t get clean emergency water because they didn t have identification cards. When the National Guard went door to door distributing potable water, many were scared to open because they feared the uniformed persons were immigration agents who would deport them, the paper wrote.The Anti-Defamation League (ADL), which claims to combat bigotry and protect civil rights for all, joined the cause expressing horror and indignation that the government denied undocumented immigrants free water and filters because they couldn t provide a photo ID or Social Security number. In a Spanish-language statement the group s Michigan chapter referred to news reports that Flint-area fire department stations distributing water were requiring identification. But even in places that aren t requiring ID, illegal immigrants are scared to come out and get their potable water out of fear that they will be deported, the ADL stresses in its announcement. We are calling on the National Guard to order all fire departments and other centers distributing supplies that no one be rejected. Like a good lapdog the Obama administration obliged. This week DHS issued a statement in English and Spanish guaranteeing that U.S. Customs and Border Protection (CBP) and U.S. Immigration and Customs Enforcement (ICE) would not conduct enforcement operations at or near locations distributing clean water in Flint or surrounding areas. Moreover, DHS officials do not and will not pose as individuals providing water-related information or distributing clean water as part of any enforcement activities, the statement assures. The agency s priority is to support state and local government efforts to distribute clean water, the statement says, adding that DHS stands ready to assist those in need. Via: Judicial Watch",left-news,"Mar 4, 2016",0 +"An OBAMA β€œLOW LEVEL OFFENDER” Gets Early Release From Prison: Brutally Murders Woman, Slits Throats of 7, 10 Yr Old Daughters","According to the mother of the 35 year old murdered woman, this maggot had tried to murder her before. But in Obama s eyes he didn t present any danger to the community. Hmmm I wonder if those were his two girls if he might feel differently?Obama s early release program is going to work as expected. A cocaine dealer who received early release murdered his ex-girlfriend and her two children. He now faces the death penalty.Criminals already plea down their cases and now thanks to Obama they get to plea and plea again.Wendell Callahan, 35, murdered Erveena Hammonds, 32, Anaesia Green, 10, and Breya Hammonds, 7.He slaughtered them, stabbed them brutally in their home in Columbus, Ohio in January.Once sentenced to 12 1/2 years, he had 4 years shaved off his sentence in two guideline changes.He also stabbed Hammonds current boyfriend Curtis Miller who showed up while Callahan was still in the apartment. Callahan was stabbed himself in the fight with MillerCallahan s mother said no one has talked to her son about what happened since he is in the hospital. Typical enabling mother and we have an enabling president.There were many witnesses and the children throats were slit. They were in the first and fifth grades.In 2006, he tried to call her. Hammonds said that he had beaten and choked her so severely that she thought he would have killed her if (a) good Samaritan didn t pass by. But he was good in prison and presented no threat to the public. He s one of those low level offenders Obama wants free to roam our streets.No threat? He tried to kill her in 2006!Callahan s idiotic mother said,His mother, however, said the murder accusations were out of character. He wouldn t do that to her and her kids, she said.She raised a sociopath by making excuses for him.Via: Independent Sentinel",left-news,"Mar 4, 2016",0 +SAY WHAT?! NY PUBLIC School Students Pledge Allegiance To An INTERNATIONAL FLAG?,"This is just another example of how public schools are using a globalist approach to indoctrinate our children. Watering down the greatness of America by blurring our border lines that so many brave men fought to preserve is repulsive. Fighting back against this mentality in our PUBLIC schools should be a priority for every parent and grandparent in America!It is widely accepted that American public schools are controlled by liberals. It seems like every day, we see new examples of American schoolchildren being indoctrinated with left-wing ideas.This latest example was brought to our attention by a concerned parent.Kindergarten students from PS75, a public school in New York City, recently took part in a class project in which the children were made to create an American flag with the flags of other 22 other nations superimposed over the stripes. Below the flag read the words We pledge allegiance to an International Flag. Check out the flag the kindergarten class created:This is the type of globalist indoctrination we have come to expect from the public school system, but telling impressionably young American children that their loyalty should lie with some nebulous idea of a global community rather than their own nation is a new low.Read more:Hannity.com",left-news,"Mar 4, 2016",0 +WHY THIS AMERICAN Feels Safer With An ISIS Flag Than A Confederate Flag On His Front Porch,"This is hysterical, but sadly it s not far-fetched at all!I took down my Rebel flag (which you can t buy on e-bay any more) and peeled the NRA sticker off the front door. I disconnected my home alarm system and quit the candy-ass Neighborhood Watch. I bought two Pakistani flags and put one at each corner of the front yard. Then I purchased the black flag of ISIS (which you CAN buy on e-bay) and put it in the CENTER of the yard. Now, the local police, sheriff, FBI, CIA, NSA, Homeland Security, Secret Service and other agencies are all watching the house 24/7.I ve NEVER felt safer and I m saving $69.95 a month that ADT charged me.Plus, I bought burkas for my family when we shop or travel. Everyone moves out of way and security can t pat us down Safe at last only in USA!",left-news,"Mar 4, 2016",0 +Hillary Supporters Explained In 6 BRUTAL Photos,"Hysterical With all the evidence available to American voters about Hillary, do you ever find yourself wondering, Who in the world is still supporting her? We think we ve unlocked the secret to Hillary s success.Behold..the Hillary voter explained:Ever wish you had a hunnit and Fiddy dollars? If Hillary had her way, this daddy would be voting for her from behind bars.You can t get a burger when you re out of meet! We be right there!Here s a typical campaign contribution to Hillary:This lady has some strong advice for American voters. She is clearly a Bernie supporter ",left-news,"Mar 3, 2016",0 +MEDIA FREAK OUT! Watch MSNBC Cut Mic Of Black Trump Supporter…Mention Bogus KKK Scandal 6 TIMES In 3 Minute Segment,"A recent poll showed that 40% of black voters support Donald Trump. The media is in full panic mode over the very real possibility that Trump could win the general in a landslide. The only hope they have of stopping him from winning with the black voter is by somehow effectively tying him to the KKK. MSNBC did their best to do just that in this ridiculous discussion where collectively, the hosts made 6 attempts to tie Donald Trump to the KKK in a span of 3.5 minutes. Lyin Brian Williams opened up the the segment with an immediate tie in to Donald Trump and the KKK.MSNBC Republican pundit, and fired host of The View, Nicolle Wallace mentioned the KKK in relationship to Donald Trump FOUR times in less than 2 minutes, where she was actually part of the conversation: Listen, I talked to folks today who ve been involved in previous presidential campaigns. Ken Mehlman a former campaign director and former RNC director put out the and they put out the same message about the KKK. I don t know that we ve ever gone into a Super Tuesday where someone was going to clinch the nomination on the heels of his KKK scandal. Right? There s a lot of hope in the sort of, in the midwest, where his support is very robust that he would actually bring new voters into the electorate. But you can t do that if you re acting ambivalent about just how abhorrent the KKK endorsement would have been. I think the party could grapple with a policy debate. That s not what we re having. We re having a wall-to-wall twenty-four-seven scandal where the Speaker of the House and the Senate majority leader has to go before cameras and disavow the KKK. WATCH MSNBC cut the sound off when black Trump supporter tries to say We re all Americans we need to stop the race stuff : ",left-news,"Mar 2, 2016",0 +[VIDEO] DEAF Team USA Athlete SEXUALLY ASSAULTED By Leftist Thug Protestors…Guess Who POLICE Threatened To Arrest?,"The inaction by police officers who should have been protecting and defending the First Amendment Rights of the group who came to hear conservative speaker Ben Shapiro is shameful. I wonder how many of those police officers realize this crowd of domestic terrorists leftist thugs, given the opportunity, would be the first people to unjustly accuse them of wrong doing and/or attack them. Free speech is under attack in America like never before. Any views that are in opposition to views on the left are considered out of bounds and will be dealt with The social justice fascists protesting The Daily Wire s Ben Shapiro s event at CSULA didn t just assault a disabled man, they also allegedly assaulted a deaf girl, and the police targeted the girl instead of the thuggish protesters.Here is conservative speaker Ben Shapiro exposing the truth about what happened at this event:Ashley-Anne Hobbins, a Team U.S.A. swimmer and founder and leader of three Red Cross clubs and is deaf, made the two-hour drive from Coachella Valley to see Shapiro speak after being invited by Mark Kahanding, the president of CSULA s Young Americans for Freedom chapter, to attend. Hobbins and her father, Ben Hobbins, arrived on campus to find protesters chanting and blocking the door. Hobbins tried to move around the protesters and get to the door, but the protesters couldn t let anyone violate their precious safe space. They were like, Oh that s her, she s one of them. Stop her!' Hobbins told The Daily Wire. And that s when they were linking arms and they all started pushing me, and I almost fell a couple of times, being pushed. When I was being pushed by them, I was being groped and touched inappropriately by them. At that point in time, Hobbins and her father were separated from each other due to the chaos that ensued, so her father was not aware at the time that this was going on. I might have been arrested there. If I were to have seen that, I might have done something, Hobbins told The Daily Wire.After being pushed around and rag-dolled by the protesters, Hobbins was escorted out of the area by a police officer, as can be seen in the video footage on Fox Business at the 1:36 mark. Hobbins thought the police were providing aid to her, but then she learned that the police were holding her responsible for upsetting the protesters. She said I was pushing them, said Hobbins, who is 5 5 . But they were pushing me, I wasn t even doing anything. Hobbins told the officer that she was groped and touched inappropriately by the protesters, but the officer refused to believe her and accused her of lying, and then threatened to arrest her if she didn t leave the campus. I think I called her once or twice, and after 20 rings she picked up and she was crying and saying I had to come get her in the back because they were throwing her off campus, Hobbins s father said. So they said she had to leave campus right away or she would be arrested on the spot. Hobbins lamented that she was really bummed out that she drove all the way to CSULA and was unable to see Shapiro speak. My rights were violated, Hobbins said.Via: Daily WireHere is conservative, Ben Shapiro s speech in its entirety, courtesy of Young Americans Foundation:",left-news,"Mar 2, 2016",0 +BREAKING: WHY DR BEN CARSON Will Exit Presidential Race,"Dr. Ben Carson is brilliant, good-hearted, a true American patriot, and one of the most honest candidates to ever run for President. He stayed above the fray, yet still managed to hit back hard when it came to the leftist media. He made a positive contribution to the field of GOP candidates and made some very good observations about what needs to be done to heal a broken Republican party. Although he is soft-spoken, he didn t mince words or concern himself with political correctness. He is a true champion of the unborn and does more on his own to help students in poor communities than every Democrat politician combined. He challenged the media and the elitists in his own party. His wisdom and courage will be missed by many. Thank you Ben Carson for bringing class and courage to the Republican party WATCH the brilliant DR. BEN CARSON fearlessly explain the TRUTH behind Planned Parenthood here:Republican presidential candidate Ben Carson announced Wednesday that he sees no political path forward after his Super Tuesday losses and will not attend the upcoming Fox News debate. I have decided not to attend the Fox News GOP Presidential Debate tomorrow night in Detroit, he said in a statement Thursday. Even though I will not be in my hometown of Detroit on Thursday, I remain deeply committed to my home nation, America. I do not see a political path forward in light of last evening s Super Tuesday primary results. However, this grassroots movement on behalf of We the People will continue. Along with millions of patriots who have supported my campaign for President, I remain committed to Saving America for Future Generations. Via: FOX News ",left-news,"Mar 2, 2016",0 +DEAR RNC: An Everyday American Writes A Letter To Explain The Trump Phenomenon,"This letter was sent to 100% FED Up! by an anonymous author:It doesn t matter who you support for President in 2016. This letter will make you want to stand up and cheer for the 80 year old American who expresses what most of us are feeling right now. Enjoy RNC P.O. Box 96994 Washington DC 20090-6994Dear Representative,From the time I was able to vote I voted Republican. I am 80 years old, and have a great deal of respect and influence with hundreds of senior ball players who also network with thousands of others around the country.I received your questionnaire and request for money and strongly agree with every question, as I have since Obama was elected. Unfortunately the one question that was missing is What have the Republicans done for the American people? We gave you a majority in the House and Senate, yet you never listened to us. Now you want our money.You should be more concerned about our votes, not our money. You are the establishment, which means all you want is to save your jobs and line your pockets Well guess what? It s not going to happen You shake in your boots when I tell you we re giving our support to TRUMP and he hasn t asked for a dime.You might think we are fools because you feel Trump is on a self destruction course, but you need to look beyond Washington and listen to the masses. Nobody has achieved what he has, especially in the liberal state of New York.You clearly don t understand why the Trump movement is so strong, so I d like to share with you an analogy to help explain the Trump phenomenon. By the way, it s not just the Republicans who feel ignored and disrespected, there are plenty of Democrats and Independents who also feel let down by the Washington elite. You seem to have forgotten about We The People and who hired you to represent us.So here it is, the best analogy I could come up with. Here is the reason so many Americans have boarded the Trump Train, and why you re pleas to come back to the party who deserted us, is falling on deaf ears:You ve been on vacation for two weeks, you come home, and your basement is infested with raccoons. Hundreds of rabid, messy, mean raccoons have overtaken your basement. You want them gone immediately You call the city and four different exterminators, but nobody could handle the job. There is this one guy however, who guarantees you he will get rid of them, so you hire him. You don t care if the guy smells, you don t care if the guy swears, you don t care how many times he s been married, you don t care if he was friends with liberals, you don t care if he has plumber s crack you simply want those raccoons gone! You want your problem fixed! He s the guy. He s the best. Period. Here s why we want Trump: Yes he s a bit of an ass, yes he s an egomaniac, but we don t care. The country is a mess because politicians have become too self-serving. The Republican Party is two-faced & gutless. Illegal aliens have been allowed to invade our nation. We want it all fixed! We don t care that Trump is crude, we don t care that he insults people, we don t care that he had been friendly with Hillary, we don t care that he has changed positions, we don t care that he s been married three times, we don t care that he fights with Megan Kelly and Rosie O Donnell, we don t care that he doesn t know the name of some Muslim terrorist. This country is weak, bankrupt, our enemies are making fun of us, we are being invaded by illegal aliens and bringing tens of thousands of Muslim refugees to America, while leaving Christians behind to be persecuted. We are becoming a nation of victims where every Tom, Ricardo and Hasid is part of a special group with special rights, to the point where we don t even recognize the country we were born and raised in; AND WE JUST WANT IT FIXED and Trump is the only guy who seems to understand what the people want. We re sick of politicians. We re sick of the Democratic Party and the Republican Party. We just want this thing fixed. Trump may not be a saint, but he isn t beholden to lobbyist money and he doesn t have political correctness restraining him. All we know is that he has been very successful, he s an excellent negotiator, he has built a lot of things, and he s also not a politician. He s definitely not a cowardly politician. When he says he ll fix it, we believe him because he is too much of an egotist to be proven wrong or looked at and called a liar.Oh yeah I forgot we don t care if the guy has bad hair either. We just want those raccoons gone. Out of your house. NOW!",left-news,"Mar 2, 2016",0 +DELEGATES FOR DUMMIES: How They’re Awarded…And How Many Your Candidate Needs To Win [VIDEO],"Stop counting the votes! Your candidates nomination based strictly on the number of delegates they are able to obtain from each state following their elections.WATCH this great video explaining how Hillary can receive less votes, but still win with super delegates:The nominating contests that will determine the Democratic and Republican nominees for the Nov. 8 U.S. presidential election are about to enter a critical phase. On March 1, known as Super Tuesday, primaries or caucuses are being held in about a dozen states, and they could be turning points in both parties.But the key to winning the nomination for each party is ultimately not about the popular vote. It is about securing the number of delegates needed to win the nomination at each party s convention July 18-21 in Cleveland for the Republicans and July 25-28 in Philadelphia for the Democrats.Like so many things in politics, there are twists and turns in how the popular vote is used to select each party s candidate.The following is a guide to the nominating process:Q: Is the delegate selection process the same for the Republican and Democratic parties?A: No. The parties set their own rules. One thing that is the same is that at each party convention, a candidate needs to reach only a simple majority of the delegate votes to win the nomination.Q: How many delegates are there?A: The Democratic convention will be attended by about 4,763 delegates, with 2,382 delegates needed to win the nomination. The Republican convention will be attended by 2,472 delegates, with 1,237 delegates needed to win.Q: I keep hearing about superdelegates. Are they different from other delegates? Do both the Republicans and Democrats have superdelegates?A: Superdelegates, officially known as unpledged delegates, are a sort of wild card in the nominating process, but only the Democrats have them.The category was created for the 1984 Democratic convention, and according to political scientists, they are a legacy of the 1980 convention when there was a fight for the nomination between President Jimmy Carter, who was seeking a second term in the White House, and Senator Edward Kennedy of Massachusetts. Members of Congress were frustrated by their lack of influence, because delegates elected to support one candidate could not switch to support another. So Democratic members of the House of Representatives led an effort to win a role for themselves. That resulted in the creation of superdelegates. Unlike other delegates, superdelegates may change what candidate they are supporting right up to the convention.There is no fixed number of superdelegates because the group is defined by various categories whose members change from one election cycle to another. Here is who gets to be a superdelegate:All Democratic members of the House of Representatives and the Senate; the Democratic governors; the Democratic president and vice president of the United States; former Democratic presidents and vice presidents; former Democratic leaders of the U.S. Senate; former Democratic speakers of the House and former Democratic minority leaders. Throw in the members of the Democratic National Committee and the former chairs of the DNC and you finally have the whole pool of superdelegates.Q: What about the other delegates? Do they get to choose which candidate to support?A: Both the Democratic and Republican parties send delegates to their conventions based on the popular vote in the primary elections and caucuses held in each of the 50 states. But the parties have different rules on how delegates are allotted to a candidate.The Democratic Party applies uniform rules to all states. In each state, delegates are allocated in proportion to the percentage of the primary or caucus vote in each district. But a candidate must win at least 15 percent of the vote to be allocated any delegates.The Republican Party lets states determine their own rules, although it does dictate some things. Some states award delegates proportionate to the popular vote, although most such states have a minimum percentage that a candidate must reach to win any delegates. Some other states use the winner-take-all method, in which the candidate with the highest percentage of the popular vote is awarded all the delegates. Other states use a combination of the two methods.States that use the proportionate method may instead use the winner-take-all method if one candidate wins more than 50 percent of the popular vote.In addition, the Republican Party requires that all states with nominating contests held between March 1 and March 14 use the proportional method, meaning that all the states holding votes on Super Tuesday will have to award delegates proportionally.Q: What happens to delegates if a candidate drops out of the race?A: Another good question, because we have certainly seen that happen this year.For the Democratic Party, in every state, delegates are reallocated to the remaining candidates.Nomination About Delegates, Not VotesThe power brokers of the Democrat party are not about to let crazy uncle Bernie represent them in the presidential election this year. He is anxious to flatten the economic map in the nation and go much further than Obama has in stealing from the rich and destroying the wealth generating engine of the country. Perhaps the elite wish things to do down a bit differently than what Sanders has in mind.It turns out that the New Hampshire primary, which Bernie won in a landslide, will probably award him fewer delegates than Hillary receives.Sanders won 60 percent of the vote, but thanks to the Democratic Party s nominating system, he leaves the Granite State with at least 13 delegates while she leaves with at least 15 delegates.New Hampshire has 24 pledged delegates, which are allotted based on the popular vote. Sanders has 13, and Clinton has 9, with 2 currently allotted to neither.Under Democratic National Committee rules, New Hampshire also has 8 superdelegates, party officials who are free to commit to whomever they like, regardless of how their state votes. Their votes count the same as delegates won through the primary.New Hampshire has 8 superdelegates, 6 of which are committed to Hillary Clinton, giving her a total of 15 delegates from New Hampshire as of Wednesday at 9 a.m.The two remaining superdelegates remain uncommitted, so Hillary actually comes out ahead in overall delegate count. Clinton has 394 delegates that includes both super delegates and ones that are picked up in primary elections, while Bernie now has only 42. In other words the fix is in, and Clinton will absolutely be the Democrat nominee for president unless she is indicted for her illegal acts dealing with top secret government documents.But as with the assigning of delegates, it seems that the will of the people, along with their clearly declared votes, will be ignored and the coronation will still take place. As some of my friends like to say, Hillary for Prison, 2016! May it be so.For the Republican Party, it varies by state. In some states, delegates are required to stick with their original candidate at least through the first ballot at the Republican National Convention. In some other states, if a candidate drops out, his or her delegates may immediately pledge to another candidate. There is also a middle ground in which those delegates are reallocated to the remaining candidates. Via: NYPost",left-news,"Mar 2, 2016",0 +WHAT’S SO WRONG WITH TRANSGENDER BATHROOMS? This Guy Has The Awesome Answer!,"Recently, a man in Seattle wandered into a women s locker room full of little girls:LIBERAL SEATTLE GETS WHAT IT VOTES FOR: Outrage After Transgender Man Hangs Out In Women s Locker Room [Video]You see, Seattle had just passed a gender neutral law that said if you feel like a woman then you can use the women s bathroom/locker room. Here s a great example to pass on of why this is not a good idea:Clayton Cramer asks, What s the problem with transgender restrooms? Then he answers his own question with *links to a few news stories:*PLEASE GO TO THE SOURCE FOR THE ORIGINAL STORY BY CLICKING ON THE WORD LINKS ABOVE. Cross-dressing man allegedly videotaped women in restroom Police: Sex offender posed as woman, went into women s locker room Police: Man in bra and wig found in women s bathroom admitted to other offense where he showered in the girls locker room for sexual gratification Cross-dressing peeper infiltrates Cal women s locker room Man dressed as woman tried to take pictures in dorm, police say Purdue police investigate report of man taking photographs in women s restroom Transgender student in women s locker room raises uproar exposes self to underage girls Cross-dressing man arrested for exposure at Walmart See more: moonbattery",left-news,"Mar 1, 2016",0 +"FOX NEWS FREEFALL? BILL O’REILLY Loses Kids For Allegedly Choking Wife…Trump Hater, Megyn Kelly Swims In Hollywood Cesspool","FOX News has seen their ratings take a nose-dive, after Megyn Kelly s not so thinly veiled attempt at taking down Donald Trump, while she, and the network push for establishment candidates like Marco Rubio. Will FOX News survive if their one-time loyal viewers turn their backs on their two biggest prime-time personalities? Fox News host Bill O Reilly has lost custody of his two teenage children after they reportedly said they would prefer to live with their mother following an alleged domestic violence incident, according to court documents.As reported by Gawker, Mr O Reilly s two children, 13 and 17, will live full time with his ex-wife Maureen McPhilmy.The decision taken by a Nassau County Supreme Court justice last year that the children should live with their mother was appealed by the news host to delay its enforcement.According to the 1,400 word opinion issued on 24 February, the court s four justices unanimously ruled in his ex-wife s favour based upon the clearly stated preferences of the children and the quality of the home environment provided by the mother .Mr O Reilly s 17-year-old daughter told a court-appointed forensic examiner last year that she saw her father dragging her mother down a staircase by the neck.He responded to Politico in May last year: All allegations against me in these circumstances are 100% false. I am going to respect the court-mandated confidentiality put in place to protect my children and will not comment any further. Via: IndependentTRUMP HATER, Megyn Kelly who has fallen out of favor with many conservatives after exposing her strong dislike for GOP Presidential front-runner Donald Trump, apparenty spent the evening hanging with some of the most vile liberals in Hollywood at a pre-Oscar party. Birds of a feather?Fox News anchor Megyn Kelly appeared at Vanity Fair s pre-Oscar dinner party Sunday evening, where she dined with some of the celebrities who later headed to the Dolby Theater for the main event.According to the New York Post, Kelly Vanity Fair s February cover model and her husband Douglas Brunt dined alongside Judd Apatow, Larry David, Martin Short, designer-director Tom Ford, and Don Rickles at the star-studded bash.Other stars at the pre-Oscar dinner included James Corden, Anjelica Huston, Tory Burch, Joan Collins, Patricia Clarkson, CBS head Les Moonves, Julie Chen, Monica Lewinsky, Salman Rushdie and CAA super-agent Bryan Lourd.Kelly also appeared at Vanity Fair s post-show party, where she mingled with superstars including The Revenant Oscar-winner Leonardo DiCaprio, show host Chris Rock, Jessica Alba, Amy Adams, and Jennifer Garner, according to the Daily Mail.Other stars at the glitzy post-Oscar bash included Louis C.K., Sarah Silverman, Jeremy Renner, Vince Vaughn, and The Revenant director Alejandro G. Inarritu. ",left-news,"Mar 1, 2016",0 +MASS EXODUS FROM DEMOCRAT Party In Liberal Massachusetts…TRUMP Effect?,"Yeah about that whole Trump not matching up to Hillary in the general election thing If there is a mass exodus from the Democrat party, who will be left to vote for the Benghazi liar? Thousands of Massachusetts Democrats have denounced their party affiliations since January 1 to jump across the aisle and join the ranks of Independent or Republicans.Nearly 20,000 Bay State Democrats, or 1.3 percent of the party s Massachusetts population, left to vote in the Republican primary Tuesday. More than 16,300 of that group have unenrolled or become Independent voters, while 3,500 have joined the GOP.Mass. Secretary of State William Glavin attributed the switches to the Trump phenomenon. The billionaire candidate has a significant lead over fellow top contenders Marco Rubio and Ted Cruz in recent state polls. The tenor of the Republican campaign has been completely different from what we ve seen in prior Republican presidential campaigns, Galvin said. You have to look no farther than the viewership for some of the televised debates. Via:Washington Examiner",left-news,"Mar 1, 2016",0 +HOLY CASH COW! Check Out How Much Wall Street Funneled Into HILLARY’s Foundation/Slush Fund,"Thank God she has a vagina, otherwise her blatant hypocrisy might be an issue with voters Hillary Clinton is facing more questions about her close ties to Wall Street financial institutions. Last week, the New York Times urged Clinton to release transcripts of her highly-compensated speeches to Wall Street firm Goldman Sachs.The paid speeches are just a slim chapter of her relationship with financial titans. According to Clinton Foundation records, Wall Street financial institutions have donated around $40 million to the eponymous family foundation.As a non-profit, the Clinton Foundation isn t legally required to disclose its donors or contributions. The Foundation has publicly disclosed some contributions on its website. It only provides ranges for contributions, e.g. $1-5 million, and doesn t detail when the contribution was made or for what purpose, if any.Here s the chart of contributions from Wall Street to the Clinton Foundation.All together, contributions from readily identifiable Wall Street institutions to the Foundation total somewhere between $11 million and $41 million in contributions. If we assume the donations fall in the middle of the ranges disclosed by the Clinton Foundation, the contributions would total just under $30 million.As with most things involving the Clintons, the devil is in the details. This total of contributions does not include those made by individuals with strong Wall Street ties. It also does not necessarily represent the total amounts contributed to the Foundation from those donors listed. It only accounts for the donations which the Foundation has chosen to disclose.The failure of the Foundation to include any information on the timing of the donations is especially worrisome. In terms of donor relationships, there is a real difference between a one-time gift of $1 million and an ongoing gift of $200,000 for 5 straight years. The total dollar amount may be the same, but an ongoing gift usually requires a more substantive relationship between the Foundation and the donor.There is, of course, an added dimension to the timing issue with the Clintons. During the life of the Foundation, Hillary Clinton has been a US Senator, Secretary of State and two-time candidate for President.When the Clinton Foundation discloses that the Friends of Saudi Arabia contributed $1-5 million, it begs the obvious question of when that donation was made. The specific date of that donation is particularly important, given Clinton s considerable focus on the Middle East while she was Secretary of State.It is also important to note that these contributions are completely seperate from the paid speeches made by Bill and Hillary Clinton. In 2013 alone, Hillary earned just over $3 million in paid speeches to financial firms and institutions.These contributions, obviously, also don t include direct contributions made by Wall Street institutions and individuals to either of Clinton s Presidential campaigns.For entire story: Breitbart News",left-news,"Mar 1, 2016",0 +"Obama LIES To French Reporter, America β€œOne Of Largest Muslim Countries In The World” [VIDEO]","Barack Hussein Obama has been laser focused on making the promotion of Islam in America a priority since his first day in office. He s also made a point of discrediting Christians in America. Is it any wonder he s ignored the slaughter of Christians in the Middle East? Does anyone care he s sending Christian refugees back to extremist Muslim nations from the US, while bringing in hundreds of thousands of Muslim refugees? Here is a perfect example of the master Muslim propagandist:OBAMA TO FRENCH REPORTER: We have to educate ourselves more effectively on Islam. If you actually took the number of Muslims Americans ah, we d be one of the largest countries in the world. REALLY? Is #38 one of the largest Muslim countries in the world Barry?HERE are the FACTS:Eighty-three percent of Americans identify themselves as Christians. Most of the rest, 13 percent, have no religion. That leaves just 4 percent as adherents of all non-Christian religions combined Jews, Muslims, Buddhists and a smattering of individual mentions.",left-news,"Mar 1, 2016",0 +THE β€œOBAMA PROJECT”…Does Barack Have Secret Plans To Punish White America After He Leaves Office?,"Is Barack Obama planning to use taxpayer money to travel around the world campaigning for UN Secretary General?The Jerusalem Post reported that Barack Obama has privately campaigned to succeed Ban Ki-moon as United Nations Secretary General at the end of 2016.Israeli Prime Minister Benjamin Netanyahu is also reportedly working with moderate Arab States to prevent this transition.Netanyahu remembers well just how US President Barack Obama brushed aside Israeli objections and went ahead with the P5+1 nuclear agreement with Iran.Now, Netanyahu is reportedly planning some personal payback.The sources said that once Netanyahu got wind of Obama s plans, the prime minister began to make efforts to submarine what he has referred to as the Obama project. Via: Gateway PunditThis shocking report outlines how the United Nations believes Americans should be paying reparations to African American descendants of slavery. You don t need much of an imagination to picture Barack Obama moving seamlessly into the role Secretary General of this global sham of an organization. Is the UN simply laying the groundwork for a future Secretary General Barack Hussein Obama? The United States should consider reparations to African-American descendants of slavery, establish a national human rights commission and publicly acknowledge that the trans-Atlantic slave trade was a crime against humanity, a United Nations working group said Friday.The U.N. Working Group of Experts on People of African Descent released its preliminary recommendations after more than a week of meetings with black Americans and others from around the country, including Baltimore, Chicago, New York City, the District of Columbia and Jackson, Mississippi.After finishing their fact-finding mission, the working group was extremely concerned about the human rights situation of African-Americans, chair Mireille Fanon Mendes-France of France said in the report. The colonial history, the legacy of enslavement, racial subordination and segregation, racial terrorism and racial inequality in the U.S. remains a serious challenge as there has been no real commitment to reparations and to truth and reconciliation for people of African descent. For example, Mendes-France compared the recent deaths of unarmed black men like Michael Brown and Eric Garner at the hands of police to the lynchings of black men in the South from the post-Civil War days through the Civil Rights era. Those deaths, and others, have inspired protests around the country under the Black Lives Matter moniker. Contemporary police killings and the trauma it creates are reminiscent of the racial terror lynchings in the past, she told reporters. Impunity for state violence has resulted in the current human rights crisis and must be addressed as a matter of urgency. Some of the working group s members, none of whom are from the United States, said they were shocked by some of the things they found and were told.For example, it s very easy in the United States for African-Americans to be imprisoned, and that was very concerning, said Sabelo Gumedze of South Africa.Federal officials say 37 percent of the state and federal prison populations were black males in 2014. The working group suggests the U.S. implement several reforms, including reducing the use of mandatory minimum laws, ending racial profiling, ending excessive bail and banning solitary confinement. Via: Epoch Times",left-news,"Mar 1, 2016",1 +OOPS! Did The Media Think Voters Would Forget About HILLARY’S β€œFRIEND and MENTOR” Late KKK Leader Robert Byrd? [VIDEO],"The astounding hypocrisy of the leftist media has been left unchecked for decades. All of that is about to change. And no matter what side of the aisle you find yourself on, forcing the media to do their jobs and report the news is a benefit to every single American. It s not their job to be popular amongst their peers or to have opinions their readers agree with. Their job is to report the news. Perhaps this little video or nugget of truth slipped their minds?Despite mounting criticism for Donald Trump s failure to disavow former Ku Klux Klan grand wizard David Duke s support, Democratic front-runner Hillary Clinton once heaped praise for late Klan leader Sen. Robert Byrd.In a video uploaded to the State Department s official YouTube page on June 28, 2010, Clinton commemorated late Sen. Byrd by saying, Today our country has lost a true American original, my friend and mentor Robert C. Byrd. Via: Daily CallerAnd when the former KKK member, Senator Robert Byrd died, Barack Obama gave the eulogy:President Obama lauded the late Sen. Robert C. Byrd today for keeping faith with his family, his state of West Virginia and his beloved U.S. Constitution. He was a Senate icon, he was a party leader, he was an elder statesman, and he was my friend, Obama told thousands who gathered for Byrd s funeral on the steps of the golden-domed West Virginia statehouse. That s how I ll remember him. ",left-news,"Feb 29, 2016",0 +WATCH: REPORTER GRABS THROAT Of Secret Service Agent At TRUMP Rally…Gets Smacked Down,"If we didn t know better, we d think the liberal press was actually stirring things up to make news at Trump rallies, since no one gives a damn what they have to say since Trump has made them irrelevant According to The Independent Journal s congressional reporter Joe Perticone, the man holding the camera in the video below is a journalist. Perticone writes, Secret Service agent choke slams reporter. Videos added below appear to show the reporter intentionally bumping up against the agent and saying f*ck you before the agent throws him to the ground. From the ground, you can see the reporter kicking the agent from an apparent defensive position.Secret Service agent choke slams reporter pic.twitter.com/jdsHOlylSB Joe Perticone (@JoePerticone) February 29, 2016Nevertheless, once whatever happened between the two men is over, and both are standing, watch the reporter suddenly reach out and grab the Secret Service agent s throat.Reporter at Trump Rally accuses SS agent of choking him. pic.twitter.com/Q4oigVt3qf Jackie Alemany (@JaxAlemany) February 29, 2016ADDED: Additionally, the video below shows a chest bump between the agent and the Time reporter. Perticone reports that things got physical after the Time reporter said fuck you to the Secret Service agent.Here's moments prior. The reporter says ""f*ck you"" that's when it got physical pic.twitter.com/h9K2wIbEWQ Joe Perticone (@JoePerticone) February 29, 2016ADDED: The Secret Service has released a statement:Via: Breitbart News",left-news,"Feb 29, 2016",0 +WOMAN ARRESTED For Wearing T-Shirt Naming Muslim Extremist Who Fled Country After Failed Jihad Attempt [VIDEO],This is a SHOCKING example of a government putting the rights of violent extreme Muslims before their own citizens: ,left-news,"Feb 29, 2016",0 +LISTEN TO HILLARY LAUGH…As She Recalls Helping Suspected Child Rapist Walk Free [VIDEO],"How very Presidential She s cold calculating..deceitful but she has a vagina, so that s a good enough reason for women to vote for her. After all..it s Hillary s turn! So vote for the wife of a rapist, who laughs about getting child rapists off with plea bargains. It s been 16 long years without a Clinton in the White House let s make America Sleazy again!It s time to make history with the first female President because our first Historic black President worked out so well In a newly unearthed audio interview Hillary Clinton reveals how she managed to get a plea bargain for a man accused of raping a 12-year-old girl and shockingly laughs as she indicated she knew he may have been guilty.During the course of the conversation which dates from the early 1980s, Clinton, then 27, outlines how she used a mistake by the prosecution to get 41-year-old Thomas Alfred Taylor to walk free.Indeed, so cavalier is her attitude to securing the freedom of a man suspected of raping a child that the shocking and candid interview may tarnish her role as an advocate for women and children in the United States.The recordings which date from 1983-1987 were discovered by the Washington Free Beacon and are of Clinton recalling her role in the most important criminal case of her career.Who knew Killary had such a strong southern accent?This is not the first time that the trial has been written about.In 2008 at the height of her primary battle with Barack Obama, a Newsday story focused on Clinton s deeply controversial strategy of attacking the credibility of the girl. Rodham, records show, questioned the sixth grader s honesty and claimed she had made false accusations in the past. She implied that the girl often fantasized and sought out older men like Taylor, according to a July 1975 affidavit signed Hillary D. Rodham in compact cursive, wrote Newsday.The girl was a family friend and Clinton has acknowledged in her past 2003 memoir, Living History, the difficulties the case provided her having just moved to Fayetteville. to run the University of Arkansas new legal aid clinic. This guy was accused of raping a 12-year-old. Course he claimed that he didn t, and all this stuff, says Clinton.However, what is most shocking is the breezy manner in which she discusses her clients crime and the offhand way in which she questions his innocence. I had him take a polygraph, which he passed which forever destroyed my faith in polygraphs, she says with a laugh.Indeed, Clinton laughs during several different parts of the interview especially when she discusses the forensic lab destroying key evidence which led to Taylor getting away with the crime.But, Ronald Rotunda, a professor of legal ethics at Chapman University, told the Washington Free Beacon. We don t have to believe the client is innocent our job is to represent the client in the best way we can within the bounds of the law. However, he did raise the possibility that Clinton may have breached the attorney-client privilege by discussing the case so openly. You can t do that, he said. Unless the client says: You re free to tell people that you really think I m a scumbag, and the only reason I got a lighter sentence is because you re a really clever lawyer. Read entire story at: DailyMailOnline",left-news,"Feb 28, 2016",0 +"DID BEYONCE AND JAY Z’s β€œVacation” To Communist Cuba Set Stage For Obama To Pardon Fugitive, Black Panther Cop Killer?","Notorious radical Black Panther and NJ cop killer, Assata Shakur has been living under the protection of President Fidel Castro for decades. As Obama s time in office draws near (THANK GOD), the drum beat for her pardon by the Black Lives Matter terrorist organization is getting louder. Meanwhile, as Obama prepares for his controversial and puzzling trip to Communist Cuba, we can t help but wonder if Assata Shakur might have something to do with his trip. We also can t help but wonder if Beyonce and Jay Z s controversial trip to Cuba in 2013 was really about laying the groundwork for his visit.In April of 2013, Beyonce and Jay Z took a controversial anniversary trip to Cuba. Since it was illegal for US citizens to travel to Cuba without the proper permission, many were wondering how the celebrities with close ties to the Obama s were able to pull off such a trip. Many others were wondering about the purpose of the trip.According to Politico, the Treasury Department claimed it didn t know President Obama s pals would be among those experiencing cultural learning on this particular trip.The U.S. Treasury Department told POLITICO on Wednesday that while the department approved for the trip s organizers to travel to Cuba as part of a cultural learning experience, they were unaware that the couple would be attending, as it is department policy not to require organizers to provide a list of travelers. There seems to be some confusion regarding how Beyonc and Jay-Z acquired visas to travel to Cuba. Just days ago, Jay Carney evaded questions on the celebrities trip, RNC spokeswoman Alexandra Franceschi said in a public statement. Any chance Jay Carney can clear up this confusion? And of course, as the story got more coverage, another story emerged from the White House:As Obama gets ready to make his controversial trip to Communist Cuba, many of us are wondering if he has any plans to visit a certain terrorist who is near and dear to a group of people he s been working in tandem with to stir up a race war in America. That certain terrorist in question is none other than cop killer, Joanne Chesimard, aka Assata Shakur.Joanne Chesimard, a left-wing militant who shot a state trooper on the New Jersey Turnpike 40 years ago today, has become the first woman on the FBI s list of Most Wanted Terrorists. Joanne Chesimard is a domestic terrorist who murdered a law enforcement officer execution-style, said Aaron Ford, special agent in charge of the FBI s Newark Division.Chesimard, a fugitive living in Cuban under the name Assata Shakur, was a member of the Black Liberation Army in 1973 when she shot and killed Trooper Werner Foerster during a traffic stop.According to a state police account, Foerster was severely wounded in his right arm and abdomen and then executed with his own service weapon on the roadside. Chesimard s jammed handgun was found at Foerster s side. More than a mere member of these domestic terrorists, Chesimard was described by former assistant FBI director John Miller as the soul of the Black Liberation Army. Chesimard, now 65, was convicted in 1977. Two years later she escaped from the prison where she was serving a life sentence, spent time in a series of safe houses in New Jersey and Pennsylvania and fled in 1984 toCuba, where New Jersey State Police Col. Rick Fuentes said she flaunts her freedom. To this day from her safe haven in Cuba Chesimard has been given a pulpit to preach and profess, stirring supporters and groups to mobilizeagainst the United States by any means necessary, Fuentes said.The reward for her capture and safe return has been doubled to $2 million. We want her to come back here and face justice and serve out her sentence, New Jersey Attorney General Jeffrey Chiesa said.The FBI said Chesimard represents a supreme terror to the United States, though she is associated with no new threat. Her supporters believe she was a target of law enforcement s campaign against the Black Panther movement in the 1960s and 1970s. I was convicted by I don t even want to call it a trial, it was lynching, by an all-white jury, Chesimard told BET in 2001. I had nothing but contempt for the system of justice under which I was tried. The rapper Common told her story in A Song for Assata, which caused a stir after Michelle Obama invited him to a White House poetry slam two years ago. ZVia: CNNHere are some of the lyrics to Open Letter Part II rapper Common wrote with Jay Z:[Verse 2: Common]Common Sense My man went to Cuba Caught in a political triangle, Bermuda The same way they said she was the shooter Assata Shakur, they tried to execute her I went to Cuba to see her We should free her, like we should Mumia Can t a nigga rap and make movies Y all see that Fox News tried to do me They say I m too black like it s lights out Might not get invited back to the White House Still with the Obamas, I ride I meet the president on the Southside March the streets, parade for peace Shorties keep shooting, they need a release Trying to eat in the belly of the beast I call her LeBron, they carrying the heat Y all gon learn today Like you re listening to Malcolm and MLK Media saying shit that ain t there But we fall down and get back up, Kevin Ware It s so political, I don t trust figures When it comes to revolution, this is us niggaOf course, Common s rap was in reference to Jay Z and Beyonce s controversial anniversary trip to Cuba. Although the President and First Lady appear to have close ties with racist performers Jay Z and Beyonce, when the press pool asked former Spokesliar James Carney about the trip, he of course, claimed Obama had nothing to do with it:Meanwhile, President Obama ignored pleas that he demand Chesimard s return to face long-overdue justice before reopening diplomatic ties with Cuba.Convicted with Acoli, she escaped prison and has been on the lam since 1979, having made her way to Cuba five years later.Obama has a chance to make some amends on his Cuban tour next month by bringing Joanne Chesimard back with him in handcuffs.But will he bring her back in handcuffs or will he bring he back to live among law-abiding citizens as a payback to Black Lives Matter organizers who hold her up as a hero in their cop hating, blame whitey movement? Call me a conspiracy theorist, but there are just too many curious occurrences that have taken place leading up to Obama s controversial trip to Cuba. Obama s decision to reopen diplomatic ties with Cuba, Beyonce s divisive Super Bowl 2016 halftime tribute to racist, cop hating Black Panther group, and Obama s meeting with race agitators and Black Lives Matter terror group organizers all leading up to his curious visit to Cuba is well, shall we say a bit suspicious?Arguably, Obama s greatest achievement in life has been to divide our nation (in order of priority) by: race, gender, religion and social class. And to date, there doesn t seem to be a law on our books that can prevent Obama from achieving his goals. So, does it really seem like a stretch that Obama would find a way to return to the U.S. with Black Lives Matter hero and one of the FBI s Most Wanted felons, Joanne Chesimard, aka Assata Shakur riding next to him, sharing a good laugh on Air Force One?",left-news,"Feb 28, 2016",0 +BEST 10 SECONDS OF YOUR DAY: Watch Al Sharpton Say He’ll Leave The U.S. If Trump Is Elected,"Na, na, na, na na, na, na, na, hey, hey, hey go-o-o-d bye!On April 25, 2015, Al Sharpton said Donald Trump would be his choice for the Republican Presidential candidate. He d be my choice for the Republicans. It would assure four more years of the Democrats. Run Donald run.Al Sharpton, February 25, 2015: If Donald Trump is the ah nominee, I m open to support anyone while I m also reserving my ticket to get out of here if he wins. Only because he d probably have me deported anyway.Reporter: bizarre laugh erupts . To his credit now, he s always been a right-winger. I do not see any way that we could agree on things ",left-news,"Feb 28, 2016",0 +HILLARY USES Fake Accent In β€œVictory” Speech To ATTACK POLICE…Wants To β€œBuild On Record And Accomplishments Of President Obama”,"Now that she s finally beaten the old cranky socialist in one state .Hillary s on fire! Hillary tells crowd, We don t need to make America great again, it s already great. The big question is, can Hillary do everything she promised from a jail cell?The best part of her speech is when she reminds the crowd that her campaign is being funded by the Clinton Slush Fund, Hollywood vagina voters and Wall Street grassroots donors. Hillary says, Tomorrow this campaign goes national . Maybe I m missing something but hasn t it been national for a long time? Hasn t everyone known she s been running for president for the last 25 years? Grass roots donors are powering this campaign. That s rich, given her big donor backing is the bulwark her campaign. She then begs for people to go to her website and donate money. This victory is for the parents and teachers in rural South Carolina , she says with affected accent.She s clearly positioning herself as the unifier . We re going to start by working together, with more love and kindness in our hearts and more respect for each other, even when we disagree. And she s already telegraphing how she would attack Trump, if he were the nominee. Despite what you hear, we don t need to make America great again, America has never stopped being great. But we do need to make America whole again. Instead of building walls, we need to be tearing down barriers. She then went on to lie about the facts in several high profile deaths of black young people.Hillary finds her manufactured southern drawl at about the 1:55 mark. https://youtu.be/W7gWvv6WfawVia: Weasel Zippers",left-news,"Feb 28, 2016",0 +"Man Who Vandalized Mosque, Placed Bacon On Door Looking At Possible Life Sentence","Sounds about right. Thank goodness for the new hate crime rules. I wonder if the same rules apply to Christians and churches? Didn t I hear something about Obama releasing Muslim terrorists from Gitmo? Wouldn t it be great if those guys could be tried on hate crimes? An attack on a mosque using raw bacon and a machete could potentially garner a Brevard County man up to life in prison as a result of a recently added hate crime enhancement, authorities say.Michael Wolfe, 35, was charged with armed burglary of a structure and criminal mischief of a place of worship in connection with the New Year s Eve break-in and desecration of the Islamic Society of Central Florida Masjid Al-Munin Mosque in Titusville.Police said the convicted felon acted alone, broke into the empty mosque with a machete at night, slashing at windows and other property before leaving behind a slab of raw bacon in and around the front door. A surveillance video shows Wolfe, dressed in camouflage pants and carrying a backpack as he stepped into the carport at the mosque",left-news,"Feb 27, 2016",0 +POPULAR ACTOR TRAVELS TO Calais Jungle To Garner Sympathy For β€œMigrants”…Refugees Attack Them…Beat Them Up…Steal Their Phones,"Why would this actor go to a place where violence, crime and murders are a regular occurrence and believe they wouldn t jump at the opportunity to steal whatever he or his crew had that was of any value? Remember, these are people who are leaving their homeland because they were being persecuted, so their violent behavior should be ignored by their host country right? I mean, they ve been through so much already. Who could blame them for stealing from, and beating the a*ses of celebrities who come to help them?A security team guarding Jude Law was attacked by migrants as the Hollywood star visited the jungle camp in Calais.The 43-year-old actor was in France with a film crew and Brit-winning singer Tom Odell , 25, to witness the horrors of the squalid makeshift village, which is due to be demolished.But shortly after the cameras stopped rolling, their minders were ambushed by some of the migrants and had their phones stolen.It is understood Jude was already on the production team s bus when the thugs struck.For entire story: Mirror UK ",left-news,"Feb 27, 2016",0 +WHY AMERICANS SHOULD Care That Facebook’s CEO Is Threatening Users Against Muslim Refugee β€œHate Speech”,"We are two moms who have put our lives on hold to do everything in our power to fight the progressives on the left from stealing our freedoms and the future of this great nation from our children. Over four years ago, we started the 100 Percent FED Up! Facebook page with the goal of exposing the truth that so many frustrated Americans were not finding in the mainstream media. We ve suffered several cases of censorship by Facebook along the way, but we never gave up. We may disappear after we publish this article, but we ve made a commitment to exposing the truth and we re not going to back down now.It should frighten every person who uses Facebook, that a CEO of a the largest social media platform in the world, has openly expressed the view that America should give up our national security and follow Germany s lead when it comes to open borders for [Muslim] migrants. I suppose it s easy for billionaires who are surrounded by top security firms, and live a life far removed from the every day American, to say that we should accept these rapists, violent invaders, and YES, members of terror groups disguised as refugees into our neighborhoods and communities. After all, they won t be living next door to Mark Zuckerberg. He will likely never have a single encounter with them in his day to day life.Mark Zuckerberg recently admonished his workers for replacing Black with the word All in Obama s race war motto: Black Lives Matter. For anyone who s paying attention, asking your workers to essentially accept admonishment for being white from a group of domestic terrorists, is a dangerous precedent for an owner of any company, much less the largest social media organization in the world. We need to fight back against this. We need to not be afraid of censorship or the ramifications when we voice our opinions.Mark Zuckerberg praised Germany for their inspiring refugee policies during a visit to the country and reiterated his commitment to combating hate speech on Facebook.Speaking at a town hall event in Berlin, the 31-year old billionaire said German leadership in the refugee crisis has been insipiring and a role model for the world. I hope other countries follow Germany s lead on this, he added. I hope the U.S. follows Germany s lead on this. Speaking at the same event, Zuckerberg also emphasised his commitment to tackling hate speech on Facebook. Hate speech has no place on Facebook and in our community, he said. Until recently in Germany I don t think we were doing a good enough job, and I think we will continue needing to do a better and better job. Zuckerberg added that the company would place a special priority on tackling hate speech against migrants. Facebook s policies, he said, would now include hate speech against migrants as an important part of what we just now have no tolerance for. Zuckerberg was overheard after leaving his microphone on during a conversation about the refugee crisis with Angela Merkel. Are you working on this, the German chancellor asked him, according to Bloomberg. Yeah, he replied.The super-rich tech boss also said we need to do some work on the issue . We are committed to working closely with the German government on this important issue, said Debbie Frost, a Facebook spokeswoman. We think the best solutions to dealing with people who make racist and xenophobic comments can be found when service providers, government and civil society all work together to address this common challenge. Since then, Facebook has dramatically expanded its anti-hate speech efforts, launching a new initiative to combat racist and xenophobic material on social media alongside European NGOs this January. Facebook is also cooperating with a task force set up by the Germany Justice Ministry to hunt down alleged racists on the platform.Some critics fear the social network is working with governments to silence any criticism of the refugee crisis.His censorship comments have now gone viral, provoking a debate about whether it is right to squash unpopular or potentially offensive views. ",left-news,"Feb 27, 2016",0 +"INFLUENTIAL HOLLYWOOD LEFTIST Looks Forward To Racist Comedian, Chris Rock’s SMACK DOWN Of Whites At Oscars","How very progressive Not since the Civil Rights movement of the 60 s has America seen such a racial divide. Of course, we all know who s behind the manufactured race war in America. Barack Obama is working in unison with race agitators and Hollywood idiots like Harvey Weinstein who are willing to suffer the consequences of being humiliated by a racist comedian in front of millions, if it means they are absolved of the sins of not hiring enough black people.The co-chief of The Weinstein Co. acknowledges that the Academy has a poor track record when it comes to films about people of color including his own but he feels the blame belongs on studios and distributors, not on people who ve worked so hard all their lives and prize that Academy card and have reached that zenith and then go on to retirement. I just can imagine Chris Rock s opening remarks, Harvey Weinstein, the co-chief of The Weinstein Co., says as we sit down to record an episode of the Awards Chatter podcast days ahead of Sunday s Rock-hosted 88th Academy Awards. If anybody s [planning on] boycotting the Oscars, don t, because Chris Rock is gonna annihilate every one of us [leaders of Hollywood studios/distribution companies] in the first 20 minutes of the show, and it will be well worth watching. It will be an Oscars to remember. This year, for the first time since 2008 and one of the few times in the last 25 years, none of Weinstein s films are nominated for best picture Carol and The Hateful Eight came up short but he s still going to the show, hoping for a best original score win for Hateful composer Ennio Morricone, among others associated with Weinstein Co. films, as well as a best actor win for my buddy Leo [DiCaprio] for The Revenant. That film, like the last two best picture Oscar winners 12 Years a Slave and Birdman, was guided to fruition by New Regency president/CEO Brad Weston, who used to be co-president of The Weinstein Co. s Dimension Films division.Here s an example of Chris Rock on one of his racist rants:Weinstein says he understands, from experience, the frustrations of the people calling for a boycott of the Oscars over the #OscarsSoWhite controversy, and feels they have made a difference but he does not support their ultimate objective. It s that voice, actually, that gets people motivated, he says, because you don t want the boycott. That s how people use their personal power to force change. So I look at that and go, Great, because everybody s thinking about that now. I thought about it a couple of years ago because it had bugged me over the years that the films that I did about ethnic diversity never got anything. So I said, I m gonna stack the deck for myself: I m gonna put out The Butler, Mandela and Fruitvale Station in the same year, okay? We got one nomination for U2 out of three movies. Was race the driving consideration? I have no idea, he says, but it has to make you think. He continues, And then, that year, there was 12 Years a Slave, and I said, What is it, only one?' Via: Hollywood Reporter",left-news,"Feb 26, 2016",0 +CONGRESS JUST DEALT A BIG BLOW To Obama And His Favorite Terror Group [VIDEO],"Obama has shown favoritism towards the Muslim Brotherhood terror group almost since the first day of his presidency. Many are convinced Obama is tied to the terror group through his brother, and his desire to prevent Americans from referring to this group as a terror group doesn t do much to convince us he doesn t have some sort of ties to them. Obama quietly offered his support when the riots Arab Spring uprisings took place in Egypt, paving the way for the Muslim Brotherhood Islamist, Mohamed Morsy to take over as President of Egypt through fair elections The House Judiciary Committee passed a bill on Wednesday calling on the State Department to classify the Muslim Brotherhood as a terrorist group, by a 17-10 party-line vote.The GOP leadership under Speaker Paul Ryan supports the legislation, a high-ranking Republican source told the Investigative Project on Terrorism (IPT) on background. This makes floor passage more likely.The bill states that it is the sense of Congress that the Muslim Brotherhood meets the criteria for classification as a foreign terrorist organization. Under the bill as amended by committee Chairman Bob Goodlatte (R-Va.), Secretary of State John Kerry would have 60 days to issue a detailed report to Congress indicating whether the Brotherhood meets the criteria qualifying it as a terrorist group. The Brotherhood s strategic goal in America is a kind of grand Jihad in eliminating and destroying the Western civilization from within and sabotaging its miserable house from within so that it is eliminated and God s religion is made victorious over all other religions, Goodlatte said, quoting the Brotherhood s 1991 Explanatory Memorandum, in a statement given before the vote.Here is Muslim terror expert, Brigitte Gabriel explaining the plan by the Muslim Brotherhood to jihad in North America. After watching this, you may ask yourself what has taken Congress so long to act? The Brotherhood and its leaders and affiliates, such as Hamas, have supported Islamist terrorism directly, through fundraising, and through exhortation. Each of these activities constitutes an act of terrorism under the Immigration and Nationality Act. Under the bill, the Obama Administration would be forced to deny admittance to any foreign national tied to the Muslim Brotherhood.Since Obama became President, people connected to the Muslim Brotherhood have received entry visas despite their open support for terrorist groups such as Hamas and Hezbollah.There are many who believe the Muslim Brotherhood has been given special treatment by our very own President, and that he is somehow tied to the group:HERE, Rep Louie Gohmert (R-TX) is asking why the Obama regime gave $1.5 BILLION to the Muslim Brotherhood:Previously banned individuals such as Sheikh Rached Ghannouchi, head of Tunisia s branch of the Brotherhood, and Tariq Ramadan, grandson of Brotherhood founder Hasan al-Banna, have been welcomed to the US by the Obama Administration despite their vocal support for Hamas. Ramadan fought his ban on entering the US in court, and won an appeal.Other foreign Brotherhood speakers such as Ragheb Elsergany exploit the platform given to them by the Obama Administration to advocate for Muslims to support Palestinian mujahideen fighting against Israel.If the Brotherhood were designated as a terrorist group, it would be a crime for people in the United Sates to provide material support to it, and the Treasury Department could force banks to block financial transactions related to the Brotherhood. The bill lists US groups, including the Council on American Islamic Relations (CAIR), the Islamic Society of North America (ISNA), and the North American Islamic Trust (NAIT), as groups under the control of the international Muslim Brotherhood. The Muslim Brotherhood continues to pose a global threat. The jihadist movement actively supports and finances terrorist networks around the world, including al-Qaida and Hamas. The United States must recognize and sanction the Muslim Brotherhood as a terrorist organization as part of our national security strategy, co-sponsor Rep. Mario Diaz-Balart, (R-Fla.), said in a statement. Via: The Alemeiner ",left-news,"Feb 26, 2016",0 +#FeelTheBern: GUY WHO WANTS TO CLEAN UP CORRUPTION In D.C. Accepts Thousands Of ILLEGAL Campaign Contributions,"Hey Bernie The first step in fighting corruption by politicians might start with cleaning up the corruption in your own campaign Thousands of contributions to Democratic presidential candidate Bernie Sanders campaign in January violated federal campaign finance laws, election regulators said on Thursday.The Federal Election Commission sent a letter to the Democratic presidential candidate s campaign committee on Thursday with a 90-page spreadsheet listing 3,457 excessive, prohibited, and impermissible contributions. The campaign s January financial disclosure filing listed contributions from foreign nationals and unregistered political committees, the FEC said. Other contributions came from donors who exceeded the $2,700 per-election limit.Because behind that mask, you ll find the same corrupt kind of politician you ll find pretty much anywhere roaming the halls of Congress. You just get a little better at hiding it the more time you spend working as a public servant in D.C Although the Commission may take further legal action concerning the acceptance of [excessive or prohibited] contributions, your prompt action to refund the prohibited amount will be taken into consideration, the FEC told the campaign.Sanders campaign has relied on small-dollar individual contributions to a far greater extent than any other presidential campaign, including the Super PAC- and dark money-fueled efforts of Democratic rival Hillary Clinton.The Vermont Senator and self-described socialist is running on a platform of transparency and campaign finance reform, contrasting his grassroots support with Clinton s high-dollar donors and use of loopholes in federal election laws that allow her campaign to coordinate with outside groups that can accept unlimited contributions.However, Sanders donors have also run afoul of federal campaign finance laws, and his financial disclosure reports have been riddled with errors.The FEC sent a letter to the Sanders campaign earlier this month flagging an additional 1,316 excessive, prohibited, and impermissible contributions in the fourth quarter of 2015.The commission also noted disbursements from the campaign that failed to include required documentation.The Sanders campaign did not immediately respond to a request for comment.Some of the campaign s legal problems stem from enthusiasm for Sanders candidacy from foreign nationals, many of whom have publicly revealed donations to the campaign in violation of U.S. election laws. I am German, live in Germany and just donated to Bernie Sanders campaign on www.BernieSanders.com simply using my credit card Is this illegal in any way? asked a user on the website Quora. Via: WFB ",left-news,"Feb 26, 2016",1 +"MAINSTREAM MEDIA STANDS DOWN: Fire Alarm Pulled During Conservative β€œWhen Diversity Becomes a Problem” Speech…150+ FREE SPEECH TERRORISTS Threaten, Block Fellow Students [VIDEO]","Free speech is under attack in America like never before. Any views that are in opposition to views on the left are considered out of bounds and will be dealt with SEE Ben Shapiro s AWESOME speech BELOW.Breitbart News editor Ben Shapiro delivered a speech to the Young America s Foundation at California State University Los Angeles on Thursday afternoon, despite initial efforts by the university to shut down the event.Students were prevented from entering by approximately 150 demonstrators standing outside the front entrance.However, attendees managed to slip into the auditorium through the back entrance, prompting Shapiro to observe that in today s America, conservatives were forced to exercise their First Amendment rights by the back door. Ben Shapiro s response to protestors:Facts don't care about your feelings. Ben Shapiro (@benshapiro) February 5, 2016Some demonstrators entered the building and began chanting slogans, such as Racists go home! and No hate speech! Watch Free Speech Terrorists work together to attack and shut down opposing views, by using threat of violence against anyone who disagrees with them:This is how the ""tolerant"" Left reacts when ONE conservative comes to campus. Scary situation at CSULA.https://t.co/4oB4wz08NP YAF (@yaf) February 26, 2016Earlier, demonstrators from the Black Student Union had assaulted Breitbart News reporter Adelle Nazarian.WATCH HERE:And then there was this desperate act to silence an opposing view:.@yaf liberal protester pulls fire alarm during Ben #shapiro speech Ben says ""you are not going to stop us."" Adam Shapiro (@Ajshaps) February 25, 2016Initially, administrators at the taxpayer-funded public university tried to force the postponement of the event in favor of a later event where Shapiro would have to appear alongside speakers who disagreed with him. Shapiro vowed to speak at the original time scheduled, and the university backed down, releasing a statement Thursday:Author Ben Shapiro was invited to speak this afternoon at Cal State LA by the Young Americans for Freedom, which is a registered student organization. The event, When Diversity Becomes a Problem, was funded by the Associated Students, Inc., the student government..@yaf #Shapiro ""the safe spaces of the people outside (protesters) are just fascist spaces cleared of all ideas that could hurt feelings"" Adam Shapiro (@Ajshaps) February 25, 2016Leading up to the event, there were a number of emails and social media posts that caused concern for the campus community. Given threats and expressions of fear, President William A. Covino proposed a rescheduled event that would be civil and inclusive, and in which Mr. Shapiro and speakers with other viewpoints could offer their perspectives in an organized forum. My decision was made in the interest of safety and security, Covino said. I am disappointed that Mr. Shapiro has not accepted my invitation to speak in such a forum. He has indicated that he will come to Cal State LA to speak today at the University-Student Union Theatre, where he was originally scheduled to deliver his talk, Covino told the University community Thursday morning.Covino added: I strongly disagree with Mr. Shapiro s views. But if Mr. Shapiro does appear, the University will allow him to speak. We will make every effort to ensure a climate of safety and security. In his remarks, Shapiro blasted Covino and other faculty members who tried to stop the event from taking place, and who had threatened violence against Shapiro, including professors Robert Weide and Melina Abdullah.He called them disgusting and described Covino as a totalitarian and an idiot whose behavior exemplified an insane society created by the American left who says that anybody that disagrees with them must be silenced. He explained that there are three kinds of diversity: diversity of color, diversity of values, and diversity of ideas. Only the last kind, he said, was valuable to society and could create stable and healthy communities. Via: Breitbart NewsHERE IS BEN SHAPIRO S AWESOME SPEECH: ",left-news,"Feb 26, 2016",0 +"MACHETE ATTACKER, Mohamed Barry Was Living In U.S. On Green Card [VIDEO]","Now we know the reason it took so long for anyone to release the details about Muslim attacker, Mohamed Barry. How long will we have to wait for them to tell us it was an act of terror? CBS News has confirmed from the FBI that the man who attacked a Columbus restaurant Thursday with a machete was living in the United States on a green card.The motives for the attack by 30-year-old Mohamed Barry remain unclear but investigators are looking for possible ties to extremists.Not far from Nazareth Restaurant, one of the only two relatives Barry had in Columbus says he was sleeping, unware of the nearby attack.That was until FBI agents woke him up with a knock on his door and questions about his nephew and possible ties to terrorism.The relative, who only identified himself as Barry s uncle, said Barry was a bit of a loner with a bit of a temper. I know that when he gets mad he, that s why he wanted to be by himself, he said.He said Barry was born in Guinea but that his family, including three sisters, lives in Philadelphia.His uncle said Barry lived with him while looking for a job when he first moved to Columbus from Philadelphia last fall.The uncle says he knew something wasn t right when he received a strange text message from Barry just five hours before the attack.He says the message was in Arabic and English but didn t understand the meaning. His uncle couldn t show or read the text because he said the FBI now has his phone.When asked if he thought Barry could have had ties to ISIS, his uncle said no.The four victims he attacked with a machete are expected to make a full recovery. Barry was shot and killed by police after fleeing the restaurant. Via: WBNS-10TV",left-news,"Feb 26, 2016",0 +FACEBOOK’S CEO Threatens Employees To Not Express Views That Oppose His: Stop Replacing β€œBlack” With β€œAll” Lives Matter,"This serves as a reminder to anyone who thought Facebook was a place to have honest and open discussions about political or social issues. Tow the liberal line or prepare to be punished So does White Lives Matter imply All Lives Matter? The Black Lives Matter movement has shed light on the racial profiling, police brutality, and racial inequality experienced by the African-American community across America. But apparently some of the employees at Facebook s notoriously white, bro-centric Menlo Park, California office don t agree.In a private memo posted on a company announcement page for employees only, Mark Zuckerberg acknowledged that employees have been scratching out black lives matter (sic) and writing all lives matter on the company s famous signature wall. The company, whose staff is only 2 percent black, is facing the issue head on. We ve never had rules around what people can write on our walls, said Zuckerberg in the post. We expect everybody to treat each other with respect. The entire message, obtained by Gizmodo, is posted in full below:Via: Gizmodo",left-news,"Feb 25, 2016",0 +ALL HELL IS ABOUT TO BREAK LOOSE Between European Vigilante Group β€œSoldiers Of Odin” And ISIS Inspired β€œSoldiers Of Allah”,"European nations have naively opened their borders to millions of Muslim males who have no intention of assimilating. As they make their way across Europe, police forces find themselves ill-equipped to handle the extreme increase in sexual assault and violence, so citizens are now finding themselves in a position where they are being forced to take matters into their own hands.A group of young concerned Germans made a video warning that they would no longer sit back and watch their culture and history being destroyed. The video can be viewed by clicking HERE.On February 4, 2015, we reported about a fast growing group of vigilantes who call themselves the Soldiers of Odin. The self-styled Soldiers of Odin march in a mob, wearing bomber jackets with their logo on the back. They have vowed to take direct action to protect their wives, girlfriends and children after a migrant influx to the liberal Scandinavian country. Persons linked to Islamist groups in Oslo say that they have formed a group called Soldiers of Allah .Via a central source in the Islamist environment, the Norwegian newspaper VG has received a statement, and photographs of the planned uniform.The group has been named Jundullaah which translates to Soldiers of Allah . In response to the group of unbelievers in Soldiers of Odin, who are patrolling the streets, we Muslims have chosen to create a group to patrol the streets, initially in the capital Oslo, to forbid evil and call for the good, says the statement.The planned uniform , is decorated with the black flag of the terrorist organization Islamic State (IS) on the back, with a small logo on the chest.On Tuesday, Labour s Muslim deputy chairman, Hadia Tajik, said that the Soldiers of Odin defy Norway s rules on private security businesses and she tried to illustrate the problem as follows: It is as if the Islamists would be the uniformed ones, take to the streets and call themselves guards or vigilantes. It is very undesirable and unfortunate for our country, devastating, said Tajik.Now it s exactly what is about to happen.Great tip, Tajik.The information that Islamists in Oslo are in the process of establishing a group, is also confirmed by the temporary spokesman of the Prophet s ummah who calls himself Abu Arijon. He said that the plan is to start in Oslo, then Drammen and T nsberg.Many of the people in Soldiers of Allah come from the environment around the Islamist group the Prophet s Ummah, where spokesman Ubaydullah Hussain currently is in custody and charged with recruiting for IS. Soldiers of Allah inform in the statement themselves, that almost everyone in the group is on the Watch List of the Police Security Service (PST). Is PST aware of the group Soldiers of Allah planning to patrol in Oslo? We can not comment on individuals or individual groups, says senior adviser in PST, Siv Als n, to VG.So there it is. Regular street battles could soon be a reality in Norway. Soldiers of Odin against Soldiers of Allah, with the police in between. However, it will most likely not be started by the Soldiers of Odin, but the rabid Islamists in the soldiers of Allah. And then, even though the Soldiers of Odin claim to be a peaceful group, the Viking has clearly awaken illustrated by the logo on the back. And being attacked by Islamists, they will have no other choice than to go berserk again, after a thousand years in hibernation.All hell is breaking loose in countries all across Europe. Are Americans paying attention, or has Obama s manufactured race war distracted us from his plan to seed Muslims in our small towns and communities across America through the US State Dept. Refugee Resettlement Program? ",left-news,"Feb 25, 2016",1 +WATCH: Shocking Number Of Swedish Citizens WALK BY GIRL BEING RAPED By β€œMiddle Eastern Man” In Car [VIDEO],"During the Democrats first debate last month, Bernie Sanders said we should look to countries like Denmark, like Sweden and Norway, and learn from what they have accomplished for their working people. Denmark s Prime Minister came out swinging, demanding that Sanders get his facts straight, Denmark is not a socialist nation, it has a market economy. Democrats have been working for decades to adopt the progressive policies based on political correctness that permeates most European nations.Sweden, the Rape Capitol of the world, is a perfect example of how well their politically correct, open-border policies have worked out for them. As the Muslim invasion of these European nations escalates, we are seeing this indifferent attitude of live and let live that only benefits those Muslim invaders who have no intention of assimilating in their host nations. This video shows how a nation gripped with fear reacts with apathy towards the criminal as opposed to taking action to save the supposed victim. It illustrates how easily a group of invaders can overtake a nation conditioned to accepting everyone, so as not to offend anyone. Sadly, we live in a country which has the highest rate of reported cases of rape. And this land is called Sweden. Rape is a very serious crime which not only affects our country, but the rest of the world. So in our new social experiment, we put Swedish citizens up for a test. This video is a great example of what happens to a nation who puts political correctness before the safety and security of its citizens: A poor girl can be heard screaming for help from the backseat of a car. There is no question she is being sexually assaulted, yet one after another, Swedish citizens continue to walk by pretending not to hear.At one point in the video, the rapist a brave passerby took action to stop him. Sadly, most of the other apathetic citizens were satisfied to look the other way, so as not to get involved. The biggest sin of the humankind is indifference. ",left-news,"Feb 25, 2016",0 +BUSTED! BLACK PROTESTER CAUGHT Dressing In KKK Garb Pretending To Be Trump Supporter,"The Democrat motto: Whatever it takes UPDATE: An eyewitness stated that one of the alleged Klansmen was Black.Lol I wonder who on the democrat side who set this up. Cause these ""KKK"" members were silent. Not trump supporters pic.twitter.com/q2hf5ikEzh Kevin Smith (@Sbstud11) February 24, 2016 Lol I wonder who on the democrat side who set this up. Cause these KKK members were silent. Not trump supportersAnd of the ""clan"" members is black so I don't buy it for a second lol Kevin Smith (@Sbstud11) February 24, 2016And of the clan members is black so I don t buy it for a second lol It s hard to tell in the photo (I didn t notice till I got closer) but the one on the right had a black hand @KristinnFR it's hard to tell in the photo (I didn't notice till I got closer) but the one on the right had a black hand Kevin Smith (@Sbstud11) February 24, 2016A photo taken outside a Nevada Republican caucus site has stirred controversy as it was presented un-factchecked as being of two Trump supporters dressed as KKK members despite it being known that leftists have a history of dressing as Klansmen to protest Trump.The person who posted the photo, Krystal Heath, the general manager of a Nevada radio station, said the photo was sent to her by a friend. Forty-five minutes after posting the photo she admitted she did not know for certain if they were actually Trump supporters but the damage was done.#Trump supporters dressed as KKK outside #NVCaucus location. pic.twitter.com/iPfPcEghqW Krystal Heath (@TheFriddle) February 24, 2016 KKK pic was taken tonight at Cimaron-Memorial High School. Volunteers asked caucus goers to ignore them. #NVCaucus Two other photos were posted to Twitter, again second hand, by Nevada state Senate Minority Leader Aaron D. Ford, who is African-American. So, friends of mine observed this at a republican caucus location this evening. I ll admit, I m boiling right now. ? So, friends of mine observed this at a republican caucus location this evening. I'll admit, I'm boiling right now. pic.twitter.com/baDftDUyxm Sen. Aaron D. Ford (@AaronDFordNV) February 24, 2016https://twitter.com/DrZacRobbins/status/702331551158128641In September leftist protesters dressed as Klansmen gathered outside Trump Tower in New York City. That protest received nationwide coverage by the media.Via: Gateway Pundit",left-news,"Feb 25, 2016",0 +An Easy To Read Chart Shows How Bernie Sanders’ Socialism Is Just A Stepping Stone To Communism," The goal of socialism is communism. -Vladimir Lenin, CommunistFor Bernie Sanders, Socialism is just a good place to start ",left-news,"Feb 24, 2016",0 +"NEW β€œFair Share” App, β€œEQUIPAY” Allows Users To Split Restaurant Bill Between Guests, Based On Gender, Sex and Race","A Socialists dream! Now you can check your privilege at the door. With the Equipay app, you ll never have to walk away from a restaurant with friends wondering if you paid your fair share It s a huge dilemma for progressives: on the one hand, it s terribly patriarchal for a man to pay for a woman s dinner. On the other hand, the gender pay gap of feminist mythology holds that women only make 77 cents for every dollar earned by a man. So isn t the failure to pay just another contribution to structural sexism?Equipay, a new app for Android and the iPhone has a solution. Developed by San Francisco-based comedian Luna Malbroux, the app divides bills between dinner guests according to their race and gender. For example, black women, who allegedly make just 64 cents on the dollar compared to white men, would only pay 64 per cent of their share of the bill.According to the app s website, Equipay helps you avoid the entrenched discrimination that exists in our society. It doesn t split the bill equally it splits it equitably. You pay what you should to balance out the wage gap. The app is free to use unless you re a member of a high-privilege group. Then there s a surcharge. As the site explains: When dining out with a high privilege group, Equipay automatically adds an EquipayItBack Surcharge. This fee subsidizes meals for others and funds Equipay s charitable arm. Thanks! Last but not least, the app allows users to let their followers know whenever they ve used the app to smash the patriarchy at the dinner table. In a live presentation of the app, Melbroux described how a user, Graham shares his Equipay-powered purchase on social media to show that he is a social justice ally. Of course, having informed the world of his use of Equipay, it remains to be seen if Graham will ever be invited out for a meal again.The app won first prize at San Francisco s Comedy Hack Day, which brings comedians, developers, and designers together. However, Melbroux insists that the app isn t a joke. In an interview with Care2, she expressed hopes that the app would start a serious conversation: I hope that this, more than anything, starts a discussion and helps people to start thinking a little bit differently about how we can use more technology and more innovation to address inequality and wage inequality. For the rest of us, the app s social media sharing function will give us a useful list of people to never invite out for dinner. Via:Breitbart",left-news,"Feb 24, 2016",0 +MELANIA TRUMP IN RARE ONE-ON-ONE INTERVIEW: Watch Her DESTROY Leftist MSNBC Hack On Immigration…”I Followed The Law!”,"Melania Trump has been taking a relatively low key position in her husband s bid to become our next President. She s more than just arm candy for Donald Trump. She s a tough business woman who s proud to have come to America as an immigrant and earned her citizenship the LEGAL way. Watch her no-nonsense interview here with leftist MSNBC hack host, Mika Brzezinski, who does everything in her power to provoke her and condemn her husband: I followed the law, Trump said in an interview with Mika Brzezinski aired Wednesday on MSNBC s Morning Joe, in discussing the hoops she had to jump through in order to become a citizen of the United States. I never thought to stay here without papers. I had a visa, I traveled every few months back to the country to Slovenia to stamp the visa. I came back, I applied for the green card, I applied for the citizenship later on after many years of green card. So I went by system, I went by the law. And you should do that, you should not just say let me stay here and whatever happens, happens. Trump, who immigrated to the United States from Slovenia in 1996, said that she and her husband are prepared for people to call him names for expressing his viewpoints. I m a full-time mom, and I love it. So, I decided not to be in the campaign so much, but I support my husband 100 percent, she said of her role in the campaign itself. We have thick skin, and we know that people will judge him and people will call names. They don t give him enough credit. From June that he announced, they don t give him enough credit, she said, leading Brzezinski to ask her what she thought about people who felt he insulted Mexicans with his comments that the country is sending rapists and murderers across the border in his announcement speech. Via: Politico ",left-news,"Feb 24, 2016",0 +SHARIA LAW GRANTS MUSLIM MAN Permission To Marry 8 Year Old [VIDEO],"Are you ready for these pedophiles to move in to your communities? The UN is vetting the refugees who are coming to America. Do you really believe they are care if the Muslim families they re sending to the US are adherents of Sharia Law? It s a numbers game for them. The faith based charities are being paid large sums of money to bring whomever the UN deems worthy of our taxpayer support. As an added bonus, these poor refugees are being fast-tracked to citizenship in order to become voters as quickly as possible.This story should horrify every American. It is truly one of the worst human-rights violations imaginable, while it s perfectly acceptable behavior in the Middle East.Pray for these innocent girls ",left-news,"Feb 24, 2016",0 +WHITE GUILT IDIOCY: Oscar Nominee EMBARRASSED To Be Part Of Hollywood β€œWhitewashing”,"I m embarrassed that I know people who will actually pay money to go see a movie this dingbat actress is embarrassed to have taken part in. These people keep defining this insane progressive narrative, and the people who vehemently disagree with them keep lining their pockets. I ll never understand it Two-time Oscar-nominated actress Rooney Mara regrets playing the role of a Native American character in last year s Pan, as she said it put her on the wrong side of Hollywood s whitewashing debate.During a wide-ranging interview with The Telegraph that was published on Monday, the 30-year-old Carol actress acknowledged the backlash from her being cast to play Tiger Lily in the critical and financial flop, and expressed regret over having accepted the role. I really hate, hate, hate that I am on that side of the whitewashing conversation, she told the paper. I really do. I don t ever want to be on that side of it again. I can understand why people were upset and frustrated. Warner Bros. was heavily criticized for casting of mostly white actors in Pan, and a petition specifically targeting Mara garnered nearly 100,000 signatures. There were two different periods; right after I was initially cast, and the reaction to that, and then the reaction again when the film came out, she said of the backlash. She added: It was never my intention to play a Native American girl. Mara further stated that she enjoyed working on the film, but regretted its mostly white cast, which included her and actors Hugh Jackman, Garrett Hedlund, and Levi Miller. Do I think all of the four main people in the film should have been white with blond hair and blue eyes? she asked No. I think there should have been some diversity somewhere. Commenting on the debate surrounding the controversial lack of diversity in this year s Oscars nominees, Mara said, I have a lot to say and I have very strong opinions about it, but it is such a sensitive issue I don t want to reduce it to a sound bite. She concluded there is absolutely whitewashing in Hollywood, and she feels really bad and embarrassed to be a part of that. Mara is one of the 20 all-white performers who were nominated for Oscars this year, and is in contention for a Best Supporting Actress award.She was nominated for a Best Actress award in 2012 for her role in The Girl with the Dragon Tattoo. Via: Breitbart Hollywood",left-news,"Feb 24, 2016",0 +SNARKY HILLARY AIDE EMBARRASSED BY Inconvenient β€œFact” About Judge Who’s Forcing Hillary To Testify Under Oath [VIDEO],"There never seems to be a shortage of smug, know-it-all, self-righteous effeminate men supporting Queen Hillary. Maybe that s why there s a certain amount of pleasure Hillary s every day Americans derive when they see a member of the mainstream media call them out on national t.v Hillary Clinton campaign manager Robby Mook said a federal judge s ruling that Clinton and her top aides should be questioned under oath about the candidate s private email server is part of the ring wing s effort to hurt her chances of becoming president he was then confronted with an inconvenient fact.Asked by CNN anchor Jake Tapper about the latest development in the months-long email scandal, Mook tried to dismiss the judge s ruling as a right-wing group s attempt to hurt Clinton s chances of becoming president.Tapper was quick to point out that Judge Emmett Sullivan, who sits on the U.S. District Court for the District of Columbia, was appointed by Clinton s own husband, Bill Clinton. It s the judge s decision to make, Mook responded. My point is this was promulgated by a right-wing group. Indeed, Sullivan was appointed to his current position in 1994 by then-President Bill Clinton.He was previously tapped in 1984 by President Ronald Reagan to serve as associate judge of the Superior Court of the District of Columbia. In 1991, he was appointed by President George H.W. Bush to serve as associate judge of the District of Columbia Court of Appeals, before being elevated to his current job.Via:The Blazeh/t Weasel Zippers",left-news,"Feb 23, 2016",0 +VIRAL VIDEO: Bernie Sanders Socialist Gets Shut Down By Judge Judy,"Yes, I m going to take your money and NOT give it back! ",left-news,"Feb 23, 2016",0 +"MASS IMMIGRATION, ISLAMIZATION, VIOLENCE TEAR EU APART: Norwegian And Swiss Army Chiefs Prepare For Civil War [VIDEO]","NORWEGIAN ARMY CHIEF: We Must Prepare To Fight SWISS ARMY CHIEF: Europe On Verge Of Civil War We must prepare to fight, says Norway s new army chief and echoes the Swiss army chief who recently came with a similar statement:Society in western Europe is on the verge of breaking down amid chaotic violence caused by economic dislocation, mass immigration and terrorism. This is not the view of some crazy survivalist but head of the Swiss Armed Forces.Lieutenant-General Andr Blattmann has issued a warning to the Swiss people that society is dangerously close to collapse and advised those not already armed as part of the Swiss Army reserve to take steps to arm themselves.Blattmann has been head of the Armed Forces since, 1 March 2009 and his words carry very significant weight in a country in which several Citizens Initiative referenda against burqas and mosques have proven enormously popular as concerns grow about immigration and Islamisation.Here s a sample of what Switzerland (named the World s Cleanest Country by Forbes in 2009) looks like today. Pay particular attention to the trash on the ground. This is just one example of a cultural divide between the Swiss, who pride themselves on being conscientious stewards of the earth, and Muslims from third world nations who appear to have no respect for their host country s environment. Of course, this is likely a minor concern compared to Swiss residents who have suffered sexual assault and violence at the hands of the Muslim invaders:The turmoil has been brought closer, says Norway s new army chief Odin Johannessen.He believes European countries can no longer expect to live in peace and security without defending themselves. I think we must be prepared to fight, both with words, actions and if necessary with weapons to preserve the country and the values we have in common, said Johannessen in a speech to Oslo Military Society on Monday.He took over as Army Chief last October and was previously head of operations for the Defence Staff in Oslo. The Ukraine crisis and the terror in Paris shows that Europe can no longer expect to live in peace and security, without having to defend its interests and values, said Johannessen, who spent much of his speech to emphasize the importance of well-trained and adequately equipped soldiers. , he said.In his speech he expressed concerns over that the financial allocations are not in style with approved plans. I can say now that it is impossible for me to reach the goals set in the current long-term plan. For us on the inside of the military system, it has been obvious for several years already, said Johannessen. Via: Speisa",left-news,"Feb 23, 2016",1 +TEACHERS GIVE STUDENTS OUTRAGEOUS Religious Ed Assignment: Write Letter To Parents Saying You’ve Converted To Islam,"The indoctrination of our youth is happening at every level in almost ever corner of the world It was meant to be a creative writing exercise as part of a Religious Education lesson.But when pupils were asked to write a letter to their parents saying they had converted to Islam, it was met with outrage.The 12 and 13-year-olds at Beaucamps High School in Guernsey were asked to consider what it would be like to become a Muslim and to write a letter to their loved ones explaining their decision.But many parents blasted the homework, saying it was dangerous when so many youngsters were fleeing Britain to wage jihad in Syria. One said: The idiot who thought this one up is not fit to be at the school or in education. Muslims make up less than one per cent of the population on Guernsey and the island recently refused to accept any Syrian refugees.Gemma Gough said she and her husband Will had complained to Guernsey s education department, and added that their son Thomas would not complete the work.Writing on Facebook, she said: Sorry, but both Will and I feel very strongly as do many, many other parents that this is not acceptable. Kids are too impressionable, and imagine if these letters got in the wrong hands in years to come. Guernsey s education department said: It is important that our students are able to learn about, understand, investigate and question all that is around them. As with all subjects, homework will be set to cover all areas of the curriculum. One person wrote: Teach pupils about religion by all means but be very careful when you ask them to be a Muslim. Via: UK Daily Mail ",left-news,"Feb 23, 2016",0 +MUSLIM MIGRANT WOMAN CAUGHT SPITTING On Angry Germans Swarming Around Bus At Asylum Center [VIDEO],"It won t be long before the Muslims outnumber the Germans. That s when the real fireworks are going to start flying Dramatic footage shows a refugee woman spitting at a horde of anti-migrant protesters who swarmed around their bus in the tiny German village where they are to be housed.German police, who came under fire for violently removing refugees from the bus, have pointed to the video as proof that the new arrivals provoked the already frenzied mob.The 20 refugees on the bus were the first to be homed in Clausnitz, home to just 800 people, where an asylum home has been set up for them.The German government condemned the cold hearted and cowardly mob that tried to stop them from taking shelter in the asylum centre, calling the episode deeply shameful .Now police and eyewitnesses have claimed the asylum seekers deliberately enraged the mob as they alighted to their new home. The refugees are said to have made cut throat gestures by drawing their fingers across their own throats and one woman wearing an Islamic head scarf was filmed spitting at protesters. Clausnitz mayor Michael Funke defended the protesters, saying many had turned up to see who was arriving to occupy the new asylum centre.He said the police were forced to act when some children on the bus scared of the 100 strong mob outside refused to leave. Some of the refugees appeared to be weeping as they voluntarily disembarked.One video showed a policeman grabbing a young boy and aggressively shunting him from the coach.Local police defended the his actions, saying they needed to get them inside the hostel as quickly as possible as the situation became more tense.They also claimed the youngster grabbed in the video was one of the troublemakers who provoked the crowd by giving them the middle finger from inside. Via: UK Daily Mail ",left-news,"Feb 22, 2016",0 +"GA SUPREME COURT Denies KKK Right To β€œAdopt A Highway”…While IL City β€œUnanimously, Proudly” Names Street After Black Panther","Is our government telling us certain hate groups are more acceptable than others?Does the Ku Klux Klan have a constitutional right to adopt a highway ?That question was at the center of a high-profile battle Monday before the Georgia Supreme Court, where the Klan is challenging the state s refusal to let it participate in the popular Adopt-A-Highway program.The hate group, with the American Civil Liberties Union by its side, is casting its bid as a free speech issue. The government cannot be a censor of free speech, Alan Berger, an attorney for the International Keystone Knights of the Ku Klux Klan, said.But the Georgia Department of Transportation has resisted the KKK s efforts ever since 2012 to join the program.For its part, GDOT maintains it should be allowed to exclude certain groups from the program and stands by its claim that the KKK s long rooted history of civil disturbance would cause a significant public concern. Monday s arguments centered around Georgia s claim of so-called sovereign immunity a legal doctrine that shields the state from civil suit or criminal prosecution. The state had appealed a lower court decision by Judge Shawn LaGrua, who ruled Georgia was not protected against the KKK suit because the group claimed the discrimination involved a violation of its constitutional rights. The state denied the application, not because of safety hazard or some other compelling government interest, but because the state disagrees with what the KKK represents, Maya Dillard Smith, executive director of the ACLU of Georgia, told FoxNews.com. It is precisely this kind of government action the Constitution prohibits. While Smith admits that many people who hear about the case have a visceral reaction to it, she warns its outcome could have a dangerous ripple effect. What may seem as chipping away only at the KKK s free speech right, will, in fact, open Pandora s box and create legal precedent that justifies curtailing the free speech rights of religious evangelicals, abortion protestors and even Black Lives Matter supporters and opponents, she said.A judgment is not expected for a couple of months, Berger told FoxNews.com following Monday s oral arguments. In the meantime, GDOT has suspended Adopt-a-Highway applications.This isn t the first time a state has gone rounds with the white supremacist group.In 1994, Missouri tried to block the Knights of the Ku Klux Klan from participating in its Adopt-A-Highway program.The group which excludes anyone who is black, Jewish, Mexican or Asian had requested a half-mile section of road on Interstate 55, one of the routes that had been used to bus black students to school as part of desegregation efforts near St. Louis.The state denied the KKK s request.In that case, lawyers for the state unsuccessfully argued that it had a right to control its own speech and that allowing the Klan to participate would violate the 1964 Civil Rights Act s ban on racial discrimination in federally funded programs.The U.S. Supreme Court refused to hear the case, thereby forcing the state to allow the group to take part in its Adopt-A-Highway program. However, the state later kicked the group out, saying it failed to do its job and pick up the litter on its adopted stretch of highway. Via: FOX NewsSo what about the YMCA which houses the Fred Hampton Aquatic Center on former Oak Street In Maywood, IL that was officially named after Black Panther, Fred Hampton who was slain in a police raid in 2007. September 9, 2007From now on, Oak Street in Maywood will be known as Fred Hampton Way.Relatives of the slain Black Panther leader joined congressmen, activists and Maywood residents Saturday to dedicate the street and a statue of Hampton that now sits in front of the Fred Hampton Family Aquatic Center.Last year, efforts to name a street on Chicago s West Side for Hampton failed amid controversy that Hampton and the Panthers advocated violence against police.But there was no such debate in Maywood, whose mayor, Henderson Yarbrough, said the village council unanimously, proudly voted to give Hampton his due. There ought to be some footprints in the sand in relation to this man, said the Rev. Al Sampson, one of about 75 people at the ceremony. Fred Hampton represents part of the tradition of liberation freedom fighters. Killed in police raid in 69 Maywood s police chief attended the event, along with U.S. Representatives Danny Davis and Bobby Rush, a co-founder of the Illinois Black Panther Party.Hampton, who grew up in Maywood, and fellow Panther Mark Clark were gunned down by Chicago Police in a 1969 raid at Hampton s apartment. Hampton had helped bring the Illinois chapter of the Black Panther Party to national prominence and also brokered a nonaggression pact between gangs. ",left-news,"Feb 22, 2016",0 +LEFTIST PROTESTOR CUTS ELECTRICITY To Trump Rally…Trump’s EPIC Response Proves The Left Can’t Defeat Him,"Every time Trump makes lemons from lemonade, the crowd loves him even more. The Left needs to give it up. They re only shining a light on the dirty tactics they re willing to use (like their personal favorite, voter fraud) to ensure they keep the dream of socialism alive GOP frontrunner Donald Trump doesn t miss a beat as the lights go out in the middle of his speech at a packed convention center in Atlanta.The Trump supporters lined up three hours early to get inside the Georgia World Congress Center.A far left protester cut the electricity at the Trump Rally on Sunday.The protester reportedly reached over and pulled the wire when the technician stepped away from the control panel.This could have been a dangerous situation but instead of being angry GOP frontrunner Donald Trump made the most of it. They didn t pay the electric bill. Oh, I like that much better. Oh, those lights were brutal. Did they come from the dishonest press? Oh, don t turn them on. Better huh? Don t turn them on. Plus we save on electricity. Right? And because the lights didn t work I won t pay the rent. So we get better lighting and we don t pay the rent, right?The crowd goes wild Via: Gateway Pundit ",left-news,"Feb 22, 2016",0 +"HOLY WIDOWS AND ORPHANS! Over 5,000 ISIS Trained Jihadi’s Living Freely In Europe","Europe s new new take on our Statue of Liberty s poem: Give us your Sharia Law enforcers, your rapists and your trained ISIS jihadi s Unless we get a new President with a backbone and fight back against political correctness in America we re next. We can start by exposing the lie Obama told Americans about the Muslim invasion of the West, calling the male refugees looking for a free ride, widows and orphans! As many as 5,000 trained jihadis are believed to be living freely in Europe today, according to the head of the European Union s policing agency Europol.Agency head Ron Wainwright said between 3,000 and 5,000 jihadis who have trained with the Islamic State (ISIS/ISIL) in the Middle East have been able to slip back into Europe. Europe is currently facing the highest terror threat in more than 10 years, Wainwright said, speaking to the Germany newspaper Neue Osnabrucker Zeitung. We can expect [ISIS] or other religious terror groups to stage an attack somewhere in Europe with the aim of achieving mass casualties among the civilian population. However, Wainwright said reports that the Islamic State is using the refugee/migrant crisis to sneak jihadis into Europe have been exaggerated. There is no concrete evidence terrorists are systematically using the flow of refugees to infiltrate Europe, he commented.Meanwhile, in Hungary, police reported an increasing number of migrants have been able to circumvent the four-meter, barbed-wire fence to enter the country illegally. In January, 550 people were caught trying to pass the fence compared to 270 in December. During the first 20 days of February, 1,200 people were caught.Those that have succeeded have either cut the fence or climber over it.Also in Hungary, the central bank recently bought 112 handguns and 200,000 rounds of ammunition for its security company. The National Bank of Hungary justified its purchases citing potential terrorist threats as well as the migrant crisis.The bank controls the country s monetary policy, including price stability and exchange rates, and manages Hungary s foreign-exchange reserves. Its profits are paid into the government s budget and its losses are covered by taxpayers.Via: ClarionProjecth/t UK Daily Mail",left-news,"Feb 21, 2016",1 +"NOT SO FUNNY GUY, WILL FERRELL Throws His Support Behind Cankles…","Supporting Hillary is about as funny as an ebola outbreak in America Will Ferrell no longer feels the Bern. The 48-year-old actor-comedian appeared alongside former President Bill Clinton in Nevada on Saturday to urge residents to caucus for Hillary Clinton despite being one of the earliest celebrity endorsers of her rival for the Democrat presidential nomination, Sen. Bernie Sanders (I-VT)16% .On Saturday, Clinton s campaign tweeted a short video of Ferrell asking Nevadans to caucus for Hillary ahead of the state s nominating contest, a contest Clinton ultimately won by a narrow margin.Will Ferrell has a message for you, Nevada: Caucus for Hillary today at 11AM. Your location: https://t.co/39foMYsmhfhttps://t.co/FGIu9RkgXg Hillary Clinton (@HillaryClinton) February 20, 2016 It s really important that everyone shows up to caucus, the comedian tells Clinton supporters in the short clip. Ferrell is also seen sampling amazing chocolate custard frozen yogurt and reminding supporters of the 11 a.m. caucus start time.Ferrell s name was among those listed at Artists for Bernie, a coalition of more than 120 entertainment industry figures who are publicly supporting Sanders s presidential run.Ferrell s name, which had been on the list since its release in September, has now disappeared and a spokesperson for Clinton s campaign told CNN that the funnyman has donated to Clinton and will co-host a fundraiser for the former Secretary of State in Los Angeles on Monday.Ferrell joins other celebrity Clinton supporters including Lena Dunham, Katy Perry, Elton John, Tom Hanks and Barbra Streisand, while Sanders has earned the support of some of the Hollywood community s more progressive stars, including Mark Ruffalo, Sarah Silverman, Danny DeVito, Susan Sarandon and members of the Red Hot Chili Peppers. Via: Breitbart News",left-news,"Feb 21, 2016",0 +OH CANADA! Why Are You Celebrating World Hijab Day?,"World Hijab Day is coming up and the capital of Canada plans on celebrating it. It s no secret that the newly elected liberal leader of Canada is having a love affair with Islam. There s even talk that he s converted to Islam. A recent Youtube video shows him praying at a mosque: Canada is a great example of you get what you vote for . Liberal PM Justin Trudeau has embraced flooding Canada with as many Muslim refugees as possible. More, more, more If this continues, Canada will soon be like Europe. Note that housing and funding is really difficult for some of these refugees. Economies cannot and should not have to fund these refugees: Hundreds of government-sponsored refugees have struggled to find housing and remain in hotels in Toronto, where the housing market is tight and expensive. CANADA HAS TAKEN IN NEARLY 25,000 SYRIAN REFUGEES SINCE NOVEMBER:Liberal Prime Minister Justin Trudeau was elected in October on a promise to accept more Syrian refugees more quickly than the previous Conservative government had allowed, but the original deadline for accepting 25,000 by the end of 2015 proved too ambitious and the timeline was extended by two months.During his election campaign, Trudeau said a Liberal government would work with private sponsors to accept even more than the immediate goal of 25,000, and Immigration Minister John McCallum said in December the government could double the intake to 50,000 by the end of 2016.WORLD HIJAB DAY:This Thursday, February 25, 2016, the city of Ottawa will be holding a public event celebrating the hijab, Islam s physical repression of women.The City for All Women Initiative (CAWI) organization, backed by the City Council of Ottawa, is hosting the Ottawa Hijab Solidarity Day celebration, also called Walking with Our Muslims Sisters, at City Hall. According to CAWI, the main purpose of this event is to encourage non-Muslim women to wear a hijab to understand life as a Muslim woman.The outrage is that such an event will be taking place under the auspices of the City of Ottawa, the capital of Canada. Under Islamic Shari a law, the hijab is an expression of the suppression of women and is used as a tool to persecute women by their male counterparts.HERE S THE INFORMATION: Ottawa Hijab Solidarity Day (Councillor s Lounge, City Hall) You are here: Home Ottawa Hijab Solidarity Day (Councillor s Lounge, City Hall) Location: Councillor s Lounge (2nd Floor) City Hall Date: Thursday, 25 February, 2016 16:00 to 18:00 Event Details: A reception where people are welcome to stop by anytime, between 4:00 6:00pm to learn from Muslim women about their experience of wearing a hijab and where women from other backgrounds can experience wearing one.Join us in celebrating Muslim women through CAWI s social media campaign. Show messages of support with #hijabsolidarityOr hold a hijab solidarity day event in your workplace or community organization. See here some guidelines for doing so. Join with us in promoting awareness and understanding.Via: BCF",left-news,"Feb 21, 2016",0 +"CHILD PORN, JIHADI WEBSITES Found On Phone After β€œ12 Year Old” Migrant Assaults Foster Parent","Doesn t America already have enough legal citizens who are experts at gaming our system to maximize their benefits? Do we really need to import rapists and violent criminals who have no valid identification or past criminal history, so they can steal from working Americans as well?An Afghan who claimed to be just 12 is revealed to be in his twenties after assaulting his British foster father.The Afghan teen, who had arrived in Britain illegally via Calais, was actually registered as a child but after a dental examination found that he had rotting wisdom teeth, a dentist suggested he was more likely to be an adult.The revelation came after another British carer also reported that she was sexually assaulted by an alleged teen she was looking after.MPs have now called for new rules regarding age assessment for immigrants despite a petition backed by celebrities such as actor Benedict Cumberbatch and Virgin tycoon Richard Branson saying that refugee children should be reunited with their British relatives.If they enter Britain as children, asylum seekers are immediately put into the care of social services which often leaves youngsters separated from their parents for long periods of time.Conservative MP for Monmouth David Davies spoke to MailOnline about an attack on one of his female constituents who was looking after the 12-year-old immigrant.The Afghan was taken in by the Welsh foster family but refused to live by their rules and would skip school and disappear for long periods.He told social services that he wished to move to Bristol but when told he would have to live with a foster family, he became angry and attacked his foster father.It was after the fracas that the man s phone was confiscated and indecent images of children and visits to Jihadi websites were found.Mr Davies said: They did a dental check on him and discovered that his wisdom teeth were rotting. The dentist said he had to be in at least his 20s but the Home Office strike people down to 16 if they don t know what their age is for certain, so he was listed as 16. Mr Davies said that Britain was being fooled by fraudster immigrants who knew how to play our system. Via: UK Daily Mail ",left-news,"Feb 21, 2016",0 +"HIPPIE THROWBACK: VIDEO AND PHOTOS Emerge Of Socialist Punk, Bernie Sanders Being Cuffed And Arrested","Pathetic little basement dweller and original Occupier, turned Democrat Party Presidential hopeful. Is it any wonder young indoctrinated college students adore him? Just wait until they get there first paycheck. Just watch how quickly they feel the #Bern when 90% of their paycheck has been given away to someone the government deems more deserving. The photo of Bernie s arrest surfaced this week from a Chicago protest in August 1063.Here s Bernie being arrested at civil rights rally. It doesn t look like Bernie has many friends willing to help him out of his jam:** After leaving school Bernie was a bum who didn t earn his first steady paycheck until age 40. Bernie would use an extension cord and steal electricity from a neighbor because he couldn t keep his lights on.Bernie s friends said he was a slob who lived in a shack with a dirt floor. He later wrote about masturbation and rape for left-wing rags for $50 a story.Bernie had his electricity cut off a lot so he d run an extension cord down to the basement. He couldn t pay his bills.Today Bernie is running for president so he can redistribute your money.The LA Times reported:A Chicago Tribune archival photo of a young man being arrested in 1963 at a South Side protest is Democratic presidential hopeful Bernie Sanders, his campaign has confirmed, bolstering the candidate s narrative about his civil rights activism.The black-and-white photo shows a 21-year-old Sanders, then a University of Chicago student, being taken by Chicago police toward a police wagon. An acetate negative of the photo was found in the Tribune s archives, said Marianne Mather, a Chicago Tribune photo editor. Bernie identified it himself, said Tad Devine, a senior adviser to the campaign, adding that Sanders looked at a digital image of the photo. He looked at it he actually has his student ID from the University of Chicago in his wallet and he said, Yes, that indeed is (me). Sanders, a U.S. senator from Vermont, was traveling Friday near Reno, Nev., on the eve of the state s Democratic presidential caucuses. via: Gateway Pundit",left-news,"Feb 20, 2016",0 +"OBAMA’S AMERICA: CLIVEN BUNDY, 4 Others INDICTED… Face Up To 96 YEARS In Prison For 2014 Standoff [VIDEO]","Meanwhile, back at the White House, Obama spent the afternoon yesterday thanking the Black Lives Matter terrorists, who ve burnt major cities to the ground and committed unspeakable violence against innocent Americans. Merica A federal grand jury has indicted Cliven Bundy and four others for leading a 2014 standoff with unconstitutional federal agencies at the Bundy Ranch.Bundy, along with his sons Ammon and Ryan, Ryan Payne and Pete Santilli are facing charges of conspiracy to commit an offense against the United States, conspiracy to impede or injure a federal officer, using and carrying a firearm in relation to a crime of violence, assault on a federal officer, threatening a federal law enforcement officer, obstruction of the due administration of justice, interference with interstate commerce by extortion, and interstate travel in aid of extortion.Here is the true story of the Bundy Ranch standoff and why they re fighting back against the Federal government:Here is the intense, graphic video that shows the Federal agents tazing the protestors, including a pregnant woman:https://youtu.be/LhJ6H9vlEDAAccording to a press release by the Justice Department (pause for laughter):Cliven D. Bundy, 69, of Bunkerville, Nev., Ryan C. Bundy, 43, of Mesquite, Nev., Ammon E. Bundy, 40, of Emmet, Idaho, Ryan W. Payne, 32, of Anaconda, Mont., and Peter T. Santilli, Jr., 50, of Cincinnati, Ohio, are charged with one count of conspiracy to commit an offense against the United States, one count of conspiracy to impede or injure a federal officer, four counts of using and carrying a firearm in relation to a crime of violence, two counts of assault on a federal officer, two counts of threatening a federal law enforcement officer, three counts of obstruction of the due administration of justice, two counts of interference with interstate commerce by extortion, and one count of interstate travel in aid of extortion. The indictment also alleges five counts of criminal forfeiture which upon conviction would require forfeiture of property derived from the proceeds of the crimes totaling at least $3 million, as well as the firearms and ammunition possessed and used on April 12, 2014.Here is exactly why Barack Hussein Obama Soetoro Soebarkah brought in constitution-violating, asset forfeiture criminal and terrorist-tied Loretta Lynch as his Attorney General. Please don t forget the Democrat and Republican senators who helped confirm her because they are just as complicit. No crime of violence occurred at Bundy Ranch, except for the crimes of federal agencies who destroyed the property of Cliven Bundy and his family. There were attempts to corral people into First Amendment Zones, which is unlawful and tazing individuals who were exercising their free speech, but there was no violence committed by the Bundys or the protesters. The rule of law has been reaffirmed with these charges, said U.S. Attorney Bogden. Persons who use force and violence against federal law enforcement officers who are enforcing court orders, and nearly causing catastrophic loss of life or injury to others, will be brought to justice. Who used force? Who used violence?Here is Ammon Bundy showing where he was tazed by Federal Agents and arrested for, according to Bundy taking pictures in a pubic place:Did the court order demand that cattle be slaughtered? Did the court order that snipers be put into place and an army of hundreds of armed federal agents surround American citizens? Again, who was using force? Who committed acts of violence? Was it not the DC government acting in violation of the Constitution s requirement regarding ownership and control of land? I think it was.According to the DOJ release, the maximum penalties for the charges issued are:Conspiracy to Commit an Offense Against the U.S. 5 years, $250,000 fineConspiracy to Impede and Injure a Federal Law Enforcement Officer 6 years, $250,000 fineAssault on a Federal Law Enforcement Officer 20 years, $250,000 fineThreatening a Federal Law Enforcement Officer 10 years, $250,000 fineUse and Carry of a Firearm in Relation to a Crime of Violence 5 years minimum and consecutiveObstruction of the Due Administration of Justice 10 years, $250,000 fineInterference with Interstate Commerce by Extortion 20 years, $250,000 fineInterstate Travel in Aid of Extortion 20 years, $250,000 fineEditor s Note: If convicted on all counts, these men could face up to 96 years in prison and/or up to $1.75 million in fines. Would a conviction on all counts and maximum sentence really surprise anyone? This indictment sends a resounding message to those who wish to participate in violent acts that our resolve to pursue them and enforce the law remains unwavering, said Special Agent in Charge Bucheit.No, the indictment sends a message that DC is engaged in a tyrannical overthrow of the Constitution and will put men in jail on trumped up charges when all they were doing was seeking to expose the criminals and uphold the Constitution. Today marks a tremendous step toward ending more than 20 years of law breaking, said Bureau of Land Management Director Neil Kornze. The nation s public lands belong to all Americans. Twenty years of lawbreaking? Mr. Kornze, law breaking continues under the current administration just as it has for well over 150 years in this country. When will you be prosecuting your own DOJ, whose Bureau of Alcohol, Tobacco and Firearms has criminally engaged in the trafficking of thousands of weapons across the Mexican border and into the hands of Mexican cartels, which resulted in the deaths of two federal agents, hundreds of Mexicans and who knows how many others?No, my friends, this is not about bringing law breaking to an end. It s about those engaged in crime at the DC level attempting to silence those who are exposing their crimes.At least one federal judge understood the law breaking of the Bureau of Land Management and in his opinion of United States v. Estate of Hage, U.S. District Court Judge Robert C. Jones revealed the criminal actions of the BLM against Nevada rancher E. Wayne Hage. Judge Jones held government officials in contempt and referred the issued to Eric Holder s office. We all know what happened nothing.Kit Daniels reported:For over 20 years, the Bureau of Land Management engaged in a literal, intentional conspiracy against Nevada ranchers to force them out of business, according to a federal judge whose court opinion exposes the BLM s true intent against rancher Cliven Bundy.BLM agents who impounded Cliven Bundy s cattle. Based upon E. Wayne Hage s declaration that he refused to waive his rights a declaration that did not purport to change the substance of the grazing permit renewal for which he was applying, and which had no plausible legal effect other than to superfluously assert non-waiver of rights the Government denied him a renewal grazing permit based upon its frankly nonsensical position that such an assertion of rights meant that the application had not been properly completed, Judge Jones wrote. After the BLM denied his renewal grazing permit for this reason by letter, the Hages indicated that they would take the issue to court, and they sued the Government in the CFC [Court of Federal Claims.] And at that point, Jones explained, the BLM refused to consider any further applications from Hage. The entire chain of events is the result of the Government s arbitrary denial of E. Wayne Hage s renewal permit for 1993 2003, and the effects of this due process violation are continuing, he stated. This behavior shocks the conscience of the Court and provides a sufficient basis for a finding of irreparable harm to support the injunction described at the end of this Order, It s shocking because these men should have been upholding the law, but instead, turned against the American people and acted in a criminal fashion.Read the indictment below:Federal indictment against Cliven Bundy and othersVia: Freedom Outposth/t DC Clothesline",left-news,"Feb 20, 2016",0 +"[VIDEO] THEY BURNED DOWN CITIES…14 Yr Old Doused A Non-White Baltimore Business Owner With Lighter Fluid, Lit Him On Fire…Barack Obama Thanked Them Yesterday","Barack and Michelle Obama had some unusual honored guests meet with them at the White House yesterday in honor of Black History Month. First we had the first government funded (via Eric Holder)Trayvon Martin protests led by the radical Black Panthers group in Florida. Next came the violent riots against cops and non-blacks over the death of thug, Michael Brown that left the town of Ferguson in shreds. On the heels of Ferguson we saw masses of unruly protestors shutting down major bridges in NYC over the death of Eric Garner. NYC will forever be known as the city where the first violent thug, inspired by the Black Lives Matter movement, took the lives of two law enforcement officers. The hate and violence against police officers and non-blacks only increased in Baltimore as innocent business owners, like the one in this video, who was doused by lighter fluid and lit on fire by a 14 year old girl inspired by the Black Lives Matter movement (See video HERE).America s watched an Asian reporter attacked and bullied by protestors at Univ. of Missouri assigned to covering the ridiculous hunger strike protest against unfair treatment by a student, who it was later discovered is the son of multi-millionaire railroad tycoon. We ve watched innocent families in restaurants feel threatened by Black Lives Matter bullies during their #BlackLivesMatterBrunch disruptions. We ve watched the hypocrisy of the Black Lives Matter movement when they were caught on video, When they shut down an Asian girl after taking to the microphone to recall a story of discrimination she faced by blacks.The last straw for many was the half-time show during the 2016 Super Bowl featuring Beyonce in a cop-hating, Black Panther promoting disgraceful show. Neither the NFL or our President would respond to Americans after the outrage her performance made many in America feel. Instead, our President Barack Obama invited some of the top race agitators and Black Lives Matter organizers to our White House where he PRAISED their activity. If this were a novel written eight years ago, no one would have bought it, because it would have been too unbelievable to be true. Sadly, where this President is concerned the truth is truly stranger than fiction.Watch Obama praise their outstanding work here: ",left-news,"Feb 20, 2016",0 +MICHELLE AND BARACK OBAMA Had Time For This β€œCircus” But No Time For Justice Scalia? [Video],President Barack Obama and First Lady Michelle Obama hosted a reception for Black History Month in the East Room of the White House on Thursday . ,left-news,"Feb 20, 2016",0 +WHY MOM EMPLOYED BY DISNEY Is Calling Them β€œBullies”…Voting For Trump To Stand Up To Them,"We can t say for sure, but we re guessing the truth about the happiest place on earth is about to be exposed by the Donald I m doing this because I don t like bullies, Dena Moore says, explaining why she as one of the American Disney workers who was laid off and forced to train her low-wage H-1B foreign replacement is now launching a discrimination lawsuit against the corporation. You can t let a bully continue to be the bully. Someone had to say: Slavery isn t right, I think I ll stand up against it. Someone had to say: We shouldn t [mistreat] our women. I think I ll stand up. Someone had to stand up. That s what I m hoping that my work is doing. There s a lot of people who are just afraid, Moore tells Breitbart in an exclusive telephone interview.Yet this sentiment also explains why Moore, a constituent of Sen. Marco Rubio (R-FL) now says she s casting her ballot for GOP frontrunner Donald Trump: Trump is standing up to the bullies. The American people are now the weak ones being bullied, Moore explains. The everyday working person needs a champion and you d never think to say that. Who would ever think a day would come when we would have to say that? But the middle class needs a champion we need a union that will protect us and Donald Trump is that champion. He is champion who stands up to the bullies to protect the weak, he stands up for us he stands up. When you stand up to the bullies you have to stay strong, Moore explained. You re not always going to be well-liked, and it takes you a little while to be heard. Maybe you ll make mistakes, but you have to get past the media s let me pick you apart stage and recognize that this person is standing up to the bullies. I will be voting for Trump, Moore said emphatically. If we don t want to become the next third world country to me we need somebody whose a business man to run the country. I never realized the laws behind it, Moore says of the nation s rampant visa policies that allowed her and her colleagues to be replaced by foreign workers. I didn t know what I didn t know. And Trump has brought this to the forefront. This is probably happening in more than 50 percent of workplaces. As Americans, we re becoming the minority, we re becoming the underpaid workers, who have to now go find a different position. Moore, at 53 is a mother of four and grandmother of 13. She had been working for Disney just shy of ten years, when out of the blue she was called into a meeting and informed that she along with hundreds of her American colleagues were being let go and would be replaced with foreign workers, whom they would have to train. These foreign workers had been brought into the country on the controversial wage-depressing H-1B visa.In the course of the interview, Moore discussed the toll this news took on her extended family her colleagues at Disney who could not recover from the stress of the blow. People often tell me, You don t seem devastated enough. I am, but I don t live my life that way, Moore says. I am Miss Sunshine. I m the energetic positive force. Being devastated, Moore explains, is just not in my nature. I bounce. But a lot of other people have not, she says trailing off. Most people were devastated because they had worked at Disney for 30, 40 years. I fared better because I ve been a contractor my whole life. Disney was my first real job as an employee. But I had a friend who passed away after the situation. And I had another friend who was hospitalized with a heart condition. I truly believe it was from the stressful situation that we were all in. It was a family the people I worked with it was an extended family. And it got torn part. And not only for the people who left. People were devastated you took a well-running machine and you just busted it up. We were afraid to come forward we didn t want them to hoard anything against us, Moore said of why so many of ex-Disney employees remained silent.Moore s Senator, Marco Rubio, has pushed to expand H-1B visas despite the fact that scores of his own constituents had just been displaced by the program.In 2015 Rubio introduced a bill to triple the number of H-1B visas. This bill known as the I-Squared bill was endorsed by Disney CEO Bob Iger via his immigration lobbying firm. Disney is also one of Sen. Rubio s biggest financial boosters having donated more than $2 million according to Open Secrets.While Rubio has pushed legislation that would help companies like Disney to bring in more even more H-1B foreign replacement, Trump has called on Disney to hire back all of its American employees. In October, Trump declared, I am calling TODAY on Disney to hire back every one of the workers they replaced, and I am calling on Rubio to immediately rescind his sponsorship of the I-Squared bill and apologize to every Floridian for endorsing it. I am further calling on Rubio to return the money he has received from Silicon Valley CEOs and to donate the money to a charity helping unemployed Americans whose jobs Rubio has helped to destroy. While Trump has made clear that he will champion the interests of American workers, Marco Rubio has never reached out to us, Moore explained. I do believe that politicians will always side with who pays them directly or indirectly, Moore said of Rubio s financial ties to Disney. I also believe they will say and do whatever it takes because they re not being held accountable. There s always an out for them because that is what the American people have said politicians can do. During the exclusive interview, Moore recalled the events that led her to eventually call Sara Blackwell and begin her involvement in the lawsuit.Moore said that when Disney originally gathered the American employees together: We thought we were having a party. We did fantastic work. We were excited. We thought it was going to be a party, but then when we went down the hallways. We realized it wasn t a party but a meeting, suddenly we all knew that something good was not about to happen. It was that quick suddenly there was an ominous atmosphere Nobody they brought in was better than anybody they let go. Every one they brought in were as we would describe completely green, they were like interns, fresh out of nowhere [When they originally let me go], I was offered a position it was a contract position for six months I had a start date, I was entered in to the HR system, etc. but two days before I was supposed to come in to start, HR called and said, You can t come in because executives are reviewing your position. Four weeks later after not hearing from them I called Sara [Blackwell, the attorney for American workers in the lawsuit against Disney]. Moore said that she is grateful for Trump s firm position on immigration: I m not prejudiced. I have lots of diversity in my friend group, but I don t think you can come into my country, take my resources and not only be granted to stay here but tohave the red carpet rolled out for you by my politicians What s bad is that because we have become this politically correct nation, if you say anything you sound like you re prejudiced. To me, Trump has done a really good job because it is so very easy to pull that you re prejudiced card, and that is not what this is about. It has to do with our economic resources and whether Americans get to benefit from them. I usually just vote Republican because I m a Republican, Moore said. I don t usually pay attention to politicians because they say whatever they need to say. I usually don t hold many politicians to what they say because they just say what people want to hear, but with a business person they don t play that political game. It makes you listen. They re used to being held accountable they re used to having to prove themselves and perform. Via: Breitbart News",left-news,"Feb 19, 2016",0 +WOULD YOU LIKE TO LIVE FOR FREE On A Luxury Cruise Ship?…You Only Have To Be A Muslim Refugee To Qualify,"Just when you think you ve heard everything there s this What a great respite for the deserving rapists refugees Thousands of migrants are being given rooms aboard a luxury ocean liner which comes complete with a theatre and swimming pool because Sweden can no longer cope with the numbers arriving at its borders every week, it has been revealed.Sweden s Migration Board is renting the Ocean Gala once the world s largest cruise liner where holidaymakers pay 2,500 for a two-week break for at least the next year at the eye-watering cost of of 65,000 a day.When the giant cruise ship is full it will provide bed and board for 1,790 migrants about the number arriving in the country every single day at the height of the crisis.A spokesman said: Having a theatre sounds really nice. Those who are going to stay at the ship will probably have to do that for quite a bit of time while their applications are being processed. So they need every encouragement they can get. However, at that cost they will not enjoy the same luxuries afforded those who paid as much as 2,500 for a two-week cruise during the ships previous incarnation as the Island Escape, then owned by Thomson Cruises.The 768 cabins on the 623-foot ship, which range from smartly turned out but snug doubles, to expansive suites with private dining areas and balconies, was then a haven for those in search of entertainment, sunbathing and sightseeing.But those who make it their home in the next year will not be treated to all the extras holidaymakers who floated around the Med were used to enjoying, including a casino, outdoor pool and even a beauty salon.In fact, if the Swedish Migration Board is successful in finding a spot in the northern port of H rn sand, where temperatures are currently firmly below freezing.Willis berg, head of housing issues at the Swedish Migration Board, boasted that the organisation was thinking outside the box . Those who are going to stay in the boat will of course be a bit cramped in the cabins, so it is really important that we arrange for them to have large common areas outside, he told MailOnline. But having a theatre sounds really nice. Those who are going to stay at the ship will probably have to do that for quite a bit of time while their applications are being processed. So they need every encouragement they can get. Via: UK Daily Mail ",left-news,"Feb 19, 2016",0 +HOW PRESIDENT EISENHOWER Solved The Illegal Immigration Problem In America,"Since this article was written in 2006, the illegal immigration crisis in America has exploded. Barack Obama, his fellow Democrats, leftist organizations (and even some Republicans beholden to corporations who desire cheap labor in America), have desperately tried to shame Americans into accepting amnesty as the only option to solve this crisis. One doesn t have to look too far to see how miserably they have failed. Americans are not interested in giving up our jobs, our national security or the future of our country so the Democrat party can have a monopoly on voters, or to make it easier for business and corporations to hire cheap labor. It is no accident that Donald Trump experienced a meteoric rise in the polls after he boldly proclaimed he would make building a wall on our southern border a priority. The media tried to shame him, only causing him to double down, claiming he would not only build the biggest and best wall on our southern border, but he claimed that Mexico would pay for it. This article is for all of the naysayers who believe the illegal immigration crisis can t be solved. The problem can be solved. We just needed a President with a backbone, who loves his country, is willing to take bold moves to secure our nation and most of all, a President who truly believes Americans come first.Over fifty years ago, when newly elected Dwight Eisenhower moved into the White House, America s southern frontier was as porous as a spaghetti sieve. As many as 3 million illegal migrants had walked and waded northward over a period of several years for jobs in California, Arizona, Texas, and points beyond.President Eisenhower cut off this illegal traffic. He did it quickly and decisively with only 1,075 United States Border Patrol agents less than one-tenth of today s force. The operation is still highly praised among veterans of the Border Patrol.Although there is little to no record of this operation in Ike s official papers, one piece of historic evidence indicates how he felt. In 1951, Ike wrote a letter to Sen. William Fulbright (D) of Arkansas. The senator had just proposed that a special commission be created by Congress to examine unethical conduct by government officials who accepted gifts and favors in exchange for special treatment of private individuals.General Eisenhower, who was gearing up for his run for the presidency, said Amen to Senator Fulbright s proposal. He then quoted a report in The New York Times, highlighting one paragraph that said: The rise in illegal border-crossing by Mexican wetbacks to a current rate of more than 1,000,000 cases a year has been accompanied by a curious relaxation in ethical standards extending all the way from the farmer-exploiters of this contraband labor to the highest levels of the Federal Government. Years later, the late Herbert Brownell Jr., Eisenhower s first attorney general, said in an interview with this writer that the president had a sense of urgency about illegal immigration when he took office.America was faced with a breakdown in law enforcement on a very large scale, Mr. Brownell said. When I say large scale, I mean hundreds of thousands were coming in from Mexico [every year] without restraint. Although an on-and-off guest-worker program for Mexicans was operating at the time, farmers and ranchers in the Southwest had become dependent on an additional low-cost, docile, illegal labor force of up to 3 million, mostly Mexican, laborers.According to the Handbook of Texas Online, published by the University of Texas at Austin and the Texas State Historical Association, this illegal workforce had a severe impact on the wages of ordinary working Americans.The Handbook Online reports that a study by the President s Commission on Migratory Labor in Texas in 1950 found that cotton growers in the Rio Grande Valley, where most illegal aliens in Texas worked, paid wages that were approximately half the farm wages paid elsewhere in the state.Profits from illegal labor led to the kind of corruption that apparently worried Eisenhower. Joseph White, a retired 21-year veteran of the Border Patrol, says that in the early 1950s, some senior US officials overseeing immigration enforcement had friends among the ranchers, and agents did not dare arrest their illegal workers.Walt Edwards, who joined the Border Patrol in 1951, tells a similar story. He says: When we caught illegal aliens on farms and ranches, the farmer or rancher would often call and complain [to officials in El Paso]. And depending on how politically connected they were, there would be political intervention. That is how we got into this mess we are in now. Bill Chambers, who worked for a combined 33 years for the Border Patrol and the then-called US Immigration and Naturalization Service (INS), says politically powerful people are still fueling the flow of illegals.During the 1950s, however, this Good Old Boy system changed under Eisenhower if only for about 10 years.In 1954, Ike appointed retired Gen. Joseph Jumpin Joe Swing, a former West Point classmate and veteran of the 101st Airborne, as the new INS commissioner.Influential politicians, including Sen. Lyndon B. Johnson (D) of Texas and Sen. Pat McCarran (D) of Nevada, favored open borders, and were dead set against strong border enforcement, Brownell said. But General Swing s close connections to the president shielded him and the Border Patrol from meddling by powerful political and corporate interests.One of Swing s first decisive acts was to transfer certain entrenched immigration officials out of the border area to other regions of the country where their political connections with people such as Senator Johnson would have no effect.Then on June 17, 1954, what was called Operation Wetback began. Because political resistance was lower in California and Arizona, the roundup of aliens began there. Some 750 agents swept northward through agricultural areas with a goal of 1,000 apprehensions a day. By the end of July, over 50,000 aliens were caught in the two states. Another 488,000, fearing arrest, had fled the country.By mid-July, the crackdown extended northward into Utah, Nevada, and Idaho, and eastward to Texas.By September, 80,000 had been taken into custody in Texas, and an estimated 500,000 to 700,000 illegals had left the Lone Star State voluntarily.Unlike today, Mexicans caught in the roundup were not simply released at the border, where they could easily reenter the US. To discourage their return, Swing arranged for buses and trains to take many aliens deep within Mexico before being set free.Tens of thousands more were put aboard two hired ships, the Emancipation and the Mercurio. The ships ferried the aliens from Port Isabel, Texas, to Vera Cruz, Mexico, more than 500 miles south.The sea voyage was a rough trip, and they did not like it, says Don Coppock, who worked his way up from Border Patrolman in 1941 to eventually head the Border Patrol from 1960 to 1973.Mr. Coppock says he cannot understand why [President] Bush let [today s] problem get away from him as it has. I guess it was his compassionate conservatism, and trying to please [Mexican President] Vincente Fox. There are now said to be 12 million to 20 million illegal aliens in the US. Of the Mexicans who live here, an estimated 85 percent are here illegally.Border Patrol vets offer tips on curbing illegal immigration One day in 1954, Border Patrol agent Walt Edwards picked up a newspaper in Big Spring, Texas, and saw some startling news. The government was launching an all-out drive to oust illegal aliens from the United States.The orders came straight from the top, where the new president, Dwight Eisenhower, had put a former West Point classmate, Gen. Joseph Swing, in charge of immigration enforcement.General Swing s fast-moving campaign soon secured America s borders an accomplishment no other president has since equaled. Illegal migration had dropped 95 percent by the late 1950s.Several retired Border Patrol agents who took part in the 1950s effort, including Mr. Edwards, say much of what Swing did could be repeated today. Some say we cannot send 12 million illegals now in the United States back where they came from. Of course we can! Edwards says.Donald Coppock, who headed the Patrol from 1960 to 1973, says that if Swing and Ike were still running immigration enforcement, they d be on top of this in a minute. William Chambers, another 50s veteran, agrees. They could do a pretty good job sealing the border.Edwards says: When we start enforcing the law, these various businesses are, on their own, going to replace their [illegal] workforce with a legal workforce. While Congress debates building a fence on the border, these veterans say other actions should have higher priority.1. End the current practice of taking captured Mexican aliens to the border and releasing them. Instead, deport them deep into Mexico, where return to the US would be more costly.2. Crack down hard on employers who hire illegals. Without jobs, the aliens won t come.3. End catch and release for non-Mexican aliens. It is common for illegal migrants not from Mexico to be set free after their arrest if they promise to appear later before a judge. Few show up.The Patrol veterans say enforcement could also be aided by a legalized guest- worker program that permits Mexicans to register in their country for temporary jobs in the US. Eisenhower s team ran such a program. It permitted up to 400,000 Mexicans a year to enter the US for various agriculture jobs that lasted for 12 to 52 weeks. Via: CS Monitor",left-news,"Feb 19, 2016",0 +BETTE MIDLER Asks Obama To Release VIOLENT BLACK PANTHERS From Prison…Gets HAMMERED On Social Media,"Pardoning the Black Panthers will just be the tip of the iceberg for this radical President. Look for prison doors to be flung open across America, in his final act of screw you White America, as he exits the White House, with a lifetime of Secret Service protection The day after PBS aired a controversial documentary about the Black Panthers that said there are still many members of the violent cop-killing movement in prison, Hollywood liberal Bette Midler turned to social media to call on President Barack Obama to pardon them.PBS is taking heat for the documentary that looks admirably upon the militant organization, painting them as a civic organization that fed the hungry and helped the poor.In the description of a preview, PBS stated: A new revolutionary culture emerged in the turbulent 1960s, and the Black Panther Party was at the vanguard. Weaving together a treasure trove of rare footage with the voices of a diverse group of people who were there, Stanley Nelson tells the vibrant story of a pivotal movement as urgent today as it was then. The left understands how critical it is for the success of the Democratic Party for black voters to turn out in November without Obama on the ballot and what better way to drive racial discord than Midler s suggestion:#BlackPanthersPBS says there are there are still 20 BlackPanthers still in jail. That must be nearly 40 years served. Will Mr Obama pardon? Bette Midler (@BetteMidler) February 17, 2016The scary thing is, Obama will not go quietly in his final year in office and Midler s idea is not entirely out of the realm of possibilities that he may consider.Perhaps the songstress, worth an estimated $230 million, according to Celebrity Net Worth, can take in some of the militants should they be freed a common theme in the reactions from social media users.Here s how Americans responded to Bette Midler s idiocy on Twitter: Via: BPR",left-news,"Feb 19, 2016",0 +BLACK LIVES MATTER ORGANIZER Refuses To Meet With Obama And Race Hustlers…Calls Meeting At White House: β€œSham…Photo-Op…Sound Bite For Obama”,"Pure gold The ultimate Race-Baiter-In-Chief, just got called out for the phony that he is. While we re on the topic of Obama pretending to care about the black community, let s talk about how black unemployment has skyrocketed under this fraud Race hustlers Civil rights activists met at the White House on Thursday with President Barack Obama, though a leader from Black Lives Matter, who was listed as an expected attendee, blasted the White House for organizing a photo-op without addressing real problems for minority communities. I could not, with any integrity, participate in such a sham that would only serve to legitimize the false narrative that the government is working to end police brutality and the institutional racism that fuels it, wrote Aislinn Pulley, a leader of Black Lives Matter Chicago who the White House said on Wednesday would be at the meeting.Other attendees included Deshaunya Ware, a student leader of the University of Missouri protest group Concerned Student 1950; Al Sharpton, president of the National Action Network; NAACP President Cornell Brooks; and National Urban League leader Marc Morial.In an op-ed on Truthout, Pulley said she respectfully declined the White House s invitation to attend the panel, which was organized as part of the administration s marking of Black History Month. I was under the impression that a meeting was being organized to facilitate a genuine exchange on the matters facing millions of Black and Brown people in the United States. Instead, what was arranged was basically a photo opportunity and a 90-second sound bite for the president, Pulley wrote.Obama didn t address the absence when he spoke to reporters after the meeting, instead saying he was encouraged by the degree of focus and seriousness and constructiveness that exists not only with existing civil rights organizations but with this new generation. They are some serious young people. I told them they are much better organizers than I was when I was their age. I am confident they will take America to new heights, he said.Later Thursday, a senior administration official said Obama, Attorney General Loretta Lynch and members of the Obama administration had a productive dialogue with civil rights leaders about a range of important issues like the criminal justice system, education, the economy and building trust between law enforcement and the communities they serve. We will continue to engage with the many organizations and individuals who chose to participate in this meeting in ongoing discussions about how to strengthen our communities and move our country forward, the official said.Speaking in the White House driveway after meeting with Obama, Sharpton said the group discussed the ongoing fight over naming a replacement for the late Supreme Court Justice Antonin Scalia. He said any GOP-led effort in the Senate to scuttle a presidential Supreme Court nominee would reflect a civil rights violation. To act as if the President is anything less than the President of the United States until January 20, 2017. He cannot be minimized, marginalized or disregarded without doing the same to the American people, Sharpton said.Obama has defended the groups that sprung from high-profile incidents of police killings of unarmed black men. He said in October those communities grievances must be taken seriously, and pushed back on the notion that organizations like Black Lives Matter are anti-police. I think everybody understands all lives matter. I think the reason that the organizers used the phrase Black Lives Matter was not because they were suggesting nobody else s lives matter, Obama said at an event in October. Rather, what they were suggesting was there is a specific problem that s happening in the African-American community that s not happening in other communities and that is a legitimate issue that we ve got to address, he said. Via: CNN",left-news,"Feb 18, 2016",0 +"RUSSIAN TV HOST TRASHES MOOCH: Obama’s Spent $74 Million On Vacations…Gives Flint Kids, Pregnant Women Who Drank Poison Water $5 Million","She s such an easy target, it s almost like they could do a 4 year mini-series about this ungrateful, over-the-top family On Sunday, Russian TV host Dmitry Kiselyov, who enjoys the largest audience among news programs in Russia, announced in his prime-time program News of the Week the launch of a new documentary, whose goal would be to expose corruption in the U.S. as opposed to the familiar story in Russian he s sick and tired of talking about. This is not fair to forget about American corruption, he declared, about how they get fat on the money of American taxpayers there. The title of the film Emperor Obama says it all, but the trailer, lasting more than 10 minutes, was shown anyway.The first victim of attack was the American first lady. The information on our clients is strictly confidential, says the Villa Padierna hotel manager to a young and beautiful female reporter. But I can confirm that Michelle Obama really stayed in our hotel. She was our most famous guest. Since then, we named one of our villas after her. Villa Obama has three floors, two bedrooms, one swimming pool and a big living room here is Villa Obama. On the fourth of August 2010, the manager continues, as the beautiful young reporter walks around the luxurious and spacious rooms, the U.S. president celebrated his 49th birthday, and the very same day his spouse, Michelle Obama, arrived for her vacation in Spain. Here is her room. Not ceremoniously, the reporter touches the silk sheets and very rare travertine marble. Here are the official numbers: for the week starting August 4, 131,000 Americans were fired, losing their incomes and jobs. At that moment, Michelle Obama was on vacation, and the taxpayers were paying $6,000 a night for this hotel suit. Then, the first lady is shown walking outside out in the Spanish heat. Michelle! Michelle! thunders the crowd.The reporter continues: Michelle Obama and her 9-year-old daughter Sasha were accompanied by their personnel and secret agents, by 250 specially hired Spanish bodyguards and 68 bodyguards brought from the U.S. As the American first lady eats ice cream, the street in Spanish Granada is totally blocked. Ms. Obama flew in on her husband s airplane plane No. 2, a Bowing-747 according to protocol, which transports the American president while plane number one goes through technical maintenance. At $11,000 per hour, Michelle s flight from Washington, D.C., to the Spanish Malaga cost the US $150,000. The U.S. Air Force was sued for Michelle s unlawful vacation and for the fifth year, the lawsuit drags on without any resolution. Facing the sunset and obviously having had a good time in Spain herself, the reporter doesn t want to let the topic of Ms. Obama s vacations finish too quickly: The 44th American president goes on vacation twice a year in the summer and during Christmas. Over the seven years of his presidency, American taxpayers spent between $10 million and $74 million a year on vacations for the first American family. To understand how such unbelievable expenses accumulate, the cost for only the plane and the bodyguards when Mr. Obama flew his family to Hawaii, in 2014, was $5,316,000. Did you hear what happened in Flint, Mich.? An American analyst steps into the video, where the whole town was poisoned? Kids, pregnant women How much money did he spend on his vacations, you say? $74 million? But he gave Flint only $5 million $5 million to the poisoned people as much as the launch of two military drones! At this point, the cover of the book by Michelle Malkin, Culture of Corruption, is shown to viewers providing an idea as to the development of the story awaiting Russian TV viewers on Wednesday night. Via: Observer",left-news,"Feb 18, 2016",0 +HERE IT IS: List Of Democrat Hypocrites Who Voted To Filibuster GW Bush’s Final Supreme Court Pick,"If you look closely, you might find a few familiar hypocrites who were calling for the nomination of a new Supreme Court Justice before Scalia s body was removed from the hotel where he died h/t Weasel Zippers",left-news,"Feb 18, 2016",1 +RACIST RAPPER WHO REFERS To Himself As β€œYeezus” Compares His Dangerous Entertainment Job To U.S. Soldier Or Cop,"Kanye West announced on Twitter this week that he s $53 million in debt. He immediately began begging for help from white billionaires. The very next day, West took to Twitter to announce he doesn t want White publications covering black musicians anymore. HOW and WHY does this racist black rapper get a pass from the media after making such clearly racist and ignorant comments? Watch the video below to see West s interview with SaturdayNightOnline.com host Garrett, as he compares his dangerous career as a rapper to that of a cop on patrol or soldier at war. I m putting my life at risk, literally! When I think about when I m on the Can t Tell Me Nothing, and Coldest Winter moment, like that mountain goes really, really high. And if I slipped you never know. And I think about it. I think about my family and I m like, wow, this is like being a police officer or something, in war or something. It s pretty sad that a guy with no talent has been given so much opportunity in America, and has literally blown it because he can t keep his big fat, hateful racist mouth shut.",left-news,"Feb 18, 2016",0 +HOLY CONTRACEPTION! Pope Francis Tells Latin Americans To Use Condoms…”Lesser Of Two Evils”,"And the hits just keep on coming, as the Pope makes his way around Latin America Pope Francis indicated contraceptives may be used to prevent the spread of the Zika virus, despite the church s longstanding ban on most forms of birth control.His comments may cheer health officials in Latin America but are likely to upset conservative Catholics.At a press conference aboard a flight from Mexico to Rome on Thursday, the Pope was asked if the church should consider contraception the lesser of two evils compared with the possibility of women aborting fetuses infected with Zika. The virus has been linked to an incurable and often devastating neurological birth defect.The Pope answered by calling abortion an absolute evil and a crime. It is to kill someone in order to save another. This is what the Mafia does, Francis said. On the other hand, avoiding pregnancy is not an absolute evil. The Pope then pointed to a narrow exception to the church s ban on most forms of birth control: His predecessor, Pope Paul VI, allowed African nuns to use contraceptives in cases of rape, Francis said. He did not explain why and what forms of birth control were used. In certain cases such as the one I mentioned of Blessed Paul VI, it was clear, the Pope said. It was Paul VI who wrote Humanae Vitae, the papal document that solidified the church s stance against almost every form of birth control in 1968. The church does allow natural family planning, which involves a woman monitoring her basal body temperature and vaginal secretions to avoid having sex at fertile times of the month.It s not entirely clear what the chances are that a pregnant woman who contracts Zika will have a baby with microcephaly. Babies with the defect have small heads and abnormal brain growth and often have developmental delays, seizures, problems with movement and speech and other issues.On Thursday, the World Health Organization called for access to emergency contraception and counseling for women who have had unprotected sex and do not wish to become pregnant because of concern with infection with Zika virus. But the Catholic catechism states that aside from natural family planning, anything that works to render procreation impossible is intrinsically evil. The church s teachings have put women in Latin America, where a majority of people are Catholic, in a difficult situation.In December, authorities in Brazil urged women not to get pregnant. Then last month came the warning from Colombia to delay pregnancy until July. Then in an interview, a health official in El Salvador recommended that women try to avoid getting pregnant this year and the next. But the Rev. Frank Pavone, national director of Priests for Life, has said that birth control is wrong, no matter what. That prohibition doesn t change based on circumstances, he said. So couples have a responsibility to live according to the church s teachings in whatever circumstances they find themselves. Via: CNN ",left-news,"Feb 18, 2016",0 +POPE SHAMES AMERICANS From Mexico For Anti-Immigrant Sentiment…Doesn’t Mention $BILLIONS Taxpayers Give Faith Based Charities To Bring MUSLIM Immigrants To U.S.,"Pope Francis has joined Democrat legislators, along with a handful of RINO s and local mayors to work hand-in-hand with Obama to push immigration from Mexico and South America to the US. Every player in this scheme has their own agenda. Of course, Obama has only one desire, and that is to fundamentally transform America. Democrat legislators are working to secure a dependent voting base. The RINO s (Republicans In Name Only) are beholden to large corporations, whose only goal is to secure cheap labor. Finally, local mayors want the federal funding that comes with placement of each immigrant in their communities. Besides the obvious charitable aspect, what s in it for Pope Francis? What s in it for the Catholic church? Many Catholics (myself included) are wondering why we pass the collection basket more than once several times throughout the year to help subsidize churches, schools and orphanages in Mexico and South America if the ultimate goal is to bring them here? Make no mistake, Pope Francis is interjecting himself into the 2016 Presidential election by walking with illegal aliens on the Mexican side of the border who want to get into the US.This is a direct assault by the Catholic Church on Donald Trump and any other Republicans (including the Governor of Texas) who say they want to close the US border with Mexico.Yesterday, in Ciudad Juarez, one of the most violent cities in the Western Hemisphere thanks to the drug cartels, the pope walked up a ramp covered in flowers toward a cross erected in memory of migrants who have perished trying to reach the United States just a stone s throw away, according to Reuters.The pope then blessed three more small crosses, at which shoes of migrants who died were laid. We cannot deny the humanitarian crisis, Pope Francis intoned. Each step, a journey laden with grave injustices: the enslaved, the imprisoned and extorted; so many of these brothers and sisters of ours are the consequence of trafficking in human beings Injustice is radicalized in the young; they are cannon fodder, persecuted and threatened when they try to flee the spiral of violence and the hell of drugs. Then there are the many women unjustly robbed of their lives. He concluded, Let us together ask our God for the gift of conversion, the gift of tears, let us ask him to give us open hearts like the Ninevites, open to his call heard in the suffering faces of countless men and women. No more death! No more exploitation! They are not refugees! People escaping poverty or crime are not legally refugees, but the Pope and the NO Borders Left are purposefully confusing the terminology. They want all migrants-on-the-move to be called REFUGEES who are then entitled to protection and welfare. Why stop at the Mexican border? What about the Iraqi Christian population that s been almost completely wiped out? Why is the Pope standing on the Mexican border demanding we open the flood gates in the name of charity, while tens of thousands of Christians are being slaughtered in the Middle East?Where is the outcry from the Pope as the Catholic Charities/U.S. Conference of Catholic Bishops (CC/USCCB) are being paid BILLIONS to bring mostly MUSLIM immigrants, who are being vetted by the corrupt UN to the US from the Middle East, and strategically seeding them across the United States? The following map provided by the Office of Refugee Resettlement identifies where the primary nine VOLAGs operate within America and where their affiliate sites are located:Here is the list of Charities who work with the US Department s Refugee Resettlement Program: CWS Church World Service ECDC Ethiopian Community Development Council HIAS Hebrew Immigrant Aid Society IRC International Rescue Committee LIRS Lutheran Immigration and Refugee Services CC/USCCB Catholic Charities/U.S. Conference of Catholic Bishops USCRI U.S. Committee for Refugees and Immigrants EMM Episcopal Migration Ministries WRI World Relief Inc.Additionally, there are 350 subcontractors in 190 cities affiliated with the nine main refugee VOLAGs and the chart below lists the amount of money awarded by the federal government to these contractors since 2008.As you can see the amount of money that has been awarded to these non-governmental organizations is enormous with the total since 2008 amounting to over $4 billion.Simpson notes that because they are non-governmental organizations (NGOs), they can and do lobby for advantageous changes to law and build allies in Congress and the bureaucracy, all fertilized by an open spigot of taxpayer dollars. From this point, as an American, you should be absolutely stunned at what is going on behind the scenes without your knowledge nor your input in regards to the fact that your taxpayer money along with your elected officials are undermining your security by allowing these organizations operate without any oversight. The push by fourteen Senate democrats for 65,000 refugees along with the eighty-four mayors is only the beginning though, as seventy-two House democrats have also joined this coalition.In letter on September 11, 2015, initiated by Rep. David Cicilline (D-RI.) and signed by seventy-one democrats, they urge Obama to resettle over three times the 65,000 refugees initially pushed for by the Senate democrats back in May. The House democrats cite Refugee Council USA, just as the fourteen Senators did, and recommend that the United States resettle a minimum of 200,000 refugees by the end of 2016, including 100,000 Syrian refugees. Neglecting the fact that the FBI has stated that they have no way of properly vetting the 2,500 Syrian refugees that we ve already accepted, it further goes to show how little these Senators, Representatives, Mayors, and VOLAGs care about the repercussions of admitting 100,000 into our country.In her book, Refugee Resettlement and the Hijra to America, Ann Corcoran explains that Refugee resettlement has become a major money-maker for what can only be described as the Religious Left, whose goal is to change the demographic make-up of the 180-plus cities and towns in which they presently work. Corcorans statement perfectly describes exactly what is happening as push for more and more refugees comes solely from the Left. Whether it be Mayors, Senators, or Representatives in the House, they re all seeking to change the demographic make-up of the United States by forcing the taxpayers to subsidize their own destruction.WATCH ANN CORCORAN S POWERFUL VIDEO explaining how the faith-based charities are working with the US State Department to flood our nation with MULSIM refugees HERE:There is plenty of blame to go around when it comes to the willful destruction of the greatest and most generous nation on earth. Ann Corcoran of the Refugee Resettlement Watch has generously provided us with the list of democratic Senators, Mayors and Representatives who make up the coalition which has urged for the destruction of our country via the acceptance of hundreds of thousands of refugees. If your elected official is on this list, Ann highly suggests you contact them and moreover do what you can to make sure they are never elected into office again.Link to the Senate letter signed by 14 democrats on May 21, 2015 can be found here.Link to the House letter signed by 72 democrats on September 11, 2015 can be found here.Link to the list of 84 Mayors who are members of the Cities United For Immigration Action can be found here. ",left-news,"Feb 18, 2016",0 +NIKE DROPS CONSERVATIVE BOXER Manny Pacquiao After Condemning Gay Relationships Based On His Religious Beliefs [VIDEO],"God forbid an athlete bases their opinions on the Bible You ll be hit with the full force of the leftist machine Nike announced it has dropped Manny Pacquiao in the wake of the boxer s controversial remarks where he said those in gay relationships are worse than animals. We find Manny Pacquiao s comments abhorrent, Nike said Wednesday in a statement. Nike strongly opposes discrimination of any kind and has a long history of supporting and standing up for the rights of the LGBT community. Pacquiao, 37, made the incendiary comments in a television interview that ran Monday in his native Philippines. He s currently a member of the House of Representatives and is running for the country s senate.Pacquiao didn t immediately back down hours after the interview aired. Pacquiao said on his Facebook page he was just telling the truth of what the Bible says. But as the furor grew, Pacquiao posted an apology of sorts on Facebook on Tuesday. I m sorry for hurting people by comparing homosexuals to animals, Pacquiao wrote. Please forgive me for those I ve hurt. I still stand on my belief that I m against same sex marriage because of what the Bible says, but I m not condemning LGBT. I love you all with the love of the Lord. God Bless you all and I m praying for you. Pacquiao also served as a pitchman for Wonderful Pistachios and Nestle, although representatives for both companies said they don t have him under contract currently. Wonderful Pistachios is not currently affiliated with Manny Pacquiao nor do his views align with ours, Wonderful Pistachios spokesperson Jennifer George told USA TODAY Sports. Wonderful Pistachios stands firmly for diversity and equality and we proudly support marriage equality and inclusion around the world. ",left-news,"Feb 17, 2016",0 +HILLARY’S HORRIFYING ANSWER To This Question Might Be The Best Reason EVER To Not Vote For Her [VIDEO],"On Jan. 26, 2016, Hillary was asked a very interesting question. After seven years with a President who has done everything in his power to circumvent the law, her answer to this very timely question should send chills down the spine of every American President Obama would make a terrific Supreme Court justice, though it could be difficult to get him confirmed by the current Senate, Hillary Clinton said here Tuesday.The Democratic presidential candidate was responding to a question from a voter, who noted that the next president probably will have several Supreme Court appointments to make. The man wondered aloud if Obama might be one of them if Clinton moves into the White House. Wow! What a great idea! Clinton exclaimed as the crowd of 450 people roared approval and applauded. I ll be sure to take that under advisement, she said. I mean, he s brilliant. He can set forth an argument, and he was a law professor, so he s got all the credentials. Now, we do have to get a Democratic Senate to get him confirmed. Via: USA Today",left-news,"Feb 17, 2016",0 +WHY WOULD OBAMA ALLOW GREEN BERET To Be Discharged For Saving Life Of Young Boy Kept As Sex Slave By Muslim Afghan Police Chief?,"It s hard to read stories like this without wondering how a Commander in Chief can so easily desert those who sacrifice all for our nation, in favor of looking the other way when it comes to twisted Islamic traditions . De Oppresso Liber (To Liberate the Oppressed) ~~Motto of the U.S. Army Special ForcesA poignant Afghan proverb declares, Cowards cause harm to brave men. This ancient Pashtun adage reflects the shocking story of U.S. Special Forces Sgt. Charles Martland; Martland is the brave man, a soldier who saved the life of an Afghan boy who was abducted, held, and abused as a sex slave by an Afghan police chief, Abdul Rahman, the vicious, powerful, and arrogant coward. The incomprehensible harm to Martland resides in the inexplicable action taken by the U.S. Army. The Army disciplined Martland, relieved him from his duty post in Afghanistan, and is now seeking to involuntarily discharge him from military service.What was the dreadful and dischargeable infraction by the highly decorated Green Beret Charles Martland? Quinn was relieved of his Special Forces command after a fight with a U.S.-backed militia leader who had a boy as a sex slave chained to his bed. Credit Kirsten Luce For NYTIn 2011, Martland and his Special Forces Captain Dan Quinn (who has since resigned from the military) physically assaulted Abdul Rahman, after learning that Rahman had abducted a boy, chained him to a bed, repeatedly abused him as a sex slave and beat up the boy s mother when she sought to find and rescue her son. The Green Berets intervened when they discovered that the boy was being raped and held as a sex slave. According to the Martland and Quinn, the Afghan villagers were pleading with them to do something about repeated sexual assaults against children by the Afghan police.Here is the dirty, not so little secret of Afghanistan: The sexual abuse of children is widespread and embedded into the Afghan Pashtun culture. There is scant prosecution of child sex exploitation in Afghanistan. American military have long been saddled with the knowledge of the Afghan practice of bacha bazi, translated as dancing boys. Bacha Bazi is the ancient and widespread practice of Afghan men who abduct and lure poor boys into the grisly world of child sex slavery where they are raped and exploited by Afghan men. Frontline exposed this lurid child sex trafficking trade.U.S. Military stationed in Afghanistan experience the hideous reality that children are expendable in the feckless Afghan criminal justice system. Cultural mores trump human rights among the tribesman of Afghanistan.This wasn t the first time that Martland and Quinn experienced inaction from the Afghan government for serious child sexual exploitation crimes committed by the Afghan police force. Martland and Quinn knew that two Afghan commanders were not prosecuted nor punished for the rape of a 15 year old girl and the honor killing of an Afghan commander s 12 year old daughter who kissed a boy. Martland who was fed up with the ongoing sexual exploitation of children by Afghan officials said, I felt that morally we could no longer stand by and allow our Afghan Commanders to commit these atrocities. Since when is a highly decorated Green Beret who confronts a violent child sex predator and trafficker and woman beater, punished and involuntarily discharge from the military?What happened to the greatest military and force for moral good on the face of the planet? Isn t Martland carrying out the very anti human trafficking policies promulgated by the Obama Administration?Obama s administration, including his Pentagon, endlessly promotes and spends millions on sexual assault and human trafficking programs, policies and media messaging. The very human rights violations perpetrated upon innocent Afghan children are the ones which this Administration is demanding action to enforce zero tolerance:1.U.S. Department of Defense Policy Against Human Trafficking. In the press release praising the ongoing military awareness training of human trafficking, the Army media alert highlights the annual training and progress for DoD s military as driving home the department s zero tolerance for slavery and human trafficking. Apparently, that DoD zero tolerance policy doesn t apply to Captain Quinn and Sgt. Martland. Is it simply awareness, but no action to stop human trafficking and sex slavery? Zero tolerance means stopping the cultural and systemic abduction and sex slavery of young Afghan boys. Is the DoD training report mere lip service and media hype to convince Americans that the U.S. military fights human trafficking and sex slavery?The DoD press release ends with the ironic caveat that military leadership also plays a critical awareness role in preventing such crimes. Sgt. Martland and Captain Dan Quinn are military leaders who prevented further human trafficking crimes and are now paying for it with their military careers. Via: Yore Children",left-news,"Feb 17, 2016",0 +"How Loudmouth β€œMusician” Who’s $53 Million In Debt, Is Using Racism To Promote Himself","Yeah okay Kanye Noted jacka$$ Kanye West doesn t want white publications to write about his music anymore. They just don t get it.And this isn t racist at all.The Huffington Post reported:On a far too cold Thursday afternoon in New York City last week, Kanye West finally debuted his album, The Life Of Pablo, at Madison Square Garden to over 20 million people tuning into a live stream on Tidal.Then he announced on Twitter that the album he previewed wasn t the album.At the end of the week, on Saturday Night Live, West eventually announced he had put the real album online. But even then TLOP was just on Tidal. Although it s unclear whether the album currently streaming on Tidal is the final version, publications such as The New York Times and Pitchfork put out their reviews just shortly after the release Then, after letting that rack up retweets and hearts for about half an hour, West decided to go after white publications that try to review black music. Via: Gateway Pundit Since White publications shouldn t cover black music, does that mean White billionaires, like Facebook founder Mark Zuckerberg, shouldn t cover the debts of black musicians? https://twitter.com/kanyewest/status/699374499414691840https://twitter.com/kanyewest/status/699374593996300288https://twitter.com/kanyewest/status/699374547347243008 ",left-news,"Feb 17, 2016",0 +The β€œISLAMIC RAPE OF EUROPE”…One Nation Is Fighting Back In Most Politically Incorrect Way,"As an American of Polish descent, I am proud to see Poland taking a stand against an invasion of Muslims who seek to forever change the culture and destroy the rich history European nations have enjoyed for centuries. While other European nations sit back and wring their hands over the rape, sodomy and molestation of their citizens, Poland is taking a strong stand by letting the Muslim migrants know, they are not welcome to invade their country.One of Poland s most popular weekly magazines has splashed a graphic depiction of the rape of Europe s women by migrants on its front cover. The image may be one of the most politically incorrect illustrations of the migrant crisis to date.While Poland is generally much more relaxed about expressing itself than the self censoring tendencies of western and northern Europe, the cover of the latest wSieci (The Network) conservative magazine has already prompted reaction just 24 hours after release, being beamed around the continent by social media.Featuring a personification of Europa being pawed at by dark hands what the German media would perhaps euphemistically term southern or Mediterranean the headline decries the Islamic Rape of Europe .Making perfectly clear the intention of the edition, the edition features articles titled Does Europe Want to Commit Suicide? and The Hell of Europe . The news-stand blurb declares: In the new issue of the weekly Network, a report about what the media and Brussels elite are hiding from the citizens of the European Union .Opening the cover article, Aleksandra Rybinska writes: The people of old Europe after the events of New Year s Eve in Cologne painfully realised the problems arising from the massive influx of immigrants. The first signs that things were going wrong, however, were there a lot earlier. They were still ignored or were minimised in significance in the name of tolerance and political correctness .Outlining the fundamental differences between eastern Islam and western Christianity culture, architecture, music, gastronomy, dress the editorial explains these two worlds have been at war over the last 14 centuries and the world is now witnessing a colossal clash of two civilisations in the countries of old Europe . This clash is brought by Muslims who come to Europe and carry conflict with the Western world as part of the collective consciousness , as the journalist marks the inevitability of conflict between native Europeans and their new guests.The collapse of the West in the face of this Islamic rape was not inevitable though, as Rybinska quoted British historian Arnold Toynbee: Civilisations die from suicide, not by murder .Via: Breitbart News",left-news,"Feb 17, 2016",0 +DEMOCRAT LAWMAKER Puts Forth Bill Requiring Wife’s Permission For Men To Obtain Viagra Prescription,"Leave it to a Democrat to waste everyone s time and money by putting forth legislation she knows has no chance of passing, as a means to convince legislators they need to make it easier to kill an unborn child. A Kentucky lawmaker has put forward a bill that would require men to visit a doctor at least twice and obtain a signed permission slip from their wives before they could obtain a prescription for the erectile dysfunction drug Viagra.State Rep. Mary Lou Marzian, a Democrat, acknowledged to the Louisville Courier-Journal that the bill has no chance of passing. However, she said the bill was a response to several anti-abortion measures, including a recently ratified law that requires a woman seeking an abortion to get counseling at least 24 hours in advance from a health professional.In an opinion piece, Marzian said her bill is meant to illustrate the absurdity of government encroachment into women s personal and medical decisions currently running amok in the Kentucky General Assembly and [Gov. Matt] Bevin administration. Marzian s bill specifies that only married men can obtain Viagra and a prospective patient must make a sworn statement with his hand on a Bible that he will only use a prescription for a drug for erectile dysfunction when having sexual relations with his current spouse. Other state lawmakers have filed similar bills to make political points. In 2012, a bill from an Ohio state senator required men to get a psychological evaluation before getting a Viagra prescription and last year a South Carolina state representative filed a bill that would require men to wait 24 hours before getting a prescription.Marzian has also said she would file a bill requiring potential gun buyers to undergo counseling from victims of gun violence 24 hours in advance of the purchase. Via: FOX News",left-news,"Feb 17, 2016",0 +"QUESTION: Since Paris Terror Attacks, How Muslim Refugees Have Arrived In U.S.? How Many Are Christians? [VIDEO]","The answer to this question should shock every American The government has admitted 605 Syrian refugees for resettlement in the United States since last November s Paris terrorist attack, two of whom are Christians.The rest are 589 Sunni Muslims, 10 Shia Muslims, three other Muslims, and one refugee identified in State Department Refugee Processing Center data as other religion. At the same time, the proportion of Christians among the total cohort of Syrian refugees admitted into the U.S. since the conflict began five years ago has now dropped below two percent.Just 55 Christians (1.9 percent) are among the 2,769 Syrian refugees admitted since March 2011, while a large majority 2,594 (93.6 percent) has been Sunni Muslims.Christians accounted for about 10 percent of Syria s population when the civil war began and Sunni Muslims for an estimated 74 percent.The administration has rejected calls by some Republican lawmakers, and some GOP presidential candidates, for Syrian Christians to be prioritized in the refugee admission process.Here s the truth about how these Muslim refugees who are coming from countries who hate are finding their way to the United States:The ISIS terrorist attack in Paris on November 13 fueled concerns that the terrorist group was exploiting the flow of refugees and migrants as cover to send jihadists into the West to carry out attacks.French authorities said two of the attackers had been carrying fake Syrian passports and warned European Union partners that some terrorists are trying to get into our countries and commit criminal acts by mixing in with the flow of migrants and refugees. Last Tuesday, Director of National Intelligence James Clapper affirmed during a Senate Armed Services Committee hearing that ISIS has done so. Isn t it already proven that Mr. Baghdadi is sending people with this flow of refugees that are terrorists that in order to inflict further attacks on Europe and the United States? Sen. John McCain (R-Ariz.) asked him, referring to ISIS leader Abu Bakr al-Baghdadi. That s correct, Clapper replied. That s one technique they ve used is taking advantage of the torrent of migrants to insert operatives into that flow. In addition, he continued, ISIS has become pretty skilled at [producing] phony passports, so they can travel ostensibly as legitimate travelers as well. In December, House Homeland Security Committee chairman Rep. Michael McCaul (R-Texas) said the U.S. intelligence community has identified already individuals tied to terrorist organizations in Syria that want to exploit and get into the United States through the refugee process. Via: CNS News",left-news,"Feb 16, 2016",0 +FACEBOOK USER ARRESTED FOR β€œOffensive” Posts About Syrian Refugees: β€œsocial media abuse will not be tolerated”,"Only months ago, Obama s Attorney General, Loretta Lynch warned Americans the U.S.Department of Justice intends to criminally prosecute and even imprison Americans who they determine are guilty of using speech that edges towards violence against Muslims. For anyone who thinks our new tyrannical government has no ability to arrest you for comments you make on Facebook think again. Scotland police have said the arrest of a man responsible for a series of offensive Facebook posts about Syrian refugees resettled on the Isle of Bute should send a clear message that such social media abuse will not be tolerated.Following a report of a series of alleged offensive online posts relating to Syrian refugees living in Rothesay on Bute, Police Scotland confirmed on Tuesday that a 40-year-old man, understood to be from the Inverclyde area, had been arrested under the Communications Act.Twelve Syrian families arrived in the seaside town in early December, as Scotland welcomed one third of the thousand refugees David Cameron agreed to take from camps bordering Syria before the end of last year.Following the arrest, Insp Ewan Wilson from Dunoon police office said: I hope that the arrest of this individual sends a clear message that Police Scotland will not tolerate any form of activity which could incite hatred and provoke offensive comments on social media. Via: The Guardian",left-news,"Feb 16, 2016",0 +BEST DESCRIPTION EVER Of Liberalism In One Paragraph,"The character of the modern Left, and the core of the censorious campus leftism at the moment, has seldom been better described than by this 1978 passage from Harry Jaffa in How To Think About the American Revolution. Most importantly he understands that the distinction between liberalism and radicalism had dissolved, which explains Bernie Sanders:Liberalism and Radicalism both reject the wisdom of the past, as enshrined in the institutions of the past, or in the morality of the past. They deny the legitimacy to laws, governments, or ways of life which accept the ancient evils of mankind, such as poverty, inequality, and war, as necessary and therefore as permanent attributes of the human condition. Political excellence can no longer be measured by the degree to which it ameliorates such evils. The only acceptable goal is their abolition. Liberalism and Radicalism look forward to a state of things in which the means of life, and of the good life, are available to all. They must be available in such a way that the full development of each individual which is how the good life is defined is not merely compatible with, but necessary to, the full development of all. Competition between individuals, classes, races, and nations must come to an end. Competition itself is seen as the root of the evils mankind must escape. The good society must be characterized only by cooperation and harmony. The Old Liberalism saw life as a race, in which justice demanded for everyone only a fair or equal chance in the competition. But the New Liberalism sees the race itself as wrong. In every race there can be but one winner, and there must be many losers. Thus the Old Liberalism preserved the inequality of the Few over and against the Many. It demanded the removal of artificial or merely conventional inequalities. But it recognized and demanded the fullest scope for natural inequalities. But the New Liberalism denies natural no less than conventional inequalities. In the Heaven of the New Liberalism, as in that of the Old Theology, all will be rewarded equally. The achievement of the good society is itself the only victory. But this victory is not to be one of man over man, but of mankind over the scourges of mankind. No one in it will taste the bitterness of defeat. No one need say, I am a loser, but I have no right to complain. I had a fair chance. The joys of victory will belong to all. Unlike the treasures of the past, the goods of the future will be possessed by all. They will not be diminished or divided by being common. On the contrary, they will for that reason increase and intensify. No one will be a miser or a Conservative.Via: Powerline",left-news,"Feb 16, 2016",0 +SYRIAN REFUGEE Family LIED About BED BUG Infestation To Get Better Housing,"The entitled refugee mentality is becoming the norm in bleeding heart nations around the world. We recently reported about complaints from Italian citizens that refugees were dumping garbage in the streets of Italy to protest poor wi-fi. In Germany, an Afghan family refused to get off the bus at their new government funded flat, after complaining they were promised a home.Immigrant Services Association of Nova Scotia says staff thoroughly inspected an apartment to ensure it was bedbug-free before moving in a family of six Syrian refugees on Feb. 1.Director of operations Gerry Mills said families are moved into safe and appropriate housing, and ISANS staff keep the health and well-being of refugees in mind. Our staff know what bedbugs look like and since Friday we ve had staff there every day in different apartments, honestly trying to look for bedbugs. We have found not one bedbug, she said.On Tuesday, Ziad Zeina told CBC News through an interpreter that he wanted to get his family out of their two-bedroom apartment on Gerrish Street because the bedbug problem is non-stop and it s not going to change and there s no solution at this moment. But Mills said one of the first steps workers take is to inquire with building managers whether the biting pests are a problem on site.In the case of Harbour View Apartments where the Zeinas live, Mills said building managers took the preventive step of fumigating their unit even though it did not have bedbugs. You can actually tell because there s still kind of an actual vague smell in them [apartments], Mills said.Or was it a pre-existing skin condition?Wafaa Al Safadi holds her 10-month-old son, Rayan Zeina. She says he is covered in bed bug bites. (Elizabeth Chiu/CBC)The Zeinas are government-assisted refugees who stayed briefly in Charlottetown and decided to settle in Halifax at the end of January.The family insists there s a bedbug issue and Wafaa Al Safadi lifted her baby s shirt to reveal his chest and back covered in scabs and red rashes.But Mills said the baby has a pre-existing skin condition. The marks were on the child even before they moved into that apartment. When they were in the hotel, we spoke with the family then about taking the child to the doctor to get some medication. ISANS said there are 16 families of Syrian refugees living in the same building and no other families have complained about the blood-sucking insects. Via: CBC ",left-news,"Feb 16, 2016",0 +HOOKERS FOR HILLARY: Why They’ve Got Her Back…[VIDEO],"It only seems fitting that an openly immoral group would attach their wagon to the wife of the most sexually deviant President to ever occupy the White House As Hillary gears up for the Nevada caucus, her supporters are drumming up support in a bid to avoid another crushing defeat by Bernie Sanders.This includes one, not-so conventional group who have had her back since she announced her candidacy back on April 12.Hookers for Hillary are back out on the road in a bid to help the Democratic candidate to a much-needed victory.The group of prostitutes work at the legal brothel, the Moonlite Bunny Ranch near Carson City, which is owned by Dennis Hof, who made headlines after Lamar Odom was found unconscious in one of his establishments last year.The campaign was his idea, and his employees have his backing. Entice Love, a 26-year-old mother of two from Sacramento, who works at the ranch told The Guardian: I m for Hillary because she s cracking down on domestic violence.Many of them chose their profession, which is illegal in the other 49 U.S. states, to get health insurance for themselves and their families.Some suffer health problems that require expensive medication. Taylor Lee, a 26-year-old from Houston, told The Guardian her job at the Moonlite Ranch helped her keep up with payments for epilepsy pills which cost $10 a piece.However she admitted she was pushed to vote for Hillary, but will be caucusing for rival Sanders. Via: Daily MailIf Hillary gets in, does that mean everyone in Las Vegas gets free health care, free school and free sex? Sounds like it could be a suitable retirement choice for Bill . ",left-news,"Feb 16, 2016",0 +DISTURBING TRUTH ABOUT How The UN Decides Which Muslim β€œREFUGEES” Will Be Your New Neighbor [VIDEO],"Every American should know the corrupt UN has been, and will continue to be, the one organization who decides which Muslim refugees will be flooding your hometown Who picks the Syrian refugees that resettle in the U.S.? Homeland Security? No, the United Nations, in concert with a global Islamist group. And they re sending more than 15,000, not the widely reported 10,000.In fact, Washington has no role in selecting the thousands of Syrian refugees coming to your hometown. The U.N. High Commissioner for Refugees is really behind the effort, and he s referred an additional 5,000-plus Syrian nationals here.A new State Department report reveals that the U.S. already has accepted at least 15,000 Syrian refugee referrals from the UNHCR. The United States is one of 28 countries that have agreed to accept referrals from UNHCR as part of its ambitious international effort to secure permanent or temporary resettlement for 130,000 Syrian refugees by the end of 2016, the State Department said in Proposed Refugee Admissions for Fiscal Year 2016. As of mid-2015, UNHCR has referred more than 15,000 Syrian refugees to the United States, the 71-page report adds. And these individuals are being screened to determine whether they are eligible. Of course, that security screening is a joke, as the FBI director and his top counterterrorism aide, as well as the Homeland Security and National Intelligence chiefs, have all testified.State notes in its report that security checks include biographic name checks for all refugee applicants and biometric (fingerprint) checks for refugee applicants. Only Syria is a failed state, and there are no fingerprint databases to check applicants against.The Islamic State has publicly vowed to use the refugee program to invade Europe and America, and allegedly has already infiltrated some 4,000 warriors among the flood of Syrian refugees.The Obama administration insists that it will catch any terrorist infiltrators through its interviewing process.But, the State Department report said, In some countries, such as Syria, Yemen and Eritrea, Department of Homeland Security adjudicators have been unable to travel to interview applicants for several years. That s not all. The UNHCR is working hand in hand with an international Islamist group of 57 Muslim nations the Organization of Islamic Cooperation whose founding charter seeks to propagate legitimate jihad and the norms of Islamic Shari ah. Saudi-based OIC, in fact, is tied to the radical Muslim Brotherhood. We are delighted to work with the OIC, said U.N. High Commissioner for Refugees Antonio Guterres.So it s really the U.N. and radical Islamists who are choosing your new Muslim neighbors.While the U.N. calls its project refugee resettlement, the Islamists call it hijra, or immigration jihad. Via: IBD",left-news,"Feb 16, 2016",1 +LOCAL SHERIFF Escorting School Kids Not Allowed To Bring Gun Into Theater,"Because shootings never happen in a gun-free theaters right? A local sheriff s deputy escorting a group of fifth-grade students on a field trip to the Fox Theater in Atlanta said he was told to stand outside because he was carrying his service weapon, reports WSB-TV.Monday, Sergeant Jack Gilroy was assigned to escort 60 fifth-grade students and their teachers from Stark Elementary School to the Fox Theater for a field trip.Butts County Sheriff Gary Long said it s standard procedure for an on-duty deputy to escort kids on all sporting events and field trips. It gives a sense of security to parents at work or home, Long said.Gilroy said a Fox Theater security officer asked him to leave the building or store his service weapon in his vehicle. How would the owner of the Fox explain if a shooting happened and here s a Butts County deputy sitting inside the theater without a weapon? Long said.Gilroy decided to keep his weapon and stand outside the theater for nearly three hours.A Fox Theater spokesperson told Channel 2 Action News their policy allows on-duty, uniformed law enforcers to enter the theater with their weapon. They released a statement that said, We plan to review our policies with the staff to ensure that procedures are clear moving forward. Gilroy said the security company called him to apologize.Via: Police Magazine",left-news,"Feb 15, 2016",0 +HERE WE GO AGAIN…GRAMMY AWARDS UNDER FIRE For Not Honoring Enough Dead Black People,"All of a sudden #BlackDeathsMatter Could the Grammy Awards have their own race problem? The show is coming under huge pressure to diversify its all-white tribute lineup and honor the late Maurice White.During Monday s telecast, Lady Gaga will perform an eight-minute David Bowie tribute, Jackson Browne will honor Glenn Frey and Alice Cooper and Johnny Depp are expected to perform a tribute for Lemmy from Mot rhead.But industry insiders are griping that White, of the band Earth, Wind & Fire, and Natalie Cole have been banished to a video tribute package with others who died in the past year. Over the last week or so, since Maurice White passed away, there has been back and forth with the producers and the academy about some kind of representation of him during the show. The tributes they ve confirmed are all white. As of yesterday, there was no tribute at all for Maurice because Grammy producers said they didn t have time, one insider told us.Meanwhile, another source close to the Grammys said they re still trying to figure out how to add more diversity to the lineup. Maurice White and the group he founded had unprecedented impact on pop culture. After a lot of pressure, producers are trying to figure out how to properly pay tribute to him. It s still in limbo, said the insider.To make matters worse, Run-DMC will receive a lifetime achievement award but it won t be televised. People are afraid to speak on it because it s the Grammys. But there s a history of them not acknowledging black artists, the first source added.Even though rapper Kendrick Lamar leads the Grammy nominations with 11 nods, the show still faces accusations of not doing a good enough job of honoring artists of color. Billboard recently reported in a Confessions of a Grammy Voter piece, The voting bloc is still too white, too old and too male . . . the voters are becoming more diverse in terms of minorities, females and younger ages but there s still a long way to go. Grammy reps didn t get back to us by press time. Via: NYP",left-news,"Feb 15, 2016",0 +U.S. DEPARTMENT OF EDUCATION: Teachers Should Incorporate Islam In More Subjects,"Does anyone in recent history remember the US Department of Education asking educators to place more emphasis on Christianity or Judaism in their curriculums? Yeah neither do we As parents across the country storm school board meetings over a perceived overemphasis on Islam in the curriculum, bureaucrats in Washington, D.C. are suggesting ways teachers can focus more on the religion.A recent blog posted to Home Room, The official blog of the U.S. Department of Education, points out that terrorist attacks in Paris and California sparked anti-Muslim incidents in schools and other places.Muslim students, and those perceived to be Muslim, could be bullied, and the government wants teachers to know how to create an anti-bias learning environment by focusing specifically on those students and their faith. This means incorporating the experiences, perspective and words of Muslim people into the curriculum through social studies and current events instruction, children s literature, in order to learn about different cultures, the blog reads. When you teach about world religions, be sure to include Islam. It s also important to be aware that some Muslim students may feel relieved and comfortable discussing these issues in class and others may feel nervous, scared or angry to be talking about a topic so close to home. The education experts authors Jinnie Spiegler, director of curriculum with the Anti-Defamation League, and Sarah Sisaye of the Education Department s Office of Safe and Healthy Students suggest that teachers pick controversial current events ripe with examples of bias and injustice to highlight anti-Muslim discrimination, and to discuss what actions (students) could take to make a difference. Teachers should also take it upon themselves to spread awareness about Muslim cultural traditions by encouraging events like Hijab days, when female students wear the Islamic religious scarf donned by their Muslim classmates. The education experts provided a link to a YouTube video of an event at Vernon Hills High School in December as an example.Meanwhile, in places like Tennessee, state officials are reviewing curriculum early amid a barrage of complaints about questionable lessons on Islam in middle school history courses. Parents have highlighted lessons that required students to read, write and recite the Islamic conversion prayer; and pointed out the disproportionate amount of time students spend studying Islam versus other religions.Parents have also questioned the accuracy of texts that suggest Christians and Muslims worship the same God and that Islam is a religion of peace, EAGnews reports. A lot of the things we hear about Muhammad and a lot of the warfare that was waged is very much sugar coated, Williamson County School Board member Susan Curlee said at a December town hall. My concern is, are we going to be asking students on a test to potentially compromise their faith for the sake of a grade? she questioned.Also in December, parents in Greenville, Virginia raised objections to a world geography lesson at Riverheads High School that tasked students with copying the Islamic conversion prayer in Arabic, by hand. The intent, according to the lesson, is to give you an idea of the artistic complexity of calligraphy, The Shilling Show reports.The lesson doesn t appear to explain what the shahada or Islamic statement of faith is exactly There is no god but Allah, and Muhammad is the messenger of Allah but it does discuss the inspiring beauty of the Koran.And it s those types of lessons that are sparking a backlash from parents across the country, from lawsuits in Maryland to proposed legislation in Tennessee, centered on what many view as Muslim indoctrination through curriculum.A bias toward Islam is one of the reasons Tyler County Board of Education President Bonnie Henthorn decided to homeschool her children, rather than allow them continue in public schools, the Charleston Gazette-Mail reports.And while the Education Department blog stresses the importance of creating classrooms that are free from discrimination and harassment based on protected traits including religion, it offers no suggestions for teachers struggling to explain to parents why government approved texts and associated lessons focus more on Islam than other religions. Via: EAG News",left-news,"Feb 15, 2016",0 +ENTITLED β€œREFUGEES” Taken To Flats In German Town…REFUSED To Get Off Bus…Said They Were Promised A House,"Wow! It s hard to believe the German government could be so cruel. Sounds like a clear cut case of racism or something like that There was an uproar yesterday at the Wasserfahrt in Kl tze, Germany, as a minibus from the Altmark district passed by the new number 18 block of flats.Both of the caretakers of the emergency accommodation in Salzwedel brought a total of six people from Afghanistan, a couple with two children and the brother with his wife. They were to have temporary accommodation in Kl tze. But the Afghans refused to get off the bus. They just sat there. The reason: in the reception centre where they were housed during their flight, they had been promised a house. They insisted on this and refused to move into the home in the new block of flats.The two local council employees had no choice but to close the minibus doors and drive with both families back to Salzwedel. There the Afghans were housed once again in the sports hall at the Kollwitz school. In the afternoon, two interpreters tried to discuss the matter with the four adults and two children and explained the alternatives: Kl tze or the emergency accommodation. Via: az-online",left-news,"Feb 14, 2016",0 +NIGHTMARE SCENARIO: FOX NEWS Reports Obama Can Appoint Supreme Court Justice On Jan 3rd…Could This Be His Final β€˜SCREW YOU AMERICA’ Act?,"Pray for our nation FOX News reported this afternoon that Barack Obama can appoint a left-wing Supreme Court Justice after the Republican Senate adjourns on January 3, 2016.Obama will then have 17 days to nominate a far left justice to the Supreme Court.11 of 12 previous recess appointments were approved by the senate.This came up in discussion after news broke that conservative Justice Antonin Scalia was found dead today.This would be his last eff-you to the American people before he leaves office.God help us.WATCH:https://youtu.be/4IQsJjJC5_kVia: Gateway Pundit ",left-news,"Feb 13, 2016",0 +"ONLY HOURS AFTER DEATH Of Supreme Court Justice Scalia, Democrats Demand Obama Chooses His Replacement","The US Supreme Court is set to decide the first major abortion case in nearly 10 years as well as critical decisions on immigration, affirmative action and voting rights. Will the Republican party have the spine to stand up to these reprobates and demand that we wait until after the election to appoint a new US Supreme Court Justice? Senate Majority Leader Mitch McConnell said Saturday that the Senate should wait until a new president is elected to confirm a replacement for Justice Antonin Scalia, whose sudden death Saturday shook Washington and threatened to reshape the 2016 presidential race.Democrats said that with 11 months left in Mr. Obama s tenure, the Senate has enough time and indeed an obligation to confirm a replacement. The American people should have a voice in the selection of their next Supreme Court Justice. Therefore, this vacancy should not be filled until we have a new president, the Kentucky Republican said in a statement.News of Scalia s death was just hours old before the debate heated up.With the court now divided between four Republican-appointed justices and four Democratic picks, Mr. Obama would have a chance to tilt the bench decidedly to the left, and liberal lawmakers said he should have that chance.Via: Washington Times",left-news,"Feb 13, 2016",1 +UNHINGED LEFTIST Apologizes To β€œRefugees” Who Gang Raped Her,"Why stop there? Using liberal logic, shouldn t the 3 year old girl who was raped at a refugee center apologize as well? What about the 10 year old boy who was repeatedly raped while cops in Sweden ran away? What about the 72 year old woman who was anally raped by a rapefugee in Germany? What about the mass number of women and young girls who were raped and sexually assaulted on New Years Eve in Germany? Are these rapists owed an apology from their victims as well? Progressives are showing their true colors and the world is getting a glimpse into the results of a religion that has been allowed to dictate laws and socially acceptable behavior for decades A 24-year-old spokeswoman for the Linksjugend Solid (Left-wing Youth Solid) was raped by three refugees on January 27, 2016.Here is the original report of the crime published by the police:In the evening of 27 January, a 24-year-old woman filed a complaint with the police. She said that on Tuesday night she was the victim of a sexual crime in a car park in the Oststadt district. The detailed circumstances of the crime require further investigation that will be carried out by the Mannheim Criminal Police Section of the Heidelberg Criminal Police Management.The rape victim recently posted this on her Facebook page:Dear male refugees, I am so sorry! Almost a year ago I saw the hell from which you have fled. I was not directly in the heart of it, but I visited the people in the refugee camp in southern Kurdistan. I saw old grandmothers who had to take care of too many children without parents. I saw the eyes of these children. Some had not lost their light. But I also saw children whose gaze was empty and traumatising. I showed Arabic characters to around 20 Yazidi children in their maths class and still remember how a small girl started crying only because a chair fell. I have had a taste of the hell from which you fled. I didn t see what happened there and didn t experience the challenging journey you had to make. I am glad and happy that you managed to get here. That you were able to leave IS and its war behind and did not drown in the Mediterranean. But I am afraid you are not safe here. Burning asylum homes, daily attacks on refugees and a brown [tn: used in German as a synonym for Nazi] mob running through the streets. I have always fought against the fact that that s how it is here. I wanted an open, friendly Europe. One in which I d be happy to live and where we would both be safe. Sorry. I am so unbelievably sorry for both of us. You, you are not safe, because we live in a racist society. I, I am not safe because we live in a sexist society. But what I am most sorry about is that the circumstances of the sexist and excessive actions that were done to me will only contribute to the increasing and ever more aggressive racism to which you are exposed. I promise you I will scream. I will not allow it to go on happening. I will not look on and do nothing and let it happen when racists and concerned citizens say you are the problem. You are not the problem. You are actually not any problem. You are mostly wonderful people, who have earned the right as much as anyone else to be safe and free. That you for being who you are and it s great that you are here.After a hostile reaction, the Facebook post was apparently deleted. A screenshot of the post however was captured, and can be seen below. Her name on the post appears as Selin G. which sounds non-German, so she is probably of Turkish (perhaps Kurdish origin).",left-news,"Feb 13, 2016",0 +EMAILS SHOW OBAMA’S EPA Planned To Let Flint Residents Drink Poison Water Until 2016,"It s fascinating that even before any facts related to the Flint water crisis were available, the Hollywood liberal elite and Leftist s across America were calling for the head of Michigan s Republican Governor. Now that the evidence is overwhelmingly pointing to a corrupt and incompetent EPA along with incompetent Democrat public officials in Flint, MI., will the media start correctly placing the blame where it belongs? WATCH big mouth activist Michael Moore attempting to inject his rancor into the Flint water crisis, as a way to draw attention to himself and place blame on Republican Governor Rick Snyder instead of the actual culprit, the incompetent EPA:Four months after being notified about high lead levels in a Flint home, the Environmental Protection Agency was prepared to let the city continue giving lead-contaminated water to customers until at least 2016, emails released Friday show.Jennifer Crooks, the Michigan program manager for the EPA s Drinking Water State Revolving Fund, sent out an agenda on June 8, 2015, for a planned call with Michigan Department of Environmental Quality officials.In that email, Crooks said it was known that Flint had not been adding any corrosion-control chemicals to its water to prevent lead from leaching from the pipes into drinking water since April 2014. She said the city was in its second six-month testing period.It didn t make sense for the city to start a corrosion control program in June 2015, Crooks wrote. Since Flint has lead service lines, we understand some citizen-requested lead sampling is exceeding the Action Level, and the source of drinking water will be changing again in 2016, so to start a Corrosion Control Study now doesn t make sense, Crooks wrote. The idea to ask Flint to simply add phosphate may be premature; there are many other issues and factors that must be taken into account which would require a comprehensive look at the water quality and the system before any treatment recommendations can/should be made. The email was sent almost four months after EPA researcher Miguel Del Toral was made aware of high lead in Flint s water.Via: Washington Examiner ",left-news,"Feb 13, 2016",0 +"OUTRAGE AND DESPERATION: VIDEO Captures American Company Telling 1,400 Workers Their Jobs Are Going To Mexico","Our next President is going to have to work with Congress to undo all of the excessive tax burdens, government regulations and restrictions, that have been forcing American businesses to go overseas in order to make a profit and compete Is Donald Trump that President? Video footage has emerged documenting the outrage and desperation of 1,400 American workers as they are informed that their company will be sending their jobs to Mexico.As Mediaite reports: A cell phone video taken at Carrier Air Conditioner in Indianapolis shows the exact moment that the plant and union workers were told that the company had decided to shift production south of the border. The best way to stay competitive and protect the business for longterm is to move production from our facility in Indianapolis to Monterrey, Mexico, says the company representative at the microphone. Let s quiet down, the company representative says as the American workers of different races and ethnicities begin to shout out after being told that they will soon be out of a job.Although the establishment media seems loath to report it, globalist trade deals and the off-shoring of American jobs have become a central focus of the 2016 race as earlier this month President Obama s signed what could arguably be one of the impactful trade agreements in modern history, the Trans-Pacific Partnership.The Economic Policy Institute has documented that Between 1993 (before NAFTA took effect) and 2013, the U.S. trade deficit with Mexico and Canada increased from $17.0 billion to $177.2 billion, displacing more than 850,000 U.S. jobs. More than 5 million U.S. manufacturing jobs were lost between 1997 and 2014, and most of those job losses were due to growing trade deficits with countries that have negotiated trade and investment deals with the United States, the report states.Mexico is a member country of the TPP. The Economic Policy Institute notes, the United States already has a large and growing trade deficit with the 11 other countries in the proposed TPP, which reached $265.1 billion in 2014. In contrast, the United States had a small trade surplus with Mexico in 1993, before NAFTA took effect. In other words, outsourcing to the TPP countries is a potentially much greater threat than it was under NAFTA with Mexico. Donald Trump has made his opposition to the Trans-Pacific Partnership a focal point of his campaign.Trump said that if he were President,I would call up the head of Ford I would say, Congratulations. That s the good news. Let me give you the bad news. Every car and every truck and every part manufactured in this plant that comes across the border, we re going to charge you a 35-percent tax, and that tax is going to be paid simultaneously with the transaction, and that s it If it s not me in the position, it s one of these politicians that we re running against [then] here s what s going to happen. They re not so stupid. They know it s not a good thing, and they may even be upset by it. But then they re going to get a call from the donors or probably from the lobbyist for Ford and say, You can t do that to Ford, because Ford takes care of me and I take care of you, and you can t do that to Ford. And guess what? No problem. They re going to build in Mexico. They re going to take away thousands of jobs. It s very bad for us. So under President Trump, here s what would happen: the head of Ford will call me back, I would say within an hour after I told them the bad news And he ll say, Please, please, please. He ll beg for a little while, and I ll say, No interest. Then he ll call all sorts of political people, and I ll say, Sorry, fellas. No interest, because I don t need anybody s money I don t need anybody s money.I m using my own money. I m not using the lobbyists. I m not using donors. I don t care. Via: Breitbart News ",left-news,"Feb 12, 2016",1 +THE BEST ANTI-HILLARY AD EVER MADE…You’ll Want To Watch This BRUTAL VIDEO More Than Once,"The Ted Cruz campaign has identified the enemy and they ve placed a target squarely on their backs. It s about time the GOP candidates stopped targeting each other and focused on the real enemy, Hillary Clinton. It Feels Good To Be A Clinton brilliantly points out the corruption, cover-ups and lies of the Clinton Crime Syndicate. The Cruz campaign uses a very creative rap song in the background to hammer home some brutal truths about Hillary and how she operates We guarantee you ll want to watch this more than once:",left-news,"Feb 12, 2016",0 +PREGNANT CHELSEA CLINTON Makes Disturbing Confession About Why She Left Church At 6 Years Old,"The apple doesn t fall far from the tree Chelsea Clinton is pregnant with her second child, so in typical progressive feminist fashion, Chelsea has abortion on her mind. In a new interview, Chelsea Clinton, the daughter of pro-abortion presidential candidate Hillary Clinton, says she left the Baptist Church at the age of 6 because it has a strongly pro-life position opposing abortions.Clinton made the comment at a recent fundraiser for Hillary Clinton in an attempt to address evangelicals who question her mother s faith in God. She said she was upset when teachers in a Sunday School class talked about the wrongness of abortion. My mother is very deeply a person of faith, Chelsea said. It is deeply authentic and real for my mother, and it guides so much of her moral compass, but also her life s work. I recognized that there were many expressions of faith that I don t agree with and feel [are] quite antithetical to how I read the Bible, Chelsea said. But I find it really challenging when people who are self-professed liberals kind of look askance at my family s history. Via: Life NewsHmmm .Six years old I wonder if that was about the age when Chelsea referred to the Secret Service as Pigs. As we said earlier the apple doesn t fall far from the tree ",left-news,"Feb 12, 2016",0 +MUSLIMS CRITICIZE New State Law That Permanently BANS Sharia Law,"Maybe it s time for Muslim citizens and immigrants to start assimilating. What a concept Texas has just made a move that is sure to have many people cheering, and a select few angry. As the march to Sharia Law presses on, it appears Texas is fighting back.Over the past few years, Texas has been quick to take a stand against President Obama and implement the laws necessary to protect its citizens. Now, the Texas legislature has just passed a law designed to permanent bar Muslims from instituting Sharia Law in the Lone Star State.While State Sen. Donna Campbell doesn t specific measure Islamic law in the bill, her measure guarantees that no laws from foreign courts will be admissible by Texas civil court judges. It s just to provide some belt and suspenders to make sure that, with judicial discretion, we don t trump Texas law, American law, with a foreign law regarding family law, Campbell told reporters.Muslim groups have already criticized the bill, calling it a solution looking for a problem. They also argue that the bill will only perpetuate Islamophobia. What do you think? Do you support the measure? Via: Three Percenter Nation",left-news,"Feb 11, 2016",0 +PANERA BREAD CEO 2014: β€œDon’t Bring Your Guns Into Restaurants”…UPDATE: Two MD Sheriffs Shot And KILLED In Panera Bread Restaurant,"Only two days ago, Beyonce used her Super Bowl halftime show to glorify hating cops in front of millions of Americans. Two years ago, CEO s of major companies agreed to ban guns in states where citizens are allowed to carry guns. How long will America sit back and allow the Left to dictate the terms by which we live? Our safety and security is slipping away and we don t appear to have too many people in DC standing up for our rights. Meanwhile, the media seems to be perplexed over the rise of Donald Trump and Ted Cruz in the polls go figure FLASHBACK:Sept. 2014: Bakery-cafe chain Panera Bread has joined a growing list of retailers including Starbucks and Target by announcing that customers should leave their guns at home.The 1,800-outlet, $4.2 billion (market cap) company issued a brief statement on Monday after CEO Ron Shaich spoke to CNBC about the decision:Within our company, we strive to create Panera Warmth. This warmth means bakery-cafes where customers and associates feel comfortable and welcome. To this end, we ask that guns not be brought into this environment unless carried by an authorized law enforcement officer. Panera respects the rights of gun owners, but asks our customers to help preserve the environment we are working to create for our guests and associates.In the weeks and months leading up to this policy announcement, Panera Bread sought advice from Michael Bloomberg-backed Moms Demand Action for Gun Sense in America, now part of the former Mayor s $50 million Everytown nonprofit. Panera deserves our thanks and our congratulations for taking this important step, and I applaud the company for proactively consulting Moms Demand Action as it developed and implemented its policy, said the group s founder Shannon Watts, who has herself become the focus of ire from open carry activists and the NRA in recent months following efforts to see retailers and restaurant chains change their firearms policies.Watts and her team have most recently spent six figures on an ad blitz aiming to force the hand of Kroger, the country s largest grocery store chain. As of press time, Kroger maintained it would respect state and local laws on gun rights. Via: Forbes February 10, 2016:ABINGDON, Md. Two Harford County Sheriff s deputies have succumbed to their injuries after shootings at an Abingdon shopping center, officials said.Authorities said a deputy responded to a disturbance call at 11:46 a.m. Wednesday at the Panera Bread near Emmorton Road in Abingdon. That deputy was wounded when at least one shot was fired in his direction, Harford County Sheriff Jeffrey Gahler said. Gahler said restaurant witnesses gave good information as to which way the shooter went. A second responding deputy found the suspect, and shots were fired again, injuring the second deputy. We believe the deputies were shot by the same suspect, Gahler said. (The shooter) just took out his gun and shot him in the head right after the officer asked him, How s your day? witness Sophia Faulkner said.Two additional deputies, who responded to the initial shooting, fired rounds, and a short time later, the suspect was killed, Gahler said. The suspect was identified as 67-year-old David Evans, Gahler said. We know that there were two warrants for his arrest, Gahler said. We believe we were sent (to Panera Bread), because someone knew who he was. Police said Evans had two open warrants in two states. Evans had a criminal warrant in Florida for assaulting a police officer and fleeing and eluding police. In Harford County, Evans had an open civil warrant.A loaded handgun was found with Evans after the shootout, Gahler said. We are not looking for anyone else, Gahler said. There is no longer a threat to the community. The two deputies involved in shooting the suspect were placed on administrative leave, per agency protocol pending a completed investigation, Gahler said.SkyTeam 11 Capt. Roy Taylor reported that at least one deputy was airlifted to Shock Trauma. The other deputy was taken to University of Maryland Upper Chesapeake Medical Center in Bel Air. During a news conference Wednesday evening, Gahler said both deputies succumbed to their injuries. Today s a sad day for the Harford County Sheriff s Office and the citizens of Harford County, who we are sworn to serve. It s with great sadness that I tell you both deputies who were shot earlier today have succumbed to their injuries. One of our deputies was a 30-year veteran of this agency, served in the Court Services Division. The other deputy had served this agency for the last 16 years and was assigned to the Community Services Division. I would ask you at this time to please respect the families privacy as they go through the period of grieving. I ve met with both families. I still have to go to Upper Chesapeake. Obviously, I don t think I have to tell anybody. There s no words to describe what they are going through right now, Gahler said. Anytime law enforcement or first responders lose their lives in the line of duty, it is a tragedy and today s violence in Abingdon and the deaths of two Harford County sheriff s deputies is nothing less than absolutely heartbreaking, Gov. Larry Hogan said. ",left-news,"Feb 11, 2016",0 +LILY WHITE MERYL STREEP Explains Why They Don’t Need Minorities On Film Festival Jury: β€œWe’re All Africans Really”,"There must be an equal number of victims as those born naturally into privilege, or all bets are off in the progressive film business. There s a certain satisfaction one gets in watching the progressive left in the entertainment industry cannibalize each other over a manufactured race issue. They were the first to support the Black Lives Matter terrorists when it didn t personally affect them or their income. Looks like someone s chickens are coming home to roost Three-time Oscar-winner Meryl Streep waded into the debate over the lack of diversity in Hollywood during the opening press conference at the Berlin Film Festival, explaining away the festival s all-white jury panel by telling reporters: We re all Africans really. Streep, who serves as jury president at this year s Berlinale, labeled the festival ahead of the game on the issue of inclusion, according to the Associated Press. There should be inclusion, and this jury is evidence that at least women are included and in fact dominate this jury, and that s an unusual situation in bodies of people who make decisions, the actress said.The film festival s jury seven-member jury includes British actor Clive Owen, film critic Nick James, Polish director Malgorzata Szumowska, French photographer Brigitte Lacombe, German actor Lars Eldinger, and Italian actor Alba Rohrwacher.The festival s opening press conference was reportedly dominated by issues of diversity and inclusion, topics that have spurred heated debate and controversy in Hollywood after the Academy of Motion Picture Arts and Sciences nominated exclusively white actors and actresses at this year s Oscars. The move led some stars such as Will Smith and Spike Lee to boycott this year s ceremony, while the Rev. Al Sharpton has called for a national tune out in protest.Streep was reportedly asked if she understood films from the Arab world and from North Africa. The Iron Lady star said that while she did not understand much about films coming from that region, she has played a lot of different people from a lot of different cultures. There is a core of humanity that travels right through every culture, and after all we re all from Africa originally, Streep said. You know, we re all . Berliners, we re all Africans really. Variety reported that Streep made the comment in reference to John F. Kennedy s famous Ich bin ein Berliner ( I am a Berliner ) quote: We are all Africans, and we are all Berliners, the outlet quoted Streep as saying.Many of the films at the 66th annual Berlinale will focus on Europe s refugee crisis. According to AFP, the festival will showcase roughly a dozen films related to the migrant crisis, with hundreds of screening tickets reportedly being set aside for refugees. The festival will also host donation drives for refugee charities at its gala events. Via: Breitbart News",left-news,"Feb 11, 2016",0 +"DESPERATE PROGRESSIVES ARE LOSING IN GERMANY: Leftist Politician Stabs Himself 17 Times, Blames German Right-Wing Extremists","The rampant migrant rape and violence is shining a light on the progressive agenda and it s exposing an ugly, reckless ideology that has dominated the EU for decades. The Left is in a battle to save itself and outside of stabbing themselves 17 times and then blaming the Right, there doesn t seem to be any way out of the mess they ve created. We recently posted about German citizens demanding rapefugees and economic migrants be gunned down at the border.For many the news fitted the current image of the #Kaltland [Cold Country]. A communication that it would have been better not to have to make , published by the Schwerin local association of Die Linke [The Left, former East German Communist party] on late Tuesday evening on its Facebook page. According to this, Julian Kinzel, an 18-year-old member of the local Schwerin board was the victim of a knife attack in Wismar on Monday evening. The three perpetrators beat him down and stabbed their victim around 17 times with a knife, according to a statement from the doctor who treated him , the statement reads. In the process Kinzel was said to have been insulted as a gay communist pig . This and the clothing worn by the perpetrators that is typical of the [far-right] scene (Thor Steinar) supports the suspicion that it was a crime with a far-right motivation, said the local chairman Peter Brill.The federal Left party even said the case was one of attempted murder . We are shocked, party explained on Wednesday on Twitter. Federal managing director Matthias H hn: The current case proves in a tragic way once again how dangerous and inhuman right-wing extremism is. Dietmar Bartsch, head of the Left grouping in the federal parliament, condemned the crime in the strongest possible way and explained that the Left would not give up in its fight against right-wing extremism. Party leader Katja Kipping said: The knife attack is horrific and also an attack on democracy. Already on Wednesday the speaker of the Rostock police management board, Isabel Wenzel, described the case as somewhat nebulous. She made reference to the fact that Kinzel only filed a complaint later on Tuesday evening and not personally at a police station, but via the internet. The hospital at which the young man was treated on Monday also did not report the case to police. Via: Der TagesspeigelJulian Kinzel warned in a reaction on the Facebook page of the Schwerin Left against further [right-wing] radicalisation: Our answer to hate must be love, to stupidity, reason and to violence, solidarity. Now the police hace arranged for the student to be subjected to forensic medical examination. The investigations up to now have come to the conclusion that Kinzel invented the attack. According to a statement from the Rostock police the type of injuries do not correspond to the sequence of events that has been claimed in the attack. On the contrary, it is sufficiently probable that Kinzel inflicted the injuries himself. ",left-news,"Feb 11, 2016",0 +FEEL THE BERN….How Hillary Walked Away From NH With More Super Delegates Than Sanders,"First she won the coin toss in Iowa, and now Hillary walks away a WINNER even though she lost in a landslide to Marxist Vermont Senator, Bernie Sanders. Never underestimate the power of the Clinton machine If you thought Bernie Sanders won the New Hampshire primary, you d be mistaken. He won the popular vote by 22 percent, but New Hampshire has Super Delegates who don t have to answer to the voters and they re going with Hillary!No wonder the Hillary campaign looked like they were throwing a massive party after last night s crushing defeat at the polls.Sanders won 60 percent of the vote, but thanks to the Democratic Party s nominating system, he leaves the Granite State with at least 13 delegates while she leaves with at least 15 delegates.New Hampshire has 24 pledged delegates, which are allotted based on the popular vote. Sanders has 13, and Clinton has 9, with 2 currently allotted to neither.But under Democratic National Committee rules, New Hampshire also has 8 superdelegates, party officials who are free to commit to whomever they like, regardless of how their state votes. Their votes count the same as delegates won through the primary.And they call themsleves the Democratic party.UPDATE:The fix is in for Hillary. If you followed the link to the article, at the bottom is says after a razor-thin victory in Iowa and a shellacking in New Hampshire, Clinton has 394 delegates and Sanders has 42. Via: Gateway Pundit ",left-news,"Feb 10, 2016",0 +WHERE WAS GM SECURITY? VALET PARKING ATTENDANT With Gun Saves Life Of Female Stabbing Victim In Massive Tech Facility,"How is it that a major technical facility with over 20,000 employees had to rely on a valet parking attendant carrying a concealed gun to stop a woman from being stabbed to death? Doesn t this raise questions about how well prepared a major company like GM is for a possible terror attack? Where were the security guards? Are they even allowed to be armed?Police are investigating after a woman was stabbed at the General Motors Technical Center in Warren, Mayor Jim Fouts confirmed to FOX 2.Fouts tells us a woman walked into the 8-story building at the center of the campus and asked to speak with a female employee. The two met in the lobby and started talking but stepped outside when their conversation escalated.It was outside that the visitor pulled out a knife and started stabbing the employee in the neck, back and abdomen several times, Fouts says. The stabbing was broken up by a valet driver who was carrying a concealed weapon.The employee was taken to the hospital and we re told she is in critical. The suspect is in custody at this time. We re told the suspect is not cooperating with police as they are trying to determined how the two women knew each other.Via: FOX 2 Detroit",left-news,"Feb 10, 2016",0 +"THIRD DEGREE β€œBERN!” Why Denmark Is Telling Marxist, Bernie Sanders To Stop LYING To Voters","Lying? If Bernie can successfully convince tens of thousands of college students to believe in unicorns, and pots of gold at the end of rainbows, why not convince them how well stealing from hard working Americans utopian forms of government work in other countries? Who needs facts when Bernie s got unicorns?The Danes apparently have grown weary of Sen. Bernie Sanders insulting their country. Denmark is not a socialist nation, says its prime minister. It has a market economy. Sanders, the Democratic presidential candidate who calls himself a socialist, has used Denmark as the example of the socialist utopia he wants to create in America. During the Democrats first debate last month, he said we should look to countries like Denmark, like Sweden and Norway, and learn from what they have accomplished for their working people. While appearing in New Hampshire in September, Sanders said that he had talked to a guy from Denmark who told him that in Denmark, it is very hard to become very, very rich, but it s pretty hard to be very, very poor. And that makes a lot of sense to me. So because something makes sense to him, he has the right to force that system on people who don t want it? Isn t that what he s saying?But we digress. This is about Danes being offending by Sanders using the word socialist to describe their form of government. And who can blame them, especially when the free world has had enough of national socialists and Soviet socialists and North Korean socialists and Cuban socialists?While speaking at Harvard s Kennedy School of Government, the center-right Danish Prime Minister Lars Lokke Rasmussen said he was aware that some people in the U.S. associate the Nordic model with some sort of socialism. Therefore, he said, I would like to make one thing clear. Denmark is far from a socialist planned economy. Denmark is a market economy. Rasmussen acknowledged that the Nordic model is an expanded welfare state which provides a high level of security to its citizens, but he also noted that it is a successful market economy with much freedom to pursue your dreams and live your life as you wish. To that we ll add that Sweden, another of Sanders inspirations, has for decades quietly moved away from its cradle-to-grave form of government welfare. And the Swedes are better off for having done so, just as the Danes will continue to be better off as their government overhauls its welfare state.If Sanders is going to continue to use these nations to guide his governing philosophy, he should base his policy positions on what they really are, not what he thinks they are or wants them to be. These countries have learned a harsh lesson. They don t deserve to be Berned again. Via: IBD",left-news,"Feb 10, 2016",0 +MEXICO Says They Won’t Build A Wall…Watch Trump Destroy Them With THIS Brilliant Answer [Video],"Republican candidate Donald Trump was asked about the statement from the former President of Mexico saying Mexico wouldn t pay for a border wall. Quick witted Trump shot back saying, The wall just got taller . Love it!",left-news,"Feb 10, 2016",0 +SENILITY OR TRUTH BOMB? Bill Clinton To Crowd: β€œSometimes I Wish We weren’t married” [VIDEO],"It s probably just a big misunderstanding. Bill likely misspoke kinda like, I did not have sexual relations with that woman. ",left-news,"Feb 10, 2016",0 +SHRILLARY GIVES BITTER CONCESSION SPEECH In New Hampshire,"Will the Democrats ultimately choose a Marxist who s never accomplished a thing in his life or a serial criminal socialist? Choices choices MANCHESTER, N.H. Hillary Clinton spoke of being knocked down and having problems with young voters in a bitter concession speech after losing to Sen. Bernie Sanders Tuesday night in the New Hampshire Democratic primary. I don t know what we d have done tonight if we d actually won. This is pretty exciting, Clinton said to her crowd of supporters shortly after 9 PM Eastern Time, flanked onstage by husband Bill and daughter Chelsea, who did not speak. I just want to say, I still love New Hampshire and I always will. People are angry. But there s also hungry. They re hungry for solutions. What are we going to do?, Clinton said. I know I have some work to do, especially with young people, Clinton said. Even if they are not supporting me right now, I am supporting them It s not whether you get knocked down that matters, it s whether you get back up. Clinton devolved into an angry, ranting style by speech s end, calling for human rights for gays, women, workers, and others. She also pivoted to focus on South Carolina, which will be decided by the black vote, talking about how African-American parents should not have to worry about their kids being harassed or shot, and immigrant families should not have to lie awake at night waiting for a knock on the door signaling deportation.She also spoke of the contaminated water crisis in Flint, Michigan and of a hypothetical grandmother forced to choose between rent or food because some drug company raised medicine prices by 4,000 percent an apparent reference to scandal-ridden former drug CEO Martin Shkreli.Clinton lost resoundingly to Sanders in the Granite State. By the time she finished her speech, Sanders was beating her 58.5 percent to 39.7 percent with 37 percent of the precincts reporting. CNN called the race for Sanders at approximately 8 PM.Sanders win was fueled by a massive turnout by independent voters and non-Democrats.Forty-one percent of Democrat voters were independents and only 55 percent were registered Democrats, according to CNN exit polling. Via: Breitbart News ",left-news,"Feb 9, 2016",0 +EPIC! CHECK OUT THE T-SHIRTS Two Guys Wore Behind Hillary During A Town Hall,"This is really epic and just hysterical! It s also the second time someone has trolled one of Hillary s town halls. Remember Sticker Boy? He s the guy who stole the show from Hillary during her speech in Iowa by eating stickers. This takes the cake though:Several members of the audience at a New Hampshire campaign event for Hillary Clinton sported some creative t-shirts, and they made sure TV cameras could capture their t-shirts while Hillary spoke. At least two men wore Settle For Hillary t-shirts that utilized the official logo and font of Hillary Clinton s presidential campaign.Check out the guy in the baseball cap: Settle for Hillary Jeff Bechdel, the communications director for America Rising, a Republican PAC focused on conducting and distributing opposition research, posted a television screenshot of the t-shirts on Monday night. Bechdel screencapped ABC News footage of Hillary s event and posted a picture on Twitter:Via: The Federalist",left-news,"Feb 9, 2016",0 +NEW EMAILS SHOW HILLARY Asking How Meeting On Libyan War Would Impact Hamptons Vacation…And MORE,"These grifters have no shame. How much more evidence do Americans need to see before they understand Hillary has no interest in our nation s security? How much more evidence do we need before the Everyday American Queen of the Clinton Crime Syndicate is sent to prison? Judicial Watch today released nearly 70 pages of State Department records that show that former Secretary of State Hillary Clinton and her top aides, Deputy Chiefs of Staff Huma Abedin and Jake Sullivan, received and sent classified information on their non-state.gov email accounts. The documents, also available on the State Department website, were obtained in response to a court order from a May 5, 2015, lawsuit filed against the State Department (Judicial Watch, Inc. v. U.S. Department of State (No. 1:15-cv-00684)) after it failed to respond to a March 18 Freedom of Information Act (FOIA) request seeking:All emails of official State Department business received or sent by former Deputy Chief of Staff Huma Abedin from January 1, 2009 through February 1, 2013 using a non- state.gov email address.The new documents show that Hillary Clinton used the clintonemail.com system to ask Huma Abedin (also on a non-state.gov email account) to print two March 2011 emails, which were sent from former British Prime Minister Tony Blair (using the moniker aclb ) to Jake Sullivan on Sullivan s non-state.gov email account. The Obama State Department redacted the Blair emails under Exemption (b)(1) which allows the withholding of classified material. The material is marked as being classified as Foreign government information and foreign relations or foreign activities of the US, including confidential sources. Another email shows that Clinton wanted to know how meetings in Washington, including a four-hour meeting concerning America s war on Libya, would impact her Hampton vacation. Responding to an email that details the sensitive meetings in DC, Clinton emails Abedin on August 26, 2011, Ok. What time would I get back to Hamptons? Again, this email discussion takes place on non-state.gov email accounts.The documents also include advice to Clinton on Libya from Sidney Blumenthal, a Clinton Foundation employee who, according to a Judicial Watch investigative report, also had business interests in Libya. Clinton wanted Blumenthal s March 9, 2011, Libya memo to be printed without any identifiers. The newly released Abedin emails include a lengthy exchange giving precise details of Clinton s schedule using unsecured government emails. The email from Lona J. Valmoro, former Special Assistant to Secretary of State Clinton, to Abedin and Clinton reveals exact times (including driving times) and locations of all appointments throughout the day. Another itinerary email provides details about a meeting at the United Nations in New York at 3:00 on Tuesday, January 31, 2012, with the precise disclosure, that would mean wheels up from Andrews at approximately 12:00pm/12:15pm. These emails show that Hillary Clinton isn t the only Obama official who should be worried about being prosecuted for mishandling classified information. Her former top State aides (and current campaign advisers) Huma Abedin and Jake Sullivan should be in the dock, as well, said Judicial Watch President Tom Fitton. The Obama State Department has now confirmed that Clinton, Abedin, and Sullivan used unsecured, non-government email accounts to communicate information that should now be withheld from the American people in the interest of national defense or foreign policy, and properly classified. When can we expect the indictments? Via: Judicial Watch",left-news,"Feb 9, 2016",0 +12 MUSLIM MIGRANTS GANG RAPE 13 YR OLD GIRL…Muslim Lawyer Blames Girl,"Tell us again Barack, about the poor widows and orphans who are being strategically placed in our small towns and communities across America. With all the rape and violence being committed by these refugees, why in the world would we welcome these savage animals into our country? Oh that s right to vote for Democrats A Muslim councilor has admitted that some feel as though it takes two to tango as 12 men were jailed for gang-raping a 13-year-old white girl in West Yorkshire.The gang of men from Pakistani origin were jailed for a total of 143 years at Bradford Crown Court today, for 13 months of horrendous abuse of the British white girl in 2011 and 2012. However, the Councillor for Keighley Central, where the abuse took place, has admitted that some members of the community felt it takes two to tango and that the girl may have played her part .Zafar Ali, who has been a member of the Keighley Mosque for decades believes that some of the men may have attended in the past, but said the Muslim community totally condemn their actions.He told MailOnline: Everyone now believes that justice has been done, we need to move forward and it is a lesson for the whole Muslim community. There are a few bad apples but this does not represent the Muslim community as a whole and any sensible Muslim totally condemns these actions. Eleven of the men were today jailed for rape and a twelfth man was jailed for sexual activity with a child under 16 today at Bradford Crown Court, but the ringleader has fled to Bangladesh.West Yorkshire Police confirmed that the men jailed were of Pakistani origin.The sentences come as it emerged that:Ringleader Ahmed Al-Choudhury who facilitated most of the offences is believed to now be living in Bangladesh after fleeing at the beginning of the investigation in 2012 After the sentencing, Kris Hopkins, Conservative MP for Keighley spoke out against the sick model of organized groups of Asian men grooming young white girls , but said there are more women out there who need justice.He said the sentenced were vindication for controversial comments he made during a parliamentary debate in 2012, claiming that organised groups of Asian men were going around raping white girls .However, he claims that even today he has been lambasted for even mentioning that the men are Asian when talking about the sentences.He told MailOnline: There are sexual offenders who are white, but the fact is this particular model is all Asian men and all the victims were white. I was attacked in 2012 and today, when these men were convicted, the community was silent. You have to ask yourself why these men get away with this behavior. There is broader issues around the way women are treated in that community, there are hundreds if not thousands of women who live behind that door and have no voice. In a Commons speech three years ago, Mr Hopkins caused controversy three years ago when he suggested Muslim men were fundamentally sexist towards women.Judge Roger Thomas QC condemned the insolent and disrespectful behaviour the accused showed in court which he said reflected their treatment of their victim.They showed her no shred of decency or humanity when as a vulnerable child she so needed care and understandingJudge Roger Thomas QC told them: The attitudes of the majority of you have so clearly demonstrated to these proceedings has been contemptuous, disrespectful and arrogant on a scale that I have hardly seen before in many years of practice in criminal law. Exactly the same attitude to the 13/14 year old girl who you all sexually abused and exploited for your own selfish gratification. He added: None of these defendants had any concern for the victim. They were totally uninterested in her welfare and what damage they were causing her. The victim clearly demanded pity and understanding but their view of her was heartless and demeaning. They saw her as a pathetic figure who had no worth and who served no purpose than to be an object that they could sexually misuse and cast aside. Via: Daily Mail ",left-news,"Feb 9, 2016",0 +[VIDEO] RUDY GIULIANI: β€œOUTRAGEOUS” BeyoncΓ© Gets Police Escort To Super Bowl…Uses Halftime Show To Trash Cops And Promote Racial Tension,"Are the people who pay to see Beyonc perform and buy her music even smart enough to figure out she s waging war against many of them? From her lip-syncing of the National Anthem at Obama s inaugural celebration, to her trip to Cuba with her radical husband Jay Z, they just can t help themselves when it comes to injecting themselves in Obama s race war.Former Mayor Rudy Giuliani blasted Beyonc s halftime performance at the Super Bowl accusing her of using her platform to attack police officers. This is football, not Hollywood, Giuliani fumed Monday morning on FOX & Friends. At Sunday night s big game, the singer used her moments in the spotlight to highlight racial tension with her dancers wearing berets similar to those worn by the Black Panthers.Prior to the performance, some of Beyonc s dancers posed for a picture with their fists raised to the sky, evoking the black power salute by two prominent athletes during the 1968 Olympic Games.They also snapped a similar shot while holding a sign that said Justice 4 Mario Woods, referring to the 26-year-old man shot dead in December by San Francisco police. I thought that she used it as a platform to attack police officers, who are the people who protect her and protect us and keep us alive, Giuliani said. And what we should be doing, in the African-American community and in all communities, is build up respect for police officers and focus on the fact that when something does go wrong, OK, we ll work on that. Via: NYP",left-news,"Feb 8, 2016",0 +MUSLIMS ONLY: UK Water Park Attempts Diversity By Hosting Exclusion Events,"Backwards logic: Since muslims won t integrate, then we must segregate or something like that.A British theme park is the latest organization to offer segregated events in an attempt to be culturally sensitive towards its Muslim visitors. Water World, in Stoke-on-Trent, in Britain s West Midlands region, is hosting sisters only and brothers only events, demanding visitors wear Islamically appropriate attire.The water-park which claims to attract nearly half a million visitors a year is believed to have hosted dozens of events over the past few years, with Islamic Fundays as well as fundraising events for Gaza charities dating back as far as 2009. The park even goes so far as to claim that female guards will keep men out of the venue for the day.Water World s website reads: Our sisters only event is an event restricted to female gender only and boys up to the age of 4 years old. All rides and attractions are open as normal. Clothing during this event must be both culturally and islamically appropriate for the event. There is a designated prayer area located in the reception area. All windows are blacked out with only female staff/lifeguards on duty throughout the night, Female staff will guard the front entrance to make sure that no males enter the facility. Breitbart London has seen other invitations to the water park, on behalf of Islamic charity Interpal, which has hosted fundraising events for Gaza. Interpal has been accused of fundraising for the Hamas terrorist organisation on three separate occasions, and while it has been cleared by Britain s Charity Commission, one of their recent findings also claimed that Interpal had not put in place adequate due diligence and monitoring procedures to be satisfied that these organisations were not promoting terrorist ideologies or activities. Where procedures were in place, they were not sufficient nor fully implemented .The group was also forced to sever any links to the Union of Good group, which, according to the U.S. government, was an organization created by Hamas leadership to transfer funds to the terrorist organization. One invitation to a Sisters Only Funday even went so far as to promote certain types of clothing. It reads:Dress Code Please ensure that your Awrah [nakedness] is covered at all times. Below are a few suggestions on what you can wear: Top Long Loose T-Shirt/Top. Bottoms Leggings 3 Quarter/Full Length Jogging Bottoms. We would also suggest wearing a leotard under the T-shirt or belt over it as it is likely to float up when you enter the water. A dark coloured T-shirt is recommended as white can become transparent when wet.The most recent Sisters Only day was held on May 17th 2015. The cause , it stated, was Rebuilding Lives in Gaza Providing Clean Water , this time hosted by the Human Appeal international charity, which is listed on an unverified CIA report from 1996 into NGOs (non governmental organisations) with Terror Links . Human Appeal reject the validity of the document, despite it being cited by the Centre for Strategic and International Studies in the 2007 book, Understanding Islamic Charities .The organisation, listed as Human Appeal International on the Companies House register, is similarly named to a UAE-based organisation called Human Appeal International, though the Israeli government has linked both groups, as well as an Australian office. The organisation has not made the claim of mistaken identity, and indeed has liked the Human Appeal International (UAE) page on Facebook, via the UK organisation. Human Appeal UK told Breitbart London that the CIA document is a fake and that they have previously claimed damages from the Jewish Chronicle newspaper for alleging that the group is a terrorist organisation, which it is not, with further reference to alleged links to Hamas.The Australian Broadcasting Corporation website still carries a report from 2003 that states: The document, obtained by Lateline, outlines a close relationship between Human Appeal International and Hamas, as well as the US-based Palestinian charity the Holy Land Foundation For Relief and Development, which was raided and shut down three months after the September 11 attacks, and Wikileaks reveals that a State Department cable from 2005 stated, In 2003, there were indications that HAI was sending financial support to organizations associated with Hamas and that members of its field offices in Bosnia, Kosovo, and Chechnya had connections to al-Qa ida associates . It is not clear which Human Appeal organisation these reports refer to.The GulfNews website however goes further, and continues to host a diagram linking Human Appeal (UK) to the UAE organisation, and ultimately, Hamas. Human Appeal was banned in 2012 from hosting an event at Manchester Parrs Wood High School. Britain s Department of Education stated: Since the concerns about HAI have come to light, Parrs Wood has performed further research including consulting local Jewish community representatives. As a result they have decided not to allow HAI or other charities which appear to have links to political organizations to use the school in future. Via: Breitbart News",left-news,"Feb 8, 2016",1 +WAS MICHELLE OBAMA In On Beyonce’s Cop-Hating Super Bowl Performance? [Video],"In an interview that is a tradition before the Super Bowl, the Obamas sat down with Oprah s BFF Gayle King to chitty chat about trivial things. Injecting politicians into the Super Bowl festivities has become more and more a normality. The Obamas have taken it to an all new level. It s to be expected but the real concern today is the question of whether Michelle Obama tipped her hat to the fact that she was in on the anti-American, cop-hating half-time performance by Beyonce. You be the judge:Michelle Obama s pre-game Super Bowl fluff interview revealed that she cared deeply about the halftime show, even coordinating her outfit for Beyonce s approval.President and Mrs. Obama sat down Sunday with CBS This Morning anchor Gayle King, a family friend, for what has become a tradition a pre-Super Bowl interview.Sunday s performance was a far cry from the contentious exchange that occurred two years earlier with Fox News host Bill O Reilly. In fact, it was nothing short of a love fest that threatened to ruin the day for serious sports fans.Joined by the first lady for the first time, it was a given that the Obamas complained about such things like bad Wi-Fi service at the White House before discussing first dates and post-presidency plans, among other hard-hitting topics.The first lady said she cared deeply about the halftime game show, likely because pal Beyonc , one of this year s halftime performers, was planning to get political in support of Black Lives Matter. I got dressed for the halftime show, Michelle said. I hope Beyonc likes what I ve got on. Mrs. Obama was dressed in all black, we assume in simpatico with the artist s dancers who performed in wardrobes that resembled the Black Panthers. The only thing missing was a Black Panther beret. Furious Americans are expressing their disappointment and outrage that the Super Bowl halftime show was allowed to be hijacked for political purposes and given a racist, black power theme.Read more: Biz Pac Review",left-news,"Feb 8, 2016",0 +BUSINESS OWNERS GET RICH Providing Luxury Housing And Gourmet Food To β€œRefugees” Who Complain It’s Not Enough,"Meanwhile, refugees staying at these luxury hotels in England cry discrimination because they re not allowed to eat same food, and enjoy all of the same amenities as paying guests. The fat cat boss of a company given vast amounts of taxpayers money to house asylum seekers is on a salary of almost 1million a year, The Mail on Sunday can reveal.MPs have condemned James Vyvyan-Robinson, director of Clearspring Ready Homes Ltd, for profiteering from the plight of refugees after he awarded himself an astonishing near-fourfold pay rise.The company, which is paid by the Government to provide transportation and accommodation for asylum seekers, is currently under investigation by HMRC over its tax affairs.The asylum seekers come from countries such as Eritrea, Afghanistan, Syria, Iraq, Libya, Sudan, Angola and Morocco. Every morning they are treated to a full English breakfast, at lunch they have a selection of sandwiches and for dinner they are served with rice, chicken, pasta and vegetables.But some complain they are discriminated against because they have to eat their food in a function room away from other guests, who have to fork out 14.50 for buffet meals that include carvery meats, fish, vegetables, cheese and biscuits and desserts such as chocolate gateau.A Mail on Sunday reporter who stayed at the hotel as a guest last week witnessed an asylum seeker complaining to staff.The man, who has previously worked at hotels in Dubai, said: We should be considered VIPs because we are long-staying guests. We are making money for this hotel. He said he fled his home country last summer after escaping an honour killing and was heard complaining to a waiter: Why the food is not the same quality, my brother? Why [other] people, they have salad and we don t have salad? Why they have desserts and we don t have desserts? Despite his complaints, he said he was grateful that the British taxpayer was funding his stay.A Libyan asylum seeker also complained about their treatment and that they were served different food to paying guests.Asylum seekers have been at the hotel since last October, with the length of their stays ranging from a few days to a few weeks before they are moved elsewhere.Prices range from 35 for a single room to 71 for a family-sized room, with the cost met by Clearsprings Ready Homes Ltd, a firm contracted by the Home Office. Astonishingly, the asylum seekers seemed to have been left unsupervised, with no Clearsprings staff on the premises during The Mail on Sunday s stay.The travel review website TripAdvisor is flooded with reviews from angry guests who say they were not warned about the asylum seekers before booking the hotel. Many said they were intimidated by large groups loitering at the lobby and bar.One guest even wrote: I will not be returning unless a bulldozer has preceded me. Another, describing the establishment as a disgusting hell hole , said: I was shocked at all the non-paying guests staying at the taxpayer s expense, courtesy of the Home Office, taking all the lounge areas. Via: Dail Mail",left-news,"Feb 7, 2016",0 +"NFL GIVES BEYONCE Super Bowl Half-Time Slot To Promote Cop Hate, Racial Division…Race-Baiting Hubby, JAY Z Makes $1.5 MILLION Donation To #BlackLivesMatter Terrorists","We reported about Beyonce s half-time Super Bowl appearance, where she ll be performing her anti-cop, anti-White song. For a preview of the song she ll be performing, click HERE to see the video. The latest, and equally disturbing news is that her race-baiting husband, Jay Z has just dumped a huge sum of money into the #BlackLivesMatter terror groups coffers. Anyone who believes in racial harmony and healing the racial divide that Barack Obama and his racist wife have caused, should never give this power couple another cent of their hard earned money. Jay Z s global music and entertainment platform Tidal in association with Roc Nation is donating $1.5 million to Black Lives Matter and several other local and national social justice organizations, Tidal announced exclusively to Mic on Friday the same day Trayvon Martin would have turned 21-years-old. The streaming service raised the $1.5 million at the first Tidal X: 10/20 charity concert in Brooklyn, New York, featuring Beyonc , Nicki Minaj, Jay Z, Lil Wayne and Nick Jonas.Tidal s group of artist owners, which includes several of the musicians who performed in October s sold-out show including Beyonc , Nicki Minaj and Jay Z, took part in deciding which organizations would receive funding, the streaming service told Mic. The majority of the groups to benefit are social justice activist groups and organizations, with a large portion of these specifically committed to ensuring the nation understands that black lives matter.Tidal s grants will be administered through the New World Foundation, which funds several civil rights groups and social movements. The nonprofits Tidal will fund include Opportunity Agenda, Hands Up United, Sankofa.Org, as well as local organizing groups in California: Community Coalition; Florida: Dream Defenders; Illinois: Black Youth Project; Maryland: Baltimore Justice Fund; Empowerment Development Corporation; New York: Million Hoodies; NY Justice League and Ohio: Ohio Students Association/Organizing Collaborative.According to Tidal, donations will also be given to organizations created by the families of victims of police brutality, including the Trayvon Martin Foundation, the Michael O.D. Brown We Love Ours Sons and Daughters Foundation and the Oscar Grant Foundation.Via: Music.Mic",left-news,"Feb 7, 2016",0 +Did UPS Secretly Fly β€œRefugees” Into U.S. From The Middle East? WATCH Governor Chris Christie’s Shocking Interview With Bill O’Reilly,"So far, this video has over 530,000 views. Does that make the content legitimate? Certainly not. But the premise is certainly not that far-fetched, considering our government has been bringing mostly Muslim refugees to America for over 35 years through the very secretive US State Department Refugee Resettlement Program.A large number of refugees that have been strategically placed throughout the U.S. are Muslims. So why are Catholic and Lutheran charities the #1 and #2 largest benefactors of our taxpayer dollars when it comes to delivering Muslims from countries who hate us?I placed a call to our local Catholic charity office where the director assured me over the phone that they aren t selective about who comes here. I told her, that as a Catholic, I was more concerned about helping the Christians who are being left behind to be slaughtered by Muslims than bringing Muslims to America. She assured me there really is no difference. I asked her what the rate of conversion is once they bring tens of thousands of Muslims to our local area in Michigan? Silence.Bill O Reilly seems genuinely shocked to find out that our very own State Department has been quietly dumping off refugees in New Jersey with no approval from the state or its citizens.Watch here:Of the approximately 2,000 Syrian refugees who have come to the United States over the past several years, an estimated 97 percent are Muslim.In FY 2015, the State Department, through the Bureau of Population, Refugees and Migration and the Office of Refugee Resettlement, spent more than $1 billion on these programs, which settled international refugees vetted by the United Nations High Commission on International Refugees in all 50 states and the District of Columbia. The federal government spent hundreds of millions of dollars more than that on refugees, however. The Department of Health and Human Services also provided a number of entitlements to these refugees.Much of this $1 billion in annual revenue goes to voluntary agencies (VOLAGs), several of which are Christian non-profits, such as Catholic Charities, Lutheran Immigration and Refugee Service, World Relief Corporation, Church World Service, and Domestic and Foreign Missionary Service of the Episcopal Church of the USA. (also referred to as Episcopal Migration Ministries), who are contracted on behalf of the government to help these refugees get settled in their new homes in America.Five of the top nine VOLAGs are Christian non-profits. The other four are Hebrew Immigrant Aid Society, International Rescue Committee, US Committee for Refugees and Immigrants, and the Ethiopian Community Development Council.After providing three to four months of resettlement services to these refugees, having been well compensated for their assistance services, these Christian non-profit VOLAGS stop providing services and are not required to keep track of the refugees location within the United States.As Ann Corcoran wrote recently at Refugee Resettlement Watch, the arrangement benefits the VOLAGs but provides little comfort to Americans worried about the national security implications of bringing in so many unvetted refugees:Refugee resettlement is profitable to the organizations involved in it. They receive money from the federal government for each refugee they bring over. They have almost no real responsibilities for these refugees. After 4 months the sponsoring organization is not even required to know where the refugee lives.A good percentage of the revenues of these Christian non-profit organizations, many of which were originally established to provide charitable services to the poor already within local American communities, now comes from their work as subcontractors to the federal government to relocate these foreign, often Muslim, refugees.In effect, critics argue, these VOLAGS have become agents of the federal government whose new mission is to import terrorism to the United States under the false flag of Christian compassion.As Refugee Resettlement Watch reported, there are multiple ways for these VOLAGs to generate revenue from this program:a. $1,850 per refugee (including children) from the State Department.b. Up to $2,200 for each refugee by participating in a U.S. DHHS program known as Matching Grant. To get the $2,200, the Volag need only show it spent $200 and gave away $800 worth of donated clothes, furniture, or cars.c. The Volag pockets 25 percent of every transportation loan it collects from refugees it sponsors .d. All Volag expenses and overhead in the Washington, DC HQ are paid by the U.S. government.e. For their refugee programs, Volags collect money from all federal grant programs Marriage Initiative, Faith-based, Ownership Society etc., as well as from various state and local grants.The program is so lucrative that in some towns the Catholic Church has lessened support for traditional charity works to put more effort into resettlement. It uses collection offerings to promote the refugee resettlement program.Despite claims that these Muslim refugees have been vetted to keep out terrorists, numerous reports, including those by the Department of Homeland Security and FBI, indicate that this process is flawed, especially for refugees from countries like Syria, where virtually no data bases to perform background checks exist.Of the approximately 2,000 Syrian refugees who have come to the United States over the past several years, an estimated 97 percent are Muslim.President Obama wants to bring in an additional 10,000 Syrian refugees to the United States in FY 2016 (which ends September 30, 2016). At least 26 governors and the vast majority of Americans oppose this plan on national security grounds, but the President is doubling down.",left-news,"Feb 7, 2016",0 +ALL HELL IS BREAKING LOOSE IN GERMANY: Citizens Want β€œRefugees” Gunned Down At Borders [VIDEO],"Enough is enough! German citizens are witnessing the fast-track decline of their nation. Does America need to look any further than Germany to see that bringing in hundreds of thousands (in Germany s case millions) of Muslim men from countries who have no interest in assimilating in the Western world, is a serious threat to its citizens? Liberal open-border policies that have been put forth by Angel Merkel and other progressives in power have clearly put their citizens in grave danger. OVER one-in-four Germans say they back a policy to open fire on unwanted illegal refugees at their borders.Watch massive brawl break out in refugee camp over torn Quran:The Alternative for Germany (AFD) party leader Frauke Petry caused a storm a week ago when she advocated the right of border police to gun down migrants. But her comments have struck a nerve in a country being pushed to the brink by the crisis with 29 percent of respondents in a weekend poll backing her extremist plan. Via: Express UKWe recently reported about a vigilante group in Finland that is gaining large numbers of international members. The Soldiers of Odin are taking matters into their own hands. They are no longer going to sit back and allow the women and children in their communities be raped by these migrants, who have no regard for the laws of the countries that have generously agreed to accept and support them. I think it s going to be a war between local people and immigrants. Soldiers of Odin member Foreigners can t go out alone after dark anymore. It used to be safe to go out in Finland at night, even by yourself, but now we just don t have the courage to do it. MigrantCLICK HERE for entire story.",left-news,"Feb 7, 2016",0 +"WATCH: BEYONCE Performed This Sickening, Cop-Hating, Anti-White Song At Super Bowl","How very progressive After all, what would Super Bowl Sunday be without a little cop and White-shaming (Obama-Sharpton style), during the halftime show? WATCH:A day ahead of her anticipated return to the Super Bowl halftime show stage, Beyonce has released new single Formation along with an accompanying music video.Set in New Orleans, the clip features shots of Bey lying on top of a sinking New Orleans police cruiser as well as a graffiti d wall that says, Stop shooting us. There s also a scene of a black child in a hoodie dancing in front of a line of police officers in riot gear. At one point a man holds up a newspaper called The Truth with an image of Martin Luther King Jr. on the front page captioned, More than a dreamer. Blue Ivy Carter, Beyonce s daughter, also appears in the video.Beyonce will join Coldplay and Bruno Mars in the Super Bowl 50 halftime show on Sunday afternoon on CBS, during which Formation will make its live debut, according to Entertainment Tonight.Via: Variety",left-news,"Feb 7, 2016",0 +YOU’RE NOT IN EUROPE ANYMORE: Group Of β€œRapefugees” Expelled From Norway Are Beaten By Russian Mob For Harassing Girls,"Being sent to Russia for misbehavior may be just the incentive these lawless rapefugee need to begin assimilating with the European culture and following the laws they seem to have no regard for According to a Russian news website, about 50 Middle-Eastern migrants, who had been expelled to Russia from Norway, began to harass girls at a club in Murmansk. A mob of Russians then beat hell out of them. They realised too late they are not in the European Union. Police arrived and apparently did t really disapprove of what was happening. They took 33 of the migrants to detention and 18 to the hospital.Local law enforcement officially denies this incident took place, but there is lots of talk about it on social media. Via Newsli.RU",left-news,"Feb 7, 2016",0 +HILLARY TRIES TO INJECT Social Class And Race Into Flint Water Crisis.. Immediately Regrets It,"Maybe Hillary should be hiring someone to handle her social media. Hey maybe she could hire her top Aide, Huma Abedin s husband. We hear he knows his way around Twitter, and isn t he out of a job?",left-news,"Feb 6, 2016",0 +AUSTRIAN JUSTICE SYSTEM Gives Teen With Homemade Nazi Tattoo Same Sentence As β€œRefugee” Convicted Of Anal Rape Of 72 Year Old,"Before we get too far into this story, it needs to be pointed out that the 18 year old teen who was just sentenced by a judge for having a homemade Nazi tattoo, was only 15 years old at the time, and has since admitted he made a mistake. The Afghan rapefugee on the other hand, was 17 years old when he brutally raped a 72 year old woman. So basically, we re comparing a 15 year old who was utilizing his freedom of expression (whether we agree with him or not is irrelevant) with a violent 17 year old rapist.An 18-year-old Afghan refugee was sentenced to 20 months in prison for the anal rape of a 72-year-old woman. Now the Austrian justice system has once again shown us its quality. A 20-year-old, who was 15 at the time, the offence was committed, has just been sentenced to 19 months in prison for giving a home-made swastika tattoo.Three young people have been found guilty of engaging in Nazi activities after they drew Nazi tattoos and posted photos of them online.A 20-year-old, who was found to have a German war flag used by the Nazis and portraits of Nazi Socialists in his room, was sentenced by a youth court in Salzburg to 19 months in prison, three months unconditional.He and a 19-year-old accomplice were found guilty of using a pin and eyeliner to tattoo a hand-sized swastika onto someone s chest and then posting the photos online.In addition to the tattooing, the 20-year-old was also accused of shouting Nazi slogans out of his window and singing the song Polaken-Tango by the banned neo-Nazi rock group Landser in front of his brother and his brother s girlfriend.He was arrested after his brother called the police, who found him in his room wrapped in the war flag and surrounded by photos of prominent Nazis.He told the court that he regretted his actions, which took place in August 2011 when he was 15-years-old, and that he had now changed.Pleading guilty, he said: I now know that this is nonsense. He was charged separately for his Facebook account, where he also posted pictures of himself making Nazi salutes, which he told judge Bettina Maxones-Kurkowski he had done to show others that he belongs here . Via: The LocalOn Wednesday at the State Court in Vienna s Neustadt an 18-year-old Afghan was sentenced to 20 months in prison without parole for rape. He also has to pay 5000 euros compensation to the 72-year-old woman, who has been very marked by the attack.The incident on 1 September last year created a sensation: the penioner was walking her old dog in the Schwechat meadow near Traiskirchen in Lower Austria, when she encountered two young asylum seekers swimming in the river. According to an acquaintance of the victim in the witness stand, the boys were also very nice at first, they even helped the woman over an embankment. But then one them fell upon her from behind. However, DNA traces confirmed that the pensioner was anally raped. The then 17-year-old Afghan was quickly caught. He does not dispute the crime, but says he was drunk. His friend says he wasn t aware of the rape.Her daughter Sylvia a committed refugee helper believes and hopes that her mother was unconscious during the crime. What does Christine F. feel for her tormentor? Despite all of the torment, she even feels some sympathy. ",left-news,"Feb 6, 2016",0 +WATCH TV NEWS CREW GO UNDERCOVER: β€œHomeless” Taking Credit Cards? Panhandlers Living In High Rent Neighborhoods?,"With homeless or needy people on just about every corner, how do we know who truly needs help, or who is just looking to game the system? This undercover expose on the explosion of homeless people on just about every corner in suburban Detroit shines a light on the business of panhandling. Should panhandling be protected by the First Amendment?Panhandlers standing on the corners has become an increasing issue. Men, women, old and young, all begging for your money.The problem has moved from the city to the suburbs, but why? And, should you give?It seems to have happened in recent months. Panhandlers, everywhere, including American s first highway, Woodward Avenue.They hold signs and pull at your heart strings. Some claim to be homeless, to have cancer, or be a veteran who is hungry. But, are we being conned?We spotted a young guy at the corner of Woodward Avenue and Maple on a recent Friday afternoon panhandling. Moments later, we watched as he folded up his sign and walked to a nearby parking lot where he got into a dark colored SUV.We spotted the same SUV on different occasions at a house in a nice neighborhood in West Bloomfield. When confronted, the young guy first closed the door without answering if he considered what he was doing fraud.Moments later, after being exposed, he came out, profanities flying upset he was going to be on TV.To some, panhandling has become a job. Honest Abe and his crew work the corner at 8 Mile and Woodward daily. He even accepts credit cards, but says he is truly homeless and panhandling frauds are becoming more frequent.The problem is growing. Corners that were once off limits are now prime real estate and a recent court ruling involving the Michigan Chapter of the ACLU allows it to happen. Court said conduct of asking for money in public is a form of free speech, it must be protected by the First Amendment. Attorney Ryan Berman told 7 Action News.We discovered many panhandlers work in teams, sharing signs and corners. Some use your money to buy food, others trade the cash for drugs, booze or cigarettes.Elizabeth Kelly with Hope Shelter in Pontiac says if you want to really help, there are other ways to give. If you really want your donation to do the most good, the very best thing is to give it to an agency that is going to move them forward. Via: WXYZ ",left-news,"Feb 6, 2016",0 +"OPEN-BORDER LIBERALS Put Entire Nation On High Alert: German Spy Chief Warns 1,000+ Radical Islamists Ready To Attack…Over 100 ISIS Members Among Refugees","Thank you Angela Merkel German security service BfV reportedly received more than 100 tip-offs that ISIS militants had infiltrated the country among refugees, according to a recent report. The news comes as massive nationwide anti-terror raids took place this week.The head of the German domestic intelligence service (BfV), Hans-Georg Maassen, told a gathering of politicians that the agency had received more than 100 warnings indicating there were Islamic State (IS, formerly ISIS/ISIL) militants staying in Germany as refugees, newspaper Berliner Zeitung reported Friday, without citing its sources.However , some cases of baseless defamation were among those tip-offs, Maassen added, according to the newspaper.German security services have remained on high alert since the November terror attacks in Paris which claimed the lives of more than 130 people.Earlier this week, police and security agents all across Germany were scrambled to search for suspects allegedly planning a terror attack in the country, with Berlin seen as the most likely target. Well-known tourist attractions including Alexanderplatz train station and the Cold War-era Checkpoint Charlie could be among the targets of a possible attack, according to preliminary media reports.On Thursday, a police special force unit raided four flats and two businesses in Berlin, detaining four men accused of allegedly having ties to Islamic State. They were suspected of being involved in planning an attack, police spokesman Martin Redlich told RT.German spy chief warns of 1,000+ radical Islamists ready to attack https://t.co/VZn1xRA2oA pic.twitter.com/BlxXGGXHkK RT (@RT_com) December 13, 2015One of the suspects, a 49-year-old Algerian, was arrested in a three-bedroom flat in Berlin s predominantly immigrant district of Kreuzberg. He was living there on a fake French passport, local media reported, and owned two shops nearby Alexanderplatz and Checkpoint Charlie. Redlich could not confirm the landmarks were the targets, however.The spokesman said police had acted on a tip-off, but he provided no further details.Similar raids also took place in the German regions of North Rhine Westphalia and Lower Saxony. In Berlin alone, 450 police officers were engaged in the operation, German media reported.The main suspect was a 35-year-old Algerian man detained during Thursday s raid in the town of Attendorn. Said to be a possible leader of an IS terrorist cell, he was also being sought by Algerian authorities over allegations he is a member of the terrorist group.He entered Germany in autumn 2015, having traveled the so-called Balkan route. At that time, the 35-year-old was registered in Bavaria as a refugee.Both men had been monitored since the end of 2015, after security services had received a tip-off they might be IS infiltrators.Another unnamed 26-year-old Algerian, who also registered as a refugee and lived in a shelter in central Hannover, is suspected by the police to be the cell s communication agent. He is also thought to have possible ties to Belgian Islamists. He has traveled to the Molenbeek district of Brussels, known for harboring jihadists, at least once in recent weeks. Abdelhamid Abaaoud, the mastermind behind the November s Paris attacks, was a Molenbeek resident.Germany took in over 1.1 million refugees in 2015, and fifty-four percent of Germans believe the terror threat in the country is on the rise because of the high number of incoming migrants, according to the latest Spiegel poll. Via: RT",left-news,"Feb 5, 2016",1 +OBAMA’S CHIEF OF STAFF WARNS AMERICA…He’s Not Going Away Quietly: Promises β€œAudacious Executive Actions” Including Gun Control,"The big question is who, in Congress has the will to stop him? Keep your notepads handy America, and start keeping track of who you will and won t re-elect in 2016.White House chief of staff Denis McDonough pushed back against the notion his president is played out in the wake of his last State of the Union address, promising audacious executive action in Barack Obama s final year in office.During a breakfast with reporters in Washington, D.C., on Tuesday, McDonough responded to the observation that the president s final speech before Congress lacked the usual pledge to go it alone if lawmakers failed to act.Coupled with the feeble executive actions on gun control announced earlier this month, had President Obama rethought the utility of acting unilaterally on issues important to the White House? We ll do audacious executive action over the course of the rest of the year, I m confident of that, said McDonough, explaining that President Obama s decision not to outline specific executive actions was more about a commitment to process than a lack of willpower. Process is your friend, but process also dictates what you can do, McDonough said. And we do want to make sure that the executive actions we undertake are not left hanging out there, subject to Congress undoing them. In addition to gun control, the White House has expressed interest in further unilateral actions on immigration reform, and in working around Congress to close the prison in Guantanamo Bay. But McDonough said the White House is considering executive action on any and all issues, and that the main question President Obama plans to ask himself is Why not? And so that s the spirit through which we ll approach this last year, McDonough said.Via: National Review",left-news,"Feb 5, 2016",1 +"FEMALE REPORTER Assures Viewers Germany’s Carnival Is Free Of β€œRapefugees,” As Men Sexually Assault Her On Live TV [VIDEO]","It s hard to tell if the men assaulting this female reporter are refugees or Germans. One thing is clear however, there is now an attitude permeating Germany that it s okay to openly commit sexual assault on women. Hmmm .isn t there a culture in the Middle East that has the same mindset? This is a perfect example of the Left putting an ideology before the most vulnerable in their society. To hell with protecting their women and children, welcoming Muslim males, who have no intention of assimilating with Europeans, appears to be the primary concern of progressives in the failed EU expiriment. The sex attack on the Belgian TV journalist Esmeralda Labye (42): she was attacked by two men while the camera was running on a live broadcast for the channel RTBF. The incident occurred around 1.30 am in the Old Market. The perpetrators are still at large.On the evening Labye spoke in a television broadcast about the events in Cologne: At first it was only fooling around behind me. Then a hand landed on my breast. I was shocked. https://youtu.be/DYQB81Bpd9MLive from the carnival in Cologne, the presenter on the national broadcaster, Esmeralda Labye, was explaining that things are going relatively well , while passers-by were making obscene gestures and whispering in her ear.Reminder: The final carnival festivities in Cologne, one of the most popular events in Germany, began last Thursday, surrounded by a heavy security after violence that took place at New Year . A total of 2,500 police officers were deployed, three times more than last year .The New Year s night was marred by violence , including sexual abuse , attributed to North African asylum seekers or immigrants.Via: DH.be ",left-news,"Feb 5, 2016",0 +"BREAKING: OBAMA’S β€œDirector Of Diversity” Donates Hundreds Of Thousands Of Tax Payer Dollars To Open Borders, Other Radical Groups","Of course anyone on Obama s Team Fundamental Transformation of America is exempt from any of the consequences the rest of America would have to face for the same unlawful actions To meet the Obama administration s goal of implementing a robust diversity strategy at the Department of Defense (DOD), the agency s director of diversity violated government rules by distributing hundreds of thousands of dollars to controversial leftist groups. Adding insult to injury, a consulting firm gets nearly half a million dollars from the DOD to help distribute the money to groups even those that don t qualify that support the Pentagon s diversity strategy and program objectives. Among the recipients is the notorious open borders group League of United Latin American Citizens (LULAC), Minority Access Inc., a Maryland-based nonprofit committed to decreasing disparities and reducing incidences of environmental injustices, and the renowned National Association for the Advancement of Colored People (NAACP). Others include the Society of American Indian Government Employees and the Asian American Government Executive Network. In all, the Pentagon s Office of Diversity Management and Equal Opportunity (ODME) gave these and other groups north of $300,000, according to a DOD Inspector General report released this month. These are considered affinity groups involved with networking or professional associations that are often race, ethnic background or gender based, according to the report.The high-ranking official who violated DOD and government rules by doling out the cash to unqualified non-federal entities (NFE) is Clarence Johnson, the DOD s Director of Office of Diversity Management and Equal Opportunity. In 2010 Johnson, a veteran Pentagon official, was assigned to assist the Army in implementing a robust diversity strategy. The position came with a hefty budget to support diversity outreach functions and Johnson launched a cash giveaway, filling the coffers of groups that should not have received public funds. In its report the DOD watchdog concludes that Johnson improperly co-sponsored NFEs that he had selected. Auditors found that Johnson spent $301,000 on NFE sponsorships and recommend corrective action. The money flowed through a company called New Concepts Management Solutions (NCMS) that was evidently handpicked by Johnson. In 2012, the Office of Diversity Management hired a consulting firm called Deloitte for $480,554 to handle the diversity outreach allocations.Here s a brief breakdown of how some of the money was divided. The Thurgood Marshall College Fund Leadership Institute Conference got $25,000, the Society of American Indian Government Employees got $12,000 for a training conference and a conglomerate called Latina Style Outreach received $20,000. LULAC and the Hispanic Engineer National Achievement Awards Corporation (HENAAC) received $25,000 each. It appears that Johnson knew well that he was violating agency rules when he headed the diversity crusade because the report reveals that the DOD Office of Special Counsel has consistently said that the agency should not sponsor non-federal entities like the ones Johnson gave money to. In addition to money, Johnson provided these various groups with logistical manpower compliments of Uncle Sam.It s unlikely that Johnson will face any repercussions for his transgressions or, at most, a weak slap on the hand. He certainly appears confident in testimony to investigators probing his violations. My job is to grow, or focus on growing, the presence of minorities and women in government jobs with higher pay scales, Johnson told investigators. He added that the mission of his office is diversity outreach, which involves informing the diverse audience. This is why he seeks affinity groups that have a national reach and influence.President Obama has made it his mission to culturally transform government by teaching federal workers about diversity, race and gender, healthcare disparities and cultural competencies. The effort has affected practically every major agency, including the Department of Homeland Security (DHS), U.S. Department of Agriculture (USDA) and Health and Human Services (HHS), among others. It s been a costly initiative for taxpayers. A few months ago a Judicial Watch investigation found that the Obama administration has paid a Chicago-based firm millions of dollars to strengthen the federal workplace with its brand of diversity consulting. This includes two recent DHS contracts for $24,000 and $10,000 and one for $8,500 from the Department of Energy (DOE). Via: Judicial Watch",left-news,"Feb 4, 2016",0 +WATCH: MUSLIM WOMAN ADMITS OBAMA CAME TO MOSQUE TO GET VOTES…Human Rights Attorney Destroys Obama’s Decision,"WOW! There aren t too many non-political people willing to stand up to the lies of Obama and his ties to radical Islam. Human rights attorney, Brooke Goldstein tears Muslim woman who attended the radical DC mosque with Barack Obama yesterday apart with facts:",left-news,"Feb 4, 2016",0 +"EUROPE CRASHES AND BURNS, As EU Officials FINALLY Admit Secret About β€œRefugees” They’ve Known For A While","The Genie is out of the bottle. Europe will never be the same. It s rich history and the uniqueness of each country is gone.Even EU officials are now finally admitting that a lot or, rather, most of the people we have been calling refugees are not refugees. They are economic migrants with no more right to be called European citizens than anybody else in the world. Even Frans Timmermans, Vice President of the European Commission, made this point this week. In his accounting, at least 60pc of the people who are here are economic migrants who should not be here are from North African states such as Morocco and Tunisia. As he told Dutch television:- These are people that you can assume have no reason to apply for refugee status. Swedish officials are coming to a similar conclusion, saying that as many as 80,000 of the mainly young men who have gone to Sweden as refugees in the past year alone are no such thing.Now there are the usual attempts to crowd-please from certain politicians and officials who are talking about how they might have to deport these people. But they won t, will they? Does anybody honestly believe that the Swedish authorities are currently preparing to deport 80,000 fake asylum seekers from their country?Or let us assume that the 60pc figure is correct for Germany and that 60pc of the people who have arrived in Germany in the past year alone should not be there. Given that it has taken in more than a million people in the last twelve months, is Germany now going to deport as many as three quarters of a million fake asylum seekers from its territory? Of course not. They will not even attempt it. Everybody in Europe knows that. And everybody following events and weighing up their chances from outside Europe knows that.Everybody on earth now knows that Europe s present leaders lack either the will or the means to enforce their own laws. So more people will come next year, and the year after that and the year after that. All in the knowledge that once you re in, you re in. If the facts were otherwise then Sweden, Germany and other countries across the continent would currently be preparing to ship hundreds of thousands of people out of Europe and back to their countries of origin. But they re not.And so the numbers coming in will increase, and the politicians will keep posing, and the European peoples will rightly get more and more enraged at the fact that their continent is being taken away from them. Eventually perhaps even the constant bogeyman warnings about the far-right will lose their capacity to scare. Not good times ahead, I d say. Via: UKSpectator Is there is enough courage in America to fight the mass invasion of Muslims into our nation? We have generations of men and women who have given their lives to make America the greatest nation on earth. Are we willing to sit back and let progressive politicians and radical leftist organizations like MoveOn.org turn our country into another Syria, with warring Muslim factions hell-bent on the destruction of Christianity and Judaism? ",left-news,"Feb 4, 2016",0 +"GROUP WITH TERROR TIES Encourages Muslims To Swing U.S. Presidential Elections: β€œTurn Your Islamic Centers, Mosques Into Registration Centers For Voters”","The idea that a tax-exempt radical organization in the United States of America with ties to the Muslim Brotherhood, a terror organization can influence our vote by suggesting Muslims register voters in Mosques should be shocking to every American.Could anyone imagine the outrage if non-profit groups were advocating churches register voters to support the Republican party?The last time the Muslim Brotherhood got involved in an election, it ended with a tyranny, church burnings, terrorism, a civil war, mass sexual assaults on women and a popular uprising against it.Presumably the local Muslim Brotherhood crew is hoping for a better outcome in the United States than they ended up with in Egypt, as Sharona Schwartz at The Blaze Reports.The head of the Council on American-Islamic Relations said that Muslims could comprise the swing vote in the presidential elections if 1 million of them register to vote, as he urged them to turn mosques into polling stations this November. I believe we have at least 1 million Muslim eligible voters in this country. We have to register every single Muslim to vote in 2016. The Muslim vote can be the swing vote in major states, CAIR Executive Director Nihad Awad said at the Muslim American Society (MAS) and Islamic Circle of North America (ICNA) annual conference in Chicago, according to video posted earlier this month.Awad explained that CAIR which is prohibited from engaging in political activity due to its registration as a tax-exempt organization would not be the vehicle by which a candidate would be endorsed. He said another organization would be set up to promote the Muslim-friendly presidential candidate.Awad urged all Muslims to register to vote and to use Islamic centers as polling stations. Turn your centers, Islamic centers, mosques into registration centers for voters, into polling stations during the election time, he said. Via: Frontpage Mag",left-news,"Feb 3, 2016",0 +THE REAL TRUTH ABOUT WHY OBAMA Is Planting Muslim Refugees In Small Towns Across America,"This is the best explanation of why Obama and the Democrat party are fighting so hard to keep the US State Department s Refugee Resettlement program going strong. Please share this with everyone who s been wondering why the Democrats are so eager to bring Muslim immigrants from countries who hate us, to America, while leaving Christian refugees from the same countries behind. To hell with terrorism, the Democrats want to win even if it s at the expense of our national security Looks like my old stomping grounds in Montana are heating up. People there are not taking Obama s plan to force refugees on them lying down. There was a protest in Missoula, Montana recently over that very issue. It is just one of many battles brewing out there in small town America.Small towns in the sparsely populated parts of America are the perfect place to relocate these refugees. Especially, if your agenda includes politically terraforming the country. The West is historically conservative in their politics. Many are Republicans and Libertarians. Even the Democrats hearken back to an earlier time when they were more conservative in nature. Obama and the Democrats can t have that. They need to have an entire country willing to submit to Marxist diktats. They need areas seeded with those who will vote Democrat and ensure that they stay in power no matter what.And it s not just voting demographics that are pushing this move either. I personally believe that there is a warped logic to all of this. That if Islam can be made the predominant religion in America, people will be more easily controlled. That s insane of course and won t work, but there you have it. Instead, Shariah law will be implemented and you will see the same atrocities occurring in Europe happen here. The big difference being, that at least for now, Americans are armed and will use those weapons to protect their neighbors, loved ones and country.Of the 237 Syrian refugees admitted to the U.S. since the attacks in Paris just one has been a Christian. The rest have been Muslims.CNS News reports that according to data from the State Department Refugee Processing Center, since the November 13 attacks the U.S. has admitted 236 Sunni Muslim refugees from Syria and a single Christian a Greek Orthodox refugee.Bringing in the refugees also moves forward the Cloward and Piven strategy to overwhelm the system so it will collapse and cause chaos in the streets. These people want to tear the system apart, so they can replace it with something truly heinous. The Obama administration will never admit that this is the plan, but can you honestly look at what is going on today and tell me it isn t? Our borders are wide open. We are not vetting anyone to speak of and security here in the US is worse than before 9/11.Communities in states such as Idaho, Montana, North Dakota and Kansas are being infused with Muslim refugees even though they are not wanted by the residents or the local law enforcement. The feds and their leaders are not giving them a choice. Wyoming is the only state currently not participating in the program, but even the governor there wants to jump in it. Living in large cities would be too costly for the refugees and more can be accomplished with seeding them across the plains. In a small town, they can turn everything to their advantage in short order. Since many of our larger cities are already flooded with immigrants from south of the border and from Muslim nations, in many respects they have at least partially fallen to the ploy already. This is the fundamental transformation of America in play. South Carolina, Idaho, Minnesota, North Dakota and Michigan are vigorously fighting against this program and Obama s change .The same entitlements, jobs, lodging and freebies will be given to these refugees in small town America. But that will mean taking more and more away from locals in these same communities. These immigrants bring crime and disease with them. As crime rises, people will leave which will hasten the take over of these towns. At least that is what Obama and his friends hope for. I pray that people dig in and decide to stay and fight if they can.We haven t learned a damned thing from watching what is going on over in Europe. How do you justify the rapefugees in Germany and Sweden, who treat rape as game for a large number of players at a given event? How can you ignore the violence, the murders, the depravity that is the Ummah? What s wrong with these people? Do money and power mean so much to them that they don t care that they are selling America out to a hellish nightmare movement? Imagine your wives, daughters, mothers, neighbors little children subjected to these beasts. What would you do?For entire story: Trevor Loudon ",left-news,"Feb 3, 2016",0 +BERNIE SANDERS’ ECONOMIC POLICY Explained In One BRUTAL Meme,"This is the economic policy that s bringing throngs of college-age young adults to rally for Bernie Sanders.It s a sad but true commentary on the generation of adults who will be leading our nation in the years to come. Note to college students, this is what mature bill-paying adults call B.S. economics. ",left-news,"Feb 3, 2016",0 +MIGRANT GIRLS AS YOUNG AS 11 Arrive In Sweden Married And Pregnant,"Sweden needs to start sending these pedophiles and rapists back to where they came from. At least 61 minors were married when they sought asylum in Norway last year, figures from the Norwegian authorities show. The youngest was an eleven year old girl.Of the 61 married minors who sought asylum in Norway in 2015, at least ten were under the country s sexual age of consent of 16, broadcaster NRK reported based on figures from the Norwegian Immigration Directorate (UDI) and the Norwegian Directorate for Children, Youth and Family Affairs (Bufdir). At least ten of the girls were under the age of 16, while 49 girls and two boys who are married were 16 or 17 when they arrived in Norway. At least two of the girls under the age of 18 were expecting their second child.The youngest married asylum seeker was just 11 years old when she arrived in Norway.Most of the married minors came from Syria, Afghanistan or Iraq. We are looking very seriously at children under 18 who are in danger of being subjected to sexual abuse, violence and forced actions. We are committed to helping these children and to preventing forced situations. These could be criminal cases, Bufdir director Mari Trommald told NRK.A 14-year-old pregnant girl crossed the Storskog border station in November with her 23-year-old husband and their 18-month-old child. Today, the two live separately and the 23-year-old is under police investigation.Trommald said that each case must be assessed individually to determine whether the married couples should live separately.Via: THELOCALno",left-news,"Feb 2, 2016",0 +Germany’s Angela Merkel Makes Incredibly Naive Announcement: EVERY MIGRANT MUST LEAVE…After THIS One Condition Is Met…,"Perhaps Merkel should have considered the serious consequences of Germany s compassionate open border policy that allowed over 1 million (mostly) Muslim males to infiltrate their country. German officials essentially granted them permission to rape and sexually assault their women and children while they looked the other way. But that s not all Germany is giving them free food, housing, education and spending money to boot. Does Angela Merkel really believe that when she tells these freeloading Muslim males that it s time to go back home, that they re going to pack up their bags and leave? As Germany s open-door refugee policy comes increasingly under fire, the Chancellor has tried to silence her critics.Despite mounting pressure to cap the number of refugees in the wake of the Cologne sex attacks which saw 130 women sexually assaulted by men, believed to be migrants, Mrs Merkel has stood her ground.Some 1.1million migrants entered Germany last year, many fleeing conflicts in Syria and Iraq.Mrs Merkel said: We need to say to people that this is a temporary residential status and we expect that, once there is peace in Syria again, once ISIS has been defeated in Iraq, that you go back to your home country with the knowledge that you have gained. Mrs Merkel said 70 per cent of the refugees who fled to Germany from former Yugoslavia in the 1990s had returned.She urged other European countries to offer more help because the numbers need to be reduced even further and must not start to rise again, especially in spring .Speaking to a regional meeting of her Christian Democratic Union (CDU), Mrs Merkel said said all EU states should have an interest in protecting the bloc s external borders, and all would suffer if the internal passport-free Schengen zone collapsed and national borders were closed.Peter Altmaier, who Mrs Merkel has tasked with overseeing the government s handling of the refugee crisis, said the government was negotiating with some countries including Turkey about taking back criminal refugees who arrived via non-EU countries.Yeah because what nation in their right mind wouldn t gladly accept criminal refugees into their country? Gee, we sure hope Merkel isn t foolish enough to believe there aren t any members of ISIS living comfortably in refugee housing or camps inside their open-borders.Via: Express UK ",left-news,"Feb 2, 2016",1 +Homeless Man Dies Next To 4-STAR HOTEL…Your Blood Will Boil When You See Who Is Living Inside Hotel,"LIBERAL COMPASSION: This story is a perfect example of how the Left is leaving citizens behind in favor of invaders from other countries. Why are we allowing politicians to have this kind of power? Where are the voices of the citizens who are watching their heritage and centuries of a rich history in their countries being stolen overnight by strangers, many of whom are looking for a better economic situation?A homeless man has been found dead in the centre of Bolzano. The corpse was found by some passers-by in a makeshift bed made from cardboard boxes, alongside the wall of the Hotel Alpi, which is currently being used to house refugees. According to the investigators initial information, there were no traces of violence on the man s body.Here is a photo of the lobby in the 4-star Hotel Bolzano:Here is an image of the refugees who live there. This was taken in July last year, as they were staging a protest about not being given enough milk. Please note the refugee with the smart phone and earbuds. The suffering of these refugees can be summed up in this one picture:Via: ANSA.it Trentino AA/s",left-news,"Feb 2, 2016",0 +HOW HILLARY CLINTON Has Secured Her Husband’s Legacy As β€œA Rapist” And Hers As An β€œEnabler” [VIDEO],"Hillary Clinton is a professional panderer. There is no vote she won t attempt to secure, no matter the cost. In reality, her desire to gain the vote of young women in America will only harm her, as her call to stop the sexual assaults against women on campuses across America only shines a light one of the ugliest aspects of the Clinton Crime Syndicate. Bill s pattern of sexual abuse, and Hillary s willingness to sit back and watch will undoubtedly to come back to haunt them. Anyone who thought Hillary could get away with this phony compassion for women who are truly sexual victims, underestimates the disdain that women on both sides of the aisle have for her and her serial rapist husband.Articles have now appeared in two left of center websites, VOX and Slate, noting that it s hard to dismiss Ms. (Anita) Broderick (claims of sexual assault by Bill Clinton) given the new progressive consensus on believing victims. Well the injunction to believe victims gained currency among progressives because of a potent mix of gender theory and advocacy statistics.The theory came from the legal scholar Catharine MacKinnon, who taught that: Feminism is built on believing women s accounts of sexual use and abuse and by men. The statistics were supplied by activist researchers who claimed that women almost never lie about sexual assault. Now those activist statistics have been shredded, but among progressives, the doctrine of sexual victim infallibility, that lived on. But if victims are infallible, then those they accuse, must be presumed guilty. And that brings us to the Clintons. Hillary Clinton has signed on to that theory. Watch here: ",left-news,"Feb 2, 2016",0 +β€œGET ANGRY”: HOW OBAMA’S β€œPurple Army” Is Teaming Up With Illegal Aliens To Steal The Vote In 2016,"The Democrats will stop at nothing to win this election. They didn t fight so hard to let millions of illegals cross our borders because they were feeling especially compassionate. They don t do anything without an ulterior motive stealing the vote is their ulterior motive The Service Employees International Union is teaming up with four Latino advocacy organizations and a key House Democrat to convert as many of the 5 million Latino permanent residents into U.S. citizens and voters as possible before Election Day.Leading the charge is Rep. Luis Gutierrez, D-Ill., who said Thursday that he believes the stand up to hate push can get 1 million of those Latinos naturalized by May, which would see them become citizens in time to register for the presidential election.The campaign s mantra is Naturalize. Register. Vote. Gutierrez advised Latinos to get angry over the anti-immigrant rhetoric emanating from Republican presidential candidates then naturalize, register and vote. Can you believe calling all Mexicans rapists? he asked during a conference call announcing the New American Democracy Campaign, referring to controversial comments made by real estate mogul and former reality TV star Donald Trump. Banning all people of one religion from the United States? There s nothing the groups can do to speed up the naturalization process, but the initiative is aimed at making sure the millions of legal permanent residents trade in their green cards for citizenship.Gutierrez said he s excited to travel across the country, starting in his hometown of Chicago, to attend as many of the nearly 100 naturalization seminars that the collaborating organizations are putting on. He also plans to hit Colorado, Florida and Nevada, among other states with significant Latino populations.The groups involved are: iAmerica Action, Latino Victory Foundation, Mi Familia Vota, National Partnership for New Americans, and the SEIU. Via: Washington Examiner",left-news,"Feb 1, 2016",0 +TOP NAVY COMMANDER RELEASED After Reportedly Revealing Secret About Obama,"Seven years ago, this story would ve seemed like something from The Onion (a satirical publication). Unfortunately where Barry Sotoero, aka Barack Hussein Obama is concerned, nothing is unbelievable, and truth seems to be stranger than fiction Recently, a new Foreign Intelligence Service (SVR) report was released stating that one of the United States Navy s top commanders was released from command after he sent out an email revealing that President Barack Obama was in the process of purchasing a multi-million dollar seaside villa in Dubai.The report indicates that Rear Admiral Rick Williams, Commander of the US Navy s Carrier Strike Group 15, posted a query on January 8 to the Naval Institutes Readiness Kill Chain. It inquired why Navy security and intelligence personal had been dispatched from a Naval Support Facility in Thurmont to an Obama house hunting mission. The message has since been deleted.As to the Obama house hunting mission Admiral Williams was making his query about before being fired, this report continues, SVR intelligence assests in the UAE identified it as being a luxury seaside villa located in the Palm Jumeirah development of Dubai being offered for sale at the price of $4.9 million (18 million United Arab Emirates Dirham), and which a deposit on it was made this past week by the Washington D.C. based global public affairs company Podesta Group. Important to note about the Podesta Group, this report notes, is that its leader is Tony Podesta, who aside from being one of the most powerful oligarchs in the US, is a close personal friend of President Obama too.Within 18 hours of posting the query, Vice Admiral Noral Tyson fired Admiral Williams on orders from President Obama. Her action was reportedly due to a loss of confidence in his ability to command based on allegations of his misuse of government computer equipment. To cover their tracks, the Pentagon reportedly began releasing anonymous stories that Admiral Williams had been viewing pornography on his computer. Of course, this is an impossibility due to the US Navy/Marine Corps Intranet (NMCI), which blocks such sites. Via: Conservative Post",left-news,"Feb 1, 2016",0 +FEEL THE BERN! Watch Bernie Sanders’ Supporters Embarrassed By Their Own Hypocrisy In Hysterical β€œGotcha” Video,"Roger Simon of PJ Media asks Bernie Sanders supporters at a recent rally why they re supporting him. They all seem to be in agreement that one of the primary reasons for supporting Bernie is because they believe he will stick it to the billionaire s in America. Because in the end, it s all about getting more free stuff and someone s gotta pay for it right?Watch their priceless reactions when they find out who s funding the rally they re attending: ",left-news,"Feb 1, 2016",0 +BREAKING NEWS: Obama To Meet With Special Guest In Oval Office… Is This Proof That Hillary’s Campaign Is Officially Over?,"Has our lawless President finally conceded that even he can t save the head of the Clinton Crime Syndicate? Oh well, lucky for Hillary that Orange is the new black! President Barack Obama will meet with Democratic presidential candidate Bernie Sanders at the White House on Wednesday, the White House said on Tuesday. The two will meet privately in the Oval Office and there will be no formal agenda, White House spokesman Josh Earnest said.Sanders, a Vermont senator and self-described democratic socialist, is challenging former Secretary of State Hillary Clinton for the Democratic nomination for the November presidential election. Via: Reuters",left-news,"Jan 31, 2016",0 +HE MADE A LIVING Convincing Swede’s That Muslims Were Falsely Portrayed…His New Job Proves Everything He Said Was A Lie,"In a nation so rich with Muslim rapists diversity, this moderate Muslim will likely be able to move right back into his previous job of admonishing Islamaphobes if things don t pan out for him in the raping and beheading business Michael Nikolai Skr mo aka Abo Ibrahim Al Swedi probably didn t need a job. He was trained as a chef before he converted to Islam.The 29-year-old Swede, who today calls himself Abdul Samad al Swedi , grew up in Gothenburg. He converted to Islam during a field trip to Egypt about ten years ago and has since been engaged in a series of tax-funded Muslim organizations.In 2009 he was invited to SVT, where he told Swedish viewers how Muslim phobia (Islamophobia) and hatred was spread around Europe.Previously, the Swede have been heavily involved to counter what he described as a misleading picture of Muslims as violent fanatics. In an episode of SVT debate, which can be seen on Youtube, he attacked the malicious picture of Muslims spread in Europe. This fear is based on ignorance of Islam, Michael Skr mo said.Obviously. If only people truly knew what Islam was.As a lecturer Abdul Samad has mainly been active in the radical Bellevue Mosque in Gothenburg. There he held a series of sermons on the association Multicultural Youth Center (MKUC), notorious for four youth leaders of the Association, including president of the association , once armed with knives attempted to attack Lars Vilks in an art event at Red Rock in Gothenburg. It is worth noting that sermons should have been co-arranged with the wide Muslim educational association Ibn Rushd. Abdul Samad has also been linked to the Swedish Federation of Muslims , also a compound of radical preachers, located at the Bellevue Mosque.Michael Skr mo, 29, took the whole family his little four children and wife to the IS-controlled area inside Syria. Now Skr mo filmed a propaganda video outside the Syrian city Kobane where he preaches jihad and calls Swedish jihadists to leave Sweden and join the holy war . My brothers, hijra (migration) and jihad are so simple. It only costs a few thousand lapp [Swedish kronor], he says in Swedish. Do you not wish in in your heart to fight and show God what you have to offer him? The door to jihad is standing there waiting for you. It s the fastest way to Jannah [Paradise]. According to Sweden s Expressen newspaper, he converted to Islam in 2005, after which he travelled widely in the Islamic world, learning Arabic and studying the religion.At the end of the video, Skr mo becomes more emotional. I want you to be here with me. I want us to hang out in Jannah. My wonderful brothers, take this decision, trust in Allah, sacrificing your money and your life for Allah, and you will receive the highest from Allah Via: Frontpage Magazine ",left-news,"Jan 31, 2016",0 +OBAMA TO VISIT MOSQUE WHERE RADICAL IMAM Condones Suicide Bombings…Even MORE Unbelievable Is List Of Muslims Who Committed Horrific Acts Of Terror Against Americans Who Prayed There,"Our Imam In Chief told America he was a Christian when he wanted us to elect him in 2007. His Black Liberation Theology Pastor of hate later revealed that Barack only used the church as a way to boost his status as a community organizer. He s been openly mocking Christianity for years now and now, of all the mosques in America he feels compelled to visit, it just happens to be one with a radical Imam and ties to several terrorists who have committed atrocities against Americans.All is forgiven with ignorant liberals who believe terror organization CAIR, when they say Obama just wants to send a message of inclusion and mutual respect. President Obama is set to speak next week at a mosque which was led for over a decade by an Imam who justified suicide bombings in some circumstances and who helped found a mosque with ties to Al Qaeda.The President will visit the Islamic Society of Baltimore on Wednesday and deliver remarks there, the White House confirmed on Saturday. This will be the first time the President has paid an official visit to a mosque during his seven years as President. However, Obama has toured mosques while on overseas trips. The president believes that one of our nation s greatest strengths is our rich diversity, White House spokesman Keith Maley said, confirming reports. As the president has said, Muslim Americans are our friends, and neighbors; our co-workers, and sports heroes and our men and women in uniform defending our country. The Council on American Islamic Relations (CAIR) which has been declared a terrorist organization in the United Arab Emirates and was named by federal prosecutors as an unindicted co-conspirator in the Holy Land Foundation s Hamas-funding operation welcomed Obama s decision. For a number of years we ve been encouraging the president to go to an American mosque, said CAIR spokesman Ibrahim Hooper. With the tremendous rise in anti-Muslim sentiment in our country, we believe that it will send a message of inclusion and mutual respect. But critics of Obama s decision may question his choice of the Islamic Society of Baltimore, where Mohamad Adam el-Sheikh, a native of Sudan and former member of the Muslim Brotherhood, led the institution for eighteen years as its Imam.Before becoming Imam there, el-Sheikh helped found the Muslim American Society, an outfit created by Muslim Brotherhood members.In 2004, he told the Washington Post, commenting on Palestinian suicide bombers: If certain Muslims are to be cornered where they cannot defend themselves, except through these kinds of means, and their local religious leaders issued fatwas to permit that, then it becomes acceptable as an exceptional rule, but should not be taken as a principle. El-Sheikh also helped found the Dar Al-Hijrah mosque, which was once led by the deceased infamous Al Qaeda terrorist Anwar Al Awlaki.When he left the Islamic Society of Baltimore, El Sheikh became the Imam of Dar Al-Hijrah, following Awlaki s escape from the U.S. after the September 11 attacks.The Dar Al-Hijrah mosque was founded thanks, in part, to a large grant from Saudi Arabia s Embassy in the United States, which allowed for the large facility to accommodate some 5,000 Muslims.Dar Al-Hijrah, which is located right outside Washington, D.C., is connected to several high-profile Islamic terrorists who prayed there, including Major Nidal Hassan the Ft. Hood massacre jihadi, two September 11 hijackers, and an unindicted co-conspirator in the 1993 World Trade Center bombing.Via: Breitbart News",left-news,"Jan 31, 2016",0 +WATCH: Angry Muslims Tell Christians They Will Take Over Britain,"This video should be shown in town halls all across America. It should be compulsory viewing for every citizen serving on a city council in a sanctuary city. Americans who are okay with populating our country with hundreds of thousands of Muslim refugees need to watch what happens when you allow a large group of people live in our country who have no intention of assimilating England is home to more than three million Muslims for the first time ever, new figures show.The number in the country has doubled in just over a decade as a result of soaring immigration and high birth rates.In some parts of London, close to half the population are now Muslims, according to detailed analysis by the Office for National Statistics obtained by The Mail on Sunday. On current trends they will be the majority in those areas within a decade.How well are these Muslims who have been granted citizenship by Britain assimilating? How do they tolerate other religions?Watch this video and see for yourself:https://youtu.be/gUqdZnJBIBw",left-news,"Jan 31, 2016",0 +DOJ and FBI Are β€œSuper Pissed Off” At Troubling Pattern Of Lawless Obama Covering For Hillary,"On Friday White Press Secretary Josh Earnest told reporters some officials at the FBI have said Hillary Clinton is not a target of the current investigation.These latest comments by the Obama White House reportedly have FBI and Justice Department officials Super Pissed Off. Catherine Herridge reported:That statement by Josh Earnest has got the back up of our contacts at the FBI and Justice Department for two reasons They are SUPER PISSED OFF to use a technical term. Number one, Josh Earnest has absolutely no clearance or visibility in the FBI investigation. Number two, they say it really seems part of a troubling pattern from the White House because the president earlier said he did not see any national security implications to the Clinton emails and then we found out he had never been briefed.Here s the clip:https://youtu.be/K_cNN0cbe_g",left-news,"Jan 31, 2016",0 +OLDER HUSBANDS ALLOWED TO SLEEP WITH Child Brides On Weekends At Danish Asylum Centers,"When Sharia Law becomes the official law of the EU, see how many bleeding heart liberals will be wishing they could turn back time. It s only a matter of time before the Dutch women will clad in head-to-toe burqas. How very progressive With the mass Muslim migration into Eurabia comes the Islamic law and its attendant misogyny, pedophilia and misogyny. That s to be expected. What was not expected when I began to engage in this fight 15 years ago was the sanction of this brutal and extreme ideology by Western leaders in academia, media and politics.Child brides present at Danish asylum centers, & the leaders allow it! By DioDK, January 27, 2016: That is according to MetroXpress (Denmark s most popular free newspaper)Girls down to the age of 14 seek asylum in Denmark as child brides.The younger ones stay at a special asylum center for children. Many of them have a husband with a residence permit. They are allowed to sleep with their older husbands in the weekends.Several political parties wish to stop this. Naser Khader (very responsible conservative who is pretty much against Islam all together) says that these people should not be allowed to get asylum at all.Sofie Carsten Nielsen from the political party De radikale literally translating to The radicals says: It is in regards to the law the same as mismanagement of children. If a 14 year old is married, it must be arranged. The asylum center and police need to respond to this.Integration Minister Inger St jberg (very hated for her stand on immigration) wants to stop that the children are allowed to sleep with their husbands in the weekends.[Age of consent in Denmark is according to a quick Google search 15 years old. You can get married at 18.This is PC out of control. People are so afraid to be called racist that they will go along with ANYTHING and allow ANYTHING from Muslims, even pedophilia.] Via: Pamela Gellar ",left-news,"Jan 30, 2016",0 +HYSTERICAL…THE DEMOCRAT CONVENTION Schedule Is Revealed,"LOL! You ll want to share this with everyone Democrat Convention ScheduleMonday, 25 July 2016 11:30 AM Free lunch, medical marijuana, and bus ride to the Convention. Forms distributed for Food Stamp enrollment.2:30 PM Group Voter Registration for Undocumented Immigrants.5:00 PM Opening Flag Burning Ceremony Sponsored by CNNTuesday, 26 July 2016 9:00 AM Address on Being the Real You Rachel Dolezal, former Head of the Seattle NAACP10:30 PM How to Bank $200 Million as a public Servant and claim to be broke Hillary Clinton2:00 PM How to have a successful career without ever having a job, and still avoid paying taxes! A Seminar Moderated by Al Sharpton and Jesse Jackson5:00 PM Medals of Freedom presentation to Army deserter Bo Berghdal Baltimore Looters Wednesday, 27 July 2016 8:30 AM Invitation-only Autograph Session Souvenir photographs of Hillary and Chelsea dodging Sniper Fire in Bosnia9:00 AM Tribute to All of the 57 States Congresswoman Nancy Pelosi9:30 AM General vote on praising Baltimore rioters, and on using the terminology Alternative Shoppers instead of Looters 11:00 AM The White House Semantics Committee Meeting General vote on re-branding Muslim Terrorism as Random Acts of Islamic Over-Exuberance 1:00 PM Liberal Bias in Media How we can make it work for you Tutorial sponsored by CBS, NBC, ABC, CNN, PBS, the Washington Post and the New York Times with Guest Speaker, Brian Williams3:00 PM Tribute Film to the Brave Freedom Fighters still incarcerated at GITMO Michael Moore5:00 PM Personal Finance Seminar Businesses Don t Create Jobs Hillary ClintonThursday, 28 July 2016 9:00 AM Group Condemnation of Bitter Gun Owners.9:30 AM Ceremonial We Surrender Waving of the White Flag to Afghanistan, Russia, and ISIS.10:00 AM Short film, Setting Up Your Own Illegal Email Server While Serving in A Cabinet Post and How to Pretend It s No Big Deal Hosted by Hillary Clinton11:00 AM Announcement of VP Nominee Chris Stevens, with a quick rebuttal and withdrawal when Hillary realizes he s someone she got killed in Benghazi11:30 AM Official Nomination of Hillary Bill Maher and Chris Matthews",left-news,"Jan 30, 2016",0 +HOW BLACK LIVES MATTER Terrorists And Cop Killings Can Be Traced Back To Barack Hussein Obama,"One of my personal favorite conservative writers, Nick Short has done an amazing job in this piece, where he traces the roots of the Black Lives Matter and cop hating movements to our Divider In Chief. If you re not familiar with his work, Nick Short at politicallyshort.com is worth visiting. His work is supported by reader donations. If you re so inclined to support him, I m sure he would appreciate it. When the organization known as Black Lives Matter (BLM) was first formed right after George Zimmerman s acquittal in the death of Trayvon Martin on July 13, 2013, most overlooked the true intentions of the group beyond their calls for justice . Fast forward to today and it can no longer be overlooked that their calls for justice now result in retaliatory violence against those whom they believe are the oppressors, namely those being white people in general and police officers specifically. By tracing the origins of the organization back to its philosophical formation in the 1960 s, we can begin to see how BLM is rooted in the radical ideological beliefs espoused by none other than President Barack Obama.Before we get to that point though, it is crucial for us to understand that BLM was founded by three militant feminists by the name of Alicia Garza, Patrisse Cullors, and Opel Tometi. While each played their part in contributing to the creation of the group, Garza is the driving force as she detailed the philosophy behind BLM in her October 2014 article titled A Herstory of the #BlackLivesMatter Movement. Garza writes the following in regards to BLM s philosophy: Black Lives Matter is a unique contribution that goes beyond extrajudicial killings of Black people by police and vigilantes. It goes beyond the narrow nationalism that can be prevalent within some Black communities, which merely call on Black people to love Black, live Black and buy Black, keeping straight cis Black men in the front of the movement while our sisters, queer and trans and disabled folk take up roles in the background or not at all. Black Lives Matter affirms the lives of Black queer and trans folks, disabled folks, Black-undocumented folks, folks with records, women and all Black lives along the gender spectrum. It centers those that have been marginalized within Black liberation movements. It is a tactic to (re)build the Black liberation movement. Alicia Garza explains why she started the Black Lives Matter terror movement. Notice how she ties her hate for law enforcement into her discussion about taking action against anyone who doesn t agree with their radical tactics:The Activist Web: Alicia Garza from Ford Foundation on Vimeo.The key takeaway from Garza s statement is found in the last two sentences primarily as she notes that BLM was created with the intention to (re)build the Black liberation movement. The reason this statement is of utter importance is because it ties directly to the idea of Black Liberation theology, which was the doctrine taught to Obama for over twenty years at his church in Chicago made famous by Obama s pastor, Jeremiah Wright. Black Liberation theology was first formed on July 31, 1966. In an article published by NPR it is noted that: Black liberation theology originated on July 31, 1966, when 51 black pastors bought a full page ad in the New York Times and demanded a more aggressive approach to eradicating racism echo[ing] the demands of the black power movement. What is often overlooked in the formation of the group is the linkage between the Nation of Islam and Black Liberation theology as Wright s mentor and founder of Black Liberation theology James Cone credited Malcolm X with shaking him out of his theological complacency. Stanley Kurtz of National Review highlighted this synergy in noting that according to Cone, The black intellectual s goal is to aid in the destruction of America as he knows it. Such destruction requires both black anger and white guilt. The black-power theologian s goal is to tell the story of American oppression so powerfully and precisely that white men will tremble, curse, and go mad, because they will be drenched with the filth of their evil , wrote Cone.In an excerpt from Stanley Kurtz s piece drawing on the influence of Malcom X on Black Liberation theology, Kurtz states:So what exactly is black power ? Echoing Malcolm X, Cone defines it as complete emancipation of black people from white oppression by whatever means black people deem necessary. Open, violent rebellion is very much included in whatever means ; like the radical anti-colonial theorist Frantz Fanon, on whom he sometimes draws, Cone sees violent rebellion as a transformative expression of the humanity of the oppressed Theologically, Cone affirms, Malcolm X was not far wrong when he called the white man the devil. The false Christianity of the white-devil oppressor must be replaced. Couple these words to Obama s pastor Jeremiah Wright s statement that there will be no peace in America until whites begin to hate their whiteness and you can begin to understand that the rhetoric behind Black Lives Matter that blames white privilege for virtually everything is rooted in Black Liberation theology. However Wright was radicalized , notes Bud White of NoQuarterUSA, it is clear that he consciously appropriated the language and tenor of the Nation of Islam. White documents the following:Wright s statement that 9/11 was deserved retribution ( We have supported state terrorism against the Palestinians and black South Africans America s chickens are coming home to roost ) is a perfect echo of Malcolm X s statement that The assassination of Kennedy is a result of that way of life and thinking. The chickens came home to roost. Although it appears that Wright began his focus on Black Liberation Theology sometime after 1966, his racial attitudes and rhetoric have imitated that of NOI since at least 1970. Wright s blaming the United States for creating AIDS to kill minorities is but just one example of his thinking being in lockstep with NOI. The Nation of Islam and Black Liberation Theology are two doors to the same room. Black Liberation Theology is a palatable form of Christian black nationalism. The fiery anti-American, race-baiting words of Wright, Cone, and others behind the theology of Black Liberation are from the same philosophical cauldron as the Nation of Islam , concludes White.From the beliefs that served as Obama s bedrock foundation for his ideology, is it any wonder that today that the radicals behind Black Lives Matter and the Nation of Islam are allowed a free pass to incite as much hatred and retaliation against those they deem are the oppressors? As violence has ramped up in the first half of 2015 in targeted assassinations against police officers, little to no coverage by the media is given to a meeting that was hosted by the White House on December 1st.On December 1, 2014, Barack Obama, Vice President Joe Biden and Attorney General Eric Holder met with seven Black and Latino organizers from Ferguson, Mo.; Columbus, Ohio; Miami, Florida; and New York City, who had been leading the ongoing actions to disrupt the status quo. In an article posted by the website FergusonAction, it is explained that during this meeting activists such as Ashley Yates were given the platform by the White House in order to reaffirm their belief that most violence in our (their) community is coming from the police departments, and something needs to be done about it. On December 20th something was done about it as two uniformed NYPD officers were assassinated in their marked car by Ismaaiyl Brinsley in what Brinsley himself boasted as an act of retaliation for the death of Michael Brown in Missouri and Eric Garner in New York at the hands of the police.The reason Yates is emphasized here is because she, like BlackLivesMatter founder Alicia Garza, praise cop killer and former Black Liberation member Assata Shakur as a martyr for their cause. Yates even created T-shirts and hoodies that read ASSATA TAUGHT ME in a reference to Shakur that has become part of BLM s iconography. The fact that the president would even entertain the thought of meeting with those like Yates and other activists who hold cop killers as icons for their movement further goes to show how Obama s belief in Black Liberation theology, primarily that retaliation and violence should be used to further their cause, has never left him. Why else would Obama have met with these activists unless he was sympathetic to their plight, which given the fact that Obama spent over twenty years of his life listening to Jeremiah Wright s sermons, he very much is. Since this meeting though, what cannot be dismissed is the fact that violence in the form of targeted assassinations of both white people and police officers, have ramped up.And it will only get worse the longer we continue to allow Obama s Department of Justice to remain idly complicit.",left-news,"Jan 29, 2016",0 +UNDERCOVER VIDEO EXPOSES Obama’s Lies About β€œGun Show Loopholes”,Steven Crowder exposes the lies Obama has been telling Americans every time he steps in front of a microphone to address gun control. The Left will stop at nothing to take our guns. Lying about how easy it is to get a gun through the gun show loophole seems to be a coordinated effort by the Left.Please share this video (the truth) with everyone you know.Watch this video expose the lies of the gun control Left: ,left-news,"Jan 29, 2016",0 +OBAMA’S OPEN BORDERS Crisis Just Got Real…WHO Warns Of β€œEXPLOSIVE SPREAD” Of Dangerous Virus [VIDEO],"We recently reported about the deadly Zika virus coming to America from Central America. Today, the WHO Organization is issuing a stern warning about the spread of this deadly virus in the Americas. US Border Agents warned us about the potentially deadly viruses illegal aliens were bringing across our borders over a year ago. Even CDC employees openly complained about being sick of dealing with the number of sick illegal aliens flowing across our borders. The World Health Organization warned today it expects that the Zika Virus that has spread rapidly through the Americas, particularly South America, to being spreading explosively throughout the Americas. One official it expects up to 4 million cases in the region in just the next year.The virus, which is spread by mosquitoes, affects mainly pregnant women, causing debilitating, sometimes deadly, brain damage to fetuses. Although there isn t a direct link, statistics are strong that children born from women who have the virus are more likely to suffer microcephaly, a neurological disorder that result in babies with unusually small heads. Many of the children also suffer Guillain-Barre syndrome, a rare autoimmune disorder that can lead to life-threatening paralysis.The level of concern is high, as is the level of uncertainty, WHO s director general Dr. Margaret Chan said. We need to get some answers quickly. Dr. Chan called an emergency committee meeting Monday in Geneva, Switzerland, to address the Zika virus spread. Currently, there is no way to treat Zika and authorities are concentrating their efforts on controlling the mosquito population. Via: OraTVThe virus is transmitted by the bite of Aedes aegypti mosquitos, which are found in all countries in the Americas, including the U.S., bar Canada and mainland Chile.Reports that the disease can be transmitted by sex are unconfirmed by the World Health Organization or the U.S. Centers for Disease Control and Protection (CDC). It is unclear if the virus can be transmitted through human blood.Aedes mosquitos also spread the more-common dengue fever and chikungunya. Zika symptoms are typically similar to these viruses, but milder, including fever and skin rash, usually accompanied by conjunctivitis and muscle or joint pain.The outbreak has led to reports of increased numbers of women in Brazil giving birth to babies with microcephaly, a rare condition that causes the brain to develop abnormally in the womb and results in a very small head.In addition, there are reports of adult Zika suffers subsequently developing Guillain-Barre syndrome, another rare but serious nervous system disorder that can cause muscle weakness, poor coordination and paralysis.No direct links between Zika and Guillain-Barre syndrome have yet been established. It is unclear if the virus can be transmitted from mother to child during pregnancy or birth, although this is can occur with both dengue and chikungunya.Cases among travelers returning to mainland U.S. have already been reported and these instances were seen increasing by the CDC, which has warned that imported cases could cause the virus to spread in some areas of the country.The World Health Organization warned on Tuesday that the outbreak would likely reach all countries and territories in the Americas with Aedes mosquitos.Barbados Bolivia Brazil Cape Verde Colombia Dominican Republic Ecuador El Salvador French Guiana Guatemala Guadeloupe Guyana Haiti Honduras Martinique Mexico Panama Paraguay Puerto Rico Saint Martin Samoa Suriname Venezuela ",left-news,"Jan 29, 2016",1 +GUNFIGHT ERUPTS: Muslim Migrants Fight To Keep Minority Christians Out Of Camp in Northern France,"Muslims want the majority Christian nations to accept them and pay for their existence, but will stop at nothing to keep the Christian refugees from staying in camps that are funded by the host nations A gunfight has erupted in a migrant camp in northern France, leaving four people wounded after clashes that were thought to have involved rival gangs of smugglers.Two men were treated overnight for gunshot wounds, a third for stab wounds and a woman for blows to the head following the clashes at the Grande-Synthe camp near Dunkirk.Four people were held for questioning on charges of attempted voluntary homicide. Police believe the fight erupted between rival people smuggling gangs against a backdrop of simmering tensions between Muslims and Christians in the camp.David Michaux, a CRS anti-riot officer from the Unsa Police union, told Le Figaro: There is a real problem of Muslims and non-Muslims. Most of the camp s 3,000-odd occupants are Muslim Kurds from Iraq, Iran and Syria but a minority are Christians from Iran. The Muslims are trying to expel the Christians from the camp. He added: A unit of gendarmes was at the Grande-Synthe camp [on Tuesday]. They heard shots fired, around 40 according to their estimates. Grande-Synthe is 22 miles away from the so-called Jungle camp in Calais. Via: National Posth/t Gateway Pundit",left-news,"Jan 28, 2016",1 +OBAMA’S RADICAL DHS Chief Vows To β€œProtect” Muslims From Americans During Speech At DC Mosque,"The Muslims faith must be protected at all costs it s the Obama way During a news briefing delivered at the All Dulles Area Muslim Society mosque in Washington, D.C., following the San Bernardino shooting, Secretary of Homeland Security Jeh Johnson vowed to protect Muslims from the same sort of fear, suspicions and prejudice that haunted suspected communists during the era of McCarthyism.And in making this vow, Johnson specifically pointed to his grandfather, reported the government watchdog group Judicial Watch, whose members managed to observe the briefing despite the mosque s leaders attempting to kick them out. In 1949, during the McCarthy era, my own grandfather was called upon to testify before the House Un-American Activities Committee, to deny he was a member of the Communist Party and defend the patriotism of African-Americans, Johnson said. Today his grandson is responsible for the homeland security of this entire nation. Johnson sees a connection between the actions of deceased Sen. Joseph McCarthy, who used unsubstantiated accusations of communism to target anyone who dared criticize either him or the federal government, and the burgeoning movement to clamp down on radical Islamic terrorism. As Muslim terrorism hits closer and closer to home, our Homeland Security chief views the war on Islamic terrorism as a another Red scare, where Muslim terrorist suspects are Red-baited like his grandfather, the editorial board for Investor s Business Daily wrote regarding this revelation. No wonder this administration isn t interested in monitoring radical Muslims for terrorist connections. The irony seems thick, given that the only ones behaving like McCarthy have been President Barack Obama and his cronies, including Johnson, all of whom use disingenuous labels like Islamophobe and bigot to shut down anyone who dares speak critically about Islam or point out its obvious ties to radical terrorism. Via: CT",left-news,"Jan 28, 2016",0 +ACTOR ROB LOWE Blasts Greedy Socialist Bernie Sanders,"It s always fun when Hollywood shows a conservative side. Rob Low does just that with his Twitter bashing of socialist whack job Bernie Sanders. Good stuff! Actor Rob Lowe invoked his West Wing character Sam Seaborn to blast Democratic presidential candidate Bernie Sanders communication style Monday night in CNN s Democratic Town Hall.Mr. Sanders attacked Wall Street for corporate greed and recklessness, while warning that the wealthy would have to pay more taxes under his presidency. Watching Bernie Sanders. He s hectoring and yelling at me WHILE he s saying he s going to raise our taxes. Interesting way to communicate, Mr. Lowetweeted to his 1.22 million followers.This prompted some to ask Mr. Lowe what his West Wing character, a Democratic deputy White House communications director, would have advised Mr. Sanders to do instead. He would say: modulate, senator, Mr. Lowewrote, linking to a clip from the show, where his character took issue with some people on his own side pushing for increased taxes on the country s highest earners, CNN reported. I m not talking about policy. I m talking about rhetoric, and the men you work for need to dial it down to five, Mr. Lowe says in the clip.VIA: WT",left-news,"Jan 27, 2016",0 +Refugee Living In England Arrested For Threatening To β€œCut Out His Wife’s Heart” Because She Was Becoming β€œToo English”,"Here is just one more, in a long line of stories, that prove these poor refugees escaping persecution have no desire to assimilate in their gracious host countries.A KOSOVAN refugee who threatened to cut out his wife s heart because she had become too English has been jailed.Behar Kasemi told police that women in Kosovo were supposed to obey their husbands and look after the children after he was arrested on suspicion of domestic violence.He spat at magistrates as he was jailed for four weeks for breaching a Domestic Violence Prevention Notice imposed on him by police after he was arrested.The order, banning him from going back to his marital home, was made last Friday after Kasemi threatened to cut out his wife s heart.Detective Constable Rob Sweeney said he was aggressive during his interview and had described his wife as having become too English .He told officers: In my country it is for the women to obey their husbands and look after the children. Magistrates heard Kasemi breached the order to stay away from his wife within hours of it being imposed.His terrified wife called police and he was arrested hours after first being released in Swindon, Wilts.Magistrates heard the original order meant when police released him on bail at 2.20am he had nowhere to go so he went home.Kasemi spat at the glass in the dock during the hearing before Swindon magistrates as he admitted breaching the order.Wayne Hardy, defending, said the Kosovan didn t know what else to do after he was eventually released in the middle of the night.He criticised the police for not helping him or arranging to accompany him to collect his belongings or money from the family home.Magistrates also criticised police.Via: Express UK",left-news,"Jan 27, 2016",0 +MICHELLE OBAMA Dishes Dirt On Barack: β€œHe barely got his work done…He was a bum!” [VIDEO],"Thanks for the intel Mooch. Outside of his ambition to fundamentally change America, we re pretty sure nothing has changed since the first day our entitled President entered the Oval Office ",left-news,"Jan 27, 2016",0 +WATCH: EBONY MAGAZINE EDITOR Destroy Hillary With One Embarrassing Question,"For years now, Hillary has been able to avoid answering tough questions by simply cackling laughing. Ebony Magazine s editor-in-chief Kierna Mayo, doesn t appear to be willing to let Hillary off the hook so easily when it comes to her pandering for the Black vote. Enjoy the ride Hillary, it looks like this may finally be the end of the road for you and your U.S. Presidential aspirations https://youtu.be/ckJg7hZubMA",left-news,"Jan 27, 2016",0 +ALL HELL BREAKS LOOSE IN FRANCE…,"How socialism and political correctness are destroying a nation We reported about the crime and chaos taking place in France, as Muslim migrants who have no intention of assimilating, have flooded their country. The border town of Calais is a disaster, with migrants camping in the jungle hoping to catch a ride across the border into the UK. France is also seeing a massive increase in rapes and sexual assault crimes by the grateful refugees. Every day 33 rapes are reported in France, that s one every 40 minutes! So far today, 20 have been arrested in French taxi driver, air traffic controller and teacher protests as riots are taking place in 2 major cities. Farmers blocked roads and burned tires, as they protested only yesterday against the prices of dairy and meat products in the province of Brittany. It would appear to the casual observer, that socialism and political correctness are not working out too well for France. What do you think? Taxi drivers in France are blockading roads with burning tires in protest at the low-cost Uber app, resulting in at least 20 arrests. Air traffic controllers are also staging a demonstration, leading to dozens of canceled flights.At least 20 arrests had already been made by 10 a.m. local time, following taxi driver protests around major cities including Paris and Marseille.Drivers blocked roads with burning tires, prompting the arrival of riot police and firefighters. Some drivers had set pre-dawn bonfires which authorities had to put out.Des pneus br lent sur le p riph rique #PorteMaillot pic.twitter.com/CfMyOKhyJQ Paul Louis (@paul_louis11) January 26, 2016Hundreds of taxis, joined by a few from Belgium and Spain, blocked a massive intersection leading into western Paris, causing huge disruption to the area.The taxi drivers are protesting over working conditions and competition from non-traditional services such as Uber.Uber drivers vandalize professionals who are paying taxes, who respect the rules, Rachid Boudjema, president of the taxi drivers union in Marseille, told AP.In response to the protests, Uber sent a message to its French customers which said that the goal of the demonstrations was to put pressure on the government to limit competition. Here is an example of a violent clash today in Paris:Meanwhile, a planned walkout from air traffic controllers prompted the French civil aviation authority, DGAC, to call on airlines to cancel one in five flights.EasyJet said it had cancelled 35 flights, although Air France said it would operate more than 80 percent of its short and medium-haul flights in France and Europe. It did, however, stress that last-minute delays or cancellations cannot be ruled out. Hundreds of thousands of civil servants and teachers also went on strike on Tuesday, protesting against a pay freeze and poor salaries. Teachers are scheduled to march in cities across the country on Tuesday afternoon.It s the newest challenge to Francois Hollande s Socialist government and its stop/start efforts to modernize the economy, in response to low economic growth and record-high unemployment. Earlier this month, Hollande announced what he called a state of economic and social emergency, involving a 2 billion (US$2.1 billion) plan to revive hiring and catch up with the world s economy.The protests come just one day after French farmers demonstrated against the prices of dairy and meat products in the province of Brittany, blocking roads and burning tires. The farmers demanded that prices be increased because the proceeds from their sale don t cover the cost of production. Via: RTWatch shocking video of Calais residents attacked by migrants in front of their home: ",left-news,"Jan 26, 2016",1 +PARENTS FURIOUS After Austrian Teacher Changes Lyrics In Christian Hymn From β€œGod’s” To β€œAllah’s” Love Is So Great,"A teacher at a school in Wels in upper Austria simply changed the hymn God s love is so wonderful to Allah s love is so wonderful .An angry father confronted the local school board, demanding they correct the lyrics, But you can not just rewrite a text! There is huge uproar in Vogelweide primary school in Wels. The 4th year class teacher (where a majority of the children are Muslim) created a text by hand: throughout the entire hymn, the word God was replaced in handwriting by the word Allah .After the incident was brought to the attention of the School Inspector Karin Lang, he immediately corrected the situation with the teacher concerned and the school principal.Via: krone.at",left-news,"Jan 26, 2016",0 +FLINT RESIDENTS TOLD TO PAY BILLS FOR POISON WATER Or They May Have Their Children Taken Away,"You seriously can t make this up. This Democrat run city is officially out of control. We reported before that the EPA knew about this crisis long before they told anyone, yet the media and the Left continues to try to pin the blame squarely on Michigan s Republican Governor. This latest threat is just another black eye for the officials handling the Flint, MI water crisis As the water crisis in Flint deepens, it is becoming apparent that the effects of the lead-infested water are not just a health hazard, but the situation has the potential of ruining many more lives outside of the poison issue. There is no denying that the water in Flint is undrinkable and that it is contaminated with lead and other substances, and it is clear that the government of Flint is responsible for the problem.However, the city s government continues to charge people for the poison water and then threatening to foreclose their home or take their children if they refuse to pay. Michigan law states that parents are neglectful if they do not have running water in their home, and if they chose not to pay for water they can t drink anyway, then they could be guilty of child endangerment.Activists in Flint say that some residents have already received similar threats from the government if they refuse to pay their bills.Flint residents have recently filed two class action lawsuits calling for all water bills since April of 2014 to be considered null and void because of the fact that the water was poisonous. We are seeking for the court to declare that all the bills that have been issued for usage of water invalid because the water has not been fit for its intended purpose, said Trachelle Young, one of the attorneys bringing the lawsuit, in court. Essentially, the residents have been getting billed for water that they cannot use. Because of that, we do not feel that is a fair way to treat the residents, Young added.Recent estimates have indicated that it could take up to 15 years and over $60 million to fix the problem, and the residents will be essentially forced to live there until the problem is solved. Despite the fact that the issue is obviously the government s responsibility, they have made it illegal for people to sell their homes because of the fact that they are known to carry contaminated water. Meanwhile, residents are still left to purchase bottled water on their own, in addition to paying their water bill.Although this problem is finally getting national media attention in Flint, they aren t the only city with contaminated water supplies. In fact, a recent report published by The Guardian showed that public water supplies across the country were experiencing similar issues.This crisis highlights the many dangers of allowing the government to maintain a monopoly on the water supply and calls attention to the fact that decentralized solutions to water distribution should be a goal that we start working towards.Via: DC Clothesline",left-news,"Jan 25, 2016",0 +CHECK OUT NEW BEN & JERRY’S FLAVOR: Touting America’s Favorite Socialist,"In 2016, Ben & Jerry s co-founder, Ben Cohen s net worth was estimated to be $150 Million. In typical liberal fashion, Ben s fine with sitting on an astronomical net worth, he just wants to make sure the government has the ability to take even more from the every day American s paycheck Ben & Jerry s co-founder Ben Cohen announced Monday he has created a new flavor celebrating Benrie Sanders s White House run. Nothing is so unstoppable as a flavor whose time has finally come, Cohen wrote on his Facebook page alongside a picture displaying a pint of Bernie s Yearning ice cream.The new flavor isn t an official Ben and Jerry s ice cream. Jerry and I have been constituents of Bernie Sanders for the last 30 years, Cohen said of the longtime Vermont senator. But he noted that his company with fellow co-founder Jerry Greenfield is not directly involved with the flavor.Who knew the political revolution could taste so sweet? https://t.co/zMMt60MHRe h/t @YoBenCohen #BerniesYearning pic.twitter.com/2v2MSbDMU5 WorkingFamiliesParty (@WorkingFamilies) January 25, 2016 We ve seen him and we believe him, he continued on a website touting the ice cream. When we re out speaking on his behalf people always ask if there s a Ben and Jerry s flavor. There s not, Cohen added. But if I were going to come up with one, this is what it would be. Cohen s website describes Bernie s Yearning as plain mint ice cream beneath a solid layer of chocolate on top. The chocolate disc represents the huge majority of economic gains that gone to the top 1 percent since the end of the recession, the flavor s packaging states. Beneath it, the rest of us.Eating instructions include taking a spoon and whacking the chocolate disc into lots of pieces ; mixing the chocolate pieces around; and sharing the result with your fellow Americans. Via: The Hill",left-news,"Jan 25, 2016",0 +"PROMINENT DEMOCRAT CLAIMS Old, White, Leftist Males Are Waiting In The Wings For Hillary To Fall","The party of diversity waits for Hillary to be dragged out of the primary in handcuffs kicking and screaming Former GOP presidential candidate George Pataki is predicting that Democrat Hillary Clinton s legal issues will force an outside candidate to jump into the 2016 White House race as a white knight. People talk about the problems in the Republican Party, but I think Democrats have a bigger problem, the former New York governor told host John Catsimatidis on The Cats Roundtable on New York s AM-970 on Sunday. Hillary Clinton is cratering, the scandals just keep coming. She has grave legal issues that could totally prevent her from continuing her campaign, and the alternative is a self-avowed socialist who has never run anything. Pataki added that it would not surprise him to see an outsider jump into the race like Vice President Joe Biden, California Gov. Jerry Brown or Secretary of State John Kerry. Despite his previous pronouncements that Republican presidential front-runner Donald Trump has no chance at the GOP nomination, Pataki conceded that his prediction isn t borne out by reality. He s just tapped into anger towards Washington, anger towards politicians, he said. I understand the anger, but the solution is not to get behind someone who expresses the anger but does not have the necessary solution. I hope people coalesce around somebody who has a positive vision about how to bring Americans together. Via: The Hill",left-news,"Jan 24, 2016",0 +JESSE JACKSON STYLE SHAKEDOWN: NAACP President Caught Selling Endorsements For Political Candidates,"Making a political endorsement by the NAACP completely irrelevant You d think in order to get an endorsement from the NAACP or its members that you d have to demonstrate loyalty and allegiance to black causes, but you d be wrong. All it takes is some cold hard cash. An NAACP chapter president is offering up political endorsements from a Political Action Committee he represents in exchange for a fat stack of Ben Franklins.Hezekiah Jackson is the Birmingham, AL NAACP chapter president. He is also the co-chair of Team Seven, a powerful local PAC whose endorsements promise to deliver votes from the black community. Team Seven is hosting a banquet on February 4 for local candidates to connect with voters. Of course this banquet is not free to the candidates, but there s something even dirtier about it.I know that I wrote in my headline that Jackson was busted for selling endorsements, which implies he was sneaking around and got caught. In actuality, he was flaunting this pay-off scheme and didn t care who noticed. According to AL.com, Jackson sent the following e-mail to candidates he hoped would slide a little money his way. It s basically a list of how much things cost and what you get for it:1. Deadline to submit payment is Friday, January 23, 2016 to me (Jackson) or Pastor Webb (Ad committee co-chair Gwen Webb).2. Candidates purchasing an ad ($500) will have two minutes to speak.3. Candidates purchasing a table ($500) will have two minutes to speak.4. Candidates purchasing a combo (ad $250 and table for eight $500 = $750) will have three minutes to speak.Pay close attention to the next one:5. Candidates who do not purchase an ad nor a table WILL NOT be considered for endorsement.Did you get that? The candidates either pay up or they won t even be considered for an endorsement from Jackson s PAC. No matter how you look at it, that s unethical as hell and probably illegal. Political Action Committees are bound by certain laws and I d like to believe shaking down politicians for endorsements is a big no-no.This is a classic Al Sharpton race-hustling scheme. You want an endorsement? You want to be absolved of offending the black community? You want to avoid bad press and a boycott? Just pay some tribute to the good Reverend and he ll handle everything. Some may see this as extortion, but to Sharpton it s just black activism. Via: DownTrend",left-news,"Jan 24, 2016",0 +"HARD-CORE, CONSERVATIVE, Street Artist, Sabo Videotapes Visit From Secret Service…Who Is This Guy? Why Does Obama Fear Him?","He s a controversial, conservative artist and he s coming after the Left. He s an outspoken, brave, modern-day Patriot, and he s not afraid to venture where conservatives have never gone. Sabo (his pseudonym) has shocked many liberals, and conservatives alike with his edgy artwork. It would be an understatement to say that he is constantly pushing the envelope. Whether you agree or disagree with him, conservatives should be thanking Sabo for utilizing his 1st Amendment Right, as he takes the fight against the Left to the streets of cities across America.If you want to help Sabo to create more of these important anti-Left messages leading up to the next election and beyond, please consider donating to him HERE. He s working to get an important message out to Americans, and more specifically to the younger voter. The only thing that pays for his supplies and his bill are donations from his supporters. Please consider helping him out. Here is his website: unsavoryagents.com and his STOREHere is an example of Sabo s most recent work: Here is one of our personal favorites: Hillary s baggage When Democrat candidates come to town for a fundraiser, Sabo tries to have a surprise message waiting for them, like this great piece waiting for Hillary in Greenwich, CT: Here s a great welcome sign waiting for Hillary on the way to one of her fundraisers (courtesy of Sabo): And then there were the special mile markers created just for the Los Angeles Marathon: The Obama Drone signs are some of our personal favorites. If Americans were smart, they d forgo a few hours of entertainment and stop funding these Hollywood freaks who support the destruction of our nation: He s not afraid to call out race baiters like Al Sharpton: And cry-baby college students looking for safe spaces are not immune to his counter-message. This poster mocks the #BlackLivesMatter (Anti-White) movement, and was plastered across the street from a college fraternity house: Sabo used this great illustration to point out the entitlement mentality of the Clinton Crime Syndicate who believes the throne (our White House) rightfully belongs to Hillary: Sabo makes no secret of his support for Ted Cruz. He has been a loyal supporter for years. This piece of art he created illustrates the kick ass, take-no-prisoners style of Ted Cruz that both the GOP and Left despise: Here is an interview with Glenn Beck that explains what motivates Sabo, and why he chose to use street art to get a conservative message out to Americans:Is it any wonder when Sabo saw this message from Obama s Secret Service hanging on his door, he wasn t too surprised? Sabo called the agent listed on the door hanger and scheduled a meeting at his home for 10 a.m. on Wednesday. Before the interview, Sabo posted the above image and alerted his Facebook friends and Twitter followers about the pending visit. Shortly after the Secret Service visit, Sabo posted a video that claims to cover most of the entire interview. Sabo told TheBlaze there was a little more to it, but I just wanted to get it out. You can watch the video of the visit here: (Warning: The video has some objectionable images and the dialogue contains profanity)Here is one of the tweets that supposedly brought the Secret Service to Sabo s door:A MESSAGE TO THE SECRET SERVICE. I HAVE $10,000 IN HAND WHICH I WILL USE BUY A MONTH OF COLUMBIAN HOOKERS FOR YOU TO LOOK THE OTHER WAY. unsavoryagents (@unsavoryagents) September 29, 2014Here is a video showing how Sabo creates his street art:// THE BITCH IS BACKPosted by Unsavoryagents on Sunday, October 23, 2011From Sabo s Website unsavoryagents.com : Bush the Younger was elected President and the claws came out in Hollywood. I lost my friends along with a great deal of peace. It was not a good time to be a Republican in Hollywood. There was no place I could go where I wasn t punched in the face by some sort of art defining who I was for being a Republican. Evil, Bigotted, Homophobic, Out of Touch, Rich, Greedy, on and on. And then I snapped. Why was the Left allowed to define me and where are the dissenting voices from the Right setting the record straight? Creatively speaking, no one. I believe the Right has a great message, sadly the only people telling it are those on the Left and they do a damn fine job making us look like ass holes and what do Republicans do about it, NOT A DAMN THING!!! Fuck it! I guess it s just going to have to be me, I thought. My aim as an artist is to be as dirty, ground level, and mean as any Liberal artist out there, more so if I can. Use their tactics, their methods, appeal to their audience, the young, urban , street urchins with a message they never hear in a style they own. My name is SABO, I m an UNSAVORYAGENT.",left-news,"Jan 24, 2016",0 +"TORONTO IMAM WANTS MUSLIMS To Only Do Business With Muslims, Work Together To Implement Sharia Law","We hear so much talk from the Left about working to help foreigners assimilate. Yet here we have a prominent Imam calling for the segregation of Muslims from their host nation. How is this okay? Shaykh Said Rageah ( ) was born in Somalia and in the late 80s and moved to North America. Rageah has a Bachelor s in Islamic studies and a Masters in Shari ah and he has had several posts over the years, including: founder of Masjid Huda in Montreal and Masjid Aya in Maryland, advisor for Muslim Youth magazine, and member in the Aqsa Association.He is also the founder of both Muslim Magazine and Al Aqsa Association, and served as the Chaplain at both the University of Calgary and the Southern Alberta Institute of Technology (SAIT). He served as an Imam at the Abu Hurairah Mosque in Toronto, the Chairman for the Journey of Faith Conference and as an instructor for the AlMaghrib Institute.In a sermon delivered at Abu Hurairah Centre in Toronto (the video was uploaded to YouTube on February 8, 2009), Imam Rageah called on Canadian Muslims to unite and translate their demography into a political and economic power that is necessary to make the government allow Muslims to implement the Islamic Law (Sharia) in their communities and to change the foreign policy.Rageah spoke in favour of following the example of the Sikh neighbourhood in Edmonton, Alberta, by bringing the Muslim community to live together in one area in which the authorities will not be able to make any decision without the approval of the Muslims.He urges Muslims to hire only Muslim workers, to buy products or services only from Muslim-owned businesses and to avoid advertising with media outlets owned by kafir, meaning unbeliever or infidel. In this way, he maintained, Canadian Muslims can strengthen themselves and live according to Islam.The following is a transcript of segments from Rageah s sermon: With four, five [hundred] thousand Muslims you can create the most powerful lobby in Canada with that number of Muslims you can create one of the strongest Muslim business in Toronto If you just put our resources, if we put our resources together, if we can work together as an Ummah [Muslim nation] we can change a lot As Muslims, we are scattered all over the city. You have people living in Brampton, you have people living in Mississauga, you have people living in Whitby, you have people living in Richmond Hill. Imagine if we all get together in one area. In the City of Edmonton, the Sikh, Sikh, they live in one neighbourhood and nothing can be changed or done without their approval. We here we may as well benefit from the system that they have here. What can you do with unity? A lot. You can change a lot. You can change the foreign policy of this country. You can change how the Muslims think. You can even when need help, when you need help you call Muslim for your need you will help the Muslim community Brothers in the masjid [Mosque] right now, they are coming up with the magazine or newspaper called Ummah Times. What Ummah Times is that? Ummah Times is advertising all your businesses all the Muslim businesses [are] Ummah. All you need to do I will never advertise with a kafir [unbeliever, infidel], there you go. I hear some advertisements giving to 680 News $5,000. Before your Muslim brothers $50 and $80 or $100 we think twice before we do it. Unless we work together, the day we need a truck driver we know where to find truck drivers. The day that I need a cab I should have a number of a Muslim cab it s ok, pick me up. When I wan to see a doctor, only Muslim doctor. When I want to hire someone only Muslim worker. Then we can strengthen ourselves. This is the way and this is the only way we can exist in the society, living according to Islam. When the Sharia [Islamic Law], when the government of Toronto, Ontario gave us a break and said: deal your internal affairs based on your Sharia [Islamic Law] we did not go and say: Those few people are Ismailis and Ahmadis, they are not even Muslims. Why would they speak on behalf of Muslims. But, we say no, we keep quiet and see and watch what happens, and then the result was that they said we will never allow you to rule yourselves, your internal affairs based on the Shariah My brothers in faith [ ], anything that happens in your Muslim community, in the City of Toronto, anything that can be done, five hundred thousand Muslims that is a great number, large number, you can do a lot, work together. Let s be an Ummah [nation] Take your children to Islamic schools. Take your vehicle to Muslim owned business. If you buy a vehicle make sure there is a Muslim business or car dealer that sells cars. If you want to do anything just ask if that individual is a Muslim or not. If he is not, then look for a Muslim, because I m sure you ll find a Muslim. I m sure you ll find a Muslim in that field O Allah, Raise the standing of Islam and the Muslims [ ], and humiliate the infidels and the polytheists. [ ]Via: Creeping Sharia",left-news,"Jan 24, 2016",0 +MUSLIM REFUGEES DUMP GARBAGE In Streets To Protest Insufficient Wi-Fi In Housing,"Complaints over lack of wi-fi, no professional cleaning service in their villas and even a refusal to be fingerprinted in Greece upon their exit to other European countries. It s almost as if they re not really grateful for the generosity of the taxpayers who are funding their existence African and Middle-Eastern migrants in an Italian town are protesting insufficient Wi-Fi at their settlement by dumping their garbage into the streets.According to The Local, which cites the Italian-language La Repubblica, a group of two dozen Sub-Saharan African migrants in the town of Ceranova are outraged that a lack of free Wi-Fi at the villa they live in is preventing them from using Skype to communicate with family members back in Africa.The protesters are also angry that the villa doesn t have a professional cleaner to keep things tidy.At first, the protest took the form of migrants marching in the streets and blocking traffic, but now things have escalated and the migrants have begun dumping their trash into the streets to make their point. The stunt led to a confrontation between townsfolk and the migrants, which may have become violent if not for the intervention of the local mayor along with three police officers. Afterwards, a 24-year-old migrant who led the demonstration was kicked out of the refugee facility.The migrants have been living in Ceranova, a small town of about 1,000 people located about 15 miles south of Milan, since July. They are just a small portion of over 120,000 migrants who have arrived in Italy this year, mostly by boat from Africa.At least one Italian is sympathetic to their demands. Obviously it s very important for refugees to have access to the Internet and not just so they can stay in touch with their families, refugee center manager Barbara Spezzi told The Local. The Internet helps refugees keep up to date with what s going on at home and in Italy which helps them integrate into Italian life. It s also a great learning tool too: we had a case of a girl who was following her university lectures on YouTube. The stunt has become fodder for Italian politics, with members of the regionalist, anti-immigration Northern League party using it to bolster their arguments against generous refugee policies. They wan t someone to clean their homes can you believe it? said party leader Matteo Salvani. He joked that Laura Boldrini, a socialist and president of the Chamber of Deputies (Italy s parliament), should be sent to do the cleaning.There have been assorted cases of migrants reacting badly to their conditions or to the actions of European authorities. Last week, for instance, Eritrean migrants on the Italian island of Lampedusa (a hub for migrants arriving from Africa) marched in protest against requirements that they be fingerprinted before being allowed to leave the island. Some have apparently even launched a hunger strike against the requirement.Via: Daily Caller ",left-news,"Jan 24, 2016",1 +VIRAL VIDEO: German Youth Deliver Powerful Anti-Refugee Message To Political Leaders: β€œWe are ready for the Reconquista!”,"Reconquista, English Reconquest, in medieval Spain and Portugal, a series of campaigns by Christian states to recapture territory from the Muslims (Moors), who had occupied most of the Iberian Peninsula in the early 8th century.They may be young, but they re taking a clear and decisive stand against a government who clearly has no concern for their faith, their heritage, the rich history of their nation, an unbiased education or the future of the citizens of Germany.This is a powerful message and needs to be share with everyone:Translated from YouTube:A youth is forming to recapture their identity! #ZukunftEuropaA generation, a fate one last chance!This is not just a motto, but daily incentive of a movement that sees itself as a living covenant and as a community of fate! We are a movement of young people who resists the left liberal indoctrination!We can no longer remain silent! We see how the values and cultural decline progresses, as our home and our traditions are increasingly destroyed and how the freedom of political correctness gives way.We are united by fate to be the last generation that can turn things around again! What unites us is the self-knowledge to be the phalanx, which it needs to take action against the self-destructive, prevailing multicultural ideology that drives the mass immigration and Islamization, and thus the ultimate disappearance of thousands of years old family of nations and cultural tradition called Europe.We stand together in our quest to protect our homeland, the restoration of freedom and sovereignty of our country and fight for the preservation of our ethno cultural identity!But with idealism alone this fight is not to lead! Courage, dedication and sacrifice will not suffice to stand up as a young person against the predominant players in the debt pride and multicultural madness for a livable Germany. We need your support! ",left-news,"Jan 24, 2016",0 +DANISH CITY OVERRUN WITH MUSLIM MIGRANTS Makes Pork Mandatory On All Municipal Menus,"Assimilate or go hungry Human rights lawyers descend in 5 4 3 2 1 COPENHAGEN, Denmark A Danish city has ordered pork to be mandatory on municipal menus, including for schools and daycare centers, with politicians insisting the move is necessary for preserving the country s food traditions and is not an attack on Muslims.Frank Noergaard, a member of the council in Randers that narrowly approved the decision earlier this week, says it was made to ensure that pork remains a central part of Denmark s food culture. Denmark is a major pork producer and it is the most popular meat, but it is forbidden to Muslims and Jews. Most of the asylum-seekers who have arrived in the country in the past months are Muslim.Noergaard, a member of the anti-immigration, populist Danish People s Party that proposed the council motion, said Thursday that it wasn t meant as a harassment of Muslims, but added that he had received several complaints about too many concessions being made to Muslims in the small, predominantly Lutheran country. The signal we want to send here is that if you re a Muslim and you plan to come to Randers, don t expect you can impose eating habits on others. Pork here is on an equal footing with other food, Noergaard told The Associated Press. He said that halal meat, vegetarian dishes and diets for diabetics would still be available.In 2013, then-Prime Minister Helle Thorning-Schmidt lashed out at some nurseries after they started serving halal-butchered meat instead of pork because Muslim children had refused to eat it. Via: AP Newsh/t Weasel Zippers",left-news,"Jan 23, 2016",1 +"FLASHBACK: BERNIE SANDERS’ Socialist Democrat Party Asks, β€œWhy Not Peace With Hitler?” [VIDEO]","If I found out my college-age daughter was attending a Bernie Sanders rally, she would #FeelTheBern when her tuition payments were shut off. And for all of the parents who say it s just a phase or they ll eventually come around, you re not teaching your kids anything. If your child is out campaigning for a declared Democrat Socialist, whose primary goal it is to take what you ve earned and give it to someone else, you should be ashamed of yourself for providing financial support to your self-absorbed child.We live in the greatest nation on earth. It s hard to even fathom that we have a declared Democrat-Socialist even registering in the polls. Here s a great flashback video that was taken in NYC in 1941, and posted by Weasel Zippers. It perfectly illustrates what the pacifist, Socialist Democrat party is all about. Can you imagine what our world would look like today if the majority of Americans took these people seriously?We ve spent the last 7 years watching our President go from nation to nation apologizing for the greatness of America. We don t need another pacifist leading our nation, we need strong leader who will restore our international reputation. We need a President who believes in the greatness of America and will do everything in their power to reverse the damage our current President has done.Make sure you share this video with friends and family. ",left-news,"Jan 23, 2016",0 +COMEDY GOLD ON DETROIT NEWS: β€œWilly” Dumps His Tires In The Wrong Spot [Video],Charlie LeDuff is legend in Detroit but this is a classic: ,left-news,"Jan 23, 2016",0 +HOLLYWOOD β€˜HAS BEEN’ HYPOCRITE Danny DeVito Tells America: β€œWe Are A Bunch Of Racists” [VIDEO],"If you can t get an acting role in Hollywood, you might want to grab a microphone and make an asinine statement. 15 seconds of fame progressive propaganda is apparently better than no fame all A quick look at DeVito s producer credits reveals that he is speaking primarily for himself. This is an individual with the actual power to cast black actors, make black films, and instead goes the full-whitey.DeVito even co-opted the Civil Rights-era Freedom Riders to make a white bread movie called Freedom Writers where the top four actors are white and the patronizing story is about whitey swooping in to save poor minority kids.Via: Breitbart News",left-news,"Jan 23, 2016",0 +WHEN DIVERSITY TRUMPS ALL: Bishop Of London Suggests Vicars Should Reach Out To Muslims By Making This Major Change In Their Appearance,"If the beard is a way to honor the prophet Mohammed in the Muslim faith, why would a Christian leader ask his subordinates to adhere to a such an obligation?Clergymen should grow beards to emphasise their holiness to Muslims, the Bishop of London has suggested.Rt Reverend Richard Chartres said the modern fashion for facial hair should not be the preserve of hispters, but would also be likely to impress those from Eastern cultures where wearing a beard could mark a man out as holy.He singled out two priests in Tower Hamlets the Rev. Adam Atkinson, Vicar of St Peter s church in Bethnal Green, and Rev. Cris Rogers of All Hallows Bow who have grown bushy beards. Writing in the Church Times, Rev. Chartres, who himself sports a modest beard, said: The discovery that two of the most energetic priests in east London had recently grown beards of an opulence that would not have disgraced a Victorian sage prompted me to look again at the barbate debate throughout Church history.The Rev Cris Rogers, Vicar of All Hallows, BowMuslim men are encouraged to wear beards to honor the Prophet Mohammed. The two priests work in parishes in Tower Hamlets. Most of the residents are Bangladeshi-Sylheti, for whom the wearing of a beard is one of the marks of a holy man. He said the desire of the clergy of Tower Hamlets to reach out to the culture of the majority of their parishioners can only be applauded .Via: UK Daily Mail",left-news,"Jan 23, 2016",0 +IS LONDON About To Elect Its First MUSLIM Mayor? [VIDEO],London is about to find out why putting political correctness before your country is a bad idea By BI: Sooner than you think if the Labour (far left) Party has anything to do with it. Labour has chosen Sadiq Khan as its candidate for Mayor of Londonistan in 2016 a Muslim career politician with strong sympathies for Islamic radicals and extremists.https://youtu.be/dHOYOrThmdsVia: Shoebat.com,left-news,"Jan 22, 2016",0 +"GRAB THE POPCORN: β€œBest Actress” Nominee On Oscar Boycott, β€œIt’s anti-white racism…Maybe the black actors don’t deserve to be on the final stretch?’","This is about to get interesting. The Hollywood elite that has been imposing their liberal moral code on the rest of America for decades (without having to exhibit a shred of moral decency), is just about to be put to the test Charlotte Rampling has accused those complaining about a shortage of black nominees at this year s Oscars of anti- white racism .The 69-year-old, who is up for the Best Actress award, said that people should not be classified adding that nominations should be based on the performance.Responding to stars who have threatened to boycott the ceremony next month, she told a radio station yesterday: One can never really know but perhaps the black actors did not deserve to make the final list. Miss Rampling s remarks follow a week of debate about nominations for the Academy Awards, after it was revealed that no black actors were shortlisted for the second year running. There have been calls for a boycott, with Jada Pinkett Smith wife of Hollywood actor Will Smith writing on Facebook that: We must stand in our power. Begging for acknowledgement or even asking [to be nominated] diminishes dignity. It diminishes power and we are a dignified people. Others have demanded that the Academy bring in quotas however this was met with criticism from Miss Rampling.Speaking to French radio station Europe 1 yesterday, the British star said: Why classify people? We live in countries where everyone is more or less accepted. There are always issues like he is less good looking or he is too black . There is always someone who says you are too . So are we going to say that we will categorise all that to make lots of minorities everywhere? She said that she did not think racism played into the nomination process and that the lack of black stars up for awards could be because they have not earned them.She added: [The complaints are] anti-white racism. Maybe the black actors don t deserve to be on the final stretch? Fellow acting veteran Sir Michael Caine also weighed into the debate yesterday. He told the Today programme: You can t vote for an actor because he s black and you can t just say I m going to vote for him, he s not very good, but he s black, I ll vote for him . You have to give a good performance and I m sure people have. I saw Idris Elba (in Beasts Of No Nation) I thought he was wonderful. Via: UK Daily Mail ",left-news,"Jan 22, 2016",0 +"GERMANY CRISIS ESCALATES: Muslim Migrants Masturbating in Pools, Defecating In Showers And Pool, Storm Women’s Locker Rooms","What a great place to take the whole family!Welcome to the liberal utopia of Germany Things are so bad authorities are posting no defecating in the shower signs.Via Instapundit:The migrants have also tried to storm them women s locker room. Der Bild reported (translated) via Vlad Tepes:Outrageous accusations coming from the Zwickau Townhall: According to B der GmbH, (Baths Inc.) refugees are masturbating and defecating into the water. And they also harass women in the Sauna and have tried to storm the women s changing rooms.All this and more is written in a report from January 19th. Rainer Kallwait, ordinance department leader for B der GmbH, wrote the report for the safety related services of B der GmbH. The city administration has confirmed the authenticity of the report.Kallweit writes of a memo from Johannisbad Swimming Pool. In it it says, among other things: One asylum seeker masturbated in the whirlpool and ejaculated into the water. It is recorded on surveillance camera. And, The swimming pool supervisor threw him out. The asylum seeker came back with comrades to get his cell phone. Together the visitors , hooting and jeering, took a selfie in the whirlpool. The day before 8 foreign men were in the Sauma . The local people felt harassed. When women are in the Sauna, asylum seekers are now told that the Sauna is closed. In general refugees only have free access to the swimming pool. They would have to pay for the use of the Sauna. But they won t do that, according to B der GmbH: When they were prompted to pay up at the register, they turned around, laughed and left. Similar can be read in a memo of Gl ck-Auf-Schwimmhalle , Halle, in Kallwait s report. A group of youths, single men and children with guardians visited said pool in Halle on January 9th. Since none of them could swim, they used the kids pool. The users contaminated the pool by way of emptying their intestines. Local guests immediately left the pool. Here s another sign telling migrants to not grab women s butts at the pool.Via: Gateway Pundit",left-news,"Jan 22, 2016",0 +ABORTION Employees Give GUT-WRENCHING Accounts Of LIVE BABY KILLINGS: β€œtwisting the head off the neck with his own bare hands” [VIDEO],"On this anniversary of Roe VS Wade, it is so important for Americans to understand that just because 43 years ago today, a majority of Supreme Court Justices ruled that women can legally kill the babies God placed in their wombs it s still the taking of a life Remember the one that he did? That the baby the fetus came out, and it was alive and he had thought he had actually killed it already and the fetus opened up his eyes and grabbed his hand, his finger? A lot of times he would bring the big fetus that were over-age in a bag and we would say Oh my g*d, that s a big baby! It would take us over an hour to do an abortion that big. The women that go there [abortion clinic] have no idea what they re getting themselves into. And a lot of questions would want be, Does the baby feel? And I would think it would make me so mad because I would say Why does that matter to you, when you re coming in here to kill your baby?' ",left-news,"Jan 22, 2016",0 +WATCH: Only 6 People Show Up To See Hillary At TX Airport…And She IGNORED All 6 Of Them," Heavy security, but a small crowd for Hillary. She didn t say hello or visit with anyone while at the airport. https://youtu.be/eNj2ScPW-egYou know what they say about Karma ",left-news,"Jan 22, 2016",0 +MUSLIM Illegal Alien Claims SEX WITH DEAD GIRL Is Not A Crime…Lawyers Fight To Have Charges Dropped,"The Obama trifecta: A Muslim an Illegal Alien and a victim of the unfair laws of the United States that target minorities An illegal migrant who was convicted in Wisconsin of sexually molesting the body of a dead girl is seeking to have his conviction on sexual violence charges overturned, by claiming that a dead body can t be sexually assaulted because it cannot be forced or coerced into a sex act.The vibrantly diverse migrant, Eusebio Varible-Gaspar, was convicted in Wisconsin of a violent sexual act as well as entering the country illegally, and was given a 57-month sentence.His lawyers have now filed a motion to have the conviction reversed because, they say, a corpse can t be raped or sexually abused.The trial court disagreed with that claim and held that Varible-Gaspar committed an act of sexual violence by having sex with the dead body.It is this decision that Varible-Gaspar wants to have appealed, so on January 15 he filed this claim:Varible-Gaspar argues that the district court erred in applying the 16-level enhancement for a crime of violence He contends that his Wisconsin conviction for first degree sexual assault of a child does not qualify as a crime of violence or as an aggravated felony because the offense does not fall within the generic, contemporary meaning of sexual abuse of a minor. Varible-Gaspar asserts that an individual may be guilty of the Wisconsin offense if the offender had sexual contact or sexual intercourse with a corpse. For the first time on appeal, Varible-Gaspar argues that the conviction does not qualify as a forcible sex offense because a corpse cannot be forced or coerced into sex.Oddly, as the Center for Immigration Studies notes, this isn t the only case where migrants might benefit from someone else being dead.Obama s DHS is seeking a change in rules that would aid illegals entering the country to have their status legalized if their return would have harmed someone they left behind even if that someone is already dead. Via: Breitbart News ",left-news,"Jan 22, 2016",0 +HOLLYWOOD RACE WAR HEATS UP: Full Metal Jacket Actor SHUTS DOWN Race-Baiting Hotel Rwanda Star,"Nice job Adam Baldwin. We commend you for standing up to the highly successful, black multi-millionaires Jada Pinkett-Smith, her husband Will Smith and Director Spike Lee who, much like Al Sharpton never lets the opportunity to start a good race war go to waste Ever since the Motion Picture Academy announced the nominees for the 2016 Oscars, there have been some heated discussions on social media regarding the diversity or lack thereof displayed by the Academy s choices.Nowhere has this been more apparent than Twitter, where #OscarsSoWhite has become an ongoing trend. It recently led to a dustup between Full Metal Jacket alum Adam Baldwin and Ironman actor Don Cheadle. Via: IJRHere is the first joke dig at the Academy Award show by Cheadle:@chrisrock Yo, Chris. Come check me out at #TheOscars this year. They got me parking cars on G level. Don Cheadle (@DonCheadle) January 17, 2016Baldwin responded:https://twitter.com/AdamBaldwin/status/688841370853740544Then Cheadle responded to Baldwin:@AdamBaldwin @chrisrock Nope. Don Cheadle (@DonCheadle) January 18, 2016Then Baldwin asks Cheadle a legitimate question:https://twitter.com/AdamBaldwin/status/688898296006352896To which Cheadle responds with an incoherent answer:@AdamBaldwin @chrisrock Only the legitimacy of the phrase and complete and obvious truth of it. Don Cheadle (@DonCheadle) January 18, 2016But when Baldwin challenged the one-time Oscar nominee https://twitter.com/AdamBaldwin/status/688916800579354624Cheadle then decided to twist the conversation around@AdamBaldwin @chrisrock The PHRASE OscarSoWhite, dumb dumb. Not the show. You're a lazy reader. Don Cheadle (@DonCheadle) January 20, 2016At which time Baldwin slays Cheadle with FACTS:https://twitter.com/AdamBaldwin/status/689889591940100099And in typical liberal fashion, Academy Award winner Don Cheadle ran away with his tail between his legs. Like a garlic to a vampire, the Left is always ready to defend victimhood until the facts come out and then they head for the hills. ",left-news,"Jan 22, 2016",0 +"16 YR OLD GERMAN GIRL IN VIRAL VIDEO PLEADS: β€œyou Muslims have no right to physically assault or rape us…The politicians live alone in their villas, drink their cocktails, and do nothing”","This is what happens when a nation puts liberalism before their own children.The 20 minute video, apparently created by the 16 year old Facebook user Miss Wilhailm, starts with her saying that she is, so scared everywhere, for example if my family and I go out together, or if I see a movie with my friends. Usually I stay out until 6pm in winter, and it is so scary. It is just very hard to live day-to-day as a woman. The girl who some social media users report has now been banned from Facebook, though others say she has removed herself then goes on to talk about an incident that happened to her at a local supermarket saying, I ran all the way home. I was frightened for my life. There s no other way to describe it. She talks about her experiences over summer, when a group of Muslims said that her and her friends were sluts for walking outside in t-shirts. Yes, we were wearing t-shirts. It s summer! She adds: Another day, I was wearing this. My friend and I purchased it while shopping. If we feel like wearing it, we will wear it! And you Muslims have no right to physically assault or rape us for it! God willing, never in my life. You have no right to attack us because we are wearing t-shirts. You also have no right to rape .Miss Wilhailm then turns toward what she sees on social media, describing how she has seen, a 17 year old attacked, a 15 year old attacked, two 12 year olds attacked, so many, and questions, why should we, children, have to grow up in such fear? I cannot understand why they do this. But more importantly, I cannot understand why Germany is doing nothing! Why is Germany standing by, watching, and then doing nothing? Please explain, why. Men of Germany, these people are killing your children, they are killing your women. We need your protection, she goes on to say adding, The politicians live alone in their villas, drink their cocktails, and do nothing. They do nothing! I do not know what world they live in, but please, people, please help us! Please, do something! Continuing, Miss Wilhailm tells of her own personal experiences with Arab and Muslims migrants saying, One day, my friend and I were walking down the street, and a group of Arabs were protesting and demonstrating. They shouted, Allah! Allah! Allah is the one God! Kill those infidels! Allah Allah! What should I do? Should I wear a burka? Why should I have to convert to Islam? It s fine if you believe in Allah, but why do you want to make everyone else believe in Allah too? I just think it would be better if there were no religion. Stop trying to make everyone else believe in your God when they do not want to .According to the her experiences, the police are no help. She alleges, they say it is a problem and they ignore it. It is unfair. They laugh at us. They say we are dumb, and that, they don t care about our fears. This description matches many other cases where police have been afraid to be labeled as racist for taking a hard line on migrant crime and even victims of migrant crime have been accused of racism for speaking up.Free market liberal group Freiheitliche Aufklaerung or Liberal Education posted the video on their Facebook group page and made the following comment when it disappeared from Miss Wilhailm s page: How many have already noticed the video You make Germany broken! is no longer there. In this video, the 16-year-old girl said that she now is afraid to go out alone and that they can not understand the insane asylum policy of the German government. Europe and Germany are thus ruined Unfortunately, we live in a social dictatorship, in what critics of the establishment and its illiberal policies are tackled and accosted in the strongest terms. The group claims it doesn t have evidence, but says it can not rule out a censorship by Facebook 100% .Breitbart London understands from Facebook that while the matter has not been fully investigated yet, the usual reason for videos disappearing are down to the user taking them down themselves.The censorship fears come after Facebook announced last year that they would help the German government monitor for hate speech and as recently as this month Chancellor Angela Merkel s government has demanded Facebook remove posts and videos in the wake of the Cologne sex attacks. The company has not yet responded to Breitbart London s request for comment on the matter.The video ends with a stark message for German Chancellor Angela Merkel: Thank you, Angela Merkel, for killing Germany! I have no more respect for you, Merkel. I do not think you know what you have done. You do not see how our lives have changed. Open your eyes! Is this normal? Should I, a 16-year old who is almost 17, be so scared to walk outside my house? No, it is not normal. You have killed Germany! She closes: men please help your women. Help your children. I am so scared. My friends have the same fears. We are shocked that this has happened. I hope this video can convince you, and that these terrible events can stop. https://youtu.be/-BCrL8kDRdITRANSCRIPT: Hello, you can read the newspapers but this video is about the real situation in Germany. I would like to tell everyone about this on Youtube and Facebook. I am almost 16. I would like everyone to know what is going on, what I am authentically feeling at this moment.And I am so scared everywhere. For example, if my family and I go out together, or if I see a movie with my friends. Usually I stay at home, but sometimes I stay out until 6 pm in winter, and it is so scary. It is just very hard to live day-to-day life as a woman.I just want to say that I am not a racist. But one day, a terrible thing happened at the supermarket. I ran all the way home. I was so frightened for my life. There s no other way to describe it.My aunt and her friend have said you have to grow up. Why should we, children, have to grow up in such fear? It s not just me, my friends too. You can see on Facebook, a 17 year old attacked, a 15 year old attacked, two 12-year olds attacked, so many. It is really so sad that this is happening because of YOU PEOPLE. I cannot understand why they do this. But more importantly, I cannot understand why Germany is doing nothing! Why is Germany standing by, watching, and then doing nothing? Please explain, why. Men of Germany, these people are killing your children, they are killing your women. We need your protection. We are so scared, we don t want to be frightened to go to the grocery store alone after sunset. The politicians live alone in their villas, drink their cocktails, and do nothing. They do nothing! I do not know what world they live in, but please, people, please help us! Please, do something! I cannot understand why this is happening. One day, my friend and I were walking down the street, and a group of Arabs were protesting and demonstrating. They shouted, Allah! Allah! Allah is the one God! Kill those infidels! Allah Allah! What should I do? Should I wear a burka? Why should I have to convert to Islam?It s fine if you believe in Allah, but why do you want to make everyone else believe in Allah too? I just think it would be better if there were no religion. Stop trying to make everyone else believe in your God when they do not want to.Please, people of Germany. Do something!When I try to tell the authorities about what has happened, they hold their hand up towards me and they say it is a problem and then ignore it. and they laugh. It is unfair. They laugh at us. They say we are dumb. They think this not only of me, but of the entire state of Germany. They don t care about our fear. Please help us. This is an emergency! There are more and more of them.One time in summer, the Muslims said we were sluts for walking outside in a t-shirt.Yes, we were wearing t-shirts. It s summer!Another day, I was wearing this. My friend and I purchased it while shopping hehe. If we feel like wearing it, we will wear it! And you Muslims have no right to physically assault or rape us for it! God willing, never in my life. You have no right to attack us because we are wearing t-shirts. You also have no right to rape.The life of Germany has changed because these people cannot integrate. We give them so much help. We support them financially and they do not have to work. But they only want more babies and more welfare and more money. Men of Germany, please, patrol the streets and protect us. Do this for your women and your children. If you do that, I believe that we will have a chance.This sort of action would be wonderful. We would be so grateful and thankful. So many thanks, if steadily, more men would come to protect us. We are so scared.I am so upset about what Merkel has done.Thank you, Angela Merkel, for killing Germany! I have no more respect for you, Merkel. I do not think you know what you have done. You do not see how our lives have changed. Open your eyes! Is this normal? Should I, a 16-year old who is almost 17, be so scared to walk outside my house? No, it is not normal. You have killed Germany!This is the truth. We are no longer allowed to walk outside. We are no longer allowed to wear our clothes. We are no longer allowed to live the German life. This is the sad truth.I think it s about time to end this video. I believe I have given a full account from a normal person. I hope others can see this and understand.I only want to end with one message: Men, please, help your women. Help your children. I am so scared. My friends have the same fear. We are shocked that this has happened. I hope this video can convince you, and that this terrible events can stop.Via: Breitbart News",left-news,"Jan 22, 2016",0 +"TREASON? White House Says It’s β€œEntirely likely,” β€œEven expected” Iran Will Use $Billions In Sanctions Relief For Terrorism [VIDEO]","So can anyone please explain what the U.S. got in return for Obama s brilliant nuclear deal? White House spokesman Josh Earnest said Thursday it was entirely likely and even expected that Iran will continue to support terrorism as it receives tens of billions of dollars in sanctions relief through the Iran nuclear deal.The deal brokered by the Obama administration and other world powers gives Iran, the world s largest state sponsor of terrorism, $100 billion in sanctions relief in exchange for compliance with the agreement meant to stop the rogue regime from getting nuclear weapons.After Secretary of State John Kerry acknowledged Thursday that some Iran deal money would go to terrorists, CBS reporter Margaret Brennan asked Earnest at the White House briefing whether he agreed. I think that reflects his rather logical conclusion that a nation that supports terrorism may use some of the money that s coming into the country to further support terrorism, Earnest said. The thing that s important for people to recognize is that critics of this agreement often exaggerate the value of the sanctions relief that Iran will obtain, and they often overlook the rather severe economic priorities that are badly underfunded inside of Iran. Earnest said the White House had been honest about acknowledging that the nuclear deal would not assuage their concerns about Iran s bad behavior. It is entirely likely, I think it s even expected, that Iran will continue to support terrorism, but because of Iran s intention that we assess to continue to support terrorism, that s what makes it so important that we prevent them from obtaining a nuclear weapon, Earnest said. To be clear, what you re saying is while, some may conclude, and it would be logical to conclude, that some monies may flow to groups labeled terrorists, you think you can mitigate the threat, but you do say it could flow there, Brennan said. Via: WFB",left-news,"Jan 21, 2016",1 +CIA INSPECTOR: β€œHillary endangered lives” FORMER JUDGE: Hillary Is A β€œPrime candidate for prosecution”,"Poor Hillary, she s always the victim of some Right-Wing conspiracy When members of Congress are not allowed to see the contents of the emails Hillary had on her private UNSECURED server that s a pretty big deal!The government intelligence in Hillary Clinton s private emails as secretary of state is sometimes considered so sensitive that some congressmen have been hindered in their ability to even read them, a new report Thursday says.The material in the emails is classified at a level above top secret, Fox reported, meaning that some lawmakers have been required to sign new agreements not to reveal their contents. The situation highlights the sensitivity of the information that is being pored over, despite Clinton s long habit of downplaying their significance.A level above top secret is considered subject to special access programs, requiring the additional security because of the increased sensitivity.Congressional reviewers who scoured the SAP information in Clinton s emails already had Top Secret/Sensitive Compartmented clearance the highest level of security clearance but were required to sign extra non-disclosure agreements.Last week, Intelligence Community Inspector General I. Charles McCullough III wrote senior lawmakers to advise them that several dozen additional classified emails have been identified including specific intelligence from special access programs. In a later interview with National Public Radio, Clinton downplayed the IG letter and claimed it was politically biased. This seems to me to be, you know, another effort to inject this into the campaign, it s another leak, she told the network. I m just going to leave it up to the professionals at the Justice Department because nothing that this says changes the fact that I never sent or received material marked classified. Via: UK Daily Mail",left-news,"Jan 21, 2016",0 +WATCH WILL SMITH EXPLAIN Why He’s Joining His Wife’s Hollywood Race War,"Earlier this week, Jada Pinkett-Smith, Hollywood s self-appointed #BlackLivesMatter spokesperson announced on Facebook that she will boycott the Oscars over lack of Black nominees.In September, 2015, we reported about a $150,000 contribution Will Smith and his lovely wife Jada made to racist, anti-semite Louis Farrakhan. Today, Pinkett-Smith is asking people of color to segregate themselves from the Whites in Hollywood. Now it appears that Will Smith has made the decision to back his wife in her attempt to shame Hollywood into using affirmative action, (as opposed to exceptional acting) as criteria for an Oscar nomination. There s a regressive slide towards separatism, towards racial and religious disharmony and that s not the Hollywood I wanna leave behind. What the hell is with the cadence and psycho-babble bulls*t Will? You used to be one of our favorite actors. America fell in love with the happy, light-hearted and uniquely FUNNY quality about you. Taking your side in your wife s race war with Hollywood can t possibly be good for your career. There is nothing funny about crying racism because you didn t get nominated for an Oscar. Sour grapes is sour grapes, no matter how you cut it. From an outsider looking in, it would appear that you ve fallen into line with your angry black wife, and her desire to get even with anyone and everyone around her because she s sees herself as a perpetual victim. Guess what Will? Last time we checked, the supposed racism you seem to be a victim of isn t affecting your bottom line. As one of the highest paid actors in all of Hollywood, bringing home an astounding annual $30 Million in earnings, it doesn t appear the lack of Oscars on your mantel has drastically affected your income.We sure hope the fight is worth the risk you re taking by alienating your fan base For the record, you and your darling wife (does she still act?) sealed the deal for us when you donated money to the hateful Louis Farrakhan. Maybe you should ve just stuck to acting and let your wife play the role of angry black activist. Unless you re Barack Obama, Al Sharpton, or Jesse Jackson there doesn t seem to be a lot of money in the race-hustling business ",left-news,"Jan 21, 2016",0 +TRANSGENDER CRIES VICTIM When Airline Security Made Her Remove β€œThat thing” Caught On Scanner,"So a woman straps an apparatus to her person, claims she s a man and expects airport security to treat her with kit gloves because she s entitled to special privileges? If you come through airport security with something foreign strapped to your body, why should you be entitled to special treatment? Sorry, but most of the world is not going to side with you on this one dude In a submission to an Australian senate inquiry into airport and aviation security, the National LGBTI Health Alliance reported a climate of pervasive discrimination for LGBTI people.The submission includes a lengthy complaint from an anonymous transgender person sent to one of Australia s major domestic airlines about an incident early last year.The person was passing through airport security and was selected to go through a body scanner, which picked up a prosthetic worn in their underwear. I explained to the officer at the scanner that I am trans and that I was wearing a prosthetic, to which he responded that he would need to get his supervisor, the complaint reads. In full view of other travellers, the supervisor approached me putting rubber gloves on, the passenger wrote. When I asked him what the gloves were for, he told me that he was going to do a private search . After entering a small room with the two men, the passenger pulled out the prosthetic for the men to see, and the supervisor put on a second glove.When again asked what the gloves were for, the supervisor responded, You want me to touch that thing with my bare hands? After placing the prosthetic in a tray and undergoing a pat-down, the supervisor opened the door for the passenger to leave. My prosthetic [was] still sitting in the tray. I asked him to close the door so that I could have some privacy, the complaint reads. He closed the door and both men stood watching me as I put it back in place. The passenger wrote that the experience left them feeling degraded and anxious about traveling.For entire story: Buzzfeed ",left-news,"Jan 21, 2016",0 +SECRET SERVICE PROTECTS OBAMA’S DAUGHTERS While These Illegal Alien Pedophiles Threaten Our Children,"The children were nestled all snug in their beds when OOPS! an illegal alien pedophile slipped through their window. These worst of the worst criminals are crossing our borders every day as our US Border Agents are given the stand down order by a man so hell-bent on a one-party system that he will risk the safety and security of our children and grandchildren. Barack Obama s kids will never have to worry about safety, because We The Taxpayer will ensure that for the rest of their lives, they will be protected from the massive number of unchecked pedophiles and violent sexual offenders flowing across our open borders. This is an outrage! Yet the political pundits on the Left seem to be baffled by Donald Trump s popularity with the American voter Go figure McAllen, Texas Illegal aliens with previous convictions for sexual crimes continue to be a regular sight for U.S. Border Patrol agents working in this border region.On Wednesday, the Rio Grande Valley Sector (RGV) of the U.S. Border Patrol confirmed to Breitbart Texas that they had arrested five criminal aliens with a history of sexual offenses including a Guatemalan man who is considered a sexually violent predator. On Sunday, agents caught a group of seven illegal aliens near the river and when they took them to the station for processing learned that one of them identified as Walter Leonel Vasquez Zacarias was a violent sexual predator, court records obtained by Breitbart Texas revealed.Court records revealed that Vasquez Zacarias had been convicted of aggravated sexual battery victim under 13 years of age in March 20, 2009. For that offense, Vasquez was initially arrested on June 16, 2008 in Augusta County, Virginia and after his conviction was sentenced to 10 years in prison, but for unknown reasons, eight years from his sentence were suspended and he was deported in March 30, 2010 through Houston.Vasquez continues to be listed in various search engines as a violent sexual predator.In recent days, agents arrested four other criminal aliens with a sexually based criminal history, information provided to Breitbart Texas by Border Patrol revealed. One of the aliens was from Guatemala and he had a previous conviction for aggravated sexual battery of a victim under the age of 13. Another of the aliens was also from Guatemala and he had a conviction for aggravated criminal sexual abuse. Two other aliens from Mexico had convictions for indecent liberties with a child and the other for sexual assault. Border Patrol agents remain vigilant in their efforts to protect this nation from all threats including predators and convicted criminals attempting to illegally enter the country, said Chief Patrol Agent Manuel Padilla Jr. in a prepared statement. Thanks to the hard work of Border Patrol agents, these dangerous criminals were unable to make it into our communities. Via: Breitbart News",left-news,"Jan 21, 2016",0 +"BRITISH MAN GOES UNDERCOVER, Makes Chilling Video In β€œWelcoming” Neighborhood Mosque"," If she doesn t wear a hijab, we hit her This is truly a shocking undercover film. It exposes the wide network of Muslim radicals and how they have no intention of assimilating with Westerners. The things that are said in this film should make every American and European question what really takes place in these neighborhood mosques. Marrying off a girl before puberty is permissible. None of this has been stopped in Britain by the government, who did not care to protect thousands of children raped, threatened, sold, drugged and many even killed by Muslim men. This mentality amongst Muslims that the video shows, especially Sunni Muslims, will be common in virtually every single mosque not only in Britain, but throughout Europe, Canada, Australia, New Zealand and the US.The Muslim hatred continues to flourish throughout the country, all because of a weak and incompetent leadership and EU policies that protect hate preachers and terrorism. The permission for Islam to grow and exist a fascist ideology of the medieval ages is the root cause of growing terrorism growing and expanding into the West.It is not difficult to see what Britain s future will be. Islam is a far greater threat than Nazism. But the Nazi s did not infiltrate the country and was easier to battle.Prime Minister Tony Blair recently described tolerance as what makes Britain Britain but in this extensive investigation Dispatches reveals how a message of hatred and segregation is being spread throughout the UK and examines how it is influenced by the religious establishment of Saudi Arabia.Dispatches has investigated a number of mosques run by high profile national organisations that claim to be dedicated to moderation and dialogue with other faiths. But an undercover reporter joined worshippers to find a message of religious bigotry and extremism being preached.He captures chilling sermons in which Saudi-trained preachers proclaim the supremacy of Islam, preach hatred for non-Muslims and for Muslims who do not follow their extreme beliefs and predict a coming jihad. An army of Muslims will arise, announces one preacher. Another preacher said British Muslims must dismantle British democracy they must live like a state within a state until they are strong enough to take over. The investigation reveals Saudi Arabian universities are recruiting young Western Muslims to train them in their extreme theology, then sending them back to the West to spread the word. And the Dispatches reporter discovers that British Muslims can ask for fatwas, religious rulings, direct from the top religious leader in Saudi Arabia, the Grand Mufti.Via: The Muslim Issue",left-news,"Jan 20, 2016",0 +"WORDS OF WISDOM FROM β€˜THE VIEW’: Whoopie Threatens To Leave U.S. If Trump Doesn’t Stop Picking On Immigrants, While Joy Behar Offers Some Incoherent Thoughts On WWII","When asked by the other hosts on the show, Where would you go? Whoopie pauses, then realizes there really is no better country on the earth, as she sheepishly replies, I don t know, I ve always been in America. There s usually a good reason that people don t give up their citizenship Whoopie. There s probably a reason so many people are willing to break the law and illegally enter our country. Despite the drivel you and your cohorts push on The View, every American doesn t believe they re somehow a victim, and most Americans agree with Trump that we shouldn t be willing to give up all that makes America great just because the Left wants to shore up their voting block. If you wanna know what is really getting under Whoopie s skin, it s the idea that no one in the media can control Trump. That s what s really got the girls on The View freaking out Wednesday on ABC s The View, co-host Whoopi Goldberg said Republican presidential candidate Donald Trump needs to stop blaming others for the problems in America and threatened to move out of the country.https://youtu.be/NwE2ZvcpKUsGoldberg said, People don t like being the butt of the jokes and now that people say, listen, you can t make me the butt of your jokes, I don t like it. You can t use me as some sort of stereotype. I don t like it. That s the PC people are talking about. And the bottom line is this find a different way to say what you re going to say. People are not going to take it anymore. So if that s what s pisses you off, you re going to stay angry. Co-host Joy Behar said, A lot of it has to do with their pocketbook. They re not making as much money as they used to make, that particular group of people. Maybe jobs are overseas, maybe technology has taken over, they don t have the background for it. They re ticked off. Goldberg interjected, But then you can t blame immigrants for that. Behar continued, That s scapegoating. It s as old as the hills. What do you think World War II is all about? You know that. It s all about blaming the Jews. Now it s the Mexicans and the Muslims. Blame everybody but yourself. Later in the segment, Goldberg continued her rant. Listen, he can be whatever party he wants to be, she said. What he can t be is he can t be the guy that says it s your fault stuff isn t working. That s not the president I want. Find a way to make stuff work. Stop blaming everybody because all of this, as American citizens, this is our we did all of this. We ve allowed all this stuff, so we have to fix it. But you can t say, Oh, you re Lebanese or you re black or you re Mexican or you re a woman. Stop blaming everybody. Let s fix the crap. Let s just fix it. If you can fix it, I will listen to what you have to say. The minute you start pointing and saying that person is a rapist and a murderer, it pisses me off because I ve been part of that when they just use a blanket statement to talk about black people or when they use a blanket statement to talk about white people or women or any other group. I don t think that s America. I don t want it to be America. Maybe it s time for me to move, you know. I can afford to go, she added. I ve always been an American, and this has always been my country and we ve always been able to have discussions. And suddenly now it s turning into, you know, not them, not them. And you know, we have a lot of friends whose parents saw this already. They don t want to relive this So I need all the candidates to get it together. Get back to American values. Behar said, I must be naive maybe but I do believe that at the end of the day the American people will not vote for that type of xenophobia. The fact that they voted twice for President Obama, twice for President Clinton, people like that. I really do believe they will come to their senses. You know what, he can t win without 40 percent of the Hispanic vote and he has alienated the Hispanics. Via: Breitbart News",left-news,"Jan 20, 2016",0 +WATCH: BLACK ACTRESS Stacey Dash Destroy Argument By Hollywood Race Agitator And Wife Of Will Smith: β€œEither we want to have segregation or integration”,"Stacey Dash is no stranger to controversy. She was recently suspended by FOX News when she said that [Barack] Obama doesn t give a shit about terrorism. Today, on Fox and Friends, Stacey takes on Hollywood race hustler, and major Louis Farrakahn donor Jada Pinkett-Smith.Fox News contributor Stacey Dash asserted on Wednesday that Jada Pinkett Smith was a hypocrite for expecting some black actors to be nominated for an Oscar while the black community was enjoying special privileges like Black History Month and the BET channel.Watch Dash s appearance on Fox and Friends here:In a video posted to Facebook earlier this week, Smith revealed that she would not be attending the 88th Academy Awards to protest the fact all of the major nominees were white.(function(d, s, id) { var js, fjs = d.getElementsByTagName(s)[0]; if (d.getElementById(id)) return; js = d.createElement(s); js.id = id; js.src = ""//connect.facebook.net/en_US/sdk.js#xfbml=1&version=v2.3""; fjs.parentNode.insertBefore(js, fjs);}(document, 'script', 'facebook-jssdk'));We must stand in our power.Posted by Jada Pinkett Smith on Monday, January 18, 2016After recently being suspended from Fox News for saying President Barack Obama did not give a sh*t, she was back on the network on Wednesday to respond to Smith. I think it s ludicrous, she opined. Because we have to make up our minds. Either we want to have segregation or integration. If we don t want segregation then we need to get rid of channels like BET and the BET Awards and the [NAACP] Image Awards, where you are only awarded if you are black. So you say there should not be a BET channel? Fox News host Steve Doocy wondered. No, just like there shouldn t be a Black History Month, Dash replied. You know, we re Americans. Period. That s it. Are you saying there shouldn t be a Black History Month because there isn t a White History Month? Doocy pressed. Exactly! Dash insisted.According to Dash, the real problem was that Hollywood s support of President Barack Obama had not inspired filmmakers to create more black roles. We ve had a president who is black in office for the past eight years, who gets most of his funding from the liberal elite in Hollywood, she said. Yet, there are not very many roles for people of color. How can that be and why is it just now being addressed? Via: RAW Story ",left-news,"Jan 20, 2016",0 +BREAKING: Obama-Holder Fast N’ Furious Rifle Found In El Chapo Hideout Capable Of Downing A Helicopter,"Where s the accountably? As our President ramps up his gun control rhetoric in the U.S., we continue to see the fallout from of a botched government gun running program dubbed Fast N Furious. How can this duplicitous President carry on about guns falling into the wrong hands in the U.S. while sending illegal guns over to Mexico to be used by drug lords against U.S. law enforcement and possibly against American civilians? A .50-caliber rifle found at Joaquin El Chapo Guzman s hideout in Mexico was funneled through the gun-smuggling investigation known as Fast and Furious, sources confirmed Tuesday to Fox News.A .50-caliber is a massive rifle that can stop a car, or as it was intended, take down a helicopter.After the raid on Jan. 8 in the city of Los Mochis that killed five of his men and wounded one Mexican marine, officials found a number of weapons inside the house Guzman was staying, including the rifle, officials said.When agents from the Bureau of Alcohol, Tobacco, Firearms and Explosives checked serial numbers of the eight weapons found in his possession, they found one of the two .50-caliber weapons traced back to the ATF program, sources said.Federal officials told Fox News they are not sure how many of the weapons seized from Guzman s house actually originated in the U.S. and where they were purchased, but are investigating.Out of the roughly 2,000 weapons sold through Fast and Furious, 34 were .50 caliber rifles that can take down a helicopter, according to officials.Federal law enforcement sources told Fox News that El Chapo would put his guardsmen on hilltops to be on guard for Mexican police helicopters that would fly through valleys conducting raids. The sole purpose of the guardsmen would be to shoot down those helicopters, sources said.The Fast and Furious operation involved federal agents allowing criminals to buy guns with the intention of tracking them.Instead, agents from the ATF lost track of 1,400 of the 2,000 guns involved in the sting operation.The operation allowed criminals to buy guns in Phoenix-area shops with the intention of tracking them once they made their way into Mexico.After years of legal battles between the House Oversight Committee and Attorney General Eric Holder, 64,280 redacted Operation Fast and Furious documents held under President Obama s assertion of executive privilege since 2012, have been turned over by the Department of Justice after an order from U.S. District Court Judge Amy Berman Jackson. When Eric Holder wants to know why he was the first Attorney General held in criminal contempt of Congress, he can read the judge s order that compelled the production of 64,280 pages that he and President Obama illegitimately and illegally withheld from Congress. Since these pages still do not represent the entire universe of the documents the House of Representatives is seeking related to the Justice Department s cover-up of the botched gun-walking scandal that contributed to the death of a Border Patrol agent, our court case will continue, Chairman Darrell Issa said in a statement. I am deeply concerned that some redactions to these documents may still be inappropriate and contrary to the judge s order in the case. These documents being turned over is long awaited confirmation from both DOJ and the White House that officials withheld 64,280 documents that do not, and never did, fall under President Obama s executive privilege claims. As a reminder, President Obama asserted executive privilege in this case just moments before Holder was voted in contempt of Congress in June 2012. The President and the Attorney General attempted to extend the scope of the Executive Privilege well beyond its historical boundaries to avoid disclosing documents that embarrass or otherwise implicate senior Obama Administration officials, an Oversight Committee release states. In effect, last night s production is an admission that the Justice Department never had legitimate grounds to withhold these documents in the first place. Approximately two-thirds of the universe of documents that the Justice Department withheld from Congress has now been shown to be well outside the scope of Executive Privilege. The operation became a major distraction for the Obama administration as Republicans in Congress conducted a series of inquiries into how the Justice Department allowed such an operation to happen.Former Attorney General Eric Holder was held in contempt after he refused to divulge documents for a congressional investigation into the matter.This is the third time a weapon from the Fast and Furious program has been found at a high-profile Mexican crime scene.Via: FOX News",left-news,"Jan 20, 2016",0 +"NEW POLL SHOWS DEMOCRATS Under 50 Prefer Old, White Marxists To Serial Criminals In Pants Suits","Nah nah nah nah hey hey hey good bye Support for Hillary Clinton among Democratic voters under 50 has tanked in the past month, according to a new Monmouth University poll.In December, she led fellow Democratic presidential contender Sen. Bernie Sanders, I-Vt., 52%-35% in that demographic. Now she trails him 39%-52%.She also has lost significant support among Democratic women, with her lead over Sanders shrinking from 45 points to 19 points in that group. Her support went from 64%-19% last month to 54%-35% now.Clinton still beats Sanders 52%-37% overall among Democrats, though Sanders gains have cut into her lead, Monmouth found. And she has considerable support among important primary voting blocs. Voters over 50 prefer Clinton 64%-24%, and black and Latino voters side with her 71%-21%. With a shrinking margin, a strong showing by Sanders in Iowa and New Hampshire could cut Clinton s national lead even more, said Patrick Murray, director of the Monmouth survey. However, he would still have to overcome Clinton s demographic advantage in the ensuing contests. That means in places like South Carolina, Nevada and Super Tuesday states in the South where blacks and Latinos make up a sizable portion of the electorate. Murray points out that the same situation helped President Obama beat Clinton. It looks like the demographic that hurt Clinton in 2008 may be what helps her in 2016, he said.Last week, Sanders campaign announced it was launching a tour of historically black colleges and universities with stops in a number of Southern states.The Monmouth measurement of Sanders s support among young people resembles the results of a recent USA TODAY/Rock the Vote survey that found he leads Clinton 46%-35%, among millennial Democrats and independents. Via: USA TodayDear Hillary, Here s a message from every American who watched you lie about the 4 brave men you left to die in Benghazi: ",left-news,"Jan 20, 2016",0 +"IF YOU’RE EASILY OFFENDED, Don’t Watch This American Pastor’s Rant: β€œHas America Gone Stupid?”","You re gonna love this patriot! He speaks for each and every one of us who are 100% FED Up! with offended Americans! Enjoy this awesome rant and God bless America!// HAS AMERICA GONE STUPID? Warning!!!! this video will most likely offend the majority of the population.!Posted by Highways and Hedges Ministries on Monday, January 18, 2016",left-news,"Jan 19, 2016",0 +HOLY BETRAYAL OF AMERICA’S NATIONAL SECURITY: New Evidence Shows Hillary Emailed β€œMost Secretive” Classified Material On Private Unsecured Server,"She s the most dangerous, self-centered woman in America Hillary for Prison 2016. Hillary Clinton s emails on her unsecured, homebrew server contained intelligence from the U.S. government s most secretive and highly classified programs, according to an unclassified letter from a top inspector general to senior lawmakers.Fox News exclusively obtained the unclassified letter, sent Jan. 14 from Intelligence Community Inspector General I. Charles McCullough III. It laid out the findings of a recent comprehensive review by intelligence agencies that identified several dozen additional classified emails including specific intelligence known as special access programs (SAP).That indicates a level of classification beyond even top secret, the label previously given to two emails found on her server, and brings even more scrutiny to the presidential candidate s handling of the government s closely held secrets. To date, I have received two sworn declarations from one [intelligence community] element. These declarations cover several dozen emails containing classified information determined by the IC element to be at the confidential, secret, and top secret/sap levels, said the IG letter to lawmakers with oversight of the intelligence community and State Department. According to the declarant, these documents contain information derived from classified IC element sources. Intelligence from a special access program, or SAP, is even more sensitive than that designated as top secret as were two emails identified last summer in a random sample pulled from Clinton s private server she used as secretary of state. Access to a SAP is restricted to those with a need-to-know because exposure of the intelligence would likely reveal the source, putting a method of intelligence collection or a human asset at risk. Currently, some 1,340 emails designated classified have been found on Clinton s server, though the Democratic presidential candidate insists the information was not classified at the time. There is absolutely no way that one could not recognize SAP material, a former senior law enforcement with decades of experience investigating violations of SAP procedures told Fox News. It is the most sensitive of the sensitive. Executive Order 13526 called Classified National Security Information and signed Dec. 29, 2009 sets out the legal framework for establishing special access programs. The order says the programs can only be authorized by the president, the Secretaries of State, Defense, Energy, and Homeland Security, the Attorney General, and the Director of National Intelligence, or the principal deputy of each. The programs are created when the vulnerability of, or threat to, specific information is exceptional, and the number of persons who ordinarily will have access will be reasonably small and commensurate with the objective of providing enhanced protection for the information involved, it states.According to court documents, former CIA Director David Petraeus was prosecuted for sharing intelligence from special access programs with his biographer and mistress Paula Broadwell. At the heart of his prosecution was a non-disclosure agreement where Petraeus agreed to protect these closely held government programs, with the understanding unauthorized disclosure, unauthorized retention or negligent handling could cause irreparable injury to the United States or be used to advantage by a foreign nation. Clinton signed an identical non-disclosure agreement Jan. 22, 2009.While the State Department and Clinton campaign have said the emails in questions were retroactively classified or upgraded to justify the more than 1,300 classified emails on her server those terms are meaningless under federal law.The former federal law enforcement official said the finding in the January IG letter represents a potential violation of USC 18 Section 793, gross negligence in the handling of secure information under the Espionage Act. Via: FOX News",left-news,"Jan 19, 2016",1 +THE HEARTLESS MARXIST: What Bernie Sanders Did To Over 300 Homeless People Proves He Only Cares About Himself,"Who kicks homeless people out onto the streets so they can host a rally? If Sanders really cared so much about the little guy, he would have given them a hot meal and a front seat. But alas, they aren t likely registered voters, so kicking them to the curb is the next best thing .Democrat presidential candidate Bernie Sanders describes himself as a Democratic socialist. I guess he thinks that sounds a lot nicer than communist or Marxist. After all, the source of his constant ridicule, attacks, and plans to target should, heaven forbid, he become president are private insurance companies and privately-owned banks.Though the Democrat party likes to sell itself as one of youth and compassionate, that theory is blown when you look at the stage of the Democrat debates and see an old white woman who is as corrupt as the day is long and an older white man who is a crotchety socialist/Marxist who has capitalized on progressives filling the minds of our youth with lies about capitalism being bad and socialism, which has failed everywhere it s been tried in the world, as the saving grace.Sanders constant railing against the rich and his efforts to pit Americans of different socioeconomic levels against one another makes Obama s last seven years of divisiveness look like amateur hour. But, for all his talk about his compassion for the poor and his attempt to create envy and jealousy so that he can capitalize on his promise to make the rich pay for their success for confiscating larger amounts of their money so he can play Santa Claus, like all socialists, communists, Marxists, Bernie s personal actions don t quite mesh with his words.Some people told me Alabama was a conservative state. I guess not. Watch live: https://t.co/5W9i3XN1US #BernieInAL pic.twitter.com/6EH4fTJ1lH Bernie Sanders (@BernieSanders) January 19, 2016On Monday night, Sanders held a rally in Birmingham, Alabama. Since it was the celebration of Martin Luther King, Jr. Day, he decided to use that day to sell his snake oil of socialism where MLK rose to prominence. Of course, he bragged about it on Twitter as well as the crowd that showed up. Here s what the auditorium normally looks when a marxist isn t hosting a Presidential primary rally in Birmingham, ALWhat he failed to mention, not surprisingly, was that the auditorium where his rally was held served as a warming station for the city s homeless. On what was the coldest night of the year, with temperatures falling to 20 degrees overnight, but feeling more like 15 degrees with wind chill factor, over 300 homeless people were kicked out onto the street so that Sanders could peddle his socialistic lies.I guess they weren t good enough to be allowed to remain in the warmth of the auditorium for his rally. Via: Politistick",left-news,"Jan 19, 2016",0 +UNBELIEVABLE! VINTAGE VIDEO EXPOSES Racist First Family: Michelle Obama’s mom says Barack’s mixed race β€œdidn’t concern me as much as if he was completely white”,"This is an old video that exposes so much about the phony race issues that Obama and the Robinson s (Michelle s maiden name) seem to be so obsessed with. Please watch this very informative video to the end. You will see pictures of Obama s white uncle and aunt that, for some reason, have been hidden from plain site. There is also an interesting picture of Barack s extended White and Asian family. Why did the press work so hard to keep these photos, and this video hidden during his campaign and presidency? It s pretty clear that Barack learned how to work the system from his father/sperm donor, Barack Hussein Obama Sr. But life changed dramatically when he was only two, and his father abandoned his wife and son to accept a scholarship at Harvard. After completing his PHD, Obama Sr. returned to Kenya. Barry saw his father only one more time when he was 10 and his father returned to Hawaii for a visit.At age 6, young Barry did gain a stepfather. His mother met and married a Muslim graduate student at the University of Hawaii who was from Indonesia. Barry and his mother moved to Indonesia and soon, a half-sister was born. Indonesia s poverty and its politics, which had victimized (Is it possible to be a part of Barack s life if you re not a victim?) his step-father, left a lasting impression on the young bi-racial child trying to fit into yet another culture.It was in Indonesia where Barry first saw magazine stories and ads about blacks bleaching their skin. That was (apparently) when he realized, (at the age of 10 yrs) there were power relationships in race. So when most boys Barry s age are worrying about building tree forts, catching frogs, riding their bikes or securing the neighborhood paper delivery job, Barack was concerned with power relationships in race? Really?Punahou occupies a privileged position, not just on the hillside, but in Hawaii society. In his memoir, Dreams From My Father, Barack Obama recalled how his grandfather pulled strings to get him in. [F]or my grandparents, my admission into Punahou Academy heralded the start of something grand, an elevation in the family status that they took great pains to let everyone know, Obama wrote.For generations, Punahou educated the children of plantation owners, businessmen and politicians. Pal Eldredge graduated from Punahou in the 1960s. In the beginning, we were known as the haole school, says Eldredge.Haole is Hawaiian for foreigner or white person. Eldredge says that when young Obama arrived as a fifth-grader in 1971, the school s complexion was just beginning to change. We didn t have a lot of African-Americans. So your first thing is, Oh, we ve got an African-American. Terrific! says Eldredge.He was teaching at Punahou at the time, and he remembers the future president as a pudgy, cheerful kid. He used to wear these shorts and striped T-shirts a lot, and sandals. But after you got to know him, not only was he a bright student, but he was just a funny, all-around kid, and everybody liked him, says Eldredge.As usual, Barry can turn a story of privilege into a story of victimhood like nobody s business: In his memoir, Obama dwells on moments at Punahou when his race made him feel conspicuous, such as the time he was teased for playing with the only other black child in his grade. When I looked up, I saw a group of children, faceless before the glare of the sun, pointing down at us. Coretta has a boyfriend! Coretta has a boyfriend! Obama writes.In the book, Obama s struggles with racial identity grow as he reaches high school, and he recalls intense discussions with another black student, an embittered boy he calls Ray. Ray is really Keith Kakugawa. He s part black, part Japanese.Kakugawa says he and young Obama did have some heart-to-hearts about race but, in general, it wasn t a big issue at the school because Punahou kids had to stick together. Because we knew once we left that school, there was a target on our backs. No matter what race you are, you re Punahou. You re the rich, white kids. Period, Kakugawa says. He wasn t raised black, because he was raised in a white family, and raised as if he were a white boy.' -Barack Obama s uncleReporter asks Obama: Were you essentially raised as a white child? Obama: No. I don t think so. I mean I was raised as an Indonesian child, and as a Hawaiian child and as a black and white child. Sorry Barry wrong again! As much as you try to deny it, you were not only raised as a white child, but a white child with more privilege than 90% of the rest of the White population. You were in the 1% of the White population, but you quickly learned to take advantage of all the benefits that come with being black when it was time to apply for college scholarships. Like his dad, young Barry accepted a scholarship (FREE education) to the mostly White Occidental College in Los Angeles. But he was dissatisfied and transferred to Columbia University in New York City in his Junior year. Hoping to find more black students or at least a broader black community. That is where Barry changed his name to Barack.Michelle Obama met Barack when she was tasked by her law firm to recruit him. Michelle was surprised when she saw he was from Hawaii and asked her (racist) self: What normal black people grow up in Hawaii? WATCH at the 13 minute mark:Michelle s racist mom was a little worried about the mixed heritage of her future son-in-law. When asked about her concern about his race, she had this to say about Barack: That [his mixed race] didn t concern me as much as if he was completely white. When Barack Obama lost his first election, many questioned if, given his heritage and Harvard Law degree, if he was black enough? Michelle Obama was furious over the charge of her husband not being black enough. She had this to say about Barack being black enough: I m as black as it gets. I was born on the south side. I come from an obviously black family you know, we weren t rich. I ll put my blackness up against anyone s blackness in the the state. ",left-news,"Jan 19, 2016",0 +SUPREME COURT AGREES TO TAKE ON Obama’s Un-American Plan To Shield Millions Of Illegals From Deportation,"So far, the Supreme Court has not prevented one single unconstitutional act committed by Obama. Is there any reason to believe they will stop the invasion of illegals to save America and the American worker?The Supreme Court agreed Tuesday to review President Obama s plan to shield up to 5 million illegal immigrants from deportation, after lower courts blocked the president s sweeping executive actions from taking effect.The decision sets up an election-year clash over the controversial plan that many Republicans have likened to amnesty. The justices said Tuesday they will consider undoing lower court rulings that blocked the plan from taking effect. The Obama administration had appealed to the Supreme Court last fall.The decision to review the case may be welcome on both sides of the aisle. Republican Sen. Orrin Hatch, of Utah, issued a statement praising the court for taking it on and urging the justices to rule against the administration. President Obama s executive action is an affront to our system of republican self-government, Hatch said. The Constitution vests legislative authority in Congress, not the President. With his actions, President Obama has attempted to bypass the constitutionally ordained legislative process and rewrite the law unilaterally. The case probably will be argued in April and decided by late June, about a month before both parties presidential nominating conventions. The issue of illegal immigration has taken a center-stage role in the Republican primary battle, as Donald Trump calls for a wall between the U.S. and Mexico and candidates spar over who is toughest on the issue.The immigrants who would benefit from the Obama administration s plan are mainly the parents of U.S. citizens and lawful permanent residents.But more than two-dozen mostly Republican-led states challenged Obama s executive actions after they were rolled out in 2014, and the plan has been tied up in litigation ever since.Critics say the plan is unconstitutional. Shortly before the administration took the case to the Supreme Court, the 5th U.S. Circuit Court of Appeals ruled in favor of the states in early November.Solicitor General Donald Verrilli Jr. later said in a court filing that allowing those rulings to stand would force millions of people to continue to work off the books, without the option of lawful employment to provide for their families. At issue is the Deferred Action for Parents of Americans program, which Obama said would allow people who have been in the United States more than five years and who have children who are in the country legally to come out of the shadows and get right with the law. Via: Fox News ",left-news,"Jan 19, 2016",1 +ANGELINA JOLIE HUMILIATED Barack Obama On World Stage Over Weak Leadership On Terrorism,"It s good to know there are a few Hollywood celebrities who haven t bought into Obama s false messiah B.S During an appearance before the U.K. s House of Lords on Tuesday, Hollywood actress and human rights advocate Angelina Jolie spoke out about how Islamic State group militants use sexual violence as a means to perpetuate terrorism and about how we need strong leadership (unlike that of President Barack Obama) to overcome this threat.Jolie s excoriating speech laid bare just how anemic and pitiful Obama s response to ISIS has been, and how ISIS is being allowed to build a society based on rape, violence, and of course Shariah law. They are dictating it as policy beyond what we have seen before, Jolie said. They are saying, We should do this, this is the right way to build a society, so we tell you to rape. Islamic militants are basically building a civilization not focused on growing food or educating children, but rather on kidnapping, enslaving and raping women, to perpetuate the endless cycle of terrorism, and Obama has allowed these barbaric radical Muslims to thrive. The most aggressive terrorist group in the world today knows what we know, knows that it is a very effective weapon and they are using it as a centrepoint of their terror and their way of destroying communities and families, and attacking and dehumanising, Jolie explained. For over 10 years, I had been visiting the field and meeting families and survivors of sexual violence who felt for so long that their voices simply didn t mater, they weren t heard, and they carried a great shame, Jolie continued.She added that we need a very, very strong response at this time to stop this horrific behavior. Of course, we have been calling on Obama to make that strong response for years, but he s far more interested in race baiting back home than dealing a death blow to radical Islam.Jolie does have some measure of expertise in the matters she s speaking of. As she told the Houses of Parliament, she has been campaigning for Middle Eastern victims of sexual abuse for over a decade (H/T The Gateway Pundit).Below is an excerpt of Jolie s address, this part dealing with some of her encounters with young rape victims.https://youtu.be/KBmHnzjgwSkIt seems like Jolie is someone whose words President Obama should heed. Will our president actually take the time though to listen, learn and adjust his failed strategy against what he once referred to as the JV team? Only time will tell but we wouldn t want to put any money on it. Via: Conservative Tribune",left-news,"Jan 18, 2016",0 +"EYE-OPENING: Why Liberals Won’t Talk About White, Poverty-Stricken, Rural Americans","This is a story you will never find in the mainstream media What seldom gets talked about and when it is, often with irreverent humor and contempt is the poverty of rural America, particularly rural white America: Appalachia, the Ozarks, the Mississippi Delta, the Dakotas, the Rio Grande Valley, the Cotton Belt.If you spend time among coastal liberals, it s not unusual to hear denigrating remarks made about poor middle Americans slip out of mouths that are otherwise forthcoming about the injustices of poverty and inequality.Yet, since the 1950s, Americans living in non-metropolitan counties have had a higher rate of poverty than those living in metropolitan areas. According to the 2013 American Community Survey, the poverty rate among rural-dwelling Americans is three percent higher than it is among urban-dwellers. In the South, the poorest region of the country, the rural-urban discrepancy is greatest around eight percent higher in non-metro areas than metro areas.Watch here, as Levi Holstein, 22 explains what Obama s shut down of the coal industry has done to his community: Holstein s youth was spent hunting deer,turkey and bears,fishing for catfish with his father and riding four wheelers through the hills of Boone County. Now,the mountains he grew to love have been leveled in pursuit of coal,and their debris scraped into the hollow above his childhood home,destroying old haunts. I would be the first to tell you I hate strip mines. I hate it,I don t like it one bit, Holstein said. But at the same time it gives a man a job. Unfortunately, for 8 years we had a President who was committed to shutting down the coal industry in rural America, where primarily low income white families live.For Holstein,and many others throughout the region,the changes to the landscape and negative environmental impacts are weighed against paychecks to support their families. However,in the past few years career miners have seen their jobs vanish or move to other parts of the state.Once the most formidable industry in West Virginia,coal is progressively losing its economic dominance throughout Central Appalachia as production slows due to tightening pollution controls,greater availability of cheap natural gas and growing competition from other coal basins.From 2007 to 2012 West Virginia s annual coal production dropped by 31.7 million tons annually,falling over 20 percent,from 165.7 million to 129.5 million. Over half of that decline,17.9 million tons,came from Boone County,which until 2012 had long been the state s top producer.So why is the poverty of rural America largely unexamined, even avoided? There are a number of explanations.Rural and urban poverty are similar to the degree that both occur when people do not have access to jobs specifically ones that pay a living wage (i.e. enough to provide themselves and their dependents with basic necessities like food and shelter). Many of the causal factors for poverty, however, are exacerbated in remote areas where the job and labor markets are smaller and less diverse, and communities lack the human capital of city economies. Often a single industry (in some cases single employer) will dominate a vast region.The geographic distance between some rural communities and higher education institutions, as well as technical and vocational schools, is also a factor. According to U.S. Department of Agriculture Economic Research Service, 20 percent of non-metro residents complete their college degrees compared to 30 percent in metropolitan areas.Similarly, when it comes to providing social services in rural America, spatial challenges arise in making those services accessible and visible to a remote public. The repertoire of services available to [rural people] is smaller, Lobao says. Her research indicates that 50 percent of metropolitan counties provide subsidies for emergency medical services, while only 30 percent of non-metro counties do. Similarly, 30 percent of metro counties make elder care available, but only 20 percent of non-metro counties do. And 25 percent of metro counties provide childcare care, but only 16 percent of non-metro countries do. Each of these deficits contributes to the higher rate of poverty that we see among the rural poor.Lisa Pruitt, a law professor at the University of California at Davis, studies the intersection of law and rural livelihoods. She also runs a site called the Legal Ruralism Blog, where she writes about the problem of rural American poverty. Pruitt grew up in a working-class rural Newton County in the Ozarks of northwest Arkansas. She tells Rural America In These Times that one important misconception about rural poverty is that it is an exclusively white problem. While the majority of rural Americans struggling with poverty are white, Pruitt says, the racial makeup of the rural poor is far more diverse than the image most Americans realize. We tend to associate rural poverty with whiteness, Pruitt says. When we think about rural poverty, most associations with rural poverty are with white populations and in fact, that is true to some extent but it s actually far from being monochromatic. The demographics of poverty in rural and urban America are quite similar. Though whites make up the majority of both metropolitan and non-metropolitan populations in the United States resulting in a higher numbers of whites living in poverty poverty rates throughout rural America are much higher among the rural minority population. According to the 2013 American Community Survey, 40 percent of blacks living in non-metro counties fall below the poverty line, compared to 15 percent of whites. Poverty rates among non-metro Hispanics and American Indians are also considerably higher than they are among whites.This popular association between rural American poverty and whiteness is key to understanding why the media, and liberal America as a whole, doesn t talk about rural American poverty. While black poverty in the United States is attributed to the legacies of slavery, Jim Crow, housing discrimination, incarceration, and other forms of institutionalized racism, we have no national narrative that explains white poverty. As a result, there is an implicit belief that whites who have benefited from all of the advantages that come with being white don t have a good reason to be poor. In other words, that when whites live in poverty, it is their fault, or even their choice.Since the 1960s, the current U.S. economic system has had as a constant feature 15 percent of the population living below the poverty line. For better or worse, says Pruitt, when we talk about poverty, we focus on black poverty, and we focus on Hispanic poverty. We ve collapsed our nation s poverty problem into our nation s racism problem and it leads us to turn a blind eye to rural poverty. One of Pruitt s overarching arguments is that this political polarization between the liberal mainstream and the rural poor is self-perpetuating, and will only worsen with time as the rural poor are excluded from the pipeline to power. There is such a disconnect between the people in power in this country and the rural poor. It s a negative feedback loop, says Pruitt. If you re deciding who you are going to admit to Harvard and you see they grew up socio-economically disadvantaged from rural America, the knee-jerk reaction is, We don t want those people among us. They re racist. They re uncouth. They re unsavory. Though the left has all but cornered the subject of poverty and its myriad dimensions, the fact that rural Americans tend to espouse conservative positions on social issues like abortion and gay rights does not make the liberal media or Democratic candidates any more sympathetic to rural American poverty. And if the 2008 Presidential Election is any indicator, poor rural Americans, especially whites, feel increasingly at odds with liberal politics and liberal candidates. I think the assumption is that rural white voters are racist and illiberal and intolerant, says Pruitt. And so there are all sorts of incentives to distance ourselves for the Democratic presidential candidates to distances themselves from rural whites. I think that most rural white voters are pretty alienated from politics generally, and the Democratic Party in particular. Yet the left and working class rural Americans have many reasons to forge a stronger relationship specifically in challenging the authority of corporate America and growing the bargaining power of workers. Lobao, clearly frustrated, says rural sociologists have spent a lot of time thinking about how the left could appeal to rural Americans and often find themselves mired in platitudes. The one thing that we could stress in terms of social values is the value of building community, she said. Do you like your community? Do you want to build it? Well why can t we? We can try to emphasize building the community, you know, because people identify with their community whether they re Republican or Democrat. Via: In These Times",left-news,"Jan 18, 2016",0 +"28 YR OLD REFUGEE Turned European Soccer Star, Accused Of RAPING 19 Yr Old And LYING About His Age","What a hero what a guy what a crazy world we live in today So much for vetting these criminals!AN asylum seeker held up as an example to others when he was signed by AC Milan after arriving in Italy has been exposed as a fraud after he was accused of rape in Germany.Former AC Milan player, Yusupha Yaffa, moved to Germany after being signed by Eintracht Frankfurt and is currently on loan to MSV Duisburg.But after he was arrested in Frankfurt for the attempted rape of a 19-year-old, prosecutors discovered irregularities in his asylum seeker papers in which he claimed to have been 17-years-old.And now it has been revealed that in fact he was an incredible nine years older than he claimed, and instead of being 19 the age in his player paperwork stipulates that he was born on 31 December 1996 he is actually aged 28.When he had applied in Italy in 2009 for asylum after arriving from Gambia, he had claimed that they had been lost and when giving his personal details had apparently not told the truth.In the Italian Gazzetta dello Sport, it was noted that the player had admitted on a Facebook page that he lied. The magazine quotes him writing: I gave immigration officials at the time in Cuneo (in Northern Italy) a fake date of birth. Instead of 31 December 1996 I was born on 14th of November 1987. His parent club Eintracht Frankfurt have posted a 100,000 EUR (75,000 GBP) bail for the player which meant he only spent one night in investigative custody before he was freed pending a trial over the rape allegation.The revelation means that instead of being treated by the juvenile court, his paperwork will now be handed over to the regular court where he will be considered an adult, and could face a much higher sentence if convicted. As a teenager he would have probably expected a suspended sentence, but as an adult he is likely to get three years if convicted. Via: UK ExpressHe ll receive a much higher sentence as an adult? Three years? That s the punishment for raping in Germany? Wow! No wonder rape is such a common occurrence with these refugees. ",left-news,"Jan 18, 2016",0 +BREAKING UPDATE ON Obama’s War On Cops: Ohio Police Officer Murdered By Thug β€œlooking to kill an officer” [VIDEO],"This random cop killing trend is almost like punishing every black man in America for the crimes Obama has committed against our nation. Most of us are smart enough to understand that you don t blame an entire group of people who are largely innocent of wrong doing, for a few bad apples. Now that Obama, Holder, Sharpton and DeBlasio have made blaming our law enforcement as a whole, for the crimes of a few, expect to see more of these hate crimes committed across America. This is a despicable new trend, and people need to start demanding those who started this war against our law enforcement are held accountable.Officials say they were warned a gunman was hunting cops in Ohio this weekend, and by Sunday evening they realized the terrible truth behind the warning when they found a bloody hat but no patrol car and no officer.Police say a woman in Danville called dispatch Sunday evening around 11:20 p.m. to warn them her ex-boyfriend, identified as 34-year-old Hershel Ray Jones III, was armed and looking to kill an officer, reports CBS affiliate WBNS-TV in Columbus.The woman said officers in the area of Danville, near Columbus, were in danger.Dispatchers frantically put out a call and failed to make contact with Danville Officer Thomas Cottrell. Deputies from the Knox County Sheriff s officer were dispatched, but all they turned up initially was a Cottrell s hat with blood on it, and nothing more.Their worst fears were later realized 20 minutes later when they Cottrell s body behind the Danville Municipal Building, clearly dead from gunshot wounds. His gun and patrol car had been stolen.He was the first officer killed in the state of Ohio in 2016, reports WBNS.Jones was tracked down a short while later, and spotted at 1:30 a.m. running out of a house. Police gave chase, and caught him near Danville Park. He has been named as the prime suspect in the murder.No charges have been announced yet.Via: CBS News",left-news,"Jan 18, 2016",0 +RARE INTERVIEW WITH WHITE HOUSE SECRETARY: Bill Clinton Had Affairs With β€œthousands of women”…”Monica Lewinsky is alive today because of choices I made”,"This is a mind-blowing interview that confirms much of what many of us suspected about the Clintons. For some, it may be even worse than what they believed to be true. Kudos to Linda Tripp for agreeing to do this interview. People who cross the Clinton s do usually fare too well In a rare interview, Linda Tripp, a pivotal figure in the Monica Lewinsky scandal, revealed on Sunday it was common knowledge while she worked in the West Wing that Bill Clinton had affairs with thousands of women. Speaking on Aaron Klein Investigative Radio, Tripp for the first time divulged that she personally knew another White House staffer aside from Lewinsky who was also having an affair with Clinton. That unnamed staffer was mentioned by Tripp in various depositions but she has not spoken about it publicly.She charged that Hillary Clinton not only knew about her husband s exploits, She made it her personal mission to disseminate information and destroy the women with whom he dallied. Tripp says she cringes at the sight of Clinton presenting herself as a champion of women s rights worldwide in a global fashion, and yet all of the women she has destroyed over the years to ensure her political viability continues is sickening to me. Tripp documented evidence of Lewinsky s phone calls about her relationship with Bill Clinton and submitted the evidence to independent counsel Kenneth Starr, leading to the public disclosure of the affair. She explained to Klein that she did so because she believed her own life and Lewinsky s were in danger, saying that Lewinsky was threatening Clinton with outing the relationship.Tripp also used the interview to criticize what she says is the news media s unwillingness to investigate the Clintons. She singled out and thanked Matt Drudge of the Drudge Report, declaring that without him things would have been very, very different. Drudge s website was the first media outlet to break the Lewinsky scandal after Newsweek sat on the story.Tripp had unique access to the Clintons because her office was directly adjacent to Hillary s second floor West Wing office for the entire time she served in the Clinton White House from 1993 to the summer of 1994 with the exception of the first three months of the Clinton administration, when she sat just outside the Oval Office.Tripp s nonpartisan position was a carryover from the George H. W. Bush administration in which she served. Monica Lewinsky is alive today because of choices I made She told Klein that her role in the Lewinsky case followed years of alarm at what I had seen in the Clinton White House, particularly Hillary and the different scandals, whether it was Filegate, Travelgate, Whitewater, Vince Foster. All of the scandals that had come before and were so completely obliterated in the mind s eye of the American people because of the way all of them were essentially discounted. So I watched a lying President and a lying First Lady present falsehoods to the American people. So my dismay predated the January 1998 period when the Monica Lewinsky scandal surfaced. To me it was very important that the American people see what I was seeing. My years with the Clintons were so disturbing on so many levels. Tripp maintains that she went public with the Lewinsky evidence to ensure the intern s safety as well as her own.She told Klein:I say today and I will continue to say that I believe Monica Lewinsky is alive today because of choices I made and action I took. That may sound melodramatic to your listeners. I can only say that from my perspective I believe that she and I at the time were in danger, because nothing stands in the way of these people achieving their political ends.I think that had it not become public when it did, particularly in light of the Paula Jones lawsuit, which was coming to a head with President Clinton s deposition, that we may well have met with an accident. It s a situation where unless you lived it as I did you would have no real framework of reference for this sort of situation.Tripp said the young Lewinsky, 21-years-old when she entered the White House as an intern, was unaware of the danger that she faced.She described Lewinsky as a young girl, smart, clever but in this one area she was blinded and she fancied herself in love. He fancied himself entitled. It was nothing more than a servicing agreement. She romanticized that there was an affair. And when it didn t pan out the way she had hoped it would he had promised her he would bring her back to the White House as soon as the 1996 election campaign had finished. When he didn t, she essentially lost her mind and started acting in erratic and frightening ways. Threatening the president.There came a point in July of 1997 when she not only threatened to expose the affair, as she referred to it. But also she at that time informed him that I knew all about it. So at that time it became dangerous for Monica and for me. This was something that absolutely could never see the light of day. And she never realized the implications of threatening a president or her behavior. And I did.Tripp told Klein that the biggest fallacy that most people believed is that this was a unique occurrence. Monica was somehow special. And regrettably that s the farthest thing from the truth. She said, Everyone knew within the West Wing, particularly those who spent years with him, of the thousands of women. Now most of your listeners might find that difficult if not impossible to believe. And I can tell you in the beginning I felt the same way. But let me be clear here. This is a pattern of behavior that has gone on for years. And the abuse of women for years. Asked whether Clinton was having affairs with others in the West Wing, Tripp replied, I know that to be true. One in particular who I will not name told me this herself. But as to the hundreds or thousands, remember I worked closely with the closest aides to the president. And it was a loosey-goosy environment so there was not a lot of holding back. So it was common knowledge, let s put it this way, within the West Wing that he had this problem. It was further common knowledge that Hillary was aware of it. Tripp described the tense West Wing atmosphere between what she characterized as two almost diametrically opposed Clinton camps.The dynamic between the two groups the Bill Clinton people and the Hillary Clinton people. It was as though they were almost opposing forces. But I can tell you that the one with the power and the one that instilled the fear in the other was the Hillary camp.And the [Bill] Clinton people would cower if she were coming into the area, just as an example, of the Oval without notice. There would be scurrying around to make sure there was no one in the wrong place at the wrong time, shall we say. It was a fascination to see the amount of energy that was expended covering up his behavior. It was horrifying.Tripp said Hillary personally targeted Bill s female conquests and accusers, with the future presidential candidate exhibiting behavior that is egregious and it s so disingenuous. In my case, for instance, right after the Lewinsky story broke, she was heard directing her staff to get anything and everything on Linda Tripp. So the defamation of character and the absolute assurance that my credibility would be destroyed began right away. And it happens with any woman who is involved in any way, either with him in a physical relationship or an assault or anything that can endanger their political viability.Tripp recalled Hillary s January 27, 1998 appearance on NBC s The Today Show in which she was seen as standing by her husband while blaming the Lewinsky scandal on a vast right-wing conspiracy that has been conspiring against my husband since the day he announced for president. She didn t do it in an honest way, said Tripp of Clinton s NBC interview. Instead she lied, which didn t surprise me. And I will give her credit. She is enormously effective. And became a victim. A wife who was betrayed. This is someone who had no real personal problem with any of this behavior. The problem was in it becoming public. They had to continue to become electable She was the more aggressive one in ensuring that the political viability was not endangered in any way. Tripp told Klein that Hillary does not possess integrity on any level. I just wish that your listeners could know the person that I knew. Because if they did there is not a chance she would be elected president. Tripp s ringside seat afforded her rare insight into the scandals of the 1990s and perhaps alleged wrongdoings to come, with the West Wing employee personally witnessing behavior that may have foreshadowed Clinton s email scandal, in which she is accused of sending classified materials through her personal server.Tripp said she noticed major differences in the manner in which classified material was handled by both the Clinton and Bush administrations in which she served.President George H.W. Bush s administration had a completely different way of operating on every level, including on classified and secret material, she said.She continued:All the regulations were followed, right down to a cover sheet being essential if the document had had any sort of classifications. The securing of classified documentation in safes. The burn bags that were used if any sensitive material was to be disposed of. All of this was familiar to me and followed every security protocol that I had experienced in the past.When the Clintons came in this was one of the things that I found appalling right from day one. And it went hand and hand with the disdain for the military. The military was present in the White House in the form of presidential aides. The aide that carried the nuclear football, just as an example. And in the Bush White House they were respected, as they should be. In the Clinton White House, they were disdained. To see it treated this way and to see these people treated this way was disturbing.Tripp referred to Clinton s private mail woes as classic Hillary Clinton in a nutshell. She gets to decide what she does. Look, the rules don t apply to the Clintons. If you understand that basic premise you understand the Clintons. For Tripp, Clinton s use of a private server was all about control. She has a need to control every single aspect of her life. And you know anyone in government knows that any key stroke on a keyboard within a government agency belongs to the government it is not up to the employee on any level to control what happens to it for posterity. FOR ENTIRE INTERVIEW, CLICK HERE: Breitbart News",left-news,"Jan 17, 2016",0 +BRITISH WOMAN LOSES VIRGINITY To Asylum Seeking Rapist On Her Way To Church,"Europe is likely not going to be a top destination for families with young daughters, and they have no one to blame but themselves for this idiocy. Political correctness will be the death of Europe as we know it. Do Americans have the fortitude to stop the bleeding here, before the invasion of foreigners on our soil is officially out of control? PREDATORY asylum seeker who chillingly raped a 21-year-old devout Christian woman next to a church was starting a 10 year jail sentence today.Eritrean-born Mebrehtom Abrha, 25, stalked the vulnerable virgin for 10 minutes as she walked through Liverpool city centre to her boyfriend s house at 6am last July 19.Liverpool Crown Court heard he dragged her off the pavement and into a grassy area before raping her twice in a harrowing four-minute ordeal.The terrifying attack left the devout Christian angry at God and fearing she had contracted HIV, an appalled judge was told.Abrha, who lived in Liverpool before fleeing to Birmingham, was arrested following a BBC Crimewatch appeal on October 12.Today he started an extended sentence of 10 years imprisonment with a further five years on licence as his victim told the court: I felt ashamed, dirty and unclean. Going to church has always been in an important part of my life but since the attack I was not able to go to church for many months. I was angry at God and I was angry at myself for feeling this way. The victim also admitted the attack caused her to end her relationship with her boyfriend, adding: I have lost any desire to do anything in my life. I feel terrified in the shower. I get the feeling that someone is going to get me and I start to panic. The victim who cannot be named for legal reasons had been out clubbing on Saturday July 18 last year and agreed to meet her boyfriend the following morning.Prosecutor David McLachlan told the court she could not get a taxi so opted to walk the mile-and-a-half route.Despite warnings to not cut through the park from her boyfriend, she did and was confronted by the East African man who dragged her off into a wooded area nearby.He then subjected her to a horrific attack, ripping open her dress before raping her and chillingly walking away.Afterwards the woman covered in dirt and with injuries to her back and neck ran to her boyfriend s house and he raised the alarm.Michael O Brien, defending Abhra, read out part of a letter of apology from his client, which went: This was an un-Christian act and I did a horrible thing to this woman. I ask for forgiveness. Ahbra was granted asylum for five years in June 2014 after claiming he was forced to flee his native country after being conscripted to the Eritrean army aged 18.Ahbra, who has no previous convictions and spoke through a Tigrignan interpreter, claimed he had no memory of the attack as he was too inebriated.Ahbra held his hand to his eyes as David Aubrey QC sentenced him before he made the sign of the cross as he was led down in to custody.Judge Aubrey told him: You watched her, you followed her, pursued her, threatened her and raped her before, somewhat chillingly, walking away calmly. I cannot ignore the tragic irony of this case that you attacked her next to a church. Afterwards Merseyside Police Det Insp Terry Davies said: There is no doubt that this had had a significant impact on his young victim, who will now have to live with this for the rest of her life. Via: Express UK",left-news,"Jan 17, 2016",0 +BREAKING UDATE: IRAN CONFIRMS $1.7 BILLION Was RANSOM Payment For Prisoners And NOT Part Of β€œNuclear Deal” ORIGINAL STORY: OBAMA AND KERRY Agree To Give Iran $1.7 BILLION U.S. Taxpayer Dollars As β€œSettlement”,"Whiskey Tango Foxtrot!The United States sent Iran $400 million in debt plus $1.3 billion in interest, and the money was disbursed as a ransom payment for four American hostages of the Islamic regime, a top Iranian commander said Wednesday afternoon. Therefore, the U.S. paid the Iranian regime $425 million dollars per American hostage, according to the commander. The annulment of sanctions against Iran s Bank Sepah and reclaiming of $1.7mln of Iran s frozen assets after 36 years showed that the US doesn t understand anything but the language of force, said Iranian Basij Commander Brig Gen Mohammed Reza Naqdi, addressing his forces in Tehran. This money was returned for the freedom of the US spy and it was not related to the (nuclear) negotiations, he claimed, according to state-controlled Fars News Agency.Four Americans who were held hostage by the Islamic Republic Washington Post reporter Jason Rezaian, U.S. Marine Amir Hekmati, Pastor Saeed Abedini, and Nosratollah Khosrawi Roudsari (who decided to stay in Iran) were part of the deal that included the ransom payment, along with the release of seven Iranians who were sitting in American jails on charges of thwarting international sanctions, and the delisting of 14 Iranian nationals from Interpol s Red List, which seeks international criminals for extradition.A fifth American, Matthew Trevithick, who was imprisoned by Tehran, was also released, but under the terms of a separate deal, according to reports.The U.S. State Department tells Breitbart News that the payment to Iran was separate but simultaneous, and not a ransom. We did not pay ransom to secure the return of these Americans. The funds that were transferred to Iran were part of a separate but simultaneous arrangement we agreed to with Iran related to the U.S.-Iran Claims Tribunal at the Hague, a State Department spokesperson told Breitbart News late Wednesday.State Department spokesman Mark Toner told reporters earlier on Wednesday in Washington that no ransom was paid, rejecting the remarks of the Iranian commander. There was no bribe, there was no ransom, there was nothing paid to secure the return of these Americans who were, by the way, not spies. We ve spoken to this in the days after their release on Sunday morning in great detail about how this process worked. There was this consular channel that was opened up to secure their release, Toner said. Via: Breitbart NewsHere is the question we posed after discovering the interesting timing of this $1.7 BILLION payment to Iran while 4 American prisoners were being simultaneously released:Was this transfer of funds to a terrorist state (via the American taxpayer), the REAL reason the prisoners (hostages) Iran was holding were suddenly released? Did the incompetent Obama-Kerry duo use this settlement as a bargaining chip to make it appear as though freeing these hostages was part of the Iran nuclear deal all along? This is absolutely sickening The United States and Iran on Sunday settled a longstanding claim at the Hague, releasing to Tehran $400 million in funds frozen since 1981 plus $1.3 billion in interest, the State Department said.The funds were part of a trust fund once used by Iran to purchase military equipment from the United States but which was tied up for decades in litigation at the Iran-US Claims Tribunal.The settlement announcement was made after Tehran released five American detainees in a prisoner swap as a nuclear deal was implemented. Via: Business Insider ",left-news,"Jan 17, 2016",1 +WATCH HILLARY SQUIRM When Mainstream Media Asks If She Plans To Watch β€œ13 Hours” Movie,"Hillary was too busy to be bothered with making Benghazi a safer place for Ambassador Stevens, so it should really come as no surprise that she s too busy to watch 13 HOURS, the true story of Benghazi. By the way, whoever told Hillary that calling the families of the four men killed in Benghazi liars, just as the true story of what really happened under her watch is coming out in theaters nationwide, should be fired One of the enduring mysteries of the Benghazi tragedy is why anyone ever took seriously Hillary Clinton s blaming some obscure maker of a YouTube video for the attack. That mystery, however, is dwarfed by the way the media try to pretend that Hillary s denials of that happening are anything other than bald-faced (that bald-face would be pasty white, wrinkled, and bewhiskered). In testimony elicited by the Benghazi Committee and in released emails, it has become apparent that no one ever thought the video was to blame and Clinton has, herself, attempted to claim that she never blamed the video.Now there is a new wrinkle to the story. Hillary told the families that the video was the cause of the attack that led to the deaths of their family members. Now she is saying they are lying.First, there is her statement when she, shamelessly, stood in the hangar at Dover AFB as the bodies of the dead men returned home:CLINTON: Many others from across the Middle East and North Africa have offered similar sentiments.This has been a difficult week for the State Department and for our country. We ve seen the heavy assault on our post in Benghazi that took the lives of those brave men. We ve seen rage and violence directed at American embassies over an awful Internet video that we had nothing to do with.Then we have the families themselves:Transcript via TownhallTyrone Woods father (who took notes about their meeting): I gave Hillary a hug and shook her hand. And she said we are going to have the film maker arrested who was responsible for the death of my son She said the filmmaker who was responsible for the death of your son Sean Smith s mother: She s absolutely lying. She told me something entirely different at the casket ceremony. She said it was because of the video. Sean Smith s uncle: Mrs. Clinton really has a problem embracing the truth. Glen Doherty s sister: When I think back now to that day and what she knew, it shows me a lot about her character that she would choose in that moment to basically perpetuate what she knew was untrue. On ABC s This Week, Clinton family retainer, George Stephanopoulos, revisited the issue I have no idea why other than some misbegotten effort to set the record straight and got this response:https://youtu.be/jAUDS-aLGjISTEPHANOPOULOS: Did you tell them it was about the film? And what s your response?CLINTON: No. You know, look I understand the continuing grief at the loss that parents experienced with the loss of these four brave Americans. And I did testify, as you know, for 11 hours. And I answered all of these questions. Now, I can t I can t help it the people think there has to be something else there. I said very clearly there had been a terrorist group, uh, that had taken responsibility on Facebook, um, between the time that, uh, I you know, when I talked to my daughter, that was the latest information; we were, uh, giving it credibility. And then we learned the next day it wasn t true. In fact, they retracted it. This was a fast-moving series of events in the fog of war and I think most Americans understand that.So we have Hillary blaming the video at the arrival of the caskets. We have all four families agreeing that they were told it was a video. We have Hillary on record blaming the video in the week after the attack. And now she says it never happened.This woman is a pathological liar. The sad thing is that she could probably pass a lie detector test. Via: Red State ",left-news,"Jan 17, 2016",0 +AUSTRIAN PARENTS AND TEACHERS Sacrifice Young Girls At Liberal Altar: Teen Refugees Sexually Abuse School Girls For Months,"Anyone up for a European vacation? How about sending your young daughters to Europe to study for a semester or two? Is this the end of the tourism and study abroad business for America s youth? More reports of European countries sacrificing their young girls on the altar of Islamic supremacism. School girls were sexually assaulted and groped by the boys for months. The girls had suffered for so long without reporting the abuse, as authorities most obviously turned a blind eye.The headmaster said that the male pupils had all come to Austria as unaccompanied minors from Syria and Afghanistan and she believed them to be happy and grateful for being allowed to live in Austria and attend school, adding that they were integrating themselves very well. I am sure that the victims were afraid to come forward. Afraid they d be called racists. Afraid the Muslims would take their revenge on them and their families. Schoolgirls report abuse by young asylum seekers, The Local, January 15, 2015 (thanks to Lookmann):Austrian officials are investigating allegations that four under-age asylum seekers sexually harassed and assaulted three schoolgirls for months, without anybody taking action.The four boys attended the Schlossstrasse middle school in Salzburg. It was only in the wake of the widely reported New Year sexual assaults in Cologne that one of the victims, aged 14, made a complaint to police.That resulted in the four youngsters, aged 14, 15 and 16, being suspended. Only one of them had a residence permit.According to a report in the Kronen Zeitung newspaper, three female students say they were assaulted and groped by the boys for months.Last Wednesday an attack on one girl was reportedly so severe that it came to the attention of the school headmistress Eva Szalony, who made a complaint to police.She said the allegations were a complete shock and that the school is now investigating why the girls had suffered for so long without reporting the abuse.She said that the male pupils had all come to Austria as unaccompanied minors from Syria and Afghanistan and she believed them to be happy and grateful for being allowed to live in Austria and attend school, adding that they were integrating themselves very well .Police have now confirmed they are investigating allegations of sexual assault, grievous bodily harm and threats.The allegations go back to last November, and involve verbal abuse and suggestive comments as well as physical violence in which the girls say they were groped and fondled.The attacks got more serious as time went by. The 14-year-old said that she was often hit by a 15-year-old from Afghanistan, including an incident where she was hit so badly from behind that she smashed her head onto the desk.She was attacked again on Wednesday by the same boy, who smashed her against a locker so hard that the police were called. They took the victim and the accused to the station. After hearing of her ordeal, police then expanded the investigation.Local education officials in Salzburg have said the incidents are being dealt with very seriously and that it will appoint a coordinator to oversee all school-age asylum seekers and their teachers. Via: Pamela Gellar ",left-news,"Jan 16, 2016",0 +MUSLIM ASSIMILATION UPDATE: Migrants Arrested For STONING Transgender Women In GERMANY,"This is a story is for anyone who thinks these Muslim migrants are going to change their stone-age tactics because they are living at the expense of taxpayers in another country. Three young men from North Africa were arrested on Saturday in the western German city of Dortmund for stoning two transgender women.According to a report on Friday on television station SAT1.NRW, the men attacked Yasmine und Elisa, two transgender women, near the city s main train station. Within seconds we were tossed around and they took stones from a gravel bed on the corner and threw them at us, said Elisa.A police car appeared at the train station as the stoning attack unfolded and arrested the men.The German media as a general rule do not disclose the last names of victims to protect their privacy. The three men are between 16 and 18 years-old and are known to the authorities from theft and assault arrests.Dortmund police official Kim-Ben Freigang said the suspects told the police that such persons must be stoned. Yasmine installed a security camera at the residence where she lives with Elisa after the attacks. That was barbaric what they did. They are barbarians, Yasmine said.She added that she could not believe that such an act of shamelessness occurred. In 2016, in Germany, with stoning! According to the SATI.NRW report, Yasmine said it was the first time in 30 years she felt unsafe as a transgender woman.According to Yasmine and Elisa, the three young men propositioned them, but after they realized that Yasmine and Elisa are transgender women, they attacked them with stones.Stoning people to death is a penalty used in nine Muslim-majority countries. In November, a criminal court in Iran s northern province of Gilan sentenced a woman to be executed by stoning for alleged complicity in the murder of her husband, Arash Babaieepour Tabrizinejad. Via: Jerusalem Post",left-news,"Jan 16, 2016",0 +NOT TO BE MISSED! The Brilliant Daniel Hannan On Socialism Versus Liberty: β€œHitler was a socialist” [Video],Wish we could clone this guy we love Daniel Hannan! We couldn t have said it better! ,left-news,"Jan 16, 2016",0 +UFC Fighter And Former U.S. Special Forces Sniper Offered FBI Protection After ISIS Makes β€œCredible Threats” Against Him…His Response Is PRICELESS [VIDEO],"This hero s response to the threat of Islamic terror reminds us why we fight so hard to keep the Left from taking our 2nd Amendment Right away UFC fighter and ex-Green Beret Tim Kennedy has been questioned by the FBI after receiving threats from ISIS, Kennedy claimed on social media on Wednesday. Just spoke to the FBI regarding some recent credible threats towards me by #ISIS, Kennedy wrote in a post to his official Facebook page. [The FBI] were not overly thrilled with my response Let those cowards come, the mixed martial art competitor wrote. In an interview with Daily Mail Online, Kennedy, 36, said he receives several threats every day from what he calls online bullies. They do what they always do. But they barked up the wrong tree this time, said Kennedy, who is ranked number six in the Ultimate Fighting Championship s middleweight class. Are you gonna threat a Special Forces sniper? Tell him you re gonna kill him? Watch Tim Kennedy s awesome response to Tucker Carlson about the threats he s received from ISIS. This should be on a loop and played on every American TV and radio show:// This morning on Fox and Friends. Fun interview. Tucker had no idea what to say.Posted by Tim Kennedy on Saturday, 16 January 2016Kennedy said most of the threats he receives are sent through social media. He claimed some of the more recent threats were noticed by the FBI and that the agency called him up to warn him the threats could be credible. When someone from an account overseas send American military celebrities pictures of beheaded bodies, saying they are going to kill you, the FBI takes notice, Kennedy said. According to Kennedy, the FBI offered him extra uniformed presence and to post squad cars outside his Texas residency. But the FBI s help is not necessary, Kennedy said. These guys kill women, unarmed journalists, and kids. They don t go after people like me. I spent 12 years looking for people like this. They re gutless cowards. Kennedy, who operates the self-defense company Sheepdog and works as a Special Forces weapons sergeant, said the call from FBI will not make him take extra precautions. I have two guns on me right now. If they come after me, my family or my friends, it s going to be the worst and last mistake they ever made. Via: UK Daily Mail",left-news,"Jan 16, 2016",0 +NEW YORK CITY VALUES? β€œMasturbation Stations” Sets Up For Men To β€œRelieve Stress” Midday,"You ve got to be kidding! New York c mon! We just don t see this lasting for long. It s a perfect little mini home for one of the homeless people in NYC. Looking so forward to the exit of Mayor DeBlasio On Tuesday, Hot Octopuss erected what it called a GuyFi booth on 28th Street and 5th Avenue in New York City, where men could, in theory, go to relieve stress. The company simply put a cloth over a phone booth in what amounted to a marketing gimmick. Inside was a chair and a laptop.Hot Octopuss was inspired by a Time Out survey, which concluded that 39% of the New York men it questioned admitted to masturbating while at work. A more expansive Glamour survey of 1,000 men in 2012 suggested 31% of its readers have done so.SEE ALSO: VR porn is here and it s scary how realistic it isHot Octopuss created the booth so men can take this habit out of the office and into a more suitable environment designed to give the busy Manhattan man the privacy, and the high-speed Internet connection, he deserves. We may be insinuating that these booths could be used in whichever way anyone would like to self soothe, a representative tells Mashable, but the brand is not actively encouraging people to masturbate in public as that is an illegal offense. The company claims approximately 100 men used the booth on its inaugural day.Read more: Gateway Pundit",left-news,"Jan 16, 2016",0 +CHILLING Democrat Sponsored GUN β€œSEIZURE” Bill Is Introduced In GA,"If GA residents are paying attention, these six Democrats will be looking for a job in the private sector after the next election. Americans need to understand the effort to dismantle and ultimately destroy the 2nd Amendment happens at the Federal, State and local level. These Leftists are like a dog-on-a-bone when it comes to gun control. Democrats are seizing the opportunity to take our rights while they still have a friend in the White House advocating on their behalf The drip drip drip of communism: If the [political] opposition disarms, well and good. If it refuses to disarm, we shall disarm it ourselves. Josef StalinSix Democrats in Georgia s state House of Representatives unveiled a bill on Jan. 11 that would require seizure of certain weaponry and ammunition that is deemed as contraband, effectively banning assault weapons and large-capacity magazines. HB 731, which is sponsored by Mary Margaret Oliver, Carolyn Hugley, Pat Gardiner, Stacey Abrams, Dar shun Kendrick and Dee Dawkins-Haigler, would amend current law to prohibit the possession, sale, transport, distribution or use of certain assault weapons, large capacity magazines, armor-piercing bullets, and incendiary .50 caliber bullets. The text of the bill goes on to say that certain weapons would be required to be seized by the Georgia Bureau of Investigation, with increased penalties for use and possession of machine guns, among other related regulations.Information posted to sponsor Oliver s website clearly notes that HB 731, which was introduced on the first day of the 2016 session, would ban assault weapons and high-capacity magazines. In the same statement, the Democratic representative made her stance on the sale of certain guns more than clear. Georgia needs debate about these weapons which are only used for rapidly killing people, the statement read. Assault weapons are not necessary for deer hunting. The text of HB 731 proclaims that the sale, possession or distribution of any assault weapon will come at a profound cost. No person shall possess, distribute, transport, transfer, or sell any assault weapon, it reads. Any person who distributes, transports, or imports an assault weapon into this state shall be guilty of a felony and, upon conviction thereof, shall be punished by imprisonment for not less than two nor more than ten years. The proposed bill goes on for almost two pages, explaining and specifically naming the types of guns that are included in the sponsors definition of an assault weapon. Here s just a portion of that section of the bill:The proposed measure also defines a large-capacity magazine to be any firearm magazine, belt, drum, feed strip, or similar device that has the capacity of, or can be readily restored or converted to accept, more than ten rounds of ammunition. The text gets very specific when it comes to how large-capacity magazines will be handled under the law, if, indeed, HB 731 is passed, detailing the imposed punishments for those who still have them in their possession after Jan. 1, 2017. Any person who possesses a large capacity magazine on or after January 1, 2017, that was obtained by such person prior to July 1, 2016, shall be fined not more than $100.00 for a first offense and shall be guilty of a felony for any subsequent offense, it reads. Any person who possesses a large capacity magazine on or after January 1, 2017, that was obtained by such person on or after July 1, 2016, shall be guilty of a felony. Those who do possess either an assault weapon or a large-capacity magazine, as defined in the text of the bill, on July 1, 2016, will need to either modify the weapon to magazine to render it permanently inoperable or such that it is no longer an assault weapon or large capacity magazine or give the firearm over to the Georgia Bureau of Investigation to be destroyed; gun owners will have an Oct. 31, 2016 deadline to do so.Read the text of HB 731 here. Via: The Blaze",left-news,"Jan 16, 2016",0 +"MEET CLASSY β€œF*ck the police, F*ck the NRA, F*ck the law” Professor Who Met With Obama After Speech","What a nice role model for young Americans who hope to someday grow up to be a Saul Alinsky radical just like Barack Hussein Obama, aka Barry Sotoero. Don t you think America is owed an explanation as to why this scumbag was able to meet with Obama following his speech a couple days ago in Omaha? A University of Nebraska-Omaha university professor who used a December 28 Facebook tirade to say F**k the law, F**k police, and F**k the NRA was allowed to meet President Obama after his January 13 speech in Omaha.The professor s name is Amanda Gailey. She is also the director of Nebraskans Against Gun Violence.Here is Gailey s Facebook rant in it s entirety:F**k the society that has allowed itself to become so saturated in guns that it s plausible a child might have one at a park. F**k the laws that allow toy makers to make toys that look like real guns and that allow gun makers to make guns that look like toys. F**k racists who think black children look like adults. F**k a legal and police system that allows grown white men to pose with sniper rifles on a university campus or in a grocery store and allows insurrectionists to train guns on government agents with no consequences but sounds the alarms when a black child is carrying a toy gun. F**k police officers who undertook a job that carries inherent risk but think any perceived threat to them whatsoever justifies instantaneous lethal force. F**k police officers who pull up as close as possible to an alleged threat so that they can execute the person as quickly as possible without assessing the situation first. F**k prosecutors who can indict a ham sandwich but can t indict a cop who executed a child. And f**k the NRA for greasing this machine every fucking day with the blood of American children.On January 14 weeks after the original post was put up Gailey put up another post in which she attempted to explain that her criticism of police was limited to bad-apple officers, not good ones. And she was specifically outraged by the fact that the no charges were filed against officers who shot 195 pound, 12-year-old Tamir Rice after a 911 dispatcher told officers a young man [was] playing with a weapon and pointing it at people outside of a local recreation center. Gailey wrote:I did write a Facebook post that expressed my outrage at the police shooting of a 12-year-old child and the failure to indict the bad-apple police officers involved. My criticism of the police was limited to those officers who engage in that kind of policing, which I believe is clear in my post. I did not malign the police in general, nor did I want to, because I respect the many good officers who serve our communities and have even helped me in the past. I know that most police officers are doing hard work in hard conditions, and they are in the front lines of a society saturated in guns, facing threats that police in our peer nations do not. They are key players in our struggle for safe and fair communities.This is Gailey s explanation for F**k the police as well as F**k the society, F**k the laws, and F**k the NRA, among other things. Via: Breitbart NewsHere is a screen shot of her Facebook rant: ",left-news,"Jan 15, 2016",0 +GERMAN CARNIVAL CANCELLED Over Fears Of Muslim Refugee Sex Attacks,"The citizens of Rheinberg, Germany can thank the mind-numbingly short-sighted progressives, who thought a country with open borders was a good idea In Rheinberg, in the Wesel district, for the first time a carnival procession has been cancelled with reference to the refugee situation. The Shrove Tuesday procession in the Orsoy district will not take place. A spokesman for the city of Rheinberg made reference to the New Year s Eve attacks in Cologne: it cannot be excluded that refugees would visit the procession and through, for example, excessive alcohol consumption, scenes like those in Cologne would occur.In Orsoy, where around 3000 people live, there is a central accommodation institution for the state of North Rhine Westphalia in a former hospital. 200 refugees live there; at the start of February another 300 will come.This situation contains a potential for danger , said the city spokesman. Most refugees are not familiar with carnival processions; in addition, many North Africans live in Orsoy. According to initial information, the perpetrators in Cologne were also mainly North Africans. 650 criminal complaints have now been filed there. Via: rp online",left-news,"Jan 15, 2016",1 +"THEY KNEW! Federal Government Knew Flint, MI Water Was POISONED, Kept It Hidden…10 Have Already Died","This story is for anyone who believes the government is capable of basic addition. Even though this news is out there for everyone to see, the Left continues to use this crisis as an opportunity to try to pin the gross negligence of the EPA on the Republican Governor of Michigan. Flint, MI is a Democrat ruled, crime ridden, poverty stricken hell-hole. Stay tuned for the environmental injustice narrative Obama will soon be pushing. He s just waiting for the right time to demand federal funds be funneled into Democrat ruled, failing cities across America you know, to prevent further environmental crises. We all know #BlackLivesMatter would have already been there if someone was able to pin this on the rich, white Republican Governor of MI The U.S. Environmental Protection Agency s top Midwest official said her department knew as early as April about the lack of corrosion controls in Flint s water supply a situation that likely put residents at risk for lead contamination but said her hands were tied in bringing the information to the public.Starting with inquiries made in February, the federal agency battled Michigan s Department of Environmental Quality behind the scenes for at least six months over whether Flint needed to use chemical treatments to keep lead lines and plumbing connections from leaching into drinking water. The EPA did not publicize its concern that Flint residents health was jeopardized by the state s insistence that such controls were not required by law.Instead of moving quickly to verify the concerns or take preventative measures, federal officials opted to prod the DEQ to act, EPA Region 5 Administrator Susan Hedman told The Detroit News this week. Hedman said she sought a legal opinion on whether the EPA could force action, but it wasn t completed until November.The state didn t agree to apply corrosion controls until late July and didn t publicly concede until October that it erroneously applied the federal Lead and Copper Rule overseeing water quality.An EPA water expert, Miguel Del Toral, identified potential problems with Flint s drinking water in February, confirmed the suspicions in April and summarized the looming problem in a June internal memo. The state decided in October to change Flint s drinking water source from the corrosive Flint River back to the Detroit water system.Critics have charged Hedman with attempting to keep the memo s information in-house and downplaying its significance.As soon as the lack of corrosion controls became apparent, state and federal officials should have acted to protect the public, said Virginia Tech researcher Marc Edwards, whose water analysis in 2015 helped uncover Flint s lead contamination. At that point, you do not just have smoke, you have a three-alarm fire and should respond immediately, said Edwards, who, along with the American Civil Liberties Union of Michigan, has obtained dozens of key documents related to Flint s crisis through public record requests. There was no sense of urgency at any of the relevant agencies, with the obvious exception of Miguel Del Toral, and he was silenced and discredited. About five months after being alerted to the lack of corrosion controls, a researcher at Hurley Medical Center in Flint began in August detecting high levels of lead in the bloodwork of city children. Lead poisoning can cause learning disabilities and, at high levels, may lead to seizures, coma and death, according to the federal Centers for Disease Control and Prevention.Hedman defended her agency s handling of the Flint water situation, saying her water quality staff repeatedly worked to convince the DEQ that corrosion controls were needed to no avail. Let s be clear, the recommendation to DEQ (regarding the need for corrosion controls) occurred at higher and higher levels during this time period, Hedman said in a Detroit News interview. And the answer kept coming back from DEQ that no, we are not going to make a decision until after we see more testing results. Michigan Governor Rick Snyder announced yesterday that 10 people have died from Legionnaire s disease in Flint, Mich. Eighty-seven cases of Legionnaire s disease have been found in and around Flint in the past 18 months.Flint s long-running water problems with drinking water have shaken Michigan s government, leading to last month s resignation of DEQ Director Dan Wyant and last week s state declaration of an emergency in the city. An independent task force appointed by Gov. Rick Snyder to review the situation placed the bulk of the blame for Flint s crisis on the DEQ.The federal government s actions are worth exploring, said Chris Kolb, co-chairman of the task force. We have made a request to speak with a number of EPA employees, said Kolb, president of the Michigan Environmental Council and a former Democratic state representative.Flint s water crisis gained a national profile in the past week, as President Barack Obama s chief of staff said Sunday the White House is very concerned and is monitoring the situation very closely. Former Obama Secretary of State Hillary Clinton, a Democratic presidential hopeful, called on the administration Tuesday to step up with assistance for Flint as well as do an expedited review of the city s water infrastructure.DEQ-EPA battleDEQ and EPA staffers were at loggerheads over dueling interpretations of the Lead and Copper Rule a 25-year-old regulation designed to protect drinking water from metals contamination. The interpretation of the rule proved to be crucial after the city under Snyder-appointed emergency managers switched from Lake Huron water provided by the Detroit system to Flint River water as a cost-saving move in the spring of 2014.Following the switch, DEQ officials argued water testing, including two six-month periods of sampling, needed to be completed before making a decision on the need for corrosion controls. EPA officials, according to Hedman, wanted the controls implemented immediately out of concern for public health.If they knew Flint s lack of corrosion measures would likely result in lead reaching the drinking water by June, testing would show it had why didn t EPA officials inform the public when the DEQ failed to act?Hedman said federal law clearly lays out the state and federal responsibilities in overseeing safe drinking water. The EPA s role is to establish treatment standards and monitoring techniques, and provide technical assistance, she said. The state acts as the primary regulator of water operations. It is important to understand the clear roles here, Hedman said. Communication about lead in drinking water and the health impacts associated with that, that s the role of DHHS, the county health department and the drinking water utility. In addition, EPA officials argue that there wasn t sufficient early evidence for any sweeping steps to be taken.Hedman said the EPA talked with its legal counsel about its authority to compel action a question that wouldn t be straightened out for months. In the interim, she said her agency urged Michigan to have its Department of Health and Human Services provide information on precautions for residents.EPA s lack of urgencyBut critics such as Edwards contend Hedman acted with no urgency, even behind the scenes. A week after the June 24 memo was circulated, an email exchange between Hedman and then-Flint Mayor Dayne Walling showed no sense of alarm over the threat to public health and more concern about procedure. The preliminary draft report should not have been released outside the agency, Hedman wrote in the July 1 email. When the report has been revised and fully vetted by EPA management, the findings and recommendations will be shared with the city and DEQ will be responsible for following up with the city. The revised and vetted memo was released four months later in November. Edwards has described Del Toral s original memo as 100 percent accurate in its assessment of the looming problem.Flint s drinking water ills led to the resignations last month of both Wyant and DEQ spokesman Brad Wurfel. It also caused the October reassignment of Liane Shekter Smith, then chief of DEQ s Office of Drinking Water and Municipal Assistance. The crisis prompted Snyder to switch Flint back over to the Detroit water system in mid-October until a new regional water authority using Lake Huron as its source is completed later this year.Despite all of the moves, officials warn that unfiltered Flint water is still not safe to drink.There has been no fallout for federal environmental officials. There s been a failure at all levels to accurately assess the scale of the public health crisis in Flint, and that problem is ongoing, said state Senate Minority Leader Jim Ananich, D-Flint. However, the EPA s Miguel Del Toral did excellent work in trying to expose this disaster. Anyone who read his memo and failed to act should be held accountable to the fullest extent of the law. Congressman Dan Kildee, D-Flint Township, stressed that the lion s share of responsibility for Flint s situation lies with the state DEQ.Yet he has questions about how the Lead and Copper Rule ostensibly a safeguard for the public may have contributed to EPA s response. If changes are necessary, he wants them made. There is a legitimate concern about EPA s performance in terms of alerting the public, Kildee said. And frankly, as a member of Congress, I want to know when there s the potential of a health crisis in my district. Via: The Detroit News",left-news,"Jan 15, 2016",1 +BOOM! Danish Government Considers Seizing Migrant’s Valuables To Pay For Benefits,"Is the European gravy train finally coming to an end?The Danish parliament is considering a bill to seize migrants valuables to pay for their benefits.The leftists are very upset about this commonsense legislation. Daily Sabah reported:A controversial Danish bill to seize migrants valuables to pay for their stay in asylum centers looks set to pass in parliament after the government on Tuesday secured a parliamentary majority.Parliament was set to begin a series of debates on the bill yesterday, ahead of a vote on Jan. 26. Faced with a storm of criticism, Prime Minister Lars Lokke Rasmussen, whose right-wing Venstre party is behind the plan, called it the most misunderstood bill in Denmark s history. His minority government and its right-wing allies, the far-right Danish People s Party (DPP), the Liberal Alliance and the Conservative People s Party, reached an agreement on the bill on Tuesday with the opposition Social Democrats, meaning it is now supported by a majority of parties in parliament.The amended bill would allow Danish authorities to seize migrants cash exceeding 10,000 kroner ($1,450), as well as any individual items valued at more than 10,000 kroner.Via: Gateway Pundit",left-news,"Jan 14, 2016",1 +IS GOP ESTABLISHMENT Responsible For Pro-Amnesty Spanish Version Of Nikki Haley’s GOP Response To Obama’s SOTU? [Video],"This is a very big development. We all knew the GOP establishment has been pandering to pro-amnesty corporations and the Chamber of Commerce, but this is a new low, even for the GOP establishment There is a bigger controversy about to break wide-open that s potentially far more significant than Paul Ryan and Mitch McConnell approving Nikki Haley s non-subtle attack on GOP frontrunner Donald Trump. That bigger controversy is the Spanish version of the GOP State of the Union rebuttal containing an amnesty pledge .As this is written, Governor Nikki Haley is trying to get out ahead of the building expose . Haley just gave a DC press conference claiming she does not support amnesty ; however, against her earlier admission of Speaker Ryan and Leader McConnell approving her script the Spanish version must have held similar approvals.Governor Haley gave the English version, Miami Representative and party-insider Mario Diaz-Barlat delivered it in Spanish.ENGLISH:SPANISH:Here s a (paragraph by paragraph) comparison as translated by the Miami Herald (emphasis mine): English (Via Haley): No one who is willing to work hard, abide by our laws, and love our traditions should ever feel unwelcome in this country.Spanish (Via Diaz-Barlat): No one who is willing to work hard, abide by our laws, and love the United States should ever feel unwelcome in this country. It s not who we are. English: At the same time, that does not mean we just flat out open our borders. We can t do that. We cannot continue to allow immigrants to come here illegally. And in this age of terrorism, we must not let in refugees whose intentions cannot be determined.Spanish: At the same time, it s obvious that our immigration system needs to be reformed. The current system puts our national security at risk and is an obstacle for our economy. English: We must fix our broken immigration system. That means stopping illegal immigration. And it means welcoming properly vetted legal immigrants, regardless of their race or religion. Just like we have for centuries.Spanish: It s essential that we find a legislative solution to protect our nation, defend our borders, offer a permanent and human solution to those who live in the shadows, respect the rule of law, modernize the visa system and push the economy forward. English: I have no doubt that if we act with proper focus, we can protect our borders, our sovereignty and our citizens, all while remaining true to America s noblest legacies.Spanish: I have no doubt that if we work together, we can achieve this and continue to be faithful to the noblest legacies of the United States.It is important to remember the backdrop to this current dual narrative (one the GOPe leadership want to say publicly and one they wish to keep hidden).Back in June 2014 Speaker John Boehner was only two days away from calling up the vote on the Senate gang-of-eight amnesty bill, when House Majority Leader Eric Cantor was defeated in the Virginia Primary.Mario Diaz Balart along with Paul Ryan and Luis V. Gutierrez were in secret negotiations throughout the spring/summer of 2014 planning the pathway for comprehensive immigration reform. John Boehner asked Kevin McCarthy to whip the house and identify if they had votes for passage:[ ] On Tuesday June 10th Speaker Boehner, Eric Cantor (Majority Leader) and Kevin McCarthy (Majority Whip) had lunch together discussing timing the vote Thursday night or Friday Morning.However, later that same night the results from the 2014 Virginia primary showed an unknown conservative outsider, Dave Brat, had defeated (primaried) Eric Cantor. At 7:00pm Tuesday night the first word went out that Cantor had lost.~ Full Back StorySo this hidden narrative within the 2016 Republican State of the Union Rebuttal should come as no surprise. Comprehensive Immigration Reform is the GOPe agenda they continue to hide from the electorate.Via: Conservative Treehouse",left-news,"Jan 14, 2016",0 +THIS INTERNATIONAL COMPANY Is Luring Refugees And Illegals To America…Do You Buy Meat From Them?,"Are you tired of supporting companies who are couldn t care less about the future of this nation? Are you tired of giving jobs to people who break laws to enter our country or who are being vetted by the UN and coming here through a State Department sponsored program on our dime? Then take a stand and STOP supporting them! When I saw the article at the Wall Street Journal this morning that gushes about how wonderful it is that the International Rescue Committee is giving out loans to refugees to start businesses, but goes on to talk about the industries in need of cheap immigrant labor, I wanted to scream.Four meat giants are changing the face of rural America, Cargill is one of those. It is all about cheap labor! It is all about money!Meet globalist and CEO of Cargill, David MacLennan, in Davos. One of the key players in changing rural towns in America by working with the US State Department and refugee contractors to bring in large numbers of Somali workers.Today we posted about how Amarillo, TX is under enormous social and economic tension. It is Cargill that was originally responsible for overloading (with the help of UN/US State Department refugee resettlement contractors) that city.Last week it was Cargill caving to CAIR demands in a dispute about prayer break times at their plant in Ft. Morgan, CO.One of the most important features of this new blog American Resistance 2016! is to showcase the enemy. I want those responsible for mass migration to America to become household names! Here is a list of the products you will find on Cargill s website: Swift Pork productsList of Beef productsList of Chicken productsList of additional FOOD productsHere is a map showing Cargill s facilities across North America:And, for your work in Election 2016, I want you all to identify which of your elected officials are in the pockets of BIG MEAT! and expose them!Refugee resettlement is not about humanitarianism! It is about globalists and greedy industries wanting to improve their bottom lines the social and economic condition of your towns and cities be damned! Via: Refugee Resettlement Watch",left-news,"Jan 14, 2016",0 +"OBAMA GIVES UN Authority To Vet 9,000 β€œRefugees” From Latin America To U.S.","As Obama begins his campaign for UN General Secretary on the US taxpayer s dime, keep a close eye on the many responsibilities of our federal government he ll be ceding to a corrupt body of human rights violators and political whores. Remember when people used to laugh at Americans who talked about a one world order? It s not so funny anymore, is it? The Obama administration is turning to the United Nations to help screen migrants fleeing violence in Central America, senior administration officials said Tuesday, and to help set up processing centers in several Latin American countries in the hopes of stemming a flood of families crossing the southern border illegally.Designed to head off migrants from three violence-torn countries in the region before they start traveling to the United States, the new refugee resettlement program will be announced by Secretary of State John Kerry on Wednesday in Washington. Under the plan, the United Nations refugee agency will work with the United States to set up processing centers in several nearby countries, where migrants would be temporarily out of danger.As it does in other places, the United Nations will determine if the migrants could be eligible for refugee status. The administration officials said thousands perhaps as many as 9,000 migrants each year from the three countries, El Salvador, Guatemala and Honduras, could eventually settle in the United States. But some refugees would also be sent to other countries in the hemisphere, officials said.For entire story: NYT",left-news,"Jan 14, 2016",1 +DID IRAN RELEASE This Footage Of Captured U.S. Sailor Apologizing To Humiliate America?,"And what about the female sailor in the headscarf? What was that all about? Do all the female hostages of Iranian Revolutionary Guard have to wear headscarfs so as not to offend them? This whole capture of the Navy boats and the hostage taking of our U.S. Sailors just wreaks of something that s been in the workings and was not as spontaneous as Obama s spokes liar would have us believe Iranian state-controlled news outlet Tasnim released video Wednesday afternoon that shows a U.S. sailor apologizing for purportedly infringing upon Tehran s sovereignty.Pictures published by #Iran state TV from the moment #US marine were arrested. pic.twitter.com/bcEKaJGPb9 Abas Aslani (@AbasAslani) January 13, 2016Pictures published by #Iran state TV from the moment #US marine were arrested. pic.twitter.com/YQakdKmqi3 Abas Aslani (@AbasAslani) January 13, 2016On Tuesday, Iran seized two U.S. naval boats, arguing they illegally entered Iran s territorial waters. The Pentagon said they encountered mechanical troubles, forcing their boats to go off course.First footage from the moment when #US sailors were captured by #Iran's #IRGC. #Marines pic.twitter.com/7BeJLlGfNn Abas Aslani (@AbasAslani) January 13, 2016Part 2: First footage from the moment when #US sailors were captured by #Iran's #IRGC.#marines pic.twitter.com/vFyto44oGD Abas Aslani (@AbasAslani) January 13, 2016Footage of #US marines having Iranian #food while they were held in #Iran.#marines#navy#Pentagon pic.twitter.com/mtk2J0Yef9 Abas Aslani (@AbasAslani) January 13, 2016 It was a mistake, it was our fault, and we apologize for our mistake, an unidentified sailor told the Iranian interviewer, who then asked him if his GPS system penetrated Iran. I believe so, he responded.#Iran state TV showed a footage in which the commander of #US sailors made an apology.#navy#Pentagon pic.twitter.com/VCdjEZiY54 Abas Aslani (@AbasAslani) January 13, 2016In another segment of the interview, the sailor held by the Iranians is asked, How was the Iranian behavior with you? He responds, The Iranian behavior was fantastic while we were here. We thank you very much for your hospitality and your assistance. Did you have special problem with us, the interviewer asked. We have no problem, sir, the U.S. sailor responded.Video: One of #US sailors says Iranians behavior with them was ""fantastic"" & they had no problem. #Iran pic.twitter.com/vgVlrkzdvh Abas Aslani (@AbasAslani) January 13, 2016What do you think? Does anyone else believe this was a test run for something more serious?Via: Breitbart News",left-news,"Jan 14, 2016",0 +MIGRANTS BRUTALLY GANG RAPE 3 YR OLD BOY At Asylum Center In Norway,"The world is stunned by the number of women and children who are being raped by Muslim refugees in Europe. Obama just announced today, that he would aggressively defend plans to accept refugees from Muslim majority nations. He even went so far as to say he would actually increase the number of refugees the US accepts overall this year A three-year-old migrant has allegedly been raped by multiple people at an asylum centre in the Norwegian city of Stavanger.Police are investigating the incident amid claims the boy was abused in the shared common area of the asylum centre, possibly within view of many people. We have no suspects yet, police superintendent Bj rn K re Dahl told local paper Stavanger Aftenblad. We are investigating the case as if the worst thing has happened and that we are talking about the rape of a child. He did not rule out that there may be several perpetrators: We will investigate further to find out what happened. If it is what we fear a rape then this is very serious. But we do not know for certain yet. The Local reports the boy has been taken to a rape crisis centre along with his mother and is now at the children s ward in Stavanger Hospital. He has been questioned by authorities along with several others. We also had crime technicians on the site. Material was sent to the Norwegian Institute of Public Health for analysis. There, they will look for DNA among other things, Mr Dahl added. We had many people at work, both sanitation workers and security guards, but nobody saw anything. But we immediately took the case to the police, as is the routine, and they came out. We have had a good dialogue with them throughout. A spokesman for the asylum centre said they received a phone call about the incident last Wednesday, but did not want to go into details about the conversation. We had many people at work, both sanitation workers and security guards, but nobody saw anything. But we immediately took the case to the police, as is the routine, and they came out. We have had a good dialogue with them throughout, the spokesman added.There are around 800 migrants at the asylum centre, including men, women and children. The boy was reportedly at the centre with his family. Via: Breitbart London",left-news,"Jan 13, 2016",0 +BREAKING: β€œAl Jazeera America” Shuts Down,"Some good news for today! Al Jazeera is dead, gone, kaput Remember Al Jazeera bought Al Gore s Current TV:Al Gore said Al-Jazeera shared Current TV s mission to give voice to those who are not typically heard; to speak truth to power; to provide independent and diverse points of view; and to tell the stories that no one else is telling. AMERICANS AREN T BUYING IT Al Jazeera America s brass decided suddenly Wednesday to shut down the network, concluding that the three-year-old cable-news channel simply did not have a sustainable business model.According to Politico, employees were told of the decision at a meeting in its Manhattan offices on Wednesday afternoon. Broadcasting will cease April 30.The American arm of the Qatar-based news network had been having a hard time attracting an audience, While the operations were independent, most Americans were first exposed to the name al Jazeera during the Iraq war, when the Arabic branch published stories that seemed sympathetic to Islamist insurgents. A series of sex-discrimination suits and, most recently, a widely criticized report on doping in pro sports, also damaged the company.The Intercept has this to say about Al Jazeera:AJAM has been losing staggering sums of money from the start. That has become increasingly untenable as the network s owner and funder, the government of Qatar, is now economically struggling due to low oil prices.Was Al Jazeera America s downfall due to it trying to be inoffensive and too American?Via: WT",left-news,"Jan 13, 2016",0 +OBAMA READY TO DO BATTLE With America: Will β€œaggressively defend” Bringing Muslim Refugees To U.S.,"Thanks to the funding our GOP majority Congress approved at the end of the year, Obama plans to actually increase the number of refugees (Muslims) he will bring to the US. To hell with our national security. It s all about the votes White House Chief of Staff Denis McDonough on Wednesday said that the Obama administration is prepared to aggressively defend the United States plans to accept refugees from Syria as some American lawmakers demand that the government apply stricter background checks to refugees from Syria and Iraq.When asked at a Christian Science Monitor breakfast in Washington, D.C. how the administration will address some lawmakers calls for the government to apply greater scrutiny to certain refugees entering the country, McDonough said that the administration sees the resettlement of Syrian refugees as a priority and also as a policy it will have to defend. My hunch is that it will continue to be controversial, for the reasons the President pointed out in the speech last night, McDonough said.He said that the administration will continue to make the point that accepting refugees adds immeasurably to the national interest and is prepared to put up a fight against those who oppose current policies. We re going to get out there and aggressively defend that, he said. That will be tough to beat, as it was last year, McDonough said of the administration s focus on accepting refugees. And we ll see how it goes. But we won t shy from it. The chief of staff also said that the administration plans to expand the number of refugees the U.S. accepts overall and that he believes the budget passed by Congress allows them to do so.Via: TPM",left-news,"Jan 13, 2016",1 +YOU WON’T BELIEVE Why Students In Communist Wisconsin Are No Longer Allowed To Chant β€œU.S.A.” At Sporting Events [VIDEO],"This is out of control! Is there anything more un-American than telling high school students they aren t allowed to cheer U.S.A.! at a sporting event because they may OFFEND someone from another nation?PLEASE CALL the Wisconsin Interscholastic Athletic Association in Stevens Point, WI Phone (715) 344-8580 Let them know how you feel about their decision to prevent students from chanting USA! in the United States Of America!The wussification of Wisconsin has begun.Last month the state s governing body for high school athletics declared that chanting U-S-A, U-S-A, is unsportsmanlike behavior.The Wisconsin Interscholastic Athletic Association also directed schools to stop fans from booing, or chanting Air Ball, Season s Over, Fundamentals, Scoreboard, and Over-Rated. Any action directed at opposing teams or their spectators with the intent to taunt, disrespect, distract or entice an unsporting behavior in response is not acceptable sportsmanship, the WIAA wrote in an email obtained by the Post-Crescent. Student groups, school administrators and event managers should take immediate steps to correct this unsporting behavior. I should point out that a spokesman for the WIAA told television station WISC that the sportsmanship guidelines are a point of reference and not a requirement. It s up to each school or district to create their own sportsmanship conduct policies and enforcing them with appropriate consequences, the spokesman told the television station. Wisconsin s football stadiums, basketball arenas and wrestling mats have become safe spaces for the perpetually-offended generation.Vince Lombardi must be rolling over in his grave.Oh, you should see the 40-page sportsmanship manual complied by the fragile snowflakes at the WIAA.Take, for example, the section that frowns on booing of any kind. If errors in judgment is (sic) made, all are human and we must accept that. Individuals do the best to execute in a way they ve been trained, the WIAA wrote.They also took issue with the Na Na Na Na Hey Hey Hey Goodbye song. They called it taunting and disrespectful. The WIAA found the U-S-A chant to be problematic, too along with any acronym of derogatory language or innuendo. Their guidelines became national news after a high school basketball player got in trouble for posting a profane message about the sportsmanship rules on her Twitter account.April Gehl, an honor s student and basketball standout at Hilbert High School, suggested the WIAA should (let me put this delicately) eat excrement.Based on national media coverage, her opinion was shared by many. Nevertheless, April was suspended for five games. Her family does not plan on appealing the decision.Paul Ackley is the athletic director at McFarland High School. He told WISC that he supports the recommendations. If a kid gets an answer wrong on the white board, they re not going to start chanting, You can t do that, he said. This is not Division I athletics. This is an extension of the classroom and it s education-based. What in the name of Bear Bryant is going on Wisconsin?Granted, you don t want the children hollering out profanities and running around the gym buck-naked. But, these guidelines are not so much about sportsmanship as they are about political correctness.We re talking about high school basketball. It s not a croquet match. Via: FOX News",left-news,"Jan 13, 2016",0 +MAN MAKES VIRAL VIDEO: Demonstrates How Obama Made Himself Cry During Gun Control Speech,"(function(d, s, id) { var js, fjs = d.getElementsByTagName(s)[0]; if (d.getElementById(id)) return; js = d.createElement(s); js.id = id; js.src = ""//connect.facebook.net/en_US/sdk.js#xfbml=1&version=v2.3""; fjs.parentNode.insertBefore(js, fjs);}(document, 'script', 'facebook-jssdk'));Obama Tears Share thisPosted by Dave Sayen on Thursday, January 7, 2016Don t take our word for it, watch Obama s speech on gun control in December, 2012. Pay close attention to the 1:01 mark, where he rubs his left index finger into the corner of his eye (exactly like he did last week) pauses, (like he did last week) puts his head down and pauses a bit longer (waiting for the menthol to work) and then (exactly like last week) he lifts his head and exposes the tears flowing, but only from the eye he put his finger in before tears ever began flowing:This is a character issue. Whether you disagree or agree with his gun control agenda is not the issue here. The point is, if the elected leader of the greatest nation on earth is willing to stand in front of millions and place menthol in his eye in order to make himself cry fake tears, to persuade Americans we need gun control, why should Americans believe ANYTHING he has to say?",left-news,"Jan 13, 2016",0 +RUBIO DOUBLES DOWN ON Putting Illegal Aliens Before Americans,"If Rubio isn t smart enough to see that Trump s catapult to the top of the GOP contenders happened the moment he took a strong stand against politicians putting illegal aliens before Americans, then is he really smart enough to run our nation? And maybe even more importantly, if Rubio does recognize the majority of voters across the board want to elect a President who will stop the invasion of illegal aliens into our country, who is he planning to represent if he were to get the nomination?Sen. [score]Marco Rubio[/score] (R-FL) is doubling down on his support for in-state tuition for illegal aliens.On ABC, George Stephanopoulos asked Rubio about his work in the Florida statehouse in which he co-sponsored legislation to provide in-state tuition for undocumented immigrants. Stephanopolous asked Rubio directly: Do you stand behind that position now? Rubio said that he absolutely stands behind that legislation:RUBIO: It was a very narrowly drafted bill. You had to have a certain GPA, you had to live in the U.S. a long time, you had to graduate from a Florida high school. It was very narrowly tailored to high-performing students who found themselves in a situation where they were brought here by their parents when they were 5, didn t even speak another language except English and therefore couldn t attend college because they were being charged like they were from out of state. They still had to pay for college but they paid for what people paid when they lived in Florida. They had to be high school graduates of Florida.STEPHANOPOULOS: So you stand behind that?RUBIO: Yes, of a narrowly tailored bill like that, absolutely.In theory, this legislation means that an American student wishing to attend a Florida state university, who is from the neighboring state of Georgia, would have to pay higher tuition costs than an illegal immigrant from El Salvador, who has been living unlawfully in Florida and attending American public schools for the past thirteen years on the taxpayer dime. Illegal aliens are also eligible for generous child tax credits, a benefit protected in the Gang of Eight bill. Indeed, the taxes requirement in the Gang of Eight bill would have meant illegal aliens could receive tax payments in the form of free cash from the IRS, since poor illegal aliens have no tax liability.Rubio s plan to discount college tuition for illegal aliens will serve as a further magnet to new illegal immigration, and will also increase competition for college slots and post-college jobs for American youth who are already struggling. Moreover, due to affirmative action policies, these illegal aliens will not have their tuition discounted but their applications given preferential treatment as well.By contrast, front-runner Donald Trump told NBC s Chuck Todd that same day that he opposes Rubio s legislation to give illegal aliens taxpayer-funded tuition discounts.TODD: Senator Rubio sponsored a bill back in Florida (back when he was in the State House) to give in-state tuition for undocumented immigrants. There s a lot of states that allow in-state tuition for the children of undocumented immigrants. I ve not heard your position on that.TRUMP: I m opposed to it.TODD: Totally opposed?TRUMP: They re here. They re not here legally. I m opposed to itTODD: Even kids born to illegal immigrants?It is perhaps interesting to note that Chuck Todd seems a bit confused about U.S. immigration policy illegal alien tuition discounts are for foreign-born youth who are themselves illegal immigrants. Under current policy, the US-born children are automatic birthright citizens, meaning no legislation is required to make them eligible for all the benefits enjoyed by Americans. Indeed, illegal immigrants primarily access welfare programs through their U.S.-born children. As a September 2015 report from the Center for Immigration Studies noted, analysis shows that legal immigrant households make extensive use of most welfare programs, while illegal immigrant households primarily benefit from food programs and Medicaid through their U.S.-born children. Regardless, Trump made clear in the interview he would ensure that neither illegal alien youth (DREAMers) or birthright citizenship children, would be eligible for such benefits. Trump made clear he would move to eliminate birthright citizenship so that the US-born children of illegal aliens would no longer made automatic citizens. Again, by contrast, Rubio supports birthright citizenship a position which is supported by only 20% of Republicans according to the most recent Rasmussen Reports immigration survey issued on December 27, 2015.Rubio s Sunday endorsement of discount college tuition for the foreign-born illegal alien youth is in keeping with his longstanding support for DREAM amnesty proposals, which have been a passion of Gang of Eight co-member [score]Dick Durbin[/score].While Rubio briefly distanced himself of his support for DREAMer amnesty in 2010 in order to get elected to the U.S. Senate and indeed attacked attacked his opponent [score]Charlie Crist[/score] specifically for his support of the DREAM Act upon arriving in the U.S. Senate, Rubio quickly used his new position of power to begin working on a plan to legalize so-called DREAMers. In 2012, Rubio wrote: They re not in compliance with immigration law, and, thus, not American citizens. But they are culturally as American as anyone else s children Rubio s statement might be news to Laura Wilkerson whose 18-year-old son, Joshua, was gruesomely murdered by his DREAMer classmate. In her Congressional testimony last summer, Wilkerson told lawmakers how her son was, beaten, strangled, tortured until he died. He was tied up, thrown in a field, and set on fire [During his trial], we had to hear this kid on the stand muttering about, In my country In my country never to finish that sentence. We listened to him tell us repeatedly that his killing skills took over . Wilkerson told lawmakers, You cannot you cannot stand by and ignore our families our American families. You re elected by Americans, not any other country. You should be for Americans. Yet Rubio remains so committed to amnesty for illegal immigrants who allegedly entered as minors that he has said he will not immediately revoke President Obama s lawless 2012 executive amnesty for DREAMers. In a Spanish-language interview with Jorge Ramos, Rubio said: Well, DACA is going to have to end at some point. I wouldn t undo it immediately. The reason is that there are already people who have that permission, who are working, who are studying, and I don t think it would be fair to cancel it suddenly. But I do think it is going to have to end. And, God willing, it s going to end because immigration reform is going to pass. Rejected-Majority Leader [score]Eric Cantor[/score] similarly supported Rubio s efforts to grant amnesty to illegal immigrants. Cantor declared, One of the great founding principles of our country was that children would not be punished for the mistakes of their parents. This prompted Cantor s then-primary challenger Rep. [score]Dave Brat[/score] (R-VA) to describe Cantor s declaration as one of the most radical pro-amnesty statements ever delivered by a sitting representative. Brat wrote, In what was billed as a new agenda for the Republican Party, Cantor declared that citizenship for illegals was required by the great founding principles of our country. With this remark, Cantor declared his support not only for amnesty now, but amnesty forever. Ken Palinkas, the former head of the nation s immigration caseworkers Citizenship and Immigration Services has similarly explained how the DREAM Act would represents a promise of perpetual amnesty :If it is improper to apply immigration law to one specific group of illegal aliens, then why should we expect future illegal aliens in this group to be treated any differently?Indeed, government reports have documented how the 2014 illegal alien minor surge on our southern border was caused, in large part, by the promise of amnesty for alien youth.As Senator [score]Jeff Session[/score] has written, It cannot be the policy of the United States that any of the 2 billion people in the world who have yet turn to turn 18 have a right to illegally enter the United States and claim residency. Polling data suggests that in the event Rubio s position on this controversial DREAMer amnesty begins to receive large-scale media coverage something that has not happened yet it could pose problems for him in New Hamspshire, where he is currently in second place. As The Hill reported in 2014, More people in New England oppose illegal immigration compared to the rest of the country Nearly 80 percent of people in that region said illegal immigrants threaten U.S. beliefs and customs, according to a Reuters/Ipsos poll.New Hampshire also voted for Pat Buchanan in 1996 who, like Trump, is opposed to both the cheaper foreign labor and cheap foreign imports Senator Rubio has sought to import.Via: Breitbart News",left-news,"Jan 12, 2016",0 +BREAKING: OBAMA JUST RELEASED GITMO Prisoner Who Said He Would β€œKill Americans” If He Was Released [VIDEO],"// Gitmo detainee, who said he would kill Americans if he was released, has just been freed Posted by Fox & Friends on Tuesday, 12 January 2016Representative Louie Gohmert (R-TX) eviscerates Obama and his regime for the release of this terrorist:",left-news,"Jan 12, 2016",0 +MUSLIM BROTHERHOOD AFFILIATE INVITED To Obama’s State Of The Union…Will This Terror Group Also Be Invited?,"So in an effort to reach out to Muslims living in America, we need to invite groups that are tied to terrorists? Why stop at groups like CAIR? Why not invite ISIS? Perhaps we missed it, but we haven t seen the list of prominent Christian leaders invited to Obama s SOTU, who will represent the worldwide mass persecution of Christians As many as 25 House Democrats are expected to have Muslim guests during Tuesday night s State of the Union speech. It s in response to a call from Democratic National Committee chair Debbie Wasserman Schultz and Minnesota Rep. Keith Ellison, the first Muslim voted into Congress, to counter an alarming rise in hateful rhetoric against Muslim Americans and people of the Islamic faith worldwide. The gesture might not generate much more than a shrug, except that in at least two cases, Democrats invited officials from a group the FBI formally avoids due to historic ties to a Hamas support network.Delray Beach Rep. Alcee Hastings invited Nezar Hamze, regional operations director for the Council on American-Islamic Relations (CAIR) in Florida. And San Jose, Cal. Rep. Zoe Lofgren invited Sameena Usman, a 10-year veteran government relations official with CAIR s San Francisco chapter, the Investigative Project on Terrorism has learned.CAIR officials routinely accuse federal law enforcement of entrapping otherwise innocent and peaceful Muslims in order to gin up terrorism prosecutions. Hamze s colleagues in CAIR-Florida are helping a family sue the FBI over the 2013 fatal shooting of a terror suspect who attacked agents after extensive questioning. Usman s office published a notorious poster urging Muslims to Build a Wall of Resistance [and] Don t Talk to the FBI. For its part, the FBI cut off contact with CAIR, except in investigations, in 2008 based on evidence its agents uncovered which placed CAIR in a Hamas-support network in the United States. Until it can be shown that those connections no longer exist, an FBI official explained in 2009, CAIR is not an appropriate liaison partner. In addition, several CAIR officials have compared Israel to ISIS.Calls to press contacts in Lofgren and Hastings offices were not returned Monday.Last month, the IPT provided exclusive details from eyewitness accounts about CAIR s creation, including an account of how a co-founder sought approval from the Egyptian Muslim Brotherhood for CAIR s bylaws, and how Executive Director Nihad Awad s move to Washington was in order to represent Hamas. Hastings and Lofgren either failed to check out their guests employer or they don t care. These connections have nothing to do with the faith of CAIR officials. But the organization has a record that elected officials stubbornly insist should be ignored. Unfortunately, this is part of a pattern of outreach House Democrats seek out with the wrong people. Last month, CAIR-Florida s Hassan Shibly was invited to the White House for a discussion about religious discrimination. Then, as with the State of the Union speech, no one from the new Muslim Reform Movement which issued a declaration clearly rejecting interpretations of Islam that call for any violence, social injustice and politicized Islam and standing for peace, human rights and secular governance. Via: Family Security Matters ",left-news,"Jan 12, 2016",0 +MASS NYE SEXUAL ASSAULTS IN EUROPE EXPLAINED: [Video] Just An Innocent Rape Game Played By Muslims In Arab Nations,"This is possibly the most disturbing video we have ever posted on our website. This is an example of the rape game called Taharrush German authorities now admit the Muslim migrants brought the Taharrush rape game to Europe and showcased it New Year s Eve. Sexual attacks on Western women were reported in Cologne, Berlin, Hamburg, Bielefeld, Frankfurt, D sseldorf and Stuttgart, Germany. Taharrush attacks were also reported in Sweden, Finland, Austria and Switzerland on New Year s Eve.Welcome to the New Europe. Speisa reported:After the NYE mass assaults against women in several European cities, the German Federal Criminal Police Office, BKA, now say that the Arab rape game Taharrush has established itself in Europe.In addition to the events in Cologne, police in Berlin, Hamburg, Bielefeld, Frankfurt, D sseldorf and Stuttgart have reported of similar incidents. In addition, police in Vienna and Salzburg in Austria and Zurich in Switzerland have raised the alarm about similar mass assaults against women by newly arrived Arab migrants. Also Sweden and Finland experienced the same on New Year s Eve. The attacks range from sexual molestation to rape, says head of BKA, Holger M nch.The rape game Taharrush is about a large group of Arab men surrounding their victim, usually a Western woman or a woman wearing Western-style clothing, and then the women are subjected to sexual abuse.They surround the victim in circles. The men in the inner circle are the ones who physically abuse the woman, the next circle are the spectators, while the mission of the third circle is to distract and divert attention to what s going on.If there is enough men, the woman is dragged along by the mob, while the men take turns ripping her clothes off, grope her, and inserting fingers in her various body orifices.In December a Muslim migrant in Germany bragged on video about participating in a gangrape of a virgin in Germany:https://youtu.be/-3MvinY66r0Via: Gateway Pundit",left-news,"Jan 12, 2016",0 +Delusional Obama On How Divided America Has Become: At least it’s not a Civil War [Video],It turns out we re not as divided as people make us out to be Really? ,left-news,"Jan 12, 2016",0 +HUNGARIANS FIND SHOCKING VIDEOS On Phones Left Behind By Muslim Migrants,"If you were to believe Barack Hussein Obama, Hillary Clinton, Bernie Sanders, the Democrats and RINO s in Congress, the only videos you should find on these poor persecuted migrants phones would be of tearful good-byes to families in their beloved home land. Not so fast You only have to watch this one video to know, these aren t your usual persecuted migrants invading Europe.Just watch this video, and you ll see what we mean:https://youtu.be/silF8UT4mTE",left-news,"Jan 11, 2016",0 +ISIS ANIMAL EXECUTES MOM In Front Of Hundreds: Claims She Asked Him To Do The Unthinkable [VIDEO],"Proving what we already knew, loyalty to radical Islam first, female family members dead last literally.AN ISLAMIC State (ISIS) jihadi has executed his own mother before a baying crowd after she urged him to flee the terror organization.The rights group Raqqa is Being Slaughtered Silently (RBSS) said 20-year-old Ali Saqr killed his 45-year-old mother Leena Al-Qasem for abandoning Islam.The postal worker was executed outside the post office where she worked in the ISIS-held city of Raqqa as hundreds looked on.It is believed she was shot with the Syrian Network for Human Rights reporting that her actual crime was communicating with a third party .The brutal regime regularly carries out public executions with images of people being beheaded, shot and burnt posted online.RBSS posted a picture of a man it claimed was Ali Saqir and an initial Tweet saying his mother was 35-years-old was later changed to say she was 45.The Syrian Observatory for Human Rights also confirmed the killing saying they had been able to document it.The group said its activists were able to verify that the woman, from the city of al-Tabaqa, was sentenced to death under the pretext of inciting her son to leave the Islamic State with a view to fleeing from Raqqa.She reportedly told her son that the coalition would kill all members of the organisation and he had to leave with her.However, her son, a member of the murderous regime wich is also known as Daesh, reported his mother to ISIS leaders for apostasy and later carried out the savage killing.The news emerged after it was revealed that well-respected journalist, Ruqia Hassan, was also executed by ISIS for writing about life in the beleaguered city of Raqqa.The 30-year-old was accused of being a spy and was executed.Via: UK Express ",left-news,"Jan 11, 2016",0 +GA TOWN MANDATES GUN OWNERSHIP: Here’s What Happened To The Crime Rate…,"The results of this town s gun ownership mandate shows what happens when there are armed civilians out there In 1982, the little town of Kennesaw, Georgia passed an ordinance that every able bodied family must own a gun. Here is the text of the ordinance:(a) In order to provide for the emergency management of the city, and further in order to provide for and protect the safety, security and general welfare of the city and its inhabitants, every head of household residing in the city limits is required to maintain a firearm, together with ammunition therefore.(b)Exempt from the effect of this section are those heads of households who suffer a physical or mental disability which would prohibit them from using such a firearm. Further exempt from the effect of this section are those heads of households who are paupers or who conscientiously oppose maintaining firearms as a result of beliefs or religious doctrine, or persons convicted of a felony.An amendment to the gun ownership law grants exceptions to convicted felons, conscientious objectors and those who cannot afford a gun.In 2007, there was a follow up, showing the effects of the law on crime and the city. The liberals of course warned that Kennesaw would become the Wild West. Like all liberal predictions, this one belongs in the sewer. (Make sure you flush twice, it s a long ways to DNC HQ) In the 25 years that the law had been in place as of 2007 not one murder or defensive shooting took place. The first murder finally did occur in 2014, 32 years into the ordinance. The population soared from 5,242 to 28,189. The year prior to the passage of the ordinance, the city had a crime rate of (4,332 per 100,000). That was higher than the national average of (3,899 per 100,000). As of 2007, the crime rate had dropped to (2,268 per 100,000). The current crime rate for Kennesaw has dropped to (1,760 Per 100,000)In fact, Family Circle Magazine ranked Kennesaw as one of the ten best cities for families to live in. Kennesaw came in at Number 5. Kennesaw is far from being the one exception to the rule.The DOJ released a report that covered the years 1993 to 2011, a period in which gun ownership soared. What did they find? In 1993 there were 18,253 gun deaths. In 2011 there were just 11,101. Even more startling is that non fatal shootings dropped by 69%!!What about the liberal propaganda that gun shows are the case of most gun shootings because there are no background checks? The DOJ found that gun felons in federal prisons got just 2% of their guns from gun shows. 10 percent said they purchased their gun from a retail shop or pawnshop, 37 percent obtained it from family or friends, and another 40 percent obtained it from an illegal source.Concealed carriers also assisted in dropping crime rates during the years of the Obama caliphate. The number of concealed carry permits in 2007 was 4.6 million and has now soared to 12.8 million. That number is actually much higher since 8 states now do not require a concealed carry permit. During this same period, gun deaths dropped from 5.6 million to 4.2 million per 100,000.Harvard studied gun policies around the world and found to their astonishment that more guns mean less crime.One last item. What about the vaunted Gun free Zones? Are they working? Yes, but only for mass murderers. Since the 1950s, all but two mass shootings took place in gun free zones.Via: The PC Graveyard",left-news,"Jan 11, 2016",0 +46 Yr Old Millionaire Muslim In Court For Raping Teen: β€œI fell on her and penetrated her by accident’,"It was just an accident A millionaire property developer accused of raping a teenager while she slept claims he accidentally penetrated her when he fell on top of her, a court has heard.Southwark Crown Court has told Ehsan Abdulaziz allegedly forced himself on the 18-year-old on the sofa of his Maida Vale flat.The 46-year-old met his alleged victim in the Cirque le Soir nightclub in London, where she had been with a friend he had known for several months.He offered both women a lift home in his Aston Martin in August last year, before inviting them into his flat and taking the woman he knew into the bedroom for sex, the court heard.The next thing the alleged victim claims to remember is waking up early in the morning with Abdulazziz on top of her, forcing himself inside her. She woke up with the defendant kissing her and his penis in her vagina, Prosecutor Jonathan Davies told the court, The Times reports. She said: What are you doing? and he said It s fine , indicating that her friend was asleep. She got up to find her friend, tried to wake her but couldn t, she then tried to get out of the flat as quickly as she could. Via:UK Independent",left-news,"Jan 11, 2016",0 +Hillary Clinton’s Anti-Israel E-mails Raise Questions About Influence On Foreign Policy,"Hillary Clinton s new e-mail release exposes her relationship to some very anti-Israel people. Sydney Blumenthal is a very close friend of the Clintons and exchanges quite a few e-mails with Clinton that are disturbing. Did he have much influence of foreign policy and the inner workings of the State Department. While Clinton claims Blumenthal was a minor character, the e-mails reveal a different story entirely:As Hillary Clinton s email scandals goes nuclear with more and more classified material coming to light (including some described as explosive ), one disturbing trend is coming to light: Hillary s deep contempt for the state of Israel in general, and Prime Minister Netanyahu in particular.When the State Department released more than 5000 pages of Clinton s emails from her private server on New Year s Eve, it included correspondence with her one-time advisor Sidney Blumenthal. The communications revealed an exchange regarding Israel, and Blumenthal cited the work of his son, journalist Max Blumenthal, a self-described anti-Zionist known for his radical anti-Israel views.According to the Times of Israel, In March 2010, Blumenthal plugged his son s work this time, playing up links between evangelical Pastor John Hagee and Netanyahu in the context of an article (written by a different writer) discussing a controversial Pentagon briefing on U.S. relations with Israel and the Arab world. The briefing had dealt with the lack of progress in resolving the Israeli-Palestinian conflict, and American concerns over a growing perception among Arab leaders that the US was incapable of standing up to Israel. The senior Blumenthal sent several articles written by his son and referenced the younger man s plans to move to Israel for several months to write a book. He tracks a lot of things that do not appear in the mainstream press, he wrote to Hillary.Just in time for the 2016 election, hear Hillary Clinton say she would NOT run for president, in Hillary Unhinged by Thomas KuiperHillary then took the articles in question and instructed a staffer to print five copies without the heading from Sid. She noted the articles came from Max Blumenthal s book Goliath: Life and Loathing in Greater Israel, a widely criticized and rabidly anti-Semitic volume that castigated Israeli policies. The Nation s media editor Eric Alterman referred to it as the I Hate Israel handbook and wrote Blumenthal s case against the Jewish state is so carelessly constructed, it will likely alienate anyone but the most fanatical anti-Zionist extremists, and hence do nothing to advance the interests of the occupation s victims. According to the Times of Israel, Blumenthal also sent Clinton a piece by leftist Israeli Uri Avnery, who also analyzed the Pentagon briefing by leveling a damning critique against Netanyahu. Clinton asked Blumenthal, in response, how she should use this material in an upcoming talk she was supposed to have with the American Israel Public Affairs Committee (AIPAC). Blumenthal speculated on Netanyahu s psychological makeup by suggesting his actions were motivated by a desperate attempt to live up to his father s expectations.In an email sent immediately after the May 2010 Israeli raid on the Gaza-bound Turkish ship Mavi Maramara in which nine activists were killed, Blumenthal referred to the operation as Bibi s Entebbe in reverse. Noting that Netanyahu s brother Yoni was heroically killed in the 1976 hostage rescue mission, he said the brothers father Benzion adored Yoni, while the younger Benjamin has always lived in his brother s shadow. Bibi desperately seeks his father s approbation and can never equal his dead brother (he) has never measured up, Blumenthal suggested.The senior Blumenthal continued to push his son s anti-Israel views on Hillary. As noted by the Times of Israel, In 2012, Blumenthal sent his son s article in al-Akhbar, The Bibi Connection, to Clinton, who then relayed it onward. The article emphasized Netanyahu s intent to campaign against Obama s reelection in 2012, arguing that Netanyahu s shadow campaign is intended to be a factor in defeating Obama and electing a Republican in his place. The article reflected upon Netanyahu s ties to prominent Republicans such as Newt Gingrich, as well as the prime minister s right-wing pedigree. It noted that when his father, Benzion Netanyahu, returned to Israel to launch a political career, the elder Netanyahu was rejected by Menachem Begin, the (then-)Likud Party leader, who, as right wing as he was, considered him dangerously extreme. Hillary offered a terse response on some of Sidney Blumenthal s policy suggestions regarding Israel, upon which he backed off. However, Blumenthal could not keep Netanyahu out of his semi-retraction, hinting at missed peace opportunities by the Israeli leader: Of course, if Bibi were to have engaged Syria in negotiations taking its previous gestures seriously he wrote, before changing the subject without concluding the hypothetical. The email dump revealed Blumenthal was not the only one commenting on Middle East policy. Foreign-policy analyst Anne-Marie Slaughter, formerly the State Department s director of policy planning, wrote to Clinton the time was right for the U.S. to recognize Palestine during the emerging of the Arab Spring. It would allow you and POTUS to have accomplished the goal POTUS laid out at UNGA last year and would make it much harder for Syrians, Iranians, even Saudis to use this issue to divert domestic opposition, strengthening the seismic shift across the region to create fault-lines around reform/no reform instead of Arabs/US-Israel, wrote Slaughter.The Times of Israel notes, The emails also indicate the existence of a lengthy correspondence over attempts to reconcile Israel and Turkey following the events of the 2010 Gaza flotilla, but the emails are so heavily redacted as to expunge any clue as to what was actually discussed. Another series details attempts in 2010 to broker direct negotiations between Israel and the Palestinian Authority, with significant input from the parties involved in the Arab Peace Initiative. Learn more about the Hillary Clinton Investigative Justice Project, conceived by two veteran investigative journalists who plan to take their findings to state attorneys general in jurisdictions in which the nonprofit, tax-exempt Clinton Family Foundation does businessClinton s hostility toward Israel is well documented.Read more: wnd",left-news,"Jan 10, 2016",1 +"Which States Are Americans Are Moving From, Where Are They Moving To…And Why?","Not everyone is moving for the same reason, but one thing is clear by these results Americans are sick of high taxes and an overburdensome state government and their moving on to more resident friendly states A low cost of living, no sales tax, and beautiful scenery (oh, naked bike rides, more strip clubs per capita than any other US city, and legalized weed) means Oregon is the top moving destination for Americans for the third year running, according to United Van Lines, with 69% of moves inbound. But, which states are Americans leaving in droves?Americans continue to pack up and head West and South, according to new data from United Van Lines.Oregon is the most popular moving destination of 2015 with 69 percent of moves to and from the state being inbound. The state has continued to climb the ranks, increasing inbound migration by 10 percent over the past six years. New to the 2015 top inbound list is another Pacific West state, Washington, which came in at No. 10 with 56 percent inbound moves.Moving In The top inbound states of 2015 were:Oregon South Carolina Vermont Idaho North Carolina Florida Nevada District of Columbia Texas WashingtonThe Northeast continues to experience a moving deficit with New Jersey (67 percent outbound) and New York (65 percent) making the list of top outbound states for the fourth consecutive year. Two other states in the region Connecticut (63 percent) and Massachusetts (57 percent) also joined the top outbound list this year. The exception to this trend is Vermont (62 percent inbound), which moved up two spots on the list of top inbound states to No. 3.Moving Out The top outbound states for 2015 were:New Jersey New York Illinois Connecticut Ohio Kansas Massachusetts West Virginia Mississippi MarylandSimply put, Americans are moving from heavily-regulated, bureaucratic, high cost-of-living states to more affordable states.This year s data from United Van Lines Via: Zero Hedge",left-news,"Jan 10, 2016",1 +How Did An Illegal Immigrant Who Said She Wanted To Eat β€œWhite Invaders” Become A Lawyer In U.S.?,"The new progressive American dream: An Undocumented, Unafraid, Unapologetic, Queer, Unashamed illegal immigrant, or lawbreaker who practices defending legal cases in our US courtrooms..She s in the United State illegally.She helped cause the immigration crisis happening right now that some are calling an invasion.And now, she s a lawyer.Prerna Lal, a radical leftist and self-described Undocumented, Unafraid, Unapologetic, Queer, Unashamed illegal immigrant who once talked about killing, roasting and eating white invaders bragged on her Twitter account that she s now officially an attorney here in the United States.Lal proves that in Obama s America, not only are there are no legal consequences for being a loud and proud illegal immigrant. Lal seems completely unconcerned about hopping back and forth across our borders at will. In another post on her Twitter page, Lal talks about going back home to her native Fiji.Lal also is one of the people responsible for the current massive influx of children and asulym seekers overwhelming our nation s borders.As reported on Breitbart News in September 2013, Ms. Lal is a respected, published immigration reform activist. She s a prominent Dreamer activist one of the young illegal aliens brought to the United States by their parents who are leading the fight for comprehensive immigration reform.Lal is one of the co-founders of the DreamActivist.org site that Breitbart News has reported gave illegal immigrants a lesson in how to lie about their immigration status. That tactic has commonplace now. Via: The brilliant Lee Stranahan ",left-news,"Jan 10, 2016",0 +STUDENTS SENT HOME From School For Wearing Traditional Swiss Clothing Considered β€œracist”,"You certainly don t want to get caught showing pride for your nation Kinda reminds us of the kids who got sent home from school for wearing an American flag on their shirts because they offended the Mexican immigrant students Ten pupils at a secondary school in Gossau turned up for their lessons wearing an edelweiss shirt on Friday.A teacher was very unhappy at the sight of this typically Swiss clothing; he asked them to go and put something else on.According to the SonntagsZeitung , the teacher considered that this manner of dress conveyed racist and xenophobic ideas. The ten pupils decided to come to school wearing peasant shirts and to sing patriotic songs to show their pride in being Swiss .Tensions with classmates of Balkan origin are said to be at the origin of this initiative, reports the German-speaking weekly. The school s headmaster is trying to calm things down. Patrick Perenzin points out that peasant shirts do not violate any institutional dress code and that they are not forbidden. But he adds that, in his view, the ten pupils behaved badly. When worn by one pupil, this clothing is not insulting. But when ten pupils decide to wear it at the same time, they are trying to send a message , says the headmaster. Via: 20min.com",left-news,"Jan 10, 2016",0 +Taxpayer Funded Left-Wing Church Organization Will BREAK LAW To Hide ILLEGAL ALIENS (2016 Democrat Voters) From Authorities,"This isn t just any church organization, this is a church organization that takes in $45 MILLION in taxpayer funds every year! Why do we give them so much money? Because they re bringing MOSTLY MUSLIM refugees into our country where they ll get housing, food, clothing, education and spending money with MORE of OUR tax dollars. They ll also be fast-tracked to citizenship. What s the end goal? The fundamental transformation of America Ohio peace and justice groups getting ready to break the law and hide aliens from Obama illegal alien raids, click here.The recent Obama Administration order to round up illegal aliens (a tiny number!) and deport them is simply a ploy to fire up the No Borders movement, the Democrat base, in this all important election year.Church World Service will be hiding illegal aliens!Here is a story about the hard Left Church World Service, a federal refugee resettlement contractor, which uses $45 million of your dollars every year to change America by changing the people, is setting up hiding places throughout America where illegal aliens can be placed out of the reach of federal ICE agents.There should be a law, if you break federal immigration law, you lose your federal funding (come on wimps in Congress!).They want to resurrect the glory days (as they saw them) where churches broke the law and helped Central Americans get into America and then hid them until they could be spread out to towns across the US. It was called The Sanctuary Movement.***It is so apparent that this deportation order is part of a Democrat strategy, most likely cooked up in the White House, because (have you noticed!) no one blasts Obama personally (as they would if this were George Bush or Donald Trump).Religious groups and activists vowed Wednesday to offer refuge to illegal immigrants who are the targets of ongoing federal raids meant to combat a new wave of border-crossing from Central America.The announcement recalled the sanctuary movement of the 1980s that provided safe haven to several thousand people fleeing civil wars in El Salvador and Guatemala, with churches in Los Angeles, Chicago and other cities sometimes filled with people seeking asylum in the United States.At the start of the year, the Obama administration launched a large-scale effort targeting those who have already been ordered to leave the country. About 120 adults and children have been apprehended in raids in several states.Central American illegal aliens are NOT refugees. They do not fit the long-understood definition that a refugee or asylum seeker must prove they would be persecuted if they returned to their home country.Escaping poverty or run-of-the-mill crime is not persecution, but these NO Borders activists have been for years attempting to blur the definition. And, that is mostly because when someone is defined as a refugee all welfare goodies flow their way and they can then bring in the family they left behind. (Of course the WaPo isn t going to explain any of that to its readers!).The effort, which is expected to include several hundred more apprehensions, has drawn sharp criticism from those who advocate for undocumented immigrants. They argue that Central Americans who are entering the country illegally should be offered the same protections extended to Syrian refugees.Via: Refugee Resettlement WatchHere is the list of churches affiliated with the radical Church World Services group:Member CommunionsAfrican Methodist Episcopal Church African Methodist Episcopal Zion Church Alliance of Baptists American Baptist Churches USA Armenian Church of America (including Diocese of California) Christian Church (Disciples of Christ) Christian Methodist Episcopal Church Church of the Brethren Community of Christ The Coptic Orthodox Church in North America Ecumenical Catholic Communion The Episcopal Church Evangelical Lutheran Church in America Friends United Meeting Greek Orthodox Archdiocese of America Hungarian Reformed Church in America International Council of Community Churches Korean Presbyterian Church in America Malankara Orthodox Syrian Church Mar Thoma Church Moravian Church in America National Baptist Convention of America National Baptist Convention, U.S.A., Inc. National Missionary Baptist Convention of America Orthodox Church in America Patriarchal Parishes of the Russian Orthodox Church in the U.S.A. Philadelphia Yearly Meeting of the Religious Society of Friends Polish National Catholic Church of America Presbyterian Church (USA) Progressive National Baptist Convention, Inc. Reformed Church in America Serbian Orthodox Church in the U.S.A. and Canada The Swedenborgian Church Syrian Orthodox Church of Antioch Ukrainian Orthodox Church in America United Church of Christ The United Methodist Church",left-news,"Jan 10, 2016",0 +"BREAKING: Muslim Shot Dead In Paris After Rushing Police HQ With Knife, Was Living In German Refugee Shelter","But of course Oh the humanity The attacker was wearing a fake explosives vest and shouted Allah Akbar God is Great during the terrifying incident before he was shot dead.German police revealed they had raided an apartment at an asylum centre in the western city of Recklinghausen claiming it had been occupied by the attacker.Officers said they were acting on concrete evidence obtained from French security authorities.They said the results of the search are still being evaluated with their French counterparts and there is no evidence of further possible attacks being planned.Police said they would not release any further information at the moment to avoid jeopardising the ongoing investigation.French investigators are still trying to determine the true identity of the man originally identified as Sallah Ali who was carrying a butcher knife as he tried to storm the station last Thursday.Paris prosecutor Francois Molins confirmed the attacker was carrying a piece of paper that pledged allegiance to the leader of evil ISIS also known as Daesh and said his act is linked to the deaths in Syria He also had a phone with a German SIM card, the prosecutor said.He said: A mobile phone and a piece of paper, on which appear the Daesh flag and a clear written claim in Arabic, were found on the individual. Alexis Mukenge, who saw the shooting from inside another building, told the network iTele that police told the man, Stop. Move back. Mukenge said officers fired twice and the man immediately dropped to the ground.A police official said Ali shouted Allahu Akbar and had wires protruding from his clothes. That s why the police officer opened fire. The chilling attack occurred on the one-year anniversary of the Charlie Hebdo massacre where 12 people were killed at the satirical newspaper s office by jihadi gunmen. Via: Express UK",left-news,"Jan 10, 2016",0 +THE CASE AGAINST SEAN PENN: Why Do Americans Who Love Their Country Still Support Him? [VIDEO],"From claiming any American who speaks out against Hugo Chavez should be jailed, to a photo op and interview with one of the most brutal Mexican drug lords in history. Sean Penn has openly supported Cuba s brutal dictator Fidel Castro, and made known his radical opposition to capitalism by supporting the former occupy movement (now the #BlackLivesMatter terrorist group). Despite the fact that he was a gun owner, Penn came out one year ago against the Second Amendment.The journalistic coup of the two-time Oscar winner secretly interviewing El Chapo and posing for a handshake pic with the world s once-most-wanted drug lord is only the latest surreal saga in Penn s personal life. Since the early 2000 s, Spicoli has staked himself as one of the politically active stars in America whether or not anyone likes it.Scores of people however, have called for Sean Penn to be arrested for meeting the world s most wanted drug lord El Chapo while he was on the run and not turning him in to the authorities. Twitter users demanded Penn be questioned by investigators as to why he met with the violent cartel leader and did not help the military track him down.The double Oscar-winning actor and Mexican actress Kate del Castillo who brokered the meeting with the self-confessed biggest drug trafficker in the world are now under investigation in Mexico.His secret meeting with the notorious drug lord, is just one of many activist stunts by leftist actor Sean Penn.Penn s previous diplomatic doozies have led to eye-rolling Oscar jokes, dubious friendships with foreign leaders and accusations of hiring a PR team to show off his odd brand of good will.Here is Penn in a repulsive attempt to paint brutal dictators, Hugo Chavez and Fidel Castro as leaders we should respect. Penn says, the demonization of these people is a myth :Here s a short look at Penn s past political antics.As America s violent response to the 9/11 attacks started escalating in 2002, Penn spent $56,000 to publish an open letter in the Washington Post urging President Bush to ease up on Middle East involvement. You lead, it seems, through a blood-lined sense of entitlement, Penn wrote to the president.Many others in Hollywood may have found Penn sentiments sensible but some of his specific recommendations, not so much.Among his peacetime prescriptions for the prez: I beg you Mr. President, listen to Gershwin, read chapters of Stegner, of Saroyan. But at least one world leader apparently agreed with Penn s prose: Venezuelan President Hugo Chavez, who used Penn s letter to trash Bush during some of his own speeches, according to The Telegraph.The Washington Post apparently wasn t a big enough forum for Penn s Bush bashing.Here s an excerpt from an interview with Piers Morgan where Penn explains his support for a second term for Barack Obama in a completely incoherent manner:Penn pulled off one major upset at the 2004 Oscars by nabbing the Best Actor statue for Mystic River, beating out Bill Murray in Lost in Translation as the expected winner.But the second shock came as soon as Penn opened his mouth following a standing ovation. If there s one thing that actors know other than that there were no WMD s it s that there is no such thing as best in acting, he said at the start of his speech, earning some scattered claps and cheers before beginning his long-winded thank yous.More than a decade later, his ill-timed political jab hasn t fared much better: The film site Next Movie cited Penn s speech as one of the worst in Oscar history.At first, Penn defensively denied rumors that he was close with the Venezuelan president, who reportedly took an interest in Penn thanks to his anti-Bush newspaper ads. You don t know that I have a friendship with Hugo Ch vez, you just read it in some piece, he told the Telegraph in 2007.Watch here at the 1:12 mark, where Penn talks about imposing a jail sentence on anyone who speaks out against Chavez:But over the years, Penn opened up about his Chavez love as many others accused the president of running his country as dictator. Penn admitted a relationship and told Bill Maher that American journalists who slam Chavez should be imprisoned.Penn sealed the deal upon Chavez s death from cancer in 2013, calling the president a friend in a statement and adding: Today the United States lost a friend it never knew it had. For entire story: NYDailyNews",left-news,"Jan 10, 2016",0 +KING OBAMA Plans To Finish Term Traveling Around The World,"There are so many reasons for this little coward to leave America and travel abroad for the duration of his term. Does he have knowledge of an imminent attack on America and wants to be overseas when it happens? Is he using taxpayer money to travel around the world campaigning for UN Secretary General? Perhaps he wants to be on the other side of the world when criminal proceedings against Hillary heat up? Plotting against America for seven straight years can be exhausting. Maybe he just needs a break? Or perhaps it s just as simple as wanting to hit some international golf courses on our dime. Whatever his reasons, we can be sure that the American taxpayer will once again, be stuck with a hefty bill as this fraud travels across the globe contributing to the greatest danger our nation faces as he spews dreaded CO2 into the environment.While Obama s scorched-earth policies continue to ravage America and beyond, the president will be busy touring the world for much of the duration of his term.The purpose is to seal his foreign policy legacy, according to Politico.Obama is planning to travel the globe to seal his foreign policy legacy https://t.co/iUK6SvPv8O | Getty pic.twitter.com/iwe5Zub5te POLITICO (@politico) December 29, 2015Hold onto your hats folks, it could be a bumpy ride.According to Politico:Obama has asked aides to set a busy international travel schedule for him in his final year, with half a dozen trips already in the works and more potentially coming together. The travel will be aimed at cementing a foreign policy legacy he hopes will include the Trans-Pacific Partnership, increased attention to Asia, an opening of Latin America, progress against the Islamic State and significant global movement on climate change.Air Force One will tack on a lot of miles courtesy of American taxpayers, and no doubt, folks stuck at home trying to make enough money to pay increased healthcare premiums (if they re lucky enough to have a job) will be treated to countless photo-ops of the president here, there, and everywhere.All this and more wasn t lost on those who didn t appreciate the news of Obama s legacy Via: BPRWe d love to know why you think Obama will spend the duration of his term overseas .",left-news,"Jan 10, 2016",0 +"Dear Liberal, Why I’m So Hostile…And How β€œYour political beliefs are a threat to liberty – not just for me, but for my three boys”","WOW! This is a powerful, must read letter that should be shared with every American Lately, I must admit that my hostility towards your political ilk has ramped up, pretty dramatically. No, it s not because we, at this point in my life, have a half-black president in the White House, and I m some closet racist who is becoming increasingly frustrated at the prospects of the White Man s power slipping through my fingers. I know that you ve accused our side of such nonsense, and the thought keeps you warm at night, but I can assure you that it is a comfortable fiction of which you should probably divest yourself.Now before I waste too much of your time, let s establish who I m talking to. If you believe that we live in an evil, imperialist nation from its founding, and you believe that it should be fundamentally transformed , lend me your ears. If you believe that the free market is the source of the vast majority of society s ills and wish to have more government intervention into it, I m talking to you. If you believe that health care is a basic human right and that government should provide it to everyone, you re the guy I m screaming at. If you think minorities cannot possibly survive in this inherently racist country without handouts and government mandated diversity quotas, you re my guy. If you believe that rich people are that way because they ve exploited their workers and acquired wealth on the backs of the poor, keep reading. Pretty much, if you trust government more than your fellow American, this post is for you.First of all, let me say that we probably agree on more things than you think. Even between Tea Party Patriots and Occupy Wall-Streeters, I ve observed a common hatred of the insidious alliance between big business and big government. As Representative Paul Ryan (R-WI) so correctly noted, government should never be in the business of picking winners and losers in corporate America, and no person, organization, union, or corporation should have their own key to the back door of our government.Second, contrary to popular belief, conservatives really are concerned with the plight of the poor in this nation. You accuse us of being uncompassionate, hateful, racist, and greedy, but studies have shown that when it comes to charitable giving, conservatives are at least (if not more, depending on the study you read) as generous as liberals in caring for the poor. The difference between us is not in our attitude towards the problem it s our attitude towards the solution. We believe that the government does practically nothing well (since without competition or a profit motive there is no incentive to do well) and has made the plight of the poor far worse than it would have ever been had government never gotten involved. For a stark example of this, look no farther than the condition of the black family in America since the War on Poverty began. You believe that more government is the answer, and that if we only throw more money at the problem, the problem will go away. We believe, as Reagan so aptly stated,Government is not the solution to our problems; government is the problem.Third, as people who might actually have to avail ourselves of a doctor s services at some point in our lives, we are just as concerned with the condition of America s healthcare system as you are. While we believe that America has the world s most capable physicians, has the world s most innovative pharmaceutical industry, and is on the cutting edge of medical technology, we also understand that the delivery system is far from perfect. However, unlike you, we see a grave danger in turning the administration of that delivery system over to the same entity that is responsible for giving us the United States Postal Service. There are private sector solutions that should certainly be explored before we kill the system, altogether, by giving it to the government to run.Now that we ve touched on a couple of points of common ground, allow me to explain my aggressiveness towards your efforts to implement your progressive agenda. First, let s talk about the word progressive , since you now seem to prefer that word to liberal . In order to label something as progressive or regressive, one must have some idea as to what constitutes progress. What is the ideal towards which you are striving? An idea is considered progressive if it moves us closer to the ideal and regressive if it moves us further away. So, what is your ideal society?Though I can t begin to discern the thoughts of every liberal who may read this, nor can I assume that every liberal has the same notion of an ideal society, in my arguments with liberals over the years, I couldn t help but notice the influence that FDR s Second Bill of Rights has had in shaping the beliefs of the modern liberal with regards to domestic policy. The rights that FDR cited are: The right to a useful and remunerative job in the industries or shops or farms or mines of the nation; The right to earn enough to provide adequate food and clothing and recreation; The right of every farmer to raise and sell his products at a return which will give him and his family a decent living; The right of every businessman, large and small, to trade in an atmosphere of freedom from unfair competition and domination by monopolies at home or abroad; The right of every family to a decent home; The right to adequate medical care and the opportunity to achieve and enjoy good health; The right to adequate protection from the economic fears of old age, sickness, accident, and unemployment; The right to a good education.At this point, you re probably screaming, Right on!! , and who can blame you? What sane person in the world doesn t want everyone to be gainfully employed, adequately fed, smartly clothed, appropriately sheltered, and properly educated? These are the goals of every moral society on the planet, however we cannot ignore the fundamental question of, At what cost? I m not sure whether FDR was a shallow thinker or simply a shrewd, Machiavellian politician, but the fact that he framed each of these ideals as a human right should be troubling to every freedom-loving person in America. After all, what does it mean for something to be a human right? Doesn t it mean that it s something to which you are entitled simply by virtue of your being human? Let s think about some of the basic rights that the real Bill of Rights delineates: freedom of speech, freedom of religion, freedom to petition the government, freedom to bear arms, freedom from illegal search and seizure, etc.If you re moderately intelligent and intellectually honest, you ll quickly see what separates the rights laid out in the real Bill of Rights from those laid out in FDR s misguided list none of the rights listed above require the time, treasure, or talents of another human being.Your right to speak requires nothing from anyone else. Your right to practice your religion requires nothing from any of your fellow citizens. Your right to bear arms means that you are allowed to possess weapons to defend yourself and your family, but it makes no demand that a weapon be provided to you by anyone. A true human right is one that you possess, even if you re the only person on the entire planet and it is unconditional.FDR s list is no Bill of Rights . It s a list of demands. If I have a right to a job, doesn t that mean that one must be provided to me? If I have a right to adequate food, clothing, and recreation, doesn t that mean that I am entitled to those things, and someone should provide them to me? If I have an inherent right to a decent home, once again, doesn t that mean it should be provided to me, regardless of my ability to afford one or build one for myself?You might protest that FDR only meant that we have the right to pursue those things, but that s not what he said, and why would he? If we live in a free society, our right to pursue those things is self-evident, is it not? Besides, if he only believed in our right to pursue those things, he would not have felt the need to implement the New Deal.You may be getting anxious, now, wondering what FDR s Second Bill of Rights has to do with my antipathy towards your political philosophy. It s quite simple your political beliefs are a threat to liberty not just for me, but for my three boys and their children as well. I care much less about the America that I m living in at this very moment than I do about the one that I m leaving Nathaniel, Charlie, and Jackson.How does your political bent threaten my and my sons personal liberty, you ask? In your irrational attempt to classify things such as clothing, shelter, health care, employment, and income as basic human rights, you are placing a demand upon my time, my treasure, and my talents. If you believe that you have a right to health care, and you are successful in persuading enough shallow thinkers to think as you do, then it will place a demand upon me to provide it to you. If you believe that you have a right to a job, and more than half of America agrees with you, as a business owner, I am obligated to provide one to you, even if it means making my business less profitable.The fact is, you can rail against my conservatism all you wish. You can make fun of my Tea Party gatherings, and you can ridicule patriots in tri-corner hats until you wet yourself from mirth, but one thing is for certain: my political philosophy will NEVER be a threat to your freedom. If you feel a burning responsibility to the poor, conservatism will never prevent you from working 80 hours per week and donating all of your income to charity. If you feel a strong sense of pity for a family who cannot afford health insurance, my political philosophy will never prevent you from purchasing health insurance for this family or raising money to do so, if you cannot afford it, personally. If you are moved with compassion for a family who is homeless, a conservative will never use the police power of government to prevent you from taking that family in to your own home or mobilizing your community to build one for them.However, you cannot say the same for liberalism. If I choose not to give to the poor for whatever reason, you won t simply try to persuade me on the merits of the idea you will seek to use the government as an instrument of plunder to force me to give to the poor. If we are walking down the street together and we spot a homeless person, using this logic, you would not simply be content with giving him $20 from your own pocket you would hold a gun to my head and force me to give him $20, as well.Everything that modern liberalism accomplishes is accomplished at the barrel of a government rifle. You do not trust in the generosity of the American people to provide, through private charity, things such as clothing, food, shelter, and health care, so you empower the government to take from them and spend the money on wasteful, inefficient, and inadequate government entitlement programs. You do not trust in the personal responsibility of the average American to wield firearms in defense of themselves and their families, so you seek to empower the government to criminalize the use and possession of firearms by private citizens. Everytime you empower the government, you lose more of your personal liberty it s an axiomatic truth.What angers me the most about you is the eagerness with which you allow the incremental enslavement to occur. You are the cliched and proverbial frog in the pot who has actually convinced himself that he s discovered a big, silver jacuzzi. Somehow, you re naive enough to believe that one more degree of heat won t really matter that much.I have the utmost respect for a slave who is continuously seeking a path to freedom. What I cannot stomach is a free man who is continuous seeking a path to servitude by willingly trading his freedom for the false sense of security that government will provide.I am reminded of Samuel Adams impassioned speech where he stated: If ye love wealth (or security) better than liberty, the tranquillity of servitude than the animating contest of freedom, go from us in peace. We ask not your counsels or arms. Crouch down and lick the hands which feed you. May your chains sit lightly upon you, and may posterity forget that ye were our countrymen! Servitude can exist in a free society, but freedom cannot exist in a slave nation. In a free country, you have the liberty to join with others of your political ilk and realize whatever collectivist ideals you can dream up. You can start your own little commune where the sign at the front gate says, From each according to his ability; to each according to his need , and everyone can work for the mutual benefit of everyone else. In my society, you have the freedom to do that.In your society, I don t have the same freedom. If your collectivism offends me, I am not free to start my own free society within its borders. In order for collectivism to work, everyone must be on board, even those who oppose it why do you think there was a Berlin Wall?In conclusion, just know that the harder you push to enact your agenda, the more hostile I will become the harder I will fight you. It s nothing personal, necessarily. If you want to become a slave to an all-powerful central government, be my guest. But if you are planning to take me and my family down with you, as we say down here in the South, I will stomp a mud-hole in your chest and walk it dry.Bring it.Jeremy N. Choateh/t Zero Hedge",left-news,"Jan 9, 2016",0 +"OBAMA RAMPS UP Militarization Of EPA, FDA, VA While Obsessing Over Taking Guns From Citizens","Every American should be concerned and should be demanding answers from Washington about why we need to militarize these federal government agencies As the U.S. engages in a national debate over the militarization of the police, federal data shows that government agencies charged with largely administrative roles are spending tens of millions of taxpayer dollars to purchase SWAT and military-style equipment.Since FY 2006, 44 traditionally administrative agencies have spent over $71 million on items like body armor, riot helmets and shields, cannon launchers and police firearms and ammunition, according to federal spending data from watchdog group OpenTheBooks.comThis comes in addition to the $330 million spent on such equipment in that period by traditional law enforcement agencies like the FBI, Secret Service and Drug Enforcement Administration.Some examples of the purchases include: Nearly $2 million spent by the Department of Veterans Affairs on riot helmets, defender shields, body armor, a milo return fire cannon system, armored mobile shields, Kevlar blankets, tactical gear and equipment for crowd control. Over $300,000 spent by the Food and Drug Administration on ballistic vests and carriers in fiscal 2014. Via: Washington Times ",left-news,"Jan 9, 2016",1 +Hollywood Lefty Leo DiCaprio Goes Off The Rails On Climate Change Claims [Video],"Leo must be drinking the climate change Kool-Aid: It is the most existential human crisis that the world has ever known, in my opinion. Fresh from filming The Revenant, DiCaprio and the film s director Alejandro I rritu recounted how they experienced the devastating affects of climate change on location in Argentina in the nine months that it took to make the movie. Yep, he really believes all this bs. This would all be funny except for the fact that DiCaprio is head of a multimillion-dollar environmental lobby group, the Leonardo DiCaprio Foundation, and a producer of documentaries on climate change.DiCaprio just gave $15 million to environmental causes last year.Here he s pictured with the commie head of the UN: ",left-news,"Jan 9, 2016",0 +MUSLIM TEENS Stage Fake Terrorist Attack In MN Movie Theater…Guess Who They Blame?,"Oh and as an added bonus, according to one of the Muslim teens, they snuck into the theater as well In addition to faking hate crimes against themselves, Muslims are now resorting to staging fake terrorist attacks to prove how Islamophobic America is. First there was Clock Boy in Texas, then The Muslim Hipsters in Arkansas, and now it s the Muslim Movie Goers in Minnesota. A group of Muslim teens did their best to make movie theater patrons think they were about to launch an attack with some purposely-suspicious actions recently.It turns out the Mall of America isn t just a place for angry black protesters; it s also a great spot for creating a false Islamophobic response. The City Pages reports that on January 1st a group of African Muslim teenagers, possibly from Somalia, went to a movie at the country s largest mall. They were all carrying backpacks and speaking with heavy accents and foreign tongues. They wanted to be noticed.Once the movie began, the 5 or so black Muslims got up and separated, taking seats away from each other. As you can imagine, the rest of the people in the theater thought this was a pretty unusual thing for them to do. In fact, most of the other moviegoers thought these Muslim teens were about to launch a jihad right then and there.Reportedly, as many as 15 movie patrons left the theater and called the police, fearing that radical Islamic inspired bloodshed was eminent. The police and mall security arrived and detained the Muslims. They explained to the officers that they got up and moved away from each other because they didn t want to be tempted to talk to each other during the film, which sounds like a complete load of shit.One of the Muslims, Akram Oromo, took video of the cordial police officers questioning him and his co-conspirators and posted it to his FaceBook page. He also pointed out how racist this intrusion was:Racism well never stop ima let u know that because this white people though this young Muslim teens going to blow up the movie theater because we all have a backpack. More than 15 whites start running from the theater like we about do some stupid shit they called police and moa security but they didn t find anything from usAccording to the video, in addition to freaking people out, Oromo and his friends also snuck into the movie without paying.// Racism well never stop ? ima let u know that because this white people though this young Muslim teens going to blow up the movie theater because we all have a backpack. More than 15whites start running from the theater like we about do some stupid shit they called police and moa security but they didn t find anything from us #racism #muslims#freedom#AfricanPosted by Akram Oromo on Friday, 1 January 2016Islamic terrorists have struck on US soil recently. Radical Islamic groups have actually called for a hit on the Mall of America. It is not racist or Islamophobic for people to react to obvious Muslims acting in a very suspicious manner. That is called vigilance. Even Muslim apologist Barack Obama has said that Americans should keep their eyes open and report anything that doesn t seem right as a way to combat terrorism.It s my opinion that these Muslim teens did this on purpose with the goal of triggering a police response so they could cry about the unfair treatment they receive in the US. Terrorism is evolving, but so too is hate crime hoaxing. It s really quite simple: go to a public place, do something technically legal yet terribly suspicious, then sit back and reap the liberal media sympathy.Via: DownTrend",left-news,"Jan 8, 2016",0 +β€œHILLARY WILL BE INDICTED”,"The question is who Obama will protect? Will he stand by his Yes woman, Attorney General Loretta Lynch, or will he provide cover for Hillary, allowing her to emerge as the successor to his corrupt two terms in office? Our money is on Obama protecting Attorney General Loretta Lynch if Valerie Jarrett has anything to do with it A former U.S. Attorney predicts a Watergate-style showdown in the Department of Justice if Attorney General Loretta Lynch overrules a potential FBI recommendation to indict Democratic presidential candidate Hillary Clinton. The [FBI] has so much information about criminal conduct by her and her staff that there is no way that they walk away from this, Joseph diGenova, formerly the District of Columbia s U.S. Attorney, told Laura Ingraham in a Tuesday radio interview. They are going to make a recommendation that people be charged and then Loretta Lynch is going to have the decision of a lifetime. I believe that the evidence that the FBI is compiling will be so compelling that, unless [Lynch] agrees to the charges, there will be a massive revolt inside the FBI, which she will not be able to survive as an attorney general. It will be like Watergate. It will be unbelievable. DiGenova is referring to the Watergate scandal s Saturday Night Massacre Oct. 20, 1973, when President Richard Nixon sacked Special Prosecutor Archibald Cox and Attorney General Elliot Richardson and Deputy Attorney General William Ruckelshaus resigned in protest. Via: Daily Caller ",left-news,"Jan 8, 2016",0 +"MUST WATCH Trump Ad Highlights Hillary’s War On Women: Bill, Monica And Other Perverts Make Guest Appearances","The days of Hillary s past being off limits are officially over Bill s escapades and sexual assaults with various women throughout their marriage will all be coming out in this election. Stories about how Hillary threatened victims of Bill s sexual assaults are beginning to emerge. Hillary s closest friend, ally and top aide Huma Mahmood Abedin is also an enabler of a perverted husband, former Democrat NY Congressman Anthony Weiner, who thanks to Andrew Breitbart, was caught sexting several women during his term as a NY Congressman while his wife, Huma was pregnant with their first child. Birds of a feather Enjoy his latest Instagram ad here:Hillary and her friends!A video posted by Donald J. Trump (@realdonaldtrump) on Jan 7, 2016 at 9:19am PSTHere s Trump s tweet announcing his new Instagram ad:Hillary and her friends! https://t.co/q45tTapqMI Donald J. Trump (@realDonaldTrump) January 7, 2016",left-news,"Jan 8, 2016",0 +"HILLARY LANDS COVETED Taxpayer Funded, Planned Parenthood Endorsement","Sadly, this will be the only reason many women will vote for her. Hillary s crimes will suddenly become a distant memory to many female (and some male) voters. Because when it comes to defending a woman s right to kill her baby, every criminal act Hillary s ever committed takes a backseat There are many on the GOP side thankfully, who are still defending the lives of the most vulnerable among us:Planned Parenthood, the national women s health organization that Hillary Clinton often mentions on the campaign trial, will endorse the 2016 candidate for president on Sunday in New Hampshire.This will be the first time the group, which has been mired in controversy since a series of videos by anti-abortion activists were released in 2015, will endorse in a presidential primary. As a lifelong Planned Parenthood supporter, I m honored to have the endorsement of the Planned Parenthood Action Fund, Clinton said in response to the endorsement. There has never been a more important election when it comes to women s health and reproductive rights and Planned Parenthood s patients, providers, and advocates across the country are a crucial line of defense against the dangerous agenda being advanced by every Republican candidate for president. The group will make the endorsement official at what they are billing as their election kickoff event in Manchester, New Hampshire on Sunday. The group plans to spend at least $20 million in this election cycle, according to a press release.The endorsement was somewhat of a forgone conclusion. Clinton regularly mentions Planned Parenthood on the campaign trail I will defend a woman s right to choose, she says a line that draws applause from Democratic crowds. In Congress and on the campaign trail, Republicans that claim they just hate big government are only too happy to have government step in when it comes to women s bodies and heath, Clinton said at the New Hampshire Democratic Party s Jefferson-Jackson Dinner in 2015. It is wrong, and we are not going to stand for it. Planned Parenthood s endorsement, which was first reported by CBS, is sure to draw scorn from Republican presidential candidates, many of whom regularly pledge to defund the group is elected president.In accepting the endorsement, Clinton said the United States needs a president who has what it takes to stop Republicans from defunding Planned Parenthood and taking away a woman s right to basic health care. If I m elected, she added, I will be that president. This is the second national women s health group to back Clinton. NARAL Pro-Choice America PAC endorsed Clinton earlier this week, their president stating that Clinton has what it takes to fight Republican attacks on women s reproductive rights, and has the vision and experience to ensure women and families thrive. Via: CNN",left-news,"Jan 8, 2016",0 +[VIDEO] DINESH D’SOUZA Warned Us About What The World Would Look Like If We Gave Obama Another Term In β€œ2016: Obama’s America”…Was He Correct?,"Dinesh made some frightening predictions in his blockbuster movie, 2016: Obama s America. Was he correct in his predictions? ",left-news,"Jan 7, 2016",0 +BOMBSHELL: More Women Threatened By Hillary Are Ready To Come Forward With Sexual Assault Accusations Against Her Perverted Husband [VIDEO],"The Clinton Crime Syndicate may find a few bumps in the road, as they attempt to claw their way back into he White House. Women who have been intimidated and silenced by the Clinton Crime Syndicate in the past, have recently been inspired by other women who are bravely speaking out against this serial pervert and the woman who has enabled Bill s war against women for decades Since returning to the campaign trail as an advocate for Hillary, Bill Clinton has been harried by renewed interest in his past sexual misconduct as well as Hillary s alleged role in intimidating his victims into silence.Roger Stone, author of the New York Times bestselling The Clinton s War On Women , claims that he has personal knowledge of previously unknown victims who are preparing to come forward with accusations against the former president. I identified 24 women who ve been assaulted by Bill Clinton, Stone said on The Sean Hannity Show. Now some of these women are still terrified. Some of them have had IRS audits. Some of them have had their families threatened. But others have come forward. Are you saying there s women whose names we don t know that are mentioned in your book or not mentioned in your book that are going to come forward and start telling those stories? Sean asked. Yes, I think it s very probable, Stone responded. Not all of them because some of them are still terrified, their families have been threatened, their lives have been threatened. Are we talking about affairs, or are we talking about assaults? asked Hannity. We re talking about assaults, declared Stone. I don t want to get out ahead of myself but I think as Broaddrick, and [Kathleen] Willey, and Jones speak out, other women are encouraged who have been assaulted, who have been threatened by Hillary are encouraged by the courage of those three women. Listen to Roger Stone s bombshell revelation along with author Ed Klein on The Sean Hannity Show:Via: Hannity Show",left-news,"Jan 7, 2016",0 +BREAKING: Man Rushes To Paris Police Station Doors With Knife Screaming β€œAllahu Akbar”…Was He Another β€œMuslim Clock Boy?”,"It doesn t appear the man rushing to doors of a Paris police station with a knife, screaming Allahu Akbar wearing a fake suicide vest will garner a visit to France s President Francois Hollande s office. While France has made the decision to take a hard-line on Muslim terrorists, Obama and his Attorney General, Loretta Lynch have taken a hard-line against any American who uses language that they consider hate speech against Muslims. The idea that the Muslim Clock Boy (a term that we coined) was able to take a fake bomb to school and become an overnight celebrity, as our victim of the month in America tells us all we need to know about how seriously the Left has taken the threat of terrorism in America. Paris police shot dead on Thursday a man wielding a knife after he tried to enter a police station shouting Allahu Akbar (God is Great) and wearing what turned out to be a fake suicide belt.The incident took place exactly one year after deadly Islamist militant attacks on the Charlie Hebdo satirical magazine in the French capital and also just minutes after President Francois Hollande had given a speech in an another part of Paris to mark the anniversary. The man may have been wearing something that could be a suicide belt, Interior Ministry spokesman Pierre-Henry Brandet told BFM TV. Brandet later confirmed to Reuters that the suicide belt was fake.France has been on high alert ever since the shootings last January at the Charlie Hebdo office and at a Jewish supermarket in which 17 people died over three days.Security concerns were further heightened in November, when 130 people were killed in the capital in coordinated shootings and suicide bombings that targeted a music hall, bars and restaurants and a soccer stadium.Islamic State, the militant group that controls swathes of Iraq and Syria, claimed responsibility for the Nov. 13 attacks. Several of the militants involved in those attacks were, like last January s killers, French-born.In Thursday s incident, the man tried to force his way into the police station in the 18th district in northern Paris, an area that Islamic State said it had been planning to hit as part of the November attacks.WIRES PROTRUDING According to our colleagues, he wanted to blow himself up, an official at the Alternative Police union said. He shouted Allahu Akbar and had wires protruding from his clothes. That s why the police officer opened fire. Officials said bomb disposal experts were on site.Journalist Anna Polonyi, who could see the outside of the police station from the window of her flat, posted photos on social media that showed what appeared to be a bomb-disposal robot beside the body.She told Reuters that her sister, in the flat with her, had seen the incident happen. She said the police shouted at the man and that he then started running towards them before they shot him.Last year s attacks have boosted the popularity of the far-right National Front party ahead of a presidential election due in 2017.In his speech, Hollande promised to better equip police to prevent further militant attacks.The president also defended draconian security measures implemented since November that his Socialist government had once shunned. Via: Reuters",left-news,"Jan 7, 2016",0 +"[VIDEO] BLACK TWO-TIME OBAMA VOTER LASHES OUT: β€œI got tricked, I got bamboozled. I voted for him twice. I’m voting for Trump”","The tide is turning and the Democrats are losing passionate black voters to Donald Trump. Minorities are watching jobs and benefits going to foreigners that should be going to Americans first. This kind of rhetoric doesn t bode well for the Democrat party. We taking back America. We taking back America. I stand for him [Trump]. They (illegal aliens and refugees) We don t got no jobs.We got babies too. I got a little girl. I can t hardly support her. No,no, no. But the foreigners driving around in new cars. They ve got the jobs. Obama has failed us. It s time for someone to make a stand. Obama has let me down. I voted for him twice and he broke my heart. We need Donald Trump. Obama has failed. He let us down. We don t have nobody fighting for us. We gotta fight for Obama I mean for Donald Trump not no damn Obama. I m sick of him [Obama]. I got tricked. I got bamboozled twice. Not gonna do it to me anymore, because Donald Trump s the man. He s [Trump] gonna take care of our veterans. He s gonna take care of our military. He s gonna take care of our babies. They talk about black and white?' That s a lie! We built this country together. I love blacks too. Of course I m with blacks. But I gotta keep it real. I m an American not no terrorist. Obama won t even call them terrorists. If you fly a plane into a building. If you blow yourself up and the American people you are a terrorist! White little babies and black little babies don t have food to eat, but you [Obama] gives away $150 billion! ",left-news,"Jan 7, 2016",0 +"[VIDEO] GERMAN MAYOR Blames Victims Of Mass Rape, Sexual Assault By Muslim Migrants For Not Defending Themselves","Because blaming the Muslim migrants who raped and sexually assaulted an untold number of women on New Years Eve would be politically incorrect and certainly not very hospitable A political scandal is developing in Germany as ordinary citizens wake up to the scale of the migrant crime cover-up, and the callous reaction of the mayor of Cologne to mass-sex crime on new year s eve.The Mayor of Cologne has spoken out about the attacks, but her carefully chosen words are unlikely to delight many. Rather than addressing the root causes of the violence unlimited mass migration and a totally failed system of integration the newly elected pro-migrant mayor instead blamed the victims of the sexual abuse for having failed to defend themselves against the immigrant attackers.Here is a video of the shocking chaos that took place on New Years Eve:Speaking on live television this afternoon mayor Henriette Reker, who was near-fatally stabbed in the run up to October elections by an anti mass migration campaigner, said in future women would have to be better prepared in her city to deal with migrants.She remarked: The women and young girls have to be more protected in the future so these things don t happen again. This means, they should go out and have fun, but they need to be better prepared, especially with the Cologne carnival coming up. For this, we will publish online guidelines that these young women can read through to prepare themselves .What form this guidance will take is presently unclear, the mayor could take inspiration from young victim whose modest clothes protected them from the worst consequences of walking at night in areas controlled by migrant men. The woman said: Fortunately I wore a jacket and trousers. a skirt would probably have been torn away from me .Despite her words of warning towards women in the city they could prepare for more violence against them, she refuted the suggestion there was any link between the attacks and migrants, contradicting her own chief of police.An opposition council member has today sounded the alarm bell on the deteriorating state of control the local government has over the city of Cologne, and in an official letter from the council group has warned those planning to come to the famous Cologne council next month the city and the police are unable to guarantee the safety of locals and tourists .Council group leader and lawyer Judith Wolter said in her letter to the people of Cologne today: I want as a member of the Cologne City Council to submit a travel warning for the carnival time in Cologne city centre. Especially the area in and around the central station, the cathedral and the adjoining area towards the banks of the Rhine for tourists (and locals) is no longer considered even in normal times as safe. For months, there is in these areas numerous thefts, open drug dealing, robberies and harassment of all kinds Dozens of women were sexually harassed in public and there was at least one rape. Neither the city nor the police are able to guarantee in the territory described the safety of tourists and locals. Especially for women it must be assumed that a high security risk is here in the evening and night hours. At New Year s Eve there was a legal vacuum and a no-go area for women. With the climax of the Carnival season it is unfortunately expected to be a similar situation .German police have admitted to losing several urban areas to migrant gangs as so-called no-go zones, but this is possibly the first time a public square in the centre of a European city has been acknowledged by officials as having been lost to criminality, and out of the control of police at night.News of the attacks was suppressed for days, with just short reports of isolated incidents in Cologne city centre making it to local outlets on New Year s Day.The Kolnifsche Rundschau described the scene at the railways station as largely peaceful and made no effort to describe those who attacked the young women, one of which told press she had fingers on every orifice after she was stripped near naked.Only after nearly 100 victims of assault and abuse came forwards to police, and stories of attacks started circulating on social media did the truth of the situation start to slowly emerge, forcing local police to hold a press conference on Monday afternoon.Despite the chief of police admitting the enormous scale of sexual assault and confirming the attackers were of North African and Arab origin, much of the mainstream media is still in damage control mode, either trying to shift the focus from migrants, or avoiding the events completely. Via: Breitbart News",left-news,"Jan 6, 2016",0 +BEHIND THE CURTAIN: How Obama Plans To Prevent β€œCertain” Social Security Beneficiaries From Owning Guns,"There is nothing about Obama s executive order gun grab. Barack Hussein Obama has an agenda that, for some reason, no one in America seems to be able to stop. From the video showing fake tears flowing from Obama s left eye, to every false word uttered from his mouth, it is clear he will stop at nothing to fundamentally change America, just as he promised the American voter when he campaigned back in 2007. The White House released a fact-sheet Jan. 4 which previews the executive gun control Obama will unveil Tuesday and one aspect of the new controls is the inclusion of information from the Social Security Administration in the background check system about beneficiaries who are prohibited from possessing a firearm. On July 18 Breitbart News reported on Obama s push to ban gun-possession for Social Security beneficiaries who are believed incapable of handling their own finances.At that same time, the Los Angeles Times reported that a ban was being put together outside of public view, so all the details were not known. But the Times did know that the ban would cover those who are unable to manage their own affairs for a multitude of reasons from subnormal intelligence or mental illness to incompetency, an unspecified condition, or disease. The ban pertaining to Social Security beneficiaries is now tucked into the mental health aspects of Obama s executive gun control.According to the White House executive order preview:Current law prohibits individuals from buying a gun if, because of a mental health issue, they are either a danger to themselves or others or are unable to manage their own affairs. The Social Security Administration (SSA) has indicated that it will begin the rulemaking process to ensure that appropriate information in its records is reported to NICS. The reporting that SSA, in consultation with the Department of Justice, is expected to require will cover appropriate records of the approximately 75,000 people each year who have a documented mental health issue, receive disability benefits, and are unable to manage those benefits because of their mental impairment, or who have been found by a state or federal court to be legally incompetent. The rulemaking will also provide a mechanism for people to seek relief from the federal prohibition on possessing a firearm for reasons related to mental health.Again, the push for a ban on gun possession for certain Social Security beneficiaries was already in the works during the summer, but it is also incorporated into the mental health aspect of Obama s executive gun control.And this means that information on beneficiaries who meet the criteria of mental impairment demonstrated in part by an inability to manage their own benefits will be added to the National Instant Criminal Background System (NICS) so that the beneficiaries cannot buy a gun. Via: Breitbart News",left-news,"Jan 6, 2016",0 +CHER ATTACKS TRUMP: Compares Bill Clinton’s Infidelities To Trump’s 3 Marriages…Forgets One Important Fact,"Really Cher? We re not excusing infidelity, but it should be pointed out that Donald Trump, who fell in love with Marla Maples, ended up marrying her. How many twisted affairs that Bill had during his marriage to Hillary had a happy ending for the women involved? Did Bill have multiple affairs with women because he loved them, or simply because he s a pervert who clearly has no respect for the sanctity of marriage? We all make mistakes, and comparing a single affair that Trump had, to a serial philanderer is simply not a fair comparison.TRUMP CANT THROW ONE STONE AT PRES CLINTON, REGARDING CHEATING. TRUMP HUMILIATED BOTH HIS WIVES IN HEADLINES 4WKS,BECAUSE OF HIS CHEATING Cher (@cher) January 5, 2016Marla Maples and her true feelings about Donald Trump:And then there s the our former President, convicted liar and serial pervert, Bill Clinton: SAID THIS B4,BUT MUST REITERATE,IF THERES PRES TRUMP2016,U CAN THANK THE MEDIA NEWS SOURCES HAVE HANDED HIM WIN ON A SILVER PLATTER,4FREE Cher (@cher) December 30, 2015Honestly Think Pathological Side Of Trump Has Always Existed..However,This Campaign has opened Pandora s Box.He s Lowest Common Denominator Cher (@cher) December 29, 2015By way of comparison,(aside from the famous White House affair with teenager and intern, Monica Lewinsky) here s the list of accusations against serial pervert, Bill Clinton:Juanita Broaddrick (AR)- rapeEileen Wellstone (Oxford) rapeElizabeth Ward Gracen rape quid pro quo, post incident intimidationRegina Hopper Blakely forced himself on her, biting, bruising her Kathleen Willey (WH) sexual assault, intimidations, threatsSandra Allen James (DC) sexual assault22 Year Old 1972 (Yale) sexual assaultKathy Bradshaw (AK) sexual assaultCristy Zercher unwelcomed sexual advance, intimidationsPaula Jones (AR) unwelcomed sexual advance, exposure, bordering on sexual assaultCarolyn Moffet -unwelcomed sexual advance, exposure, bordering on sexual assault1974 student at University of Arkansas unwelcomed physical contact1978-1980 seven complaints per Arkansas state troopersMonica Lewinsky quid pro quo, post incident character assaultGennifer Flowers quid pro quo, post incident character assaultDolly Kyle Browning post incident character assaultSally Perdue post incident threatsBetty Dalton rebuffed his advances, married to one of his supportersDenise Reeder apologetic note scanned",left-news,"Jan 6, 2016",0 +BREAKING: Iran Publicly Humiliates Obama…Unveils Second Underground Missile Capable Of Carrying Nuclear Warhead,"A clear violation of Obama s lopsided deal with Iran Hey Barry do you still think Iran wants to be our friend? What was the rush for America to cave to Iran while totally ignoring their nuclear ambitions? Iran unveiled a new underground missile depot on Tuesday with state television showing Emad precision-guided missiles in store which the United States says can take a nuclear warhead and violate a 2010 U.N. Security Council resolution.The defiant move to publicize Iran s missile program seemed certain to irk the United States as it plans to dismantle nearly all sanctions on Iran under a breakthrough nuclear agreement.Tasnim news agency and state television video said the underground facility, situated in mountains and run by Iran s Revolutionary Guards, was inaugurated by the speaker of parliament, Ali Larijani. Release of one-minute video followed footage of another underground missile depot last October.The United States says the Emad, which Iran tested in October, would be capable of carrying a nuclear warhead and U.S. officials say Washington will respond to the Emad tests with fresh sanctions against Iranian individuals and businesses linked to the program.Iran s boasting about its missile capabilities are a challenge for U.S. President Barack Obama s administration as the United States and European Union plan to dismantle nearly all international sanctions against Tehran under the nuclear deal reached in July. Via: Reuters ",left-news,"Jan 5, 2016",1 +YOU BE THE JUDGE: WATCH…Did Obama Put Something In His Eye To Make It Look Like He Was Crying?,"Are you kidding me? When is the last time you saw anyone cry out of only one eye? He clearly rubs his left eye with his finger (insert solution to make eyes water) then pauses (not for effect, but to wait for the solution to work), then voila instant tears pour out of ONLY one eye Following Obama s phony tears, he launched directly into attack mode of the Republican majority Congress (who have already proven they re not on our team) and the gun lobby. All of us need to demand a Congress brave enough to stand up to the gun lobbies lies. WATCH HERE You be the judge:Go HERE to see another staged event where Obama was the lead actor during his Obamacare pep rally.",left-news,"Jan 5, 2016",0 +CROCODILE TEARS: Watch Obama Use Phony Outrage To Gain Sympathy For Gun Control,"Following Obama s phony tears, he launched directly into attack mode of the Republican majority Congress (who have already proven their not on our team) and the gun lobby. All of us need to demand a Congress brave enough to stand up to the gun lobbies lies. Every time I think about those kids it gets me mad, he said, as he bowed his head for ultimate effect, and then boom as though he never shed a tear, the attack against Republicans and gun lobbies began.Where was his outrage when Kate Steinle was killed by an illegal alien in a Sanctuary City? Where was his outrage when cops were being killed as a result of his war against cops? Obama s selective outrage and faux tears aren t fooling anyone who s paying attention This isn t the first time Obama used a fake dramatic scene to promote his agenda. Remember this phony scene? Obama was in the middle of his speech promoting socialized medicine, but somehow was able to see a woman behind him about to pass out. Watch him save her just in the nick of time. ",left-news,"Jan 5, 2016",0 +"SAUDI BILLIONAIRE Who Used Sharia Law To Make Fortune, Donates $10 MILLION To Yale University To Build Islamic Law Center","Because every American Ivy League school needs an Islamic Law Center Saleh Abdullah Kamel, a Saudi banker who is now worth billions of dollars thanks to his success with Sharia-compliant financing, has donated $10 million to Yale University as part of a successful effort to build an Islamic Law Center at the Ivy League school. Mr. Kamel s extraordinary generosity will open up exciting new opportunities for Yale Law School and for the entire university, said Yale President Peter Salovey. The Abdullah S. Kamel Center for the Study of Islamic Law and Civilization will enhance research opportunities for our students and other scholars and enable us to disseminate knowledge and insights for the benefit of scholars and leaders all over the world. Professor Anthony Kronman, a new co-director of the Islamic Law Center, said of the school s new addition: The contemporary challenges of Islamic law are broadly relevant to political events throughout the entire Islamic world and those are developments that are watched by a much larger audience of people who in many cases have not much knowledge at all of the history and traditions of Islamic law. It s the responsibility of universities to teach and instruct and that obligation applies with particular force where an issue or a subject tends to be viewed in an incomplete or inadequate or even caricatured way. There the responsibility to teach and enlighten is even stronger, he added.Noticeably left out of the press release is the fact that Mr. Kamel s Dallah Al Baraka Group, for which he is the Chief Executive, has been investigated by U.S. officials for bankrolling al-Qaeda s operations worldwide.Moreover, the bank was founded by former al-Qaeda chief Osama Bin Laden along with a group of Sudanese jihadists, the State Department has alleged, according to the Wall Street Journal.And in the 1998 New York City trials of al-Qaeda members, witnesses testified that Mr. Kamel s bank had previously transferred hundreds-of-thousands of dollars to al-Qaeda to help them buy an airplane, the report stated.Additionally, Kamel s father s name appears on the Golden Chain, a list of alleged al-Qaeda funders that was confiscated by Bosnian authorities after raiding an al-Qaeda front group in 2002.The new Yale Islamic Center becomes the latest of many Saudi-funded influence operations on American university campuses throughout the continental United States. Some more notable Saudi-funded campus outfits include the $20 million Prince Alwaleed Islamic Studies Program at Harvard University and the $20 million Prince Alwaleed bin Talal Center for Muslim-Christian Understanding at Georgetown University. More Saudi-backed Professorships and Islamic Centers have made their way to Columbia University, Rice University, the University of Arkansas, University of California in Los Angeles, the University of California/Berkeley, and countless other institutions.Via: Breitbart News",left-news,"Jan 4, 2016",0 +PRICELESS: Watch Bill Clinton’s Awkward Response When Asked If His Perverted Past Is β€œFair Game”,"Let s be honest when it comes to the Clinton clan, is there really any criminal or morally corrupt act they ve committed that the media doesn t consider off limits? I think there s always a temptation to take the election away from people, so I m just gonna give it to them. -Bill Clinton s utterly incoherent answer to question about his perverted past posed to him by ABC s Cecilia Vega..@ABC Exclusive: Bill Clinton responds to Trump's claim that his past is fair game in interview with @CeciliaVegaABChttps://t.co/4ARzemKcRY ABC News Politics (@ABCPolitics) January 4, 2016",left-news,"Jan 4, 2016",0 +WATCH: CNN HOST GETS SCHOOLED By Guest After Comparing Oregon Protesters To #BlackLivesMatter Terrorists,"Facts are funny things Ever wonder why the Left is so opposed to using them in an argument?CNN law enforcement analyst Art Rodericktold explained to CNN host Brian Stelter, armed protesters in Oregon who took over a federal building to protest a tyrannical federal government, were not being surrounded by federal agents because: They re not destroying property, they re not looting. ",left-news,"Jan 4, 2016",0 +GERMAN RESIDENTS FIGHT BACK: Anti-Islamic Song With No Words Knocks Adele Off Top Spot,"Apparently these Germans are not interested in becoming another Sweden A wordless anti-Islamist hymn knocked chart-buster Adele off the top of the charts in Germany.A wordless hymn by the anti-Islamic group Pegida called Together we re strong has knocked pop diva Adele off the top of the Amazon singles chart.The song has been available to buy on Amazon since December 21st and has been among the top 100 best selling singles for four days.German media picked up on the songs emerging success on Tuesday when it was still at number 26 in the chart. Die Welt reported that despite widespread ridicule, the hymn, which contains no words, was selling well.Since then it has leaped up to overtake Adele s hit single Hello. It has also jumped above successful German recording artists Robin Schulz and Sido, who have been knocked down to places three and four, respectively.On YouTube the hymn has also clocked up over 100,000 views so far. However, most of the commentaries underneath ridicule it for its banality.A PEGIDA activist put video of the German anti-Islamist protester to the hymn by Peggy Sounds, Germainsam Sind Wir Stark. Via: Local h/t Gateway Pundit",left-news,"Jan 3, 2016",0 +UAW BULLIES Print Names Of Non-Members In Right-To-Work State [VIDEO],"This should come as no surprise to anyone who has watched these thugs in action. There is no line the union bosses won t cross to keep the unions dues flowing .The list, obtained by the 7 Investigators, is creating a stir among current and ex-union members in southeast Michigan.The Warren chapter of the UAW, Local 412, appears to publicly shame those opting out of the union listing 43 workers who, choose not to pay their fair share. Paying members are encouraged to virtually shun them, the union saying, do not share any tools, knowledge or support for any of these employees. Here s a little sample (video below) of MI union workers and how they bully and harass anyone who tries to prevent them from forcing workers from joining. This video was taken in Lansing, MI prior to the passage of the Right-To-Work legislation. Leisa and I (Patty) were present at this event when these bullies spent days walking around threatening anyone who opposed them. They knocked over our podium and cut down banners on the stairs leading up to the State Capitol that we reserved. Male union members physically and verbally assaulted us and even went so far as to cut down the tent that AFP rented with several people inside, including a disabled woman with an oxygen tank. Critics say the union is, Trying to use co-workers to peer pressure [them] to pay the union, says Vincent Vernuccio with the Mackinac Center for Public Policy. We ve seen other locals use it. Its just simply intimidation and bullying. Local 412 has a different take on this. They say its simply informational.In the letter, the chapter claims the list is to make sure those ex-members are barred from events and other benefits.The president of Local 412 didn t answer our calls for comment.One of those ex-members singled out in bold by the union is Robert Patchett. In an interview with 7 Action News, he said he feels like he has a target on my back. He says a number of union workers have visited his office inquiring about him since the December list came out and he fears what that may mean. Via: WXYZ",left-news,"Jan 2, 2016",0 +If Your Biological Plumbing Doesn’t Match Sign On Door You’ll Have To Use Another Bathroom If This Bill Passes,"PC is killing our country. This is called fighting back While counterculture crackpots are working themselves into a lather over the prospect that, in some places, men who think that they re women can go tinkle in the same restroom where a 6-year-old girl is pulling down her panties, one state legislator has decided that it might be time to push back.Indiana State Sen. Jim Tomes, who probably accepts basic biology and believes that people born with a penis are male, proposed a bill that would make it a Class A misdemeanor for trannies to use a bathroom that doesn t correspond to their birth gender.Last week, Tomes uttered the following line that s sure to ignite tempers among the social justice mob: If you were born a man, then you are obliged to use the males restroom. What s next? A hereditary monarchy?Anyone convicted of a Class A misdemeanor could face a year in prison and as much as a $5,000 fine.It should be noted, though, that the language in the legislation makes exceptions for janitors, first aid providers, and parents accompanying children under the age of 8.The bill does, however, cover schools. So if it passes and Little Boy Twinkletoes decides that he needs to use the girls locker room after gym class, then he s facing charges.Indiana saw some action in the culture war last year when the state passed a religious freedom law. That law was widely opposed by American liberals, who hate religious freedom.Via: DownTrend",left-news,"Jan 2, 2016",0 +ANDREW BREITBART Warned Us The Occupy Wall Street Movement Would Morph Into An Orchestrated Race War [VIDEO]," No One Listened We had many chances to expose this freak show when it started, but Americans allowed the Left to bully us into submission for fear of being labeled a racist It s important to understand this movement comprised of domestic terrorists and their motives. Please read this story to the end.Here is Andrew Breitbart s warning to Americans just before he died:Why is Breitbart News so on top of the Black Lives Matter movement?Easy. We saw it coming.Not everyone liked what we saw either. In August 2012, the magazine American Conservative did an article on the film Occupy Unmasked. That film was directed by Breitbart News Executive Chairman Stephen K. Bannon and featured people like Andrew Breitbart, Brandon Darby, and myself exposing the Occupy Wall Street movement for what it was a socialist, Obama-inspired activist movement. We pointed out that Occupy was the latest incarnation of the far-left, anti-American protest movements that dates back to the 1960s Students for a Democratic Society and Black Panthers. We also said that the next step in the evolution of Occupy Wall Street would be race-based.Breitbart News has given #BlackLivesMatter more detailed, deep, and honest coverage than any other media outlet on the planet in 2015, and for good reason. From covering every major protest they did to exposing the cop killer that the group worships to revealing the secret funder behind the movement to Milo Yiannopoulos s complete shredding of activist Shaun King, Breitbart News has been the go-to source for original reporting on Black Lives Matter.American Conservative took the film to task for using the term race war to describe what we saw as the next phase of the Occupy movement. Remember, Occupy Unmasked came out about a year before three self-described queer black women started Black Lives Matter in July 2013. In 2012, Anita MonCrief was mocked by American Conservative when she defended her use of the term race war in Occupy Unmasked by saying:But seriously, that s why you have Barack Obama out there saying if he had a son, he would look like Trayvon Martin. they want black people running around in hoodies protesting in the streets. That s what he s looking for. He wants us divided, and he wants us to fight in the streets, so they can basically keep us down.MonCrief said this two years before the hoodie-wearing thugs burned down Ferguson, before they looted and set fire to Baltimore, before they shut down Sen. Bernie Sanders (I-VT)16% at NetRoots nation, and before they shut down Chicago s Magnificent Mile on the busiest shopping day of the year.Anita Moncrief is an amazing patriot who doesn t get enough credit for exposing the truth about the Left. Watch her shocking testimony of how she became a conservative warrior here:The assertion that Occupy Wall Street would morph into Black Lives Matter wasn t a lucky guess. MonCrief, Darby, and I are all former leftists with professional organizational experience. Anita was a whistleblower who worked for ACORN, Darby was a cofounder of Common Ground in New Orleans, and I did work for MoveOn.org and Brave New Films. Because we understand the tactics and the players, it was clear to us that the Occupy movement and its focus on class had failed to resonate with a large enough segment of the American people. We knew that the logical next step was to head back to the 1960s playbook of trying to tear down America by creating as deep a racial rift as possible.With Barack Obama in the White House and Eric Holder running the Department of Justice, the stage was set for the next iteration of the Occupy Wall Street movement. Black Lives Matter was the new Occupy.We also saw that community organizers were working on developing a new movement based on young black people in the wake of George Zimmerman s not guilty verdict in the Trayvon Martin shooting case. As I wrote at Breitbart News in July 2013, the takeover of the Florida statehouse by the group Dream Defenders was a magnet for young people. The long-term goal is straightforward and explicit: the 2014 vote. Once in the Capitol, the Dream Defenders are giving the enthusiastic participants organizer training, right in the governor s office. With two generations of educators, media, and legal experts all schooled in New Left political correctness by America s leading universities, the Black Lives Matter movement has been essentially immune to criticism. The result has left universities, businesses, and police departments defenseless intellectually and physically against Black Lives Matter.There s been a practical cost as well. We ve seen businesses burned to the ground in Ferguson and Baltimore. We ve seen other businesses shut down at the Mall of America and on Chicago s Magnificent Mile. We ve seen the murder rate spike in cities across the country as a result of the Ferguson Effect that has caused police officers to pull back from enforcing the law in the face of unrelenting hostility and scrutiny.We ve seen universities from coast-to-coast bullied into staff firings and policy changes that were meant to only aid black students. These college uprisings have been accompanied by a fierce hatred of free speech; and when combined with the bold aggressiveness of multicultural and feminist Social Justice Warriors, they ve created an educational environment that is openly hostile to white students and faculty.With the next presidential election only 11 months away, conservatives and Republicans would be making a huge mistake to ignore the Black Lives Matter movement.At the close of 2015, the pot is getting ready to boil over. The decision not to prosecute Cleveland police officers in the shooting death of 12-year-old Tamir Rice, the ongoing anger in Minneapolis over the death of Jamar Clark, and two recent Chicago police shootings all create an atmosphere where even angier protests are in the works.Already, Chicago Mayor Rahm Emanuel and his Democrat machine regard Black Lives Matter activists as an existential threat.The engine that drives the anger is the mainstream media, which has done nothing to seriously vet the Black Lives Matter movement. Much of the anger is caused by the inaccurate reporting that consistently vilifies the police and leaves out key details about the shooting victims. This has led to fables such as Hands Up, Don t Shoot, which have continued to be amplified and repeated by Black Lives Matter protesters long after they have been debunked.In fact, one of the key characteristics of the Black Lives Matter movement and the mainstream media s reporting on it is a naked antipathy for facts. Both in real life and on social media like Twitter, leading Black Lives Matter activists are known for shutting down the speech of dissenting opinions and literally blocking anyone who disagrees with them.The result has been a hermetically sealed activist movement that is angry and ignorant, with a hairtrigger temper and a long list of grievances that have no factual basis. Worse, their set of crazed demands have been granted time and again by officials who are too scared to speak out for fear of being branded racists.Like spoiled children, none of this appeasement has done anything to quell the protesters fury. Every time that politicians or university administrators have given into the outrageous, entitled Black Lives Matter mob, they ve learned that feeding that monster has only given it more power to make more demands.In the face of all this feckless kowtowing, no wonder the blunt and in-your-face style of billionaire Donald Trump has hit home for so many Americans. Trump like Ronald Reagan in the 1960s seems to be one of the few people in public life willing to tell Black Lives Matter protesters to sit down, shut up, and stop taking the loser road of self-victimization.This is one of the reasons that Donald Trump, more than any other political candidate on the scene right now, has incurred so much of the wrath and anger of Black Lives Matter. They are keenly aware that he simply will not play their game. The other current frontrunner for the Republican nomination is Texas Sen. Ted Cruz (R-TX)97% , who has already demonstrated that he is no cupcake either. Should either Cruz or Trump be the nominee, expect Black Lives Matter s army to take to the streets and try to shut them down at every opportunity.For that reason, the current political season is set to be even more divisive than either of the last two election cycles, which had already set a very high bar for vitriol.As the newest incarnation of the activist Left, Black Lives Matter will not back down or rest until it is either stopped by somone gutsy enough to call them out or until it gets what it wants: a bloody revolution leading to a socialist/anarchist America.The one thing the left has not counted on, however, is a dogged, active conservative media culture that can bring real information straight to the American people without being filtered by Black Lives Matter s journalism school comrades. We re not about to let Black Lives Matter or any leftist revolutionary movement destroy America without making sure they re fully revealed for what they are. Via: Breitbart News",left-news,"Jan 2, 2016",0 +"Serial Plagiarist Does Victory Dance Over White People Dying, Trump Can’t Save You!","White people the only lives that DON T matter. Imagine the outrage if he were taking a victory lap over a study showing Muslims dying in increasing numbers Citing a study that shows Middle American whites are dying in increasing numbers, like a twisted and bitter eugenicist, serial-plagiarist Fareed Zakaria doesn t even attempt to contain his glee. By painting those who are supposedly dying as useless, drug-addicted ragers, he paints a picture of a weak, angry, and ultimately stupid ethnic group getting what it deserves.If this were any other group, Zakaria would not be using the pages of the Washington Post for a victory dance. Instead, he would be launching an emotional blackmail campaign to cure this epidemic with hundreds of billions of federal dollars. Like most of the elite media, though, Zakaria despises Middle America, so he joyously assumes the study is accurate and bloodlessly screams Told You So! The headline says it all: America s Self-Destructive Whites, and naturally the opening paragraph contains the words Donald and Trump. Why is Middle America killing itself? The fact itself is probably the most important social science finding in years. It is already reshaping American politics. The Post s Jeff Guo notes that the people who make up this cohort are largely responsible for Donald Trump s lead in the race for the Republican nomination for president. What does this epidemic mean to Zakaria?That it s time for compassion?Time for government action?Time for understanding?No. It means more rage from creepy Middle America:The key question is why, and exploring it provides answers that suggest that the rage dominating U.S. politics will only get worse.Zakaria hints that the study s numbers are a tad shaky, but that doesn t stop him from doing a happy dance around the fact that Middle America s Got It Coming .The main causes of death are as striking as the fact itself: suicide, alcoholism, and overdoses of prescription and illegal drugs. People seem to be killing themselves, slowly or quickly, Deaton told me. These circumstances are usually caused by stress, depression and despair.Middle America s a Bunch of Wussies .A conventional explanation for this middle-class stress and anxiety is that globalization and technological change have placed increasing pressures on the average worker in industrialized nations. But the trend is absent in any other Western country it s an exclusively American phenomenon. And the United States is actually relatively insulated from the pressures of globalization, having a vast, self-contained internal market.Stupid Middle America Should Stop Voting Against the Welfare State Deaton speculated to me that perhaps Europe s more generous welfare state might ease some of the fears associated with the rapid change.Middle America s Spoiled By White Privilege [O]ther groups might not expect that their income, standard of living and social status are destined to steadily improve. They don t have the same confidence that if they work hard, they will surely get ahead. In fact, Rouse said that after hundreds of years of slavery, segregation and racism, blacks have developed ways to cope with disappointment and the unfairness of life[.]They do not assume that the system is set up for them. They try hard and hope to succeed, but they do not expect it as the norm.Donald Trump Can t Save You!Mwuh, huh, huh, huh Donald Trump has promised that he will change this and make them win again. But he can t. No one can. And deep down, they know it. Via: Breitbart News",left-news,"Jan 2, 2016",0 +#BlackLivesMatter Terrorists Disrupt Chicago Diners In Lame Attempt To Gain Sympathy,We re thinking it s having the opposite effect. Maybe it s time for a food fight The Black Lives Matter terrorist began harassing unsuspecting patrons this morning at Dove s Diner on Wicker Road in Chicago.https://twitter.com/ZachStafford/status/682994134395793410h/t Gateway Pundit,left-news,"Jan 2, 2016",0 +"THE NEW SWEDEN: Rapes, Riots, Severed Heads, Freeloading Foreigners And Shocking Acquittals","The consequences of throwing out the welcome mat for people who have no intention of obeying your rules or living in a world with morals or values Some 30 Muslim men thought that the woman was in violation of Islamic sharia law, by being in Sweden unaccompanied by a man. They thought that she should therefore be raped and her teenage son killed. Two Swedish citizens were convicted by a Gothenburg Court of joining an Islamist terror group in Syria and murdering two captives. Video evidence showed one victim being beheaded. Every night when I have gone to bed, I have seen a head hanging in the air. Court Chairman Ralf G. Larsson. Sometime during the night, the victim was awakened by the Iraqi as he raped her. The woman managed to break free and locate a train attendant. At first, the woman did not want to call the police. She felt sorry for him [the rapist] and was afraid he would be deported back to Iraq. One week after Sweden raised its terror alert level to the highest ever, the police raised another alarm saying their weapons are simply not good enough to prevent a potential terror attack.November 4: The Swedish Immigration Service sent out a press release, saying that it had hired close to a thousand additional employees since June. The Immigration Service now has over 7,000 employees, including hourly workers and consultants double the 3,350 employees who worked there in 2012. Most of the new recruits work with the legal processing of asylum applications, but the units dealing with receiving migrants and filing their initial applications have also expanded considerably. As if the record influx of migrants this autumn were not crushing enough, the Immigration Service also had trouble retaining its staff. Employees complain about being badly treated: they are always expected to be on call, and possibly even work Christmas Eve.November 4: Bobel Barqasho, a 31-year-old Syrian, was sentenced by Sweden s Supreme Court to 14 years in prison. Before his case reached the Supreme Court, Barqasho had been sentenced by a lower court to 9 years in prison, then acquitted by the Court of Appeals. In February 2013, Barqasho threw his wife off a sixth-floor balcony. Against all odds, the woman survived the 13-meter (about 43 feet) fall, but was badly injured. When she woke up after five weeks in a coma, her head was held together by a helmet, her face felt loose, and her teeth were gone. In the Court of Appeals, the defense managed to plant reasonable doubt about the man s guilt by claiming the woman was depressed and had jumped of her own free will] so the Court of Appeals set him free. By the time the Supreme Court pronounced its sentence of 14 years, Barqasho had disappeared. He is now being sought by Interpol.November 6: The Gr nkulla School in Alvesta closed after reports of a rape at the facility spread on social media. A Somali boy had apparently been sexually harassing a 12-year-old girl for some time. On October 17, he allegedly took his attentions a step farther, pulled the girl behind a bush and raped her. The girl s father had been unsuccessful in trying to get the school to address the problem earlier, but even after the reported rape, the school s management did not act. The boy was allowed to continue going to the school just on a schedule different from the girl s. Her distraught parents told the news website Fria Tider: We are being spat on because we are Swedish. In protest against the school s management, many parents, viewing the school as having sided with the perpetrator, moved their children to other schools.November 9: Social commentator and whistleblower Merit Wager revealed on her blog that administrators at the Immigration Service had all been ordered to accept the claim that an applicant is a child, if he does not look as if he is over 40. A staggering 32,180 unaccompanied refugee children had arrived during 2015 by December 1 since then another 1,130 have come and the government finally decided to take action.If its proposition is approved by Parliament, everyone who looks adult-aged will be forced to go through a medical age-determination procedure. One of the reasons Sweden stopped doing these in the first place, was that pediatricians refused to take part in them. They said the procedures were unreliable. November 10: A 28-year-old Iraqi man was prosecuted for raping a woman on a night train between Finland and Sweden. The man had originally planned to seek asylum in Finland, but had found the living conditions there too harsh. He had therefore taken a train back to Sweden. In a couchette (sleeping car where men and women are together), the rapist and two other asylum seekers met one of the many Swedish women whose hearts go out to new arrivals. The woman bought sandwiches for the men; they drank vodka. When two of the men started groping the woman, she told them to stop, yet chose to lie down and go to sleep. Sometime during the night, she was awakened by the Iraqi as he raped her. The woman managed to break free and locate a train attendant. To the attendant s surprise, the woman did not immediately want to press charges. The court documents state: The train attendant asked if he should call the police. At first, the woman did not want him to do so, because she did not want to put N.N., an asylum seeker, in a tough spot. She felt sorry for him and was afraid he would be deported back to Iraq. The man was given a sentence of one year in prison, payment of 85,000 kronor (about $10,000) in damages, and deportation but will be allowed to come back to Sweden after five years.November 10: An Algerian and a Syrian asylum seeker were indicted for raping a Swedish woman in Str ngn s. The men, 39-year-old from Algeria and 31-year-old from Syria, met the woman in a bar one night in August. When the woman left, one of the men followed her, pulled her to the ground, and assaulted her. Afterwards, the woman kept walking, and ran into two other men the Syrian and another unidentified man and was raped again. The Syrian reportedly also spit her in face and said, I m going to f k you, little Swedish girl. The men, who lived at the same asylum house, denied knowing each other when questioned by the police.The verdict was announced on December 1. Rapist number one was sentenced to 2.5 years in prison, 117,000 kronor (about $14,000) in damages, and deportation to Algeria. Rapist number two was convicted of aggravated rape and sentenced to four years in prison. He cannot be deported, however, because there are currently hindrances towards enforcing deportations to Syria. He was also ordered to pay the woman 167,000 kronor (about $20,000) in damages.November 13: A trial began against eight Eritrean men, between the ages of 19 and 26, who according to the District Court, crudely and ruthlessly gang-raped a 45-year-old woman. She had been waiting in a stairwell for a friend when the men invited her into an apartment. Inside, she was thrown on the floor, held down, beaten and brutally raped. When questioned by the police, she said, It felt as if there were hands and fingers everyplace. Fingers penetrated me, vaginally, anally. It hurt very much. I could feel the fingernails. She said she could also hear the Eritreans laughing and speaking in their own language while they raped her. They seemed to be enjoying themselves, she said.When two of the men started fighting over who should rape her next, she tried to flee, but one of the men hit her over the head; she fell unconscious. After coming to, she escaped out a window and was able to reach a neighbor.The District Court of Falun established that several men had taken part in the attack, but the District Attorney was unable to prove who had done what. Therefore, only one man was convicted of aggravated rape, and sentenced to five years in prison. The others were sentenced to only 10 months in prison for helping to conceal a serious criminal offense. After serving their time, the men will be allowed to stay in Sweden.November 14: The Swedish Security Service, S po, warned again of Muslim terrorists hiding among migrants. The number of individuals listed as potential security threats has tripled this year, and includes several hundred who may be ready to carry out Paris-style attacks.As the Immigration Service has a huge backlog in trying to register all 150,000 asylum seekers who have come to Sweden so far in 2015, there are probably also many migrants that would be considered potential security threats.November 14: Sweden s Foreign Minister, Margot Wallstr m, made yet another strange statement with diplomatic consequences. The day after the Paris attacks, in an interview with Swedish Public Television, Wallstr m was asked, How worried are you about the radicalization of young people in Sweden who choose to fight for ISIS? Wallstr m replied: Yes, of course we have a reason to be worried not only here in Sweden but around the world, because there are so many who are being radicalized. Here again, you come back to situations like that in the Middle East, where not least the Palestinians see that there isn t any future for us [the Palestinians], we either have to accept a desperate situation or resort to violence. Two days later, the Swedish ambassador to Israel, Carl Magnus Nesser, was called to a meeting at the Israeli Foreign Ministry. Its spokesman, Emmanuel Nahshon, later told Reuters, The Swedish Foreign Minister s statements are appallingly impudent [She] demonstrates genuine hostility when she points to a connection of any kind between the terror attacks in Paris and the complex situation between Israel and the Palestinians. In a formal statement, the Swedish Foreign Ministry denied that Margot Wallstr m s remark had connected the Paris attacks with the Israeli-Palestinian conflict. A Swedish Conservative (Moderaterna) Member of Parliament, Hanif Bali, sarcastically tweeted that it seemed the Foreign Minister is suffering from an obvious case of Israel-Tourette s. November 18: The Authority for Civil Protection and Contingency Planning (MSB) warned that the asylum situation was not only very strained, but that things keep getting worse and that in some parts of Sweden, the authorities can only function until the end of December. Meanwhile, the Immigration Service calculated that another 13,000 beds are needed in so-called evacuation accommodations. The problem cannot be fully solved even if the Armed Forces help provide more housing or if the MSB could arrange more tent accommodations, the authority wrote.The massive influx of asylum seekers has also led to native Swedes being crowded out of the health care and social services systems, according to the MSB. It [the MSB] is so busy handling unaccompanied children and asylum seekers, that there simply is not enough time to tend to the everyday functions, such as healthcare and social services, said Alexandra Nordlander, Chief of Operative Analysis at the MSB, to the daily tabloid, Aftonbladet.November 19: A fire broke out at Lundsbrunn Spa, a few weeks after plans were announced to convert the historic building into the biggest asylum-seekers home in Sweden. According to the police, the fire was not an arson, but started in a wood-pellet stove.Many hotels and spas have transforming themselves into asylum-seekers housing, in order to profit from lucrative deals offered by the Immigration Service. Lundsbrunn Spa, near a mineral spring, dates back to 1890; in 1817, a hospital was established on the grounds. The nearby village is home to fewer than 1,000 people, so when Lundsbrunn Spa decided to accept an offer from the Immigration Service, the village faced a doubling of its population. The owners of Lundsbrunn wrote on the Spa s website that they see the transformation from spa to asylum-seekers home as a temporary measure.November 20: Norwegian businessman Petter Stordalen, the billionaire owner of Nordic Choice Hotels, announced that the chain s many properties in Scandinavia and the Baltic states would no longer serve their guests sausage and bacon for breakfast. The breakfast buffet of the Nordic Choice s Clarion Hotel Post in Gothenburg was named earlier this year the best hotel breakfast in the world by the British newspaper, The Mirror. But apparently, this award did not matter.The cause for the hotel s decision was cited as health reasons. The internet, however, was soon abuzz with speculation that the real reason was adaptation to Islamic dietary laws (halal). One week later, Stordalen backtracked. The reaction from hotel guests had been too strong. Many people vented their anger over the withheld bacon on Stordalen s Facebook page. Stordalen commented: The guests have spoken. Comfort Hotels are bringing back bacon. November 23: Hassan Mostafa Al-Mandlawi, 32, and Al Amin Sultan, 30, were indicted in the Gothenburg Municipal Court, suspected of having traveled to Syria in 2013 and murdering at least two people there. The charge was terrorist crimes, (alternatively crimes against international law) and murder. Chief Prosecutor Agnetha Hilding Qvarnstr m, of the National Unit for Security Cases, said: The act [was] committed with the intent to harm the state of Syria and intimidate the people, thus the classification: terrorist crimes. The hard part is to clarify fully whether these men have been part of an armed group, and acted within the frames of the armed conflict, or not. The accused men came to Sweden, one from Iraq and one from Syria, as children, but grew up in Sweden and are Swedish citizens. They traveled to Syria in 2013, and joined one of the many Islamist terror groups there. According to the prosecution, they murdered two captured workers in an industrial area of Aleppo by slitting their throats. The prosecutor wrote that, Al-Mandlawi and Sultan have both expressed delight at the deeds. During the trial, films of the executions were shown, but both men still denied having committed the crimes. Those present in court agreed that the films were among the most disturbing ever displayed in a Swedish court. First, they show a man having his throat slit, the blood gushing before he dies. Then, the other victim s head is severed from his body, and the killer holds up the severed head to loud cheers from the others. The court s chairman, Ralf G. Larsson, told the news agency, TT: Every night when I have gone to bed, I have seen a head hanging in the air. The verdict was announced December 14: Both men were convicted of terrorist crimes and sentenced to life in prison. The verdict will be appealed, the defense lawyers said.Via: Gatestone Institute",left-news,"Jan 2, 2016",0 +"2 KILLED, 15 WOUNDED IN CHICAGO SHOOTINGS New Years Day, While #BlackLivesMatter Terrorists Take Fight To Evil Cops","Killing each other is okay, it s when a cop kills in the line of duty. That s where the Black Lives Matter protesters draw the line Two men were killed and at least 15 others were wounded in Chicago shootings on New Year s Day.The first shooting of 2016 left one person injured early New Year s Day in the South Chicago neighborhood.The 34-year-old woman was inside a residence at 12:05 a.m. Friday in the 8000 block of South Paxton when a bullet came through the window and grazed her hand, police said. She was taken to Advocate Trinity Hospital in good condition police said. They shot this thing around. It came through my house, it injured my sister. And this is ridiculous, says Bianca Fisher. It doesn t make any sense. Neighbors say it s frightening. I understand it was a minor incident, so I m grateful for that, but we don t want any shootings at all. It s a New Year s custom that should be done away with, a neighbor said.A little over two hours after the first shooting came the first murder. Police say the victim is 24-year-old Deandre Holiday, gang member who had been arguing with another man inside a bar when it spilled out into the street. The other man pulled a gun and shot him in the chest, then fled, police said.The most recent nonfatal shooting left a man critically wounded at 6:40 a.m. in the South Side Back of the Yards neighborhood.A man, thought to be in his 30s, was shot in the chest in the 1900 block of West Garfield, police said. He traveled to 55th Street and Artesian before he was taken to Stroger Hospital in critical condition. 20 minutes earlier, another man was shot in the same neighborhood, according to police.The 29-year-old man was shot in the shoulder at 6:20 a.m. in the 5400 block of South Winchester, police said. He was also taken to Stroger, but his condition was not immediately known.About two hours earlier, a man was shot in the West Garfield Park neighborhood.The 26-year-old man was shot in the leg at 4:30 a.m. in the 600 block of South Kostner Avenue, police said. He took himself to Rush University Medical Center, where he was listed in good condition. About two hours earlier, three men were shot in the Greater Grand Crossing neighborhood on the South Side.The men ages 26, 20, and 22, were standing near a gas station just before 3 a.m. in the 7500 block of South State when someone approached them and opened fire, police said.The 26-year-old was shot in the leg; the 20-year-old was shot in the back, and the 22-year-old was shot in the arm, police said. They took themselves to St. Bernard Hospital, where their conditions were stabilized.Less than an hour earlier, two men were shot in the Washington Heights neighborhood on the Far South Side.The two 24-year-old men were shot about 2 a.m. in the 9800 block of South Beverly, police said. One man was shot in the right hand and the other was shot in the back, police said. Both were taken to Advocate Christ Medical Center in Oak Lawn.At 12:49 a.m., man was critically wounded in a shooting in the South Side Burnside neighborhood.A 38-year-old man was having an argument with someone he knew at a party at 12:49 a.m. in the 9200 block of South Drexel Avenue when that person pulled out a gun and shot him in the chest and back, police said. He was taken to Advocate Christ Medical Center in Oak Lawn in critical condition.Two hours before, a man was wounded in a shooting in the West Englewood neighborhood on the South Side.At 10:15 p.m., the 18-year-old man was shot in the right hand while standing on the corner in the 7000 block of South Laflin Street, police said. He took himself to Holy Cross Hospital in good condition, police said.A 30-year-old man was shot Thursday night in the Washington Park neighborhood on the South Side.He was shot in the left leg in the 6200 block of South Martin Luther King Drive at 8:15 p.m., police said. He took himself to University of Chicago Medical Center, but his condition was not immediately available.A man was shot Thursday evening in the Englewood neighborhood on the South Side.At 4:48 p.m., the 28-year-old man pulled into a drive way in the 7200 block of South Aberdeen Street when he heard shots and felt pain, police said. He was taken to Advocate Christ Medical Center in Oak Lawn with a gunshot wound to the leg, where his condition was stabilized.The first shooting of the holiday weekend happened just after 3 p.m. Thursday in the Austin Neighborhood on the West Side.A 24-year-old man and a 26-year-old woman were arguing with a third person in the 1000 block of North Lorel when the person pulled out a gun and fired shots, police said.The two victims took themselves to West Suburban Medical Center in Oak Park, police said. The man was shot in the leg and his condition was stabilized at West Suburban. The woman was shot in the abdomen and transferred to Stroger Hospital in serious condition.Police said the shooting may have happened during an attempted robbery. The man is a documented gang member.2015 CRIME STATS RELEASEDHours before the city s first reported murder, the Chicago Police Department released new crime numbers for 2015. The statistics show there were more than 50 more homicides last year than in 2014. Via: ABC7",left-news,"Jan 1, 2016",0 +DISGRACEFUL: US Air Force Can No Longer Afford 21-Gun Salute At Vet Funerals…Plenty Of Funds For Muslim Immigrants,"We can t afford to give our US Veterans a proper funeral, but we ve got money to burn when it comes to bringing Muslim refugees to the US from countries who hate us. On average, each Middle Eastern refugee resettled in the United States costs an estimated $64,370 in the first five years, or $257,481 per household. When a veteran or member of the armed forces dies, he or she is entitled to a ceremony that includes the presentation of a U.S. flag to a family member and a bugler blowing Taps. Most of the time, there is a three-volley rifle salute if requested by family members. But now, if the deceased served in the Air Force, the three-volley salute is not an option because the Air Force can no longer support riflemen for funeral services for veteran retirees.Seven member services for retirees included six members to serve as pall-bearers, a six member flag-folding detail, and a three riflemen to fire the salute. Veteran s funerals now only receive the services of two-member teams, who provide a flag-folding ceremony, the playing of taps, and the presentation of the flag to the next of kin. To me, without the 21-gun salute, it just does not make it complete a proper military burial, veteran Wayne Wakeman told Honolulu s KHON 2 News. I think because of sequestration or the lack of funds or whatever excuse they re giving, that they had to hit the veterans. Wakeman is correct in supposing the cut is due to sequestration, the 2013 automatic federal spending cuts required by the Budget Control Act of 2011.Rose Richeson, from the Secretary of the Air Force s Public Affairs Press Desk, told We Are The Mighty the policy of restricting the funeral honor is an Air Force-wide requirement. The requirement is consistent with DoD policy which require a minimum of two personnel, Richeson said. Any number of personnel above two that is provided in support of military funeral honors is based on local resources available. Via: FOX News",left-news,"Jan 1, 2016",0 +HOUSE DEMOCRATS MAKE STUNNING Move To Implement Sharia Law In America,"While US citizens are outraged over the removal of Christ from pretty much every aspect of our lives, including Christmas, Democrat members of Congress are working fast and furiously to implement America s first Sharia Law...If they get their way They will be stripping us of our basic rights, and we need to be prepared for their TERRIFYING hope and get Americans aware of what is happening!On December 17, Democrat Congressmen quietly sponsored House Resolution 569, a resolution that asks lawmakers to condemn violence, bigotry, and hateful rhetoric towards Muslims in the United States. The resolution specifically mentions Muslims, no other religious groups, and will serve as a test by which further criminalizing of Islamophobia may be introduced.Democrats have shamelessly lumped together hate speech with violence in an effort to compare criticism of Islam to physically harming Muslims. H. Res. 569 threatens to restrict our right to even report facts that tarnish Islam s reputation, a law that all Sharia-governed countries already have in place.According to Congress.gov, the resolution reads: Now, therefore, be it resolved, that the House of Representatives denounces in the strongest terms the increase of hate speech, intimidation, violence, vandalism, arson, and other hate crimes targeted against mosques, Muslims, or those perceived to be Muslim; urges local and Federal law enforcement authorities to work to prevent hate crimes; and to prosecute to the fullest extent of the law those perpetrators of hate crimes Muslims are slaughtering innocent people more than any other religious groups combined, all while refusing as a whole to condemn this barbaric Islamic terrorism, yet we are working to ensure these silent, consenting moderates have special protection protection that they have never allowed religious minorities in their own countries.In another passage, Democrats laughably purport that Muslims have contributed to the fabric of American society, but we re assuming they don t mean terrorist attacks on U.S. soil, countless frivolous CAIR lawsuits, whitewashed Islamic education in public schools, or whining about pork products and a lack of taxpayer-funded prayer rooms. Whereas this Muslim community is recognized as having made innumerable contributions to the cultural and economic fabric and well-being of United States society Still, the bill is purposefully vague in that it mentions prosecuting the perpetrators of hate speech, yet gives no definition for what it considers hate speech. Of course, we who have spoken out about the intolerant fundamentals of Islam understand that this means uttering anything critical of Islam or its followers, regardless of facts or relevance to the Quran.In conclusion, the bill ridiculously compares criticizing Islam as a violation of Muslims civil rights, as if disagreeing or even openly mocking someone s beliefs is unconstitutional. Our forefathers had exactly political and religious mockery in mind when they penned our amendments, having experience the violation of limited speech and worship by their own King George III.Indeed, free speech was never intended to defend inoffensive speech, because inoffensive speech needs no protection. Freedom of speech is solely for the offensive, meant to prevent those who would limit it because of their opposing beliefs. Via: RWN",left-news,"Jan 1, 2016",0 +"IS A REVOLUTION COMING? Former Congressman Throws Down Gauntlet On Obama’s Executive Gun Grab: β€œIt’s War, Defy His Executive Actions”","Spoken like a true American Former Congressman Joe Walsh tweeted on Thursday, On Monday, Obama, on his own, to go after guns. It s war. Defy his executive actions. Time for Civil disobedience. Walsh, who is now a radio host on AM 560 The Answer in Chicago linked to a CNN article that announced that President Obama is expected to take new executive action on guns in order to expand background checks on firearm sales.On Monday, Obama, on his own, to go after guns. It's war. Defy his executive actions. Time for Civil disobedience. https://t.co/DasTdwv9EQ Joe Walsh (@WalshFreedom) December 31, 2015The Obama administration s imminent announcement comes ahead of the January 12th State of the Union address. Obama s executive actions would further his unilateral steps of gun control.Via: Daily Callerh/t Weasel Zippers",left-news,"Jan 1, 2016",0 +EVERY U.S. CITIZEN TAKEN HOSTAGE IN IRAN To Be Awarded Millions…With A Catch…Iran’s Not Paying…YOU Are!,"Just another slap in the face to US citizens. Our government arranges massive payments to hostages taken by the terrorist nation of Iran, as they walk away unscathed .A fund of over $1 billion has been created for the U.S. embassy personnel taken hostage by Iran after the 1979 Islamic Revolution, but it is the U.S. taxpayer, not Iran, who will be paying for it.The new fund, known as the United States Victims of State Sponsors of Terrorism Fund, was an addition to the omnibus bill put forward by Congress and signed into law by President Barack Obama Dec. 28. As much as $4.4 million could go to each of the 52 Americans held by Iran, with another $600,000 going to each spouse and child of the victims. The provision authorizes $1.025 billion from the Department of the Treasury to be used to pay for the new fund. Additionally, the legislation includes a 25 percent cap on any attorney s fees, which could lead to as much as $250 million total going to lawyers of the various victims involved.The victims were taken hostage during Iran s Islamic Revolution led by former Supreme Leader Ayatollah Khomeini. Hundreds of student protesters stormed the U.S. embassy in Tehran taking 52 U.S. personnel hostage for 444 days. Several months after the takeover, former President Jimmy Carter authorized Operation Eagle Claw, a rescue attempt by U.S. special operations forces which would later fail. The hostages would eventually be released after a lengthy negotiation process the day of President Ronald Reagan s inauguration in January, 1981. Victims of the embassy attack have been seeking compensation for their captivity for some time, but have been prevented from taking legal action against Iran. The 1981 Algiers Accords, the agreement which secured the release of the hostages, had a provision barring the victims from suing the Iranian government. Iran is not paying the money, but it s as close as you can get, says Thomas Lankford, an attorney for one of the victims, speaking to The Washington Post. Lankford refers to a clause in the new law which mandates that any money collected from the BNP Paribas scandal will be used for the new fund and the various 9/11 victim funds. The U.S. levied a fine of $9 billion on the French bank in June 2014 for its evasion of sanctions against countries like Iran, Cuba and North Korea.The staggering amount of compensation being paid to the victims is remarkably higher than the $262,000 suggested by the George W. Bush administration in 2003. Some may be surprised that a fiscally conservative Republican-controlled Congress would authorize payments of more than $250 million from the U.S. Treasury to private attorneys, even on behalf of victims of terrorism deserving compensation, writes attorney John Bellinger in the Lawfare blog. Via: Daily Caller ",left-news,"Dec 31, 2015",1 +"FBI POSTS $5,000 REWARD For Person Who Committed β€œHate Crime” With Bacon? [VIDEO]","Americans were warned by Attorney General, Loretta Lynch to not offend Muslims or they would pay a heavy price. Did anyone think she, or her boss were kidding? Barack Obama offends Christian Americans on a regular basis when will the FBI place a bounty on his head? The FBI is offering a $5,000 reward for information that helps them find the person who put raw bacon on the door handles of a Las Vegas mosque.The FBI said in a statement Wednesday that agents are trying to find the man seen in a surveillance video putting the meat on the entrances of the Masjid-e-Tawheed mosque. Authorities call it a desecration of the Islamic worship center.The Quran, the holy book of Islam, prohibits Muslims from eating pork, and pigs have been used to taunt or offend Muslims.Both the FBI and Las Vegas police say they re investigating the case as a possible hate crime.Las Vegas police spokesman Larry Hadfield said the bacon was wrapped on the door knobs, and was also found on the ground and fences.Officials at the mosque couldn t immediately be reached for comment.The FBI said the incident happened about 3:15 a.m. Dec. 27. The culprit is described as a white man wearing a dark blue hat, jacket and black-framed glasses. He had black or dark brown hair with long, thin sideburns.The site west of the Las Vegas Strip wasn t damaged, and no one was hurt. The mosque was empty at the time, and the case was reported by members who came to worship later that morning.Several threatening incidents at mosques have been reported in recent weeks. A Molotov cocktail went off at an Islamic center in Tracy, California, days ago, and a severed pig s head was found outside a Philadelphia worship site earlier this month. Via: APThe vandalism, which is being called a hate crime, has left the Las Vegas Muslim community on edge, according to KSNV. ",left-news,"Dec 31, 2015",0 +HOLLYWEIRD LIB SUSAN SARANDON Compares Muslim Refugees To Jesus’ Family,"There are two small problems with your analogy Susan Jesus was NOT a Muslim and Joseph traveled to Bethlehem with Mary. For anyone who s not paying attention there don t appear to be many female refugees accompanying male Muslim refugees to Greece.Susan Sarandon spent the Christmas holiday on the Greek island of Lesbos assisting international organizations with the mounting Syrian refugee crisis a crisis, she says, that recalls the travails of Joseph and Mary on their way to the Inn in Bethlehem.In a column for the Huffington Post and RYOT, the 69-year-old Oscar-winning actress described meeting a 16-year-old girl who had apparently given birth shortly before arriving on the island. I smile and approach her, but without a translator, our conversation is basic-friendly, Sarandon wrote of her experience. She takes the bundle next to her and opens it to me. Inside is a perfect, rosy, newborn. The actress continues:She is beaming, so proud. How did this young girl, just having given birth, manage that trip at sea? How did she do all that walking? Where did she give birth?Wasn t Mary just a kid too when she and Joseph took to the road? So far, there is no manger for this Syrian baby, no room at the inn.Sarandon s short column is part of a new collaborative series with the Huffington Post and the virtual reality network RYOT called The Crossing, which will see the actress host a series of reports chronicling the refugee crisis as it unfolds in Greece. The actress also criticized the political discourse surrounding the refugee crisis in the United States: It seemed like people who had the loudest voices were the most xenophobic and un-American, she said.Sarandon isn t the only actor to have visited the Greek island to assist international aid efforts for refugees; Homeland star Mandy Patinkin recently spent time there assisting the International Rescue Committee after wrapping production on the fifth season of the hit Showtime drama. Via: Breitbart News",left-news,"Dec 30, 2015",0 +BREAKING: New CA Law Will Allow Cops To Confiscate Legally Owned Guns,"The drip drip drip of communism in the leftist state of California A new California law scheduled to take effect Friday will allow the police to seize private, legally-owned weapons for up to three weeks without charges or allowing the citizen to contest the seizure.AB1014 was passed last year in the wake of 2014 s Isla Vista shooting, where teenager Elliot Rodger went on a rampage near the campus of the University of California, Santa Barbara, killing six people along with himself.Rodger s parents had reported him to the police prior to the shooting, concerned about his mental health and rants he posted online. But after meeting with Rodger, police decided he wasn t a criminal risk, and consequently didn t search his apartment, where he was stockpiling weapons and ammunition.The new law is intended to stop such a situation from re-occurring. Under the law, a judge has the power to grant a restraining order telling police to seize a person s guns, based solely on accounts from family members or police that the person is poses an imminent danger to others. The restraining order can be granted without the affected person knowing it exists or being allowed time to contest it.Under the law, the factors a judge can consider in granting the restraining order include not only threats of violence, but also prior felony arrests (even without a conviction), evidence of alcohol abuse, and even the simple act of recently purchasing a gun or ammunition.Once granted, police can use the restraining order to confiscate all of a person s guns and ammunition, and the person is also barred from buying or possessing guns and ammo for the duration of the order. A full court hearing must then be heard within three weeks. At that hearing, a judge will be able to extend the restraining order for an entire year. The law gives us a vehicle to cause the person to surrender their weapons, to have a time out, if you will, Los Angeles Police Department Assistant Chief Michael Moore told Southern California Public Radio. It allows further examination of the person s mental state. The law expands on California gun laws that are already some of the country s toughest. Police already have the power to seize a person s guns if a licensed therapist informs them that the person s mental state makes them a danger to themselves or others. Via: Daily Caller ",left-news,"Dec 29, 2015",0 +U.S. MOSQUE LINKED TO TERRORIST GROUP Received $2.7 MILLION In Federal Funding,"It s interesting to note the terrorist organization linked to this mosque (and funded with our taxpayer dollars), is same terror group Obama and the Democrats supported during the Arab Spring uprising in Egypt A Kansas City mosque owned by an Islamic umbrella organization with deep ties to the U.S. arm of the Muslim Brotherhood has received millions of dollars in federal grants over the past several years, according to a federal spending database.The Islamic Center of Greater Kansas City has received $2,739,891 from the Department of Agriculture since 2010, a Daily Caller analysis has found. The money largely went to the mosque s Crescent Clinic to provide services through the Women, Infant and Children nutrition program, known as WIC.The most recent federal payment in the amount of $327,436 was handed out Oct. 1. Property records show the mosque is owned by the North American Islamic Trust (NAIT), which acts as a financial holding company for Islamic organizations. It offers sharia-compliant financial products to Muslim investors, operates Islamic schools and owns more than 300 other mosques throughout the U.S.Founded in 1973 as an offshoot of the Muslim Brotherhood-backed Muslim Students Association, NAIT s most controversial connection is to the 2007 and 2008 Holy Land Foundation terror financing cases. Along with other Muslim Brotherhood-linked organizations like the Islamic Society of North America (ISNA) and the Council on American-Islamic Relations (CAIR), NAIT was named a co-conspirator in the federal case but was not indicted.At the Holy Land Foundation trial, evidence was presented that ISNA diverted funds from the accounts it held with NAIT to institutions linked to Hamas and to Mousa Abu Marzook, a senior Hamas leader.Federal prosecutors introduced evidence in the case that established that ISNA and NAIT were among those organizations created by the U.S.-Muslim Brotherhood. Hundreds of thousands of dollars worth of checks drawn from ISNA s account and deposited in the Holy Land Foundation s account with NAIT were made payable to the Palestinian Mujahadeen, which is the original name for Hamas military wing.While Hamas was designated as a foreign terrorist organization by the U.S. government in 1997 and is considered the Palestinian branch of the Muslim Brotherhood, the larger Muslim Brotherhood is not itself designated as a terrorist group.And while the Obama administration has largely remained agnostic towards the organization, the British government released a scathing report earlier this month noting that the Muslim Brotherhood remains supportive of Hamas and that much of its ideology and many of its tactics are contrary to our values and have been contrary to our national interests and our national security. Via: Daily Caller",left-news,"Dec 29, 2015",1 +SYRIAN DROPS TRUTH BOMB: Germany Asked β€œRefugees” [On Internet] To Come…”None of us had to flee…we didn’t want to go to the army…easier to get a good job and earn money in Europe”,"This is what happens when you have government leaders who represent their own self interests, putting job opportunities and national security for its citizens dead last. Sound familiar?A well-known Iranian born writer, Ramin Peymani explains in a Huffington Post- Germany article, Der Syrer eine Fl chtlingsgeschichte ( The Syrians, A Refugee Story ), that, while living in Germany, he met up with the Syrian refugee in the checkout line at a local grocery store.Being Iranian, Peymani could speak fluently with the refugee, who freely admitted that he, and all the others claiming to be refugees, were not fleeing war, but had merely come in search of jobs and money.The Syrian told Peymani that his mother lived in America, that that his sister was still in Syria. Did you escape with your mother? Why your sister has not come? Peymani asked. No, I did not flee. None of us had to flee, the Syrian freely admitted. The Assad regime is cruel and unjust, but you can live in Syria, if you just don t mess with it. Peymani then asked if the Syrian had then fled from the Islamic State terrorists. The Syrian s answer in this regard was revealing as well: I come from Damascus, like most of us [refugees] do that I ve met in the camp. There is no IS [in Damascus]; it is in other regions, for example, towards Iraq. Peymani then asked him the logical next question: Are you saying that most Syrians do not flee from war and persecution? The Syrian answered: Yes. My friends and I went because we didn t want to go to the army. And because it is easier to get a good job and earn money in Europe. Peymani then wanted to know why so many Syrians had come so suddenly. Why now are so many coming? Is it because the Assad regime has become worse? The Syrian replied: No. He [Assad] has been in power many years already. The regime is cruel and can kill opponents, but my family and I have not been touched, and none of my friends either. So why had they all now come to Europe, Peymani asked, to which the Syrian replied: In the summer we saw on the Internet that Germany wanted people to live there. We were invited to come here. And it was said that the state would take care of us and we would be given jobs. But I cannot find one Peymani also asked him what route he had followed to Germany. I lived in Turkey for some time after my mother had emigrated to the United States to be with relatives. But I could not get a visa for the USA, even though my mother has a green card. Peymani asked him if he had fled to Turkey because of the war in Syria? Laughing, the Syrian replied: No (laughs). My friends and I are here because we thought we d find work. We did not like Turkey. He was then asked if his story is typical of the people who leave Syria? The Syrian replied: I think most go for the same reason as I did. All men of my age, who want to just live better elsewhere. ",left-news,"Dec 29, 2015",0 +"NOT KIDDING: Call A Transexual β€œHe” If He Wants To Be Called β€œShe” In Communist NYC…Pay Staggering $250,000 Fine","The LGBT mafia has never been more threatening or powerful Did you call a transsexual person he or she when they preferred to be called zhe? According to a newly updated anti-discrimination law in New York City, you could be fined an eye-watering $250,000.In the latest, astonishing act of draconian political correctness, the NYC Commission on Human Rights have updated a law on Discrimination on the Basis of Gender Identity or Expression to threaten staggering financial penalties against property owners who misgender employees or tenants.Incidents that are deemed wilful and malicious will see property owners face up to $250,000 in fines, while standard violations of the law will result in a $125,000 fine. For small business owners, these sums are crippling.It s not as simple as referring to transmen he or transwomen as she, either. The legislation makes it clear that if an individual desires, property owners will have to make use of zhe, hir and any other preferred pronoun. From the updated legislation:The NYCHRL requires employers and covered entities to use an individual s preferred name, pronoun and title (e.g., Ms./Mrs.) regardless of the individual s sex assigned at birth, anatomy, gender, medical history, appearance, or the sex indicated on the individual s identification. Most individuals and many transgender people use female or male pronouns and titles.Some transgender and gender non-conforming people prefer to use pronouns other than he/him/his or she/her/hers, such as they/them/theirs or ze/hirOther violations of the law include refusing to allow individuals to use single-sex facilities such as bathrooms that are consistent with their gender identity, failing to provide employee health benefits for gender-affirming care and imposing different uniforms or grooming standards based on sex or gender. Examples of such illegal behaviour include: requiring female bartenders to wear makeup, Permitting only individuals who identify as women to wear jewellery or requiring only individuals who identify as male to have short hair, and permitting female but not male residents at a drug treatment facility to wear wigs and high heels. In other words, if a bar owner prevents male bartenders from wearing lipstick and heels, they ll be breaking the law. They ve now got a choice between potentially scaring off customers, and paying hundreds of thousands of dollars in fines. Regardless of the establishment s client le or aesthetic, every property owner will be forced to conform to the same standard.This is the latest in what Spiked Online editor-in-chief Brendan O Neill calls The Crisis of Character in the west, in which identities become grounded in subjective interpretation rather than objective reality. The state is now forcing society to recognise the subjective identities of individuals, regardless of how absurd or surreal they may seem. In New York City, recognising someone s identity is no longer a matter of case-by-case common sense and courtesy. It s zir way or the highway.",left-news,"Dec 28, 2015",0 +BOOM! It’s Payback Time For Gun-Grabbing Gov: GOP Works To Strip Him Of Armed Protection Detail,"Do you think our Gun Grabber In Chief should be next?Virginia state senator Bill Carrico (R-Dist. 40) is responding to Governor Terry McAuliffe s (D) relentless gun control push by introducing a budget amendment to remove funding for McAuliffe s protection detail.Carrico said, If he s so afraid of guns, then I m not going to surround him with armed state policemen. McAuliffe has pushed numerous gun controls as governor and, in August, infamously pushed for expanding background checks after Virginia reporter Alison Parker had been shot on air. McAuliffe made the push for expanded background checks before the gunman who killed Parker had been caught and, therefore, before he had any knowledge of how the gunman acquired his gun. As it turned out, gunman Vester Lee Flanagan acquired his gun via a background check.Moreover, on October 15, McAuliffe issued an executive order banning the open carry of firearms in state buildings used by the Virginia executive branch and calling for enforcement to ensure that the only people in the business of selling guns in Virginia are those with a Federal Firearm License (FFL).Senator Carrico is responding to these things and more by trying to be sure McAuliffe does not have to be around guns at all if they bother him so much. According to the Bristol Herald Courier, Carrico said he will address this matter when the General Assembly convenes in January, saying:A lot of the governor s power is deferred to the General Assembly at that point and I ll be getting with my colleagues to circumvent everything this governor has done on this point. I have a budget amendment that I m looking at to take away his executive protection unit. If he s so afraid of guns, then I m not going to surround him with armed state policemen. Via: Breitbart News",left-news,"Dec 28, 2015",0 +SOMALI PIRATE POSING AS A β€œREFUGEE” Found Covered In Blood After Stabbing Roommate 19 Times In German Government Funded Housing,"Apparently free housing, food and spending money wasn t enough for this murderous thug posing as a helpless refugee A Somali pirate who was in jail in France for seven years has been jailed for another eleven years in Germany after murdering a fellow African while pretending to be an asylum seeker in a Berlin invader camp.The astonishing story of the 35-year-old African invader has been revealed in the Potsdam, Berlin-based M rkische Allgemeine newspaper.The Somali who has still not been named, apparently by court order provided an astonishing story which dramatically illustrated how hordes of fraudsters have taken advantage of deluded European liberals to invade and parasite off Europe.He entered Germany in May this year and joined in the general rush to claim asylum, the M rkische Allgemeine reported.The German liberals immediately gave him housing, food, and welfare money. He received an apartment which he shared with another African asylum seeker from Somalia in a building on the Potsdamer Strasse in Teltow (Potsdam-Mittelmark).He fell out with his flatmate, a 21-year-old, and in a murderous frenzy, stabbed him nineteen times, cutting his carotid artery. The 35-year-old fled the scene, but was easily spotted on the streets a few blocks away not only because of his skin color, but also because he was drenched in his murder victim s blood.The Potsdam regional court found him guilty of the latest murder and rejected his plea of manslaughter, saying that the nature of the victim s wounds showed clear premeditation. He was sentenced to eleven-and-half-years in jail.During the court proceedings, his pretrial statements to the police were read out, and his incredible story emerged. In these statements, the Somali admitted to the police that he had previously been jailed in France for seven years after being convicted of piracy off the horn of Africa.In addition, he said, he had killed another inmate while in prison in France, and upon his release, he had simply crossed the border into Germany, thrown away his identification papers, and joined the asylum queue in Berlin.The lack of identification papers is also the reason why the court has not ordered his name to be released because they do not know his real name or even his actual age.The court found that he had documents which gave two different birth dates, and he himself had claimed a third, while he had been registered in the German asylum system under three different names.The latter maneuver is an old trick used by Third World swindlers in Europe to triple their welfare benefits, and is a growing problem with the latest wave of incomers.Nonetheless, the Somali s successful exploitation of the asylum system wrecked only by his murderous behavior serves as a perfect case study in the criminal nature of the Third World invasion and of the stupidity of leftist Europeans in allowing the asylum racket to continue. Via: Maz-online and New Observer ",left-news,"Dec 28, 2015",0 +SMASHED WINDOWS AND DEATH THREATS: Liberal Couple Reveals Horrific Experience After Opening Up Farm To Muslim β€œRefugees”,"These Good Samaritans bit off a little more than they could chew. Maybe next time they ll think twice about helping people who have no intention of assimilating or becoming part of a community. It s an all about me mentality coming from these people who are supposedly looking for help to escape persecution A white bleeding-heart leftist couple made headlines when they generously opened their home to a group of Muslim refugees allegedly fleeing devout Muslim militants. However, it didn t take long for their liberal policies to backfire in a racist and ironic way and it s exactly the poetic justice we ve been warning about all along.In July, the headline read Meet the angels who opened their hearts and home to 143 lost strangers, and the left was drooling over the couple who followed their socialist values to the letter. Andrew and Rae Wartnaby opened up their 50-acre farmland to over 100 Muslim refugees who were reportedly displaced during xenophobic attacks, according to News 24.After escaping Islamic brutality in the Central African Republic, the Muslim migrants traveled to South Africa, where they were again set upon by South African natives in black-on-black attacks. So, the good-natured yet naive white couple welcomed the refugee families to their land, which included Obama s favored widows and orphans. However, after only a few months of graciously allowing the Muslim migrants to live for free on their property, the loving couple soon found that they would actually be the refugees. The Wartnabys were threatened with slaughter by the same people they were helping escape brutality.The Wartnaby s fed, clothed, and housed 143 migrants for free, but it wasn t enough to keep them from turning on the couple. The New Observer reports that the good Samaritans tolerance was used by the refugees to chase them from their own farm, which has already been destroyed by the ungrateful migrants.Last week, the Muslims attacked the Wartnabys home in the wee hours of the morning and warned that they would kill Andrew if the pair didn t leave the property. They claimed that the white couple was not helping them to be relocated back home or to another country, and that it was the pair s responsibility to provide more money, passports, and transportation. I immediately asked if everyone is okay but they kept shouting that tonight was my night and they will kill me. I haven t slept since then, Andrew said. When we took everyone in, we said we would try and help, which we have. But they feel like it has been too long and we let them down. I have asked that group to leave my farm, but they refuse to and to be honest, I don t know what is going to happen. All I know is that I don t want to be murdered tonight. The Muslim migrants cut down the fence, smashed the house s windows, and broke down the doors to drive out the Wartnabys at 2 a.m. The dangerous refugees are still in control of the farm, and the couple remains in hiding, fearing for their lives from the very people they were selflessly helping.Much like Europe and North America, South Africa is an attractive, Westernized country that was well-developed with the help of European settlement. Now, the declining nation is being overrun by African migrants seeking to take advantage of the once thriving infrastructure.Hundreds of thousands of migrants have flooded South Africa, and natives have been unsuccessful in chasing off the demanding, dangerous Muslim invaders.Time and time again we desperately warn the left that their own agenda will turn on them, and we see this same immigration policy played out on a smaller scale with the Wartnabys.Muslim migrants are fundamentally different from any other refugees escaping religious brutality and political tyranny. Although they often flee their own ideology s savagery, they bring the same barbarity wherever they go.The Islamic Prophet Muhammad perfectly modeled how to use migration and the generosity of others as a stepping stool by which to overtake them. As a refugee to Medina, the messenger quietly built up his followers before slaughtering, converting, exiling, and subjugating the very tribes that welcomed him to their thriving, tolerant city.The multiculturalism, tolerance, and religious freedom that once prevailed was stripped away by the commands of Allah that require Muslims to fight every ounce of their ability to establish Sharia law and forcibly spread Islam until it is the only religion left. Via: Mad World News",left-news,"Dec 27, 2015",0 +"PRIORITIES: #BlackLivesMatter Terrorists Protest Cops In Gun-Free Chicago, While Ignoring 6 Murders, 21People Shot Over Christmas Weekend","The December tally in Chicago (so far) is: December to Date Shot & Killed: 29 Shot & Wounded: 189 Total Shot: 218 Total Homicides: 31Six men were killed and at least 21 other people have been wounded in shootings across Chicago over the holiday weekend. The latest homicide happened early Sunday in the Englewood neighborhood on the South Side.About 2:15 a.m., 29-year-old Tyree White was outside with a 28-year-old woman near West 59th Street and South Wentworth Avenue, when someone walked up and opened fire, according to Chicago Police and the Cook County medical examiner s office. White, of the 200 block of East 121st Place, was shot in the chest and was pronounced dead at the scene less than 30 minutes later, authorities said.A pregnant mother of three was killed by a hit-and-run driver, though the baby survived the tragedy.Karla Y. Leanos had been crossing the street in North Lawndale in the 4200 block of West Ogden around 10 p.m. when she was hit by a 2008 Chrysler traveling westbound at a high rate of speed, according to police and the Cook County medical examiner s office. The vehicle did not initially stop, police said. A woman was shot in the back and taken to Stroger, where her condition was stabilized, police said.Saturday night, a 36-year-old man was fatally shot in the Little Village neighborhood on the Southwest Side, police said.The 36-year-old was sitting outside with other people in the 2800 block of West 21st Place about 9:50 p.m. when a white SUV pulled up and a passenger displayed gang signs and then fired shots, police said.Black lives matter .just not the ones who are killed by other blacks in their own neighborhoods.The man was shot in the chest and mouth and was taken by a friend to Mount Sinai Hospital, where he later died, police said. The medical examiner s office could not immediately confirm the fatality.Less than three hours earlier, a 28-year-old man was found shot to death in the West Garfield Park neighborhood on the West Side.He was found about 7:20 p.m. in the 600 block of South Tripp Avenue with gunshot wounds to the chest and stomach, according to police and the medical examiner s office. He was pronounced dead at the scene. His name was being withheld Sunday morning pending notification of his family.Another man was killed Christmas Day in Englewood. Officers responding to a call of shots fired at 11:36 a.m. Friday in the 700 block of West 71st Street found 20-year-old Angelo Frazier with multiple gunshot wounds to the thigh, authorities said.Frazier was taken to Stroger Hospital, where he was pronounced dead less than an hour later, authorities said. He lived in the 600 block of Sullivan Lane in University Park. About three hours earlier, a 22-year-old man was shot to death outside his West Side Austin neighborhood home.Kylan D. Collier was discovered unresponsive with a gunshot wound to the head about 8:30 a.m. on the stairs of the back porch of his home in the 5500 block of West Monroe, authorities said. He was dead at the scene. The weekend s first fatal shooting happened about 4:50 p.m. Thursday in the Park Manor neighborhood on the South Side.A witness told police that 30-year-old Craig Harris went outside and four males were waiting for him in a gangway in the 7300 block of South Vernon, authorities said. Police said the witness heard gunshots then ran inside to call police.Harris, who lived on the same block as the shooting, was shot in the temple and pronounced dead at the scene, authorities said. The latest nonfatal attack happened early Sunday in the South Side Chicago Lawn neighborhood.A 55-year-old woman went to answer her door in the 6700 block of South Oakley Avenue about 5:30 a.m. when she was shot in the shoulder and abdomen, police said. Two males were seen fleeing the scene. The woman was taken Advocate Christ Medical Center in Oak Lawn in serious condition, police said. Less than 90 minutes earlier, a man was shot and critically wounded in Englewood. Officers responding to a call of shots fired about 4:15 a.m. found a 25-year-old man in the driver s seat of a vehicle in the 6000 block of South Laflin, police said. He had suffered multiple gunshot wounds to the body and was taken in critical condition to Stroger Hospital.At 2:27 a.m., two people were shot near the Aragon Ballroom in the Uptown neighborhood on the North Side. A 68-year-old man was standing outside in the 1100 block of West Lawrence when he heard gunfire and realized he d been shot in the leg, police said. A 34-year-old woman sitting in her vehicle nearby also heard the shots and then suffered a graze wound to the forehead. They were both taken to Advocate Illinois Masonic Medical Center, where they were listed in good condition. Police said an unoccupied SUV that had crashed into a building was discovered in the area of the shooting, but it was not immediately clear how the vehicle was connected to the investigation. About 6:15 p.m. Saturday in Austin, a 16-year-old boy was standing outside in the 5200 block of West Adams when two males came out from the alley and shot him in the left leg, police said. He was taken to West Suburban Hospital in Oak Park, where he is listed in good condition.Less than two hours earlier, a man was shot in the Oakland neighborhood on the South Side. The 18-year-old man was shot in the abdomen about 4:30 p.m. in the 3800 block of South Ellis during an attempted robbery, police said. He was taken to Northwestern Memorial Hospital, where his condition was stabilized. At least 14 other people have been wounded in other shootings since 12:15 p.m. Thursday.Additionally, three people were shot Saturday by Chicago Police. A man and a woman were fatally shot in the West Garfield Park neighborhood just before 5 a.m. and a man was critically wounded in a separate police-involved shooting that afternoon in Washington Heights. Via: NBC Chicago ",left-news,"Dec 27, 2015",0 +OOPS! Here’s Proof The Left Used β€œSchlonged” When Referring To One Of Their Own In 2011 [VIDEO],"I m sure it just slipped the feeble minds of the leftist media If it weren t for double standards, the left would have no standards at all.Take, for example, the current liberal outrage over Schlonggate: Donald Trump s use of the Yiddish word schlong to characterize Hillary Clinton s eventual loss to Barack Obama in her 2008 bid for the Democratic presidential nomination.Among the accusations hurled at Trump was that the use of this pejorative for penis was misogynistic. One critic with a vivid imagination even posited that it was a racial slur aimed at Obama.But it turns out that the taxpayer-funded NPR allowed that very term to be used four years ago in reference to another female politician, Geraldine Ferraro, to recall an almost identical political defeat. Talk of the Nation host Neal Conan used schlonged, moreover, in the same breath in which he mentioned Ferraro s untimely death, as noted by PJ Media s Michael Walsh.Here is the transcript.Sad news to report from this past weekend. Geraldine Ferraro died of blood cancer at the age of 75, the three-term congresswoman from Queens, the first woman to run for vice president of the United States in 1984, the first woman on a major party ticket to do so . And Chris Cillizza, that ticket went on to get schlonged at the polls, but that s a historic moment. [Emphasis added]Here s the Reverend Manning s hysterical take on Trump s use of the word schlonged ",left-news,"Dec 27, 2015",0 +UNIV Of WI Chancellor Contacts Police After Noticing Confederate Flag Displayed On Worker’s Truck On Campus,"Is anyone else concerned that the Left was able to turn the display of a Confederate flag by an American into a criminal offense almost overnight? When a contractor s truck at the University of Wisconsin LaCrosse sported a Confederate flag across its grille in November, one official was quick to condemn the contractor, call for the flag s removal, and it turns out even asked for an informal police investigation into the matter. E-mails obtained by the LaCrosse Tea Party show Paula Knudson, Vice Chancellor for Student Affairs at the school, went farther than previously known in her efforts to get the flag removed and the contractor punished.LaCrosse confederate flagUpon learning of the flag s presence on campus, Knudson e-mailed Doug Pearson, the head of Facilities Planning and Management for the school, to ask that the contractor be told the flag needed to go. The contractor quickly and willingly complied and Knudson went on to e-mail the entire UWL campus students and faculty to express her regret over the incident and say that she was personally. . . offended and. . . very sorry for the fear and angst caused by its presence. [Emphasis added]At the same time, e-mails reveal, Knudson e-mailed pictures of the truck to interim UW-LaCrosse Police Chief Scott McCullough with the subject line License please? After reading Knudson s campus-wide missive, McCullough responded to say he read her e-mail to mean that there was no longer any need for police action since the flag had been removed.McCullough also went on to reference another incident with yet another truck that displayed the Confederate flag and urged Knudson to remember that the police cannot run license plate numbers without a valid excuse to investigate the vehicle. I would like to take a second and make clear that like the last truck with this emblem, I would need to be conducting a police investigation into some violation (I believe it was harassment last time) before I can run this plate, he wrote. It could be literally only seconds talking with a complainant but it is an important protection to all of us that even the police cannot simply run records checks for no reason, he went on to say. Please don t take this as any hesitation on our part to help just that we have very specific rules that we (the police) need to follow. At least two students who were offended by the flag took action on their own and approached the construction site to express their indignation according to an e-mail from facilities chief Pearson. The job site superintendent was concerned about two students who walked into the job site and confronted the trucker, Pearson wrote in an e-mail to Knudson that included UWL Chancellor Joe Gow. The superintendent indicated they [the students] were rude and were baiting the trucker to say something. I can help resolve these issues, but staff and students should not be walking into a job site without proper personal protective equipment. The following day, Chancellor Gow e-mailed Knudson to chide her for how she handled the situation. He urged her to point out the trucker kindly complied with the school s request that the flag be removed. We need to refute the notion that we have somehow banned display of the confederate flag, because we don t have the legal authority to do so. And we wouldn t want to stifle free expression no matter how uncomfortable it might make us feel [emphasis added], Gow concluded.In public statements made after Media Trackers first broke the news of the incident and published a picture of the truck, Gow said the Confederate flag clearly is a racist symbol, but acknowledged that UWL would have allowed the trucker to continue to display it had he refused to remove it. Via: EAG News",left-news,"Dec 27, 2015",0 +COLLEGE STUDENT SUSPENDED For Saying He Thinks Black Women Are: β€œnot hot”,"Would this student have been suspended for saying he doesn t think blondes are hot? Did Colorado College violate a student s First Amendment right to free speech when it suspended him for six months for stating online that he doesn t find black women attractive?We may never know, unless the student who was suspended takes legal action, and there has been no report of any such filing.But some free speech advocates would probably urge him to do so.On Nov. 9, an untold number of Colorado College students engaged in a Yik Yaks social media conversation regarding the topic black lives matter, according to a report from TheCollegeFix.com.What was supposed to be a serious discussion reportedly turned raunchy and over-the-top, with a number of participants posting distasteful comments.For instance, student Thaddeus Pryor said the conversation included a post describing white males as dirty hippies with undersized sexual organs who have sexual relations with relatives.At one point the topic changed to black women matter, to which Pryor anonymously replied, They matter, they re just not hot. The next day several quotes from the online conversation including Pryor s remark about black women were reproduced on full-sized banners and hung in the Student Center near a dean s office, TheCollegeFix.com reported.The next thing he knew, Pryor was brought before a disciplinary panel, and learned he had been accused by rumor of being the author of most of the controversial posts in the conversation, the news site reported.Pryor admitted to writing the statement about black women, but denied writing anything else. And there is no way for the college to determine who wrote the other statements that Pryor did not accept responsibility for. Yik Yak is an anonymous social media application on smartphones that restricts posts to those within a geolocated boundary, like a college campus, according to the Huffington Post. While student have frequently protested in recent years over racist and offensive posts on the app, colleges have no way to identify who says anything on Yik Yak. College officials quickly moved to suspend Pryor. Senior Associate Dean of Students Rochelle Mason, Dean of Students Mike Edmonds and Assistant Dean of Students Cesar Cervantes decided in less than 24 hours that Pryor should be suspended for 21 months the exact time it would take him to finish his degree and prohibited from being on campus. Pryor appealed and his suspension was reduced to six months, but he still claims that college officials neglected his due process rights as defined by college policy, and essentially pronounced him guilty of authoring far more than the one post he accepted responsibility for. Pryor said someone misled officials about the number of comments he posted, according to the news site. In a lengthy appeal letter to Edmonds, Pryor said he voluntarily admitted to posting the not hot comment despite Mason and Cervantes having no evidence other than hearsay that he was involved with the Nov. 9 posts, TheCollegeFix.com wrote. He said the college violated its own rules not only by failing to inform him of his alleged violations until he was sentenced, but by incorrectly recording in sanction papers that Mason and Cervantes had even informed him of alleged violations of the Student Code of Conduct. During my hearing, rather than presenting me with my possible violations then investigating my actions and how they may have constituted those violations, I was simply treated as broadly guilty, Pryor was quoted as saying.Apparently private schools like Colorado College have more legal authority to censor speech than public schools, there remains a question about whether Pryor s rights were violated.A nonprofit called the Foundation for Individual Rights in Education (FIRE) contend that the college violated a statement published in a student guide that says, all members of the college community have such basic rights as freedom of speech, the Huffington Post reported. Because Colorado College is a private institution, it generally does not have to grant the same First Amendment free speech rights that a public school would. However, FIRE insists the school s statement about free speech in its college guide creates a contractual obligation, according to the Huffington Post. Via: EAG",left-news,"Dec 26, 2015",0 +NYT’s Gifts America With Christmas Eve Letter From Black Professor Who Teaches Students Every White Person Is A β€œRacist” [VIDEO],"It doesn t matter if you have black friends, if you voted for Barack Obama, or even if you re married to a black person you re still a racist. You can essentially never escape your white privilege and hate for Blacks. No matter what dreams a Black person may have, the White person is going to take them away from you..In 2015, I conducted a series of 19 interviews with philosophers and public intellectuals on the issue of race. My aim was to engage, in this very public space, with the often unnamed elephant in the room.These discussions helped me, and I hope many of our readers, to better understand how race continues to function in painful ways within our country. That was one part of a gift that I wanted to give to readers of The Stone, the larger philosophical community, and the world.That is how I want to deliver my own message now. Dear White America,I have a weighty request. As you read this letter, I want you to listen with love, a sort of love that demands that you look at parts of yourself that might cause pain and terror, as James Baldwin would say. Did you hear that? You may have missed it. I repeat: I want you to listen with love. Well, at least try.We don t talk much about the urgency of love these days, especially within the public sphere. Much of our discourse these days is about revenge, name calling, hate, and divisiveness. I have yet to hear it from our presidential hopefuls, or our political pundits. I don t mean the Hollywood type of love, but the scary kind, the kind that risks not being reciprocated, the kind that refuses to flee in the face of danger. To make it a bit easier for you, I ve decided to model, as best as I can, what I m asking of you. Let me demonstrate the vulnerability that I wish you to show. As a child of Socrates, James Baldwin and Audre Lorde, let me speak the truth, refuse to err on the side of caution.This letter is a gift for you. Bear in mind, though, that some gifts can be heavy to bear. You don t have to accept it; there is no obligation. I give it freely, believing that many of you will throw the gift back in my face, saying that I wrongly accuse you, that I am too sensitive, that I m a race hustler, and that I blame white people (you) for everything.I have read many of your comments. I have even received some hate mail. In this letter, I ask you to look deep, to look into your souls with silence, to quiet that voice that will speak to you of your white innocence. So, as you read this letter, take a deep breath. Make a space for my voice in the deepest part of your psyche. Try to listen, to practice being silent. There are times when you must quiet your own voice to hear from or about those who suffer in ways that you do not.What if I told you that I m sexist? Well, I am. Yes. I said it and I mean just that. I have watched my male students squirm in their seats when I ve asked them to identify and talk about their sexism. There are few men, I suspect, who would say that they are sexists, and even fewer would admit that their sexism actually oppresses women. Certainly not publicly, as I ve just done. No taking it back now.To make things worse, I m an academic, a philosopher. I m supposed to be one of the enlightened ones. Surely, we are beyond being sexists. Some, who may genuinely care about my career, will say that I m being too risky, that I am jeopardizing my academic livelihood. Some might even say that as a black male, who has already been stereotyped as a crotch-grabbing, sexual fiend, that I m at risk of reinforcing that stereotype. (Let s be real, that racist stereotype has been around for centuries; it is already part of white America s imaginary landscape.)Yet, I refuse to remain a prisoner of the lies that we men like to tell ourselves that we are beyond the messiness of sexism and male patriarchy, that we don t oppress women. Let me clarify. This doesn t mean that I intentionally hate women or that I desire to oppress them. It means that despite my best intentions, I perpetuate sexism every day of my life. Please don t take this as a confession for which I m seeking forgiveness. Confessions can be easy, especially when we know that forgiveness is immediately forthcoming.As a sexist, I have failed women. I have failed to speak out when I should have. I have failed to engage critically and extensively their pain and suffering in my writing. I have failed to transcend the rigidity of gender roles in my own life. I have failed to challenge those poisonous assumptions that women are inferior to men or to speak out loudly in the company of male philosophers who believe that feminist philosophy is just a nonphilosophical fad. I have been complicit with, and have allowed myself to be seduced by, a country that makes billions of dollars from sexually objectifying women, from pornography, commercials, video games, to Hollywood movies. I am not innocent.I have been fed a poisonous diet of images that fragment women into mere body parts. I have also been complicit with a dominant male narrative that says that women enjoy being treated like sexual toys. In our collective male imagination, women are things to be used for our visual and physical titillation. And even as I know how poisonous and false these sexist assumptions are, I am often ambushed by my own hidden sexism. I continue to see women through the male gaze that belies my best intentions not to sexually objectify them. Our collective male erotic feelings and fantasies are complicit in the degradation of women. And we must be mindful that not all women endure sexual degradation in the same way.I recognize how my being a sexist has a differential impact on black women and women of color who are not only victims of racism, but also sexism, my sexism. For example, black women and women of color not only suffer from sexual objectification, but the ways in which they are objectified is linked to how they are racially depicted, some as exotic and others as hyper-sexual. You see, the complicity, the responsibility, the pain that I cause runs deep. And, get this. I refuse to seek shelter; I refuse to live a lie. So, every day of my life I fight against the dominant male narrative, choosing to see women as subjects, not objects. But even as I fight, there are moments of failure. Just because I fight against sexism does not give me clean hands, as it were, at the end of the day; I continue to falter, and I continue to oppress. And even though the ways in which I oppress women is unintentional, this does not free me of being responsible.If you are white, and you are reading this letter, I ask that you don t run to seek shelter from your own racism. Don t hide from your responsibility. Rather, begin, right now, to practice being vulnerable. Being neither a good white person nor a liberal white person will get you off the proverbial hook. I consider myself to be a decent human being. Yet, I m sexist. Take another deep breath. I ask that you try to be un-sutured. If that term brings to mind a state of pain, open flesh, it is meant to do so. After all, it is painful to let go of your white innocence, to use this letter as a mirror, one that refuses to show you what you want to see, one that demands that you look at the lies that you tell yourself so that you don t feel the weight of responsibility for those who live under the yoke of whiteness, your whiteness.I can see your anger. I can see that this letter is being misunderstood. This letter is not asking you to feel bad about yourself, to wallow in guilt. That is too easy. I m asking for you to tarry, to linger, with the ways in which you perpetuate a racist society, the ways in which you are racist. I m now daring you to face a racist history which, paraphrasing Baldwin, has placed you where you are and that has formed your own racism. Again, in the spirit of Baldwin, I am asking you to enter into battle with your white self. I m asking that you open yourself up; to speak to, to admit to, the racist poison that is inside of you.Again, take a deep breath. Don t tell me about how many black friends you have. Don t tell me that you are married to someone of color. Don t tell me that you voted for Obama. Don t tell me that I m the racist. Don t tell me that you don t see color. Don t tell me that I m blaming whites for everything. To do so is to hide yet again. You may have never used the N-word in your life, you may hate the K.K.K., but that does not mean that you don t harbor racism and benefit from racism. After all, you are part of a system that allows you to walk into stores where you are not followed, where you get to go for a bank loan and your skin does not count against you, where you don t need to engage in the talk that black people and people of color must tell their children when they are confronted by white police officers.As you reap comfort from being white, we suffer for being black and people of color. But your comfort is linked to our pain and suffering. Just as my comfort in being male is linked to the suffering of women, which makes me sexist, so, too, you are racist. That is the gift that I want you to accept, to embrace. It is a form of knowledge that is taboo. Imagine the impact that the acceptance of this gift might have on you and the world.Take another deep breath. I know that there are those who will write to me in the comment section with boiling anger, sarcasm, disbelief, denial. There are those who will say, Yancy is just an angry black man. There are others who will say, Why isn t Yancy telling black people to be honest about the violence in their own black neighborhoods? Or, How can Yancy say that all white people are racists? If you are saying these things, then you ve already failed to listen. I come with a gift. You re already rejecting the gift that I have to offer. This letter is about you. Don t change the conversation. I assure you that so many black people suffering from poverty and joblessness, which is linked to high levels of crime, are painfully aware of the existential toll that they have had to face because they are black and, as Baldwin adds, for no other reason. Some of your white brothers and sisters have made this leap. The legal scholar Stephanie M. Wildman, has written, I simply believe that no matter how hard I work at not being racist, I still am. Because part of racism is systemic, I benefit from the privilege that I am struggling to see. And the journalism professor Robert Jensen: I like to think I have changed, even though I routinely trip over the lingering effects of that internalized racism and the institutional racism around me. Every time I walk into a store at the same time as a black man and the security guard follows him and leaves me alone to shop, I am benefiting from white privilege. What I m asking is that you first accept the racism within yourself, accept all of the truth about what it means for you to be white in a society that was created for you. I m asking for you to trace the binds that tie you to forms of domination that you would rather not see. When you walk into the world, you can walk with assurance; you have already signed a contract, so to speak, that guarantees you a certain form of social safety.Baldwin argues for a form of love that is a state of being, or state of grace not in the infantile American sense of being made happy but in the tough and universal sense of quest and daring and growth. Most of my days, I m engaged in a personal and societal battle against sexism. So many times, I fail. And so many times, I m complicit. But I refuse to hide behind that mirror that lies to me about my non-sexist nobility. Baldwin says, Love takes off the masks that we fear we cannot live without and know we cannot live within. In my heart, I m done with the mask of sexism, though I m tempted every day to wear it. And, there are times when it still gets the better of me.White America, are you prepared to be at war with yourself, your white identity, your white power, your white privilege? Are you prepared to show me a white self that love has unmasked? I m asking for love in return for a gift; in fact, I m hoping that this gift might help you to see yourself in ways that you have not seen before. Of course, the history of white supremacy in America belies this gesture of black gift-giving, this gesture of non-sentimental love. Martin Luther King Jr. was murdered even as he loved.Perhaps the language of this letter will encourage a split not a split between black and white, but a fissure in your understanding, a space for loving a Trayvon Martin, Eric Garner, Tamir Rice, Aiyana Jones, Sandra Bland, Laquan McDonald and others. I m suggesting a form of love that enables you to see the role that you play (even despite your anti-racist actions) in a system that continues to value black lives on the cheap.Take one more deep breath. I have another gift.If you have young children, before you fall off to sleep tonight, I want you to hold your child. Touch your child s face. Smell your child s hair. Count the fingers on your child s hand. See the miracle that is your child. And then, with as much vision as you can muster, I want you to imagine that your child is black.In peace,George YancyVia: NYT sHere is a dreadfully long interview of Professor George Yancy, who drones on and on about how White people can never escape their racism. It s especially interesting to hear the interviewer tell Professor Yancy that young White people buy into the idea that there is no racism, but they just don t know the truth (translation: even if you re not a racist and have never seen a black friend be discriminated against, you re still a racist. Go to 17.:45 mark of the video to see this incredible exchange: To be black is to already be dead. Which is a hell of a place to be. They re socially dead because in a White world they re going to be looked upon as sub-human. ",left-news,"Dec 25, 2015",0 +SYRIAN MUSLIM MAN WHOSE Family Perished On Trip So He Could Get Free Dental Care Has New Spokesperson Role,"Who better than a man who risked the lives of his wife and children to get free dental care to ask taxpayers in Europe and America to open their doors to more freeloading Muslims? THE father of a little boy who drowned while fleeing Syria has pleaded with the world to open its doors to refugees.Three-year-old Alan Kurdi died along with his mother Rehanna and five-year-old brother Ghalib in September.They paid cruel people smugglers thousands to reach Greece by boat after fleeing their war-ravaged homeland.But pictures of his lifeless body washed up on a Turkish beach forced politicians to tackle the refugee crisis.His father Abdullah Kurdi said: My message is I d like the whole world to open its doors to Syrians. If a person shuts a door in someone s face, this is very difficult. When a door is opened they no longer feel humiliated. He added: At this time of year I would like to ask you all to think about the pain of fathers, mothers and children who are seeking peace and security. We ask just for a little bit of sympathy from you. Via: ExpressUK",left-news,"Dec 24, 2015",0 +French Journalist Hit With Huge Fine For β€œInciting Hate” Against Muslims…Even Though We All Know What He Said Is True,"Americans should pay close attention to this story, especially after Loretta Lynch announced the US Government will punish anyone for anti-Muslim speech.Journalist and writer ric Zemmour has once again been fined this time 3,000 euros for inciting to hate Muslims. Le Parisien reports:Polemicist Eric Zemmour was sentenced on Thursday to a fine of 3,000 euros for provoking hatred towards Muslims, as a result of comments he made to the Italian daily Corriere della Sera in October 2014. In particular, he declared that the Muslims have their civil code, it s the Koran, that they live among themselves in the suburbs. The French are forced to leave. The prosecution had asked for a fine of 10,000 euros. I believe we re heading for chaos. This situation of a people in the people, of Muslims in the French people, will lead us to chaos and to civil war, he added. Millions of persons live here, in France, but refuse to live in the French manner. ric Zemmour was at the time promoting his book Le Suicide fran ais.Note: First, the use of the term polemicist to describe Zemmour is a deliberate attempt by the media to emphasize his warlike nature and his refusal to debate. The word evokes hostility and single-mindedness. Second, Zemmour s reference to a possible civil war preceded by fourteen months the statement by Manuel Valls, between the two rounds of the regional elections, that an FN victory would lead to civil war. No one prosecuted Valls. Third, there is an implication that Zemmour s words were intended to provoke in order to sell more books, since he was on a book tour in Italy.During the hearing in the Paris criminal court, the polemicist had maintained that he was speaking of the Muslims in the suburbs who organize and who are planning to secede. Prosecutor Annabelle Philippe deemed that his remarks that she regarded as stigmatizing and without nuance , were aimed at the totality of the Muslim community. The court agreed stating that at no point in the interview did he reduce his comments to just a fraction of Muslims. The whole of Zemmour s remarks rests on an eminently divisive assumption: that the Muslim community, in its essence and its culture, is in opposition to the French and to the French people, said the judges. Claiming to relate an ineluctable evolution, ric Zemmour proposes to his readers the only option capable, in his eyes, of avoiding civil war: an organized and forced departure from France of the entire Muslim community. The court lambasted his warlike and catastrophe-prone semantics that denote the conceptual passage from a probable reality to a solution at once credible and desirable. Note: So it is a crime in France to express a credible solution to a probable reality? It s a crime to even envisage a chaotic situation caused by Islamic doctrine?His lawyer Olivier Pardo, who plans to appeal, reacted: The remarks made by ric Zemmour before the November 13 attacks are today shared by a large part of those who voice their opinion. I cannot help but note the relentlessness to which he was subjected. The polemicist was also condemned to pay one or one thousand euros, depending on the case, in damages to the associations comprising the plaintiffs. To that will be added court costs, for a total of 13,003 euros.Note: Criminal and civil trials are combined here. While we would have a separate civil suit, in France the damages are meted out in the criminal court.The judges decision again has recognized that ric Zemmour is a propagator of hatred, deemed Sabrina Goldman, attorney for LICRA (International League against Racism and Antisemitism). His words are all the more dangerous because he presents himself as the apostle of truth; he claims to tell the truth when in fact he only expresses hatred, she declared. The president of SOS Racism, Dominique Sopo, expressed satisfaction that the justice system had reminded us that freedom of expression is not freedom to spread hatred . He also said: It makes you wonder again how he can hold such a position of authority in the media. Via: LeParisian",left-news,"Dec 23, 2015",0 +"MUSLIM ACTIVISTS LAUNCH VOTER REGISTRATION DRIVE, As They Know 2016 Election Will Decide America’s Future","Who would ve guessed? A coalition of U.S.-based Muslim groups claiming that anti-Muslim backlash is on the rise in the wake of the terrorist attacks in Paris and San Bernardino hopes to register one million people to vote before the 2016 election as part of a civic empowerment initiative. Oussama Jammal, the secretary general of the U.S. Council on Muslim Organizations, also announced in a press conference held Monday at the National Press Club that the group will seek to increase emergency preparedness for Islamic institutions and individuals to address the rising number of incidents of hate crimes that are unfortunately happening nationwide. While the press conference participants who hailed from such groups as the Council on American-Islamic Relations (CAIR), the Islamic Society of North America (ISNA), and the Islamic Circle of North America (ICNA) focused little attention on the recent terrorist attacks, they focused on some of the political rhetoric that has followed.To address what they perceive as public and political backlash, the groups plan the massive Muslim voter outreach as well as a major educational outreach which will include a One America program aimed at helping non-Muslims understand Islam.One speaker, ISNA vice president Atlaf Husain, urged local, state and federal politicians who aspire to political victory to engage Muslims.He also cautioned: If you as a political candidate choose to spew hatred, bigotry and to vilify Muslim-Americans, you do so at your own political risk. We will use every democratic small d democratic means political strategies to ensure that your candidacy never succeeds. Press conference participants were vague on how the massive Muslim voter registration effort will unfold.Responding to a reporter s question on the matter, Jammal said that the coalition will mobilize the Muslim community through early voting efforts and by busing and shuttling voters to polling stations. Via: Daily Caller",left-news,"Dec 23, 2015",0 +OOPS! NASA Makes Shocking Claim: Burning Fossil Fuels β€œCools Planet”," UNDER MY PLAN ELECTRICITY RATES WOULD NECESSARILY SKYROCKET. IF SOMEBODY WANTS TO BUILD A COAL-FIRED POWER PLANT, THEY CAN. IT S JUST THAT IT WILL BANKRUPT THEM. BARACK OBAMA, 2008 Podesta said that the president was committed to using executive orders to pass regulations under the Clean Air Act to limit carbon dioxide emissions that they say cause global warming. They may try, but there are no takers at this end of Pennsylvania Avenue. May, 2015Major theories about what causes temperatures to rise have been thrown into doubt after NASA found the Earth has cooled in areas of heavy industrialisation where more trees have been lost and more fossil fuel burning takes place.Environmentalists have long argued the burning of fossil fuels in power stations and for other uses is responsible for global warming and predicted temperature increases because of the high levels of carbon dioxide produced which causes the global greenhouse effect.While the findings did not dispute the effects of carbon dioxide on global warming, they found aerosols also given off by burning fossil fuels actually cool the local environment, at least temporarily.The research was carried out to see if current climate change models for calculating future temperatures were taking into account all factors and were accurate.A NASA spokesman said: To quantify climate change, researchers need to know the Transient Climate Response (TCR) and Equilibrium Climate Sensitivity (ECS) of Earth. Both values are projected global mean surface temperature changes in response to doubled atmospheric carbon dioxide concentrations but on different timescales. TCR is characteristic of short-term predictions, up to a century out, while ECS looks centuries further into the future, when the entire climate system has reached equilibrium and temperatures have stabilised. The spokesman said it was well known that aerosols such as those emitted in volcanic eruptions and power stations, act to cool Earth, at least temporarily, by reflecting solar radiation away from the planet.He added: In a similar fashion, land use changes such as deforestation in northern latitudes result in bare land that increases reflected sunlight. Kate Marvel, a climatologist at GISS and the paper s lead author, said the results showed the complexity of estimating future global temperatures.She said: Take sulfate aerosols, which are created from burning fossil fuels and contribute to atmospheric cooling. They are more or less confined to the northern hemisphere, where most of us live and emit pollution. Via: Express UK",left-news,"Dec 23, 2015",0 +#BlackLivesMatterTerrorists Shut Down Kids Visits With Santa At Mall…Attempt To Shut Down Major Airport In MN,"These poor kids have probably practiced for months for this performance, only to have it cancelled by a bunch of low life terrorists:The Minnetonka West MS 8th grade choir was scheduled to sing in the rotunda of the #MOA. They cancelled their performance. #BLM protest Mark J. Westpfahl (@MarkJWestpfahl) December 23, 2015As if locking 8th graders out of their Christmas concert for shoppers wasn t enough, this group of terrorists had to shut down Santa s booth as well. What a shameful group of losers Santa is closing up shop.Repeat: Santa is closing up shop. #MOA #BLM Protest https://t.co/GPFBcMzylv Mark J. Westpfahl (@MarkJWestpfahl) December 23, 2015Santa & his helpers will temporarily stop working 2. Sorry shoppers, no pics till after #BlackLivesMatter demo over. pic.twitter.com/VNSRoia9qG Doualy Xaykaothao (@DoualyX) December 23, 2015The mall warned these punks they were not welcome on the premises.Announcement saying it is unlawful to protest, inside #MOA or in parking ramps. #BLM #BlackXmas2 pic.twitter.com/RqzLiD3Ktz Mark J. Westpfahl (@MarkJWestpfahl) December 23, 2015So the cops came:Shoppers, workers prevented from entering on east ramp, East side of #mallofamerica. Via @MPRnews pic.twitter.com/70G3dOLspx Doualy Xaykaothao (@DoualyX) December 23, 2015Escalators were closed:Escalators have been shut down. #MOA #BLM protest #blackxmas2 pic.twitter.com/dzOpCP9lDh Mark J. Westpfahl (@MarkJWestpfahl) December 23, 2015And then there are these pathetic progressives, who according the person tweeting, are holiday travelers condoning the #BlackLivesMatterTerrorists shutting down the airport:Crowd cheering and chanting to let more protesters further into the airport #BlackXmas #Justice4Jamar pic.twitter.com/wXHgxXcBRE Brandon Long (@BLongStPaul) December 23, 2015",left-news,"Dec 23, 2015",0 +WHO NEEDS DEMOCRATS? GOP Consultant Says Establishment Needs To β€œPut a bullet” In Trump’s Head,"No wonder we ve had the worst Democrat President in the history of the United States for 7 long years!GOP Consultant Rick Wilson says GOP establishment needs to put a bullet in Trump s head.Wilson has also hurled insults at Trump supporters the past few months.Breitbart reported: On Tuesday evening, establishment Republican consultant Rick Wilson said the GOP establishment donor class must find a way to put a bullet in GOP frontrunner Donald Trump.In an interview with MSNBC s Chris Hayes, Wilson conceded that Trump is still a very powerful force right now because he appeals to part of the of the conservative base that Wilson said was activated by his nativist message. Wilson insisted that the donor class can t just sit back on the sidelines and say, oh well, don t worry, this will all work itself out. They re still going to have to go out and put a bullet in Donald Trump, Wilson said. And that s a fact. Republican establishment figures who have underestimated Trump since he entered the race are reportedly looking to raise millions to try to derail Trump and knock him out of the race. Wilson added that the Republican establishment must figure out a way to find a candidate who can successfully post up against Hillary Clinton because neither Donald Trump or Ben Carson is ready to go up against the Clinton machine. Wilson claimed that Trump and Carson are obviously not ready for primetime. During a September CNN interview, Wilson told Erin Burnett that Trump could eat a live baby on television and Trump s supporters would think it s the greatest thing in America. He has also demeaned Trump s supporters as low-information rubes and has likened them to post-rational conspiracy theorists.In an interview with CNN s Don Lemon, Wilson said Trump s message doesn t have to make sense for his supporters to back him and compared Trump to someone who is a conspiracy theorist like your cranky uncle at Thanksgiving who always has a theory about the Bilderbergers or the World Bank, or the IMF, or the Trilateral Commission. Today Rick Wilson attacked Ann Coulter for supporting Donald Trump. Via: Gateway Pundit",left-news,"Dec 23, 2015",0 +MEDIA IGNORES POST ON FACEBOOK From Man Who Threatened To Blow Up CA Mosque: β€œHillary Would Make A Great President”,"Of course in their blind rage for the conservative Right, the media did everything in their power to blame this sick person s actions on who else the GOP frontrunner and one of the Tea Party favorites, Donald J. Trump The mainstream media are reporting that a Bay Area plumber who allegedly planned to bomb a California mosque was a Donald Trump supporter though he explicitly supported Hillary Clinton.On Sunday, police arrested 55-year-old William Celli on suspicion of possessing an explosive device and making criminal threats, CBS San Francisco reported. A bomb squad detonated a device at his house. The Council on American-Islamic Relations (CAIR) cheered the arrest.CBS elaborated further: On Facebook, Celli repeatedly praised Republican presidential candidate Donald Trump, whose plan to bar any Muslims from entering the United States has drawn criticism even as he continues to rise in the polls. The Huffington Post and other left-wing sites played up Celli s support of Trump, implying that Trump was responsible for propelling bigotry and white domestic terrorism into the mainstream of political debate.What the media left out, however, is that Celli also praised Democratic presidential frontrunner Hillary Clinton.In one post, Celli wrote: Hillary Would make a great president. If she would commit to what she is hiding. But she has to crucify the president. Then her run for the White house is over. Via: Breitbart News",left-news,"Dec 22, 2015",0 +BORDER SHERIFF: The New Norm Is Lawless Wide Open Border [Video],"This has just got to end! We have kids pouring across our border and they are not going home. It s a literal invasion with the Obama administration s approval.Pinal County, AZ Sheriff and Congressional candidate Paul Babeu (R) stated, just the last two months alone, we ve had 10,000 unaccompanied juveniles who are staying here and that the Obama administration says the border is wide open, that there is no law it comes to immigration on Monday s Cavuto: Coast to Coast on the Fox Business Network. He added, We re a compassionate nation. We always have been. And this is where I m tired of being shouted down by President Obama, like somehow we re not good Americans if we don t do everything that he says we should to do. And we ve had a million legal immigrants last year, and we do this every year. Babeu continued, I think it s the most compassionate thing we can do, is reunite them with their families in Central America. What America should be doing is finding ways to solve the problems of violence in Central America, support their governments, because if we don t solve that core problem, this isn t going to end. We re going to have this problem next month, next year, and then we own these people, and all the social network to support them for their entire lives. Because if you think that these kids are going anywhere, think again. They re staying here. Babeu further argued, our compassion, there has to be a limit to this. And we don t see people in Europe, in the countries there, taking kids refugees from central america, yet everybody wants us to take Syrian refugees from halfway across the world. So, where s the fairness here? Via: Breitbart",left-news,"Dec 21, 2015",0 +OBAMA WARNS: Crackdown On Terrorism In U.S. Would Violate Iran Deal,"Never mind that Iran continues to violate Obama s lopsided deal Senior Obama administration officials are expressing concern that congressional attempts to tighten laws preventing terrorists from entering the United States could violate the Iran nuclear agreement and prompt Tehran to walk away from the agreement.Congress is considering measures that would tighten the Visa Waiver Program to make it harder for potential terrorists to legally enter the United States by increasing restrictions on individuals who have travelled to countries with prominent terrorist organizations from bypassing security checks upon entering the United States.Iranian officials have in recent days repeatedly issued threatening statements to the Obama administration, saying that such moves would violate the nuclear agreement, and the Obama administration last week conveyed the Iranian anger to American lawmakers.Stephen Mull, the State Department official in charge of implementing the Iran deal, warned the Senate Foreign Relations Committee late last week that these congressional efforts could have a very negative impact on the deal. Under the revised law, which came in the week of a deadly terrorist attack in California, individuals who have travelled to Iran a lead sponsor of global terrorism would no longer be eligible to participate in the Visa Waiver Program, which permits individuals from 38 partner nations to more easily enter the United States.Congress remains concerned that gaps in the program could prevent federal law enforcement officials from detecting terror-tied individuals before they are granted entrance to U.S. soil.However, a portion of the Iran nuclear deal mandates that the United States not take any action that could harm Iran s economic relationships with other countries. Iranian officials maintain that the new restrictions violate this passage of the deal.Ali Larijani, the speaker of Iran s parliament, said last week that these tightened measures are aimed at harassment and that they blatantly violate the nuclear agreement, according to comments carried by the Iranian state-controlled press.Larijani warned that this action will detonate the deal before it has even been implemented. If the Americans pursue the plan, they will destroy an achievement with their own hands since it is against the [nuclear deal] and it will trouble them, he warned.Rep. Chris Murphy (D., Conn.) echoed these concerns last week when he questioned Mull during a Senate hearing.Visa waiver reform efforts include a naming of Iran such that individuals who have travelled to Iran will no loner be eligible for the visa waiver program, Murphy said. There has been a suggestion because there is an element of the agreement that obligates us to not to take steps that would stop economic relations between other nations and Iran that we could perhaps be in jeopardy of breaching the agreement. Mull agreed with this assessment. I have heard from very senior, and Secretary [of State John] Kerry has as well, from very senior officials of differing European allies of ours that it could have a very negative impact on the deal, he said.Sources working with Congress on the Iran deal criticized the Obama administration for attempting to stymie increased action on terrorism due to its desire to preserve the nuclear deal. According to the Obama administration s latest interpretation, the nuclear deal allows Iran to test ballistic missiles in violation of international law, but does not allow Congress to prevent terrorists from coming into the United States, Omri Ceren, the managing director of press and strategy at The Israel Project, a D.C.-based organization that works with journalists on Middle East issues, told the Washington Free Beacon.Seyed Araqchi, Iran s deputy foreign minister, also warned that Iran is prepared to take action against the United States for implementing visa restrictions.Iran s latest threat to break the deal comes amid numerous Iranian provocations, including multiple tests of advanced ballistic missiles, acts prohibited under United Nations Security Council resolutions.The Obama administration repeatedly said that, while it does not agree with those launches, they do not violate the nuclear deal.Via: WFB",left-news,"Dec 21, 2015",1 +EPIC BACKFIRE: The Left Makes Video Warning Followers About Possible Cruz Victory…Ends Up Looking Like Cruz Promo,"Does anyone remember a time in recent history that candidates in the Republican party caused so many hissy fits by the Left?// Is Ted Cruz Scarier than Donald Trump?Trump may get the headlines, but Ted Cruz has got the game.Posted by AJ+ on Friday, 18 December 2015h/t Gerald Ewing",left-news,"Dec 20, 2015",0 +"WATCH: PARENTS JAM MEETING ROOM To Denounce False Teachings, Indoctrination Of Islam In TN Public Schools","Many of the parents were not allowed to attend this meeting due to capacity restrictions. Why did larger venues refuse to host this controversial meeting? Were they afraid to allow American citizens to voice their concerns about the false teachings of Islam in the public schools? Are Americans and American businesses going to cower over the fear of being targeted by radical Muslims for fighting back against the indoctrination of Islam?BRENTWOOD, Tenn. School board members in Brentwood, Tennessee received an education on the public s frustrations with Islam lessons in local schools during a radio station sponsored town hall Wednesday.Criticisms of the middle school text My World History and Geography centered mostly on the omission of negative aspects of the Muslim religion, and the appropriateness of the materials for students in sixth and seventh grades, Brentwood Homepage reports.The event was sponsored by Supertalk Radio and held in a tiny room at a Holiday Inn Express, where about 70 folks including students, parents, teachers, lawmakers, school board members, and political pundits huddled inside. Organizers reportedly turned some people away when the room reached capacity.Sunset Middle School seventh-grader Avery Noe pointed out during the meeting that lessons exclude jihadist from Islam and questioned why negative aspects of the religion aren t covered.Stewart County middle school teacher Kyle Mallory said teachers cover the materials they re given, focusing on what s expected on standardized tests, and asserted the issue with biased lessons on Islam stem from the state s textbook selection process. Mallory teaches in a different school district that rejected the My World History and Geography text, Fox 17 reports. Y all had a school board member from here come up to the textbook commission, he said. Nothing was done. It s not a teacher problem. We have (a state education) commissioner not doing her job, and I think the state legislature needs a no-confidence resolution. Mallory told Fox 17 the My World History text is very biased, didn t tell the whole story. We need to make sure when we re teaching students in the classroom that we tell them the truth and the textbooks weren t, Mallory said.Williamson County School Board member Beth Burgos told the Brentwood Homepage she joined the board because of textbook issues, and she backs a recent bill introduced by state Rep. Shelia Butt to postpone comparative religion courses until high school.Board member Susan Curlee believes the key to changing the way Islam is presented in schools, and to preventing unintentional indoctrination, lies with standardized tests. My biggest concern is testing, she said. When my daughter was in seventh grade, I was told they didn t want to teach Islam that way, but had to because 25 percent of the test was going to focus on Islam. As long as testing is the accountability metric, it could be this way. Curlee told Fox 17 the lessons her daughter learned about Islam while in Franklin Special School District last year presented a rosy picture of the religion, while glossing over important points. A lot of the things we hear about Mohammed and a lot of the warfare that was waged is very much sugar coated, she said. My World History, which is used by about 40 Tennessee school districts, also alleges Islam spreads peacefully, and that Christians and Muslims worship the same God. My concern is, are we going to be asking students on a test to potentially compromise their faith for the sake of a grade? Curlee said.Tennessee state Sen. Jack Johnson, who also attended the town hall, told the Brentwood Homepage a lot of people share Curlee s concerns. I m concerned because I have three kids in Williamson County Schools, Johnson said. The possibility we could be advocating Islam in school and could be misrepresenting history had generated lots of calls and emails. I want to educate myself and learn more about it. Event organizers told the media they were forced to hold the town hall in the small Holiday Inn Express room because larger venues in the area refused to host the discussion. Via: EAG News",left-news,"Dec 20, 2015",0 +Mostly White Group Of Boston College Students Sing Christmas Carols About Racism: β€˜Walking Through a White Man’s Wonderland’,"What Catholic college campus would be complete without students who bastardize the lyrics to songs about the birth of Jesus Christ Tis the season to protest, apparently.A group of Boston College student activists that go by Eradicate Boston College Racism recently perverted the Christmas carol Walking in a Winter Wonderland to fit its Twelve Days of BC Racism campaign, Boston.com reports.The students distributed lyrics to their re-worked carol and attempted to deliver their rendition to the college s board of trustees during a luncheon Friday, Dec. 5. Rejected, they resorted to singing in the atrium in front of the building. And now we carol for accountability! the group posted to Twitter Dec. 4, along with a video of their stunt.And now we carol for accountability! #12Days #BostonCollegeRacism #CJBC @bostoncollege pic.twitter.com/7DKuoONzhX Eradicate BC Racism (@BCRacism) December 4, 2015Here are the lyrics to the song that is being sung by a mostly white chorus:Dear Trustees Are you listenin ? A real plan You are missin . Until you agree, And change we do see, We re walking through a white man s wonderland.Gone away, is our patience. Here to stay: demonstration. Deas tell us to trust But we know we must Keep walkin through a white man s wonderland.In your meeting you can do some planning, Decide how you ll get us to settle down. If you say, There s no problem. We ll say, No, Man? Try living on this campus If you re brown. More bad press You ll inspire If reforms, you do mire In mounds of red tape. You ll never escape. You re walkin through a white man s wonderland. At the end of the demonstration, the members read a wish list for the board, which asked that a faculty member of color, a staff member of color, and a student of color be added to the board and given voting power, Boston.com reports.Eradicate Boston College Racism s webpage also detailed the confrontation. After being denied permission to address the Board directly, students sang anti-racist carols from outside the doors to the luncheon in Gasson Hall 100 and presented three demands: 1. One voting student of color on the board, one faculty, one staff; 2. An action plan to address institutional racism supported by a budget (similar to those created at Yale University or Brown University); and 3. The presentation of the plan by representatives of the University at a Town Hall on January 19th, 2016 (the deadline set forth previously by the Executive Council of the Undergraduate Government of Boston College), according to the site.""White emotional fragility has long been prioritized over black pain & anger in the American public sphere""#BCRacism https://t.co/6bloXu79v9 Eradicate BC Racism (@BCRacism) December 17, 2015No Leftist group in their right mind would ignore the incoming class of Freshman. Here, the Eradicate BC Racism group sends out a tweet in hopes of getting a jump on indoctrinating the young and malleable minds who ve been accepted to this prestigious Catholic college:Hey #BC2020, congrats on your early acceptance! If you choose to attend, we hope you'll join our work to eradicate #BostonCollegeRacism! Eradicate BC Racism (@BCRacism) December 17, 2015The Left has managed to find a way to tie phony climate change to racism. What protest about racism would be complete without addressing climate change? .@BClimateJustice ""what many have received as the issue of our time:a 21 century color line drawn by climate change"" https://t.co/jrfRIorwpz Eradicate BC Racism (@BCRacism) December 14, 2015The racial justice warriors also posted a video and full text of a speech delivered by student Kwesi Aaron, as well as links to its other Christmas celebrations, including BCPD is Comin to Town, Come All Ye Faithful, I m Dreaming of Whiteness in Academia, We Wish You a Day of Raciam (sic) Healing & White Accountability, Have Yourself a Bureaucratic Christmas, Roasting Admissions on an Open Fire, Leahy Baby, Slip a Present Under the Tree, For Me, and It s Beginning to Look a Lot Like Justice. Via: EAG News",left-news,"Dec 20, 2015",0 +SWEDEN IS ON BRINK OF COLLAPSE… Gun Purchases Are Way Up…Pepper Spray Selling Out…Muslims Beating Non-Muslims On Streets,"The politically correct country of Sweden paying a very big price for their kindness, generosity and open-borders policy This attack happened in Norrmalmstorg, Stockholm. The two Swedes told them not to vandalize flowerpots and as a response they got beaten up for it.https://youtu.be/Rsn_1TO1kMUThis is indeed the future of Europe. By their irresponsible, short-sighted, suicidal immigration and refugee policies, Europe s political and media elites have ensured a future of violence, bloodshed and chaos for their people. Sweden, the future of Europe: people stock up on fire arms, police recommend vigilante groups , by Nicolai Sennels, 10News.dk, December 12, 2015 (thanks to TheReligionofPeace.com):This is a very interesting read, because the whole of Europe is heading the same way as Sweden. Sweden is, so to speak, the future of Europe. And in this future, those who can afford it pay security companies the rest gest license for firearms and forms vigilante groups. via: Pamela Gellar You have to understand that Swedes are really scared when an asylum house opens in their village. They can see what has happened in other places. Salesman for alarm systems.Since Parliament decided in 1975 that Sweden should be multicultural and not Swedish, crime has exploded. Violent crime has increased by over 300% and rapes have increased by an unbelievable 1,472%.The violence at the hands of Muslim migrants is nothing new to Sweden. This horrific video was published in 2013:Many Swedes see the mass immigration as a forced marriage: Sweden is forced to marry a man she did not choose, yet she is expected to love and honor him, even though he beats her and treats her badly. Her parents (the government) tell her to be warm and show solidarity with him. Are the State and I now in agreement that our mutual contract is being renegotiated? Alexandra von Schwerin, whose farm who was robbed three times. Police refused to help.Once upon a time, there was a safe welfare state called Sweden, where people rarely locked their doors.Now, this country is a night-watchman state each man is on his own. When the Minister of Justice, Morgan Johansson, encourages breaking the law, it means opening the gates to anarchy. Mr. and Mrs. Swede have every reason to be worried, with the influx of 190,000 unskilled and unemployed migrants expected this year equivalent to 2% of Sweden s current population. The number is as if 6.4 million penniless migrants who did not speak English arrived in U.S. in one year, or 1.3 million in Britain.And the Swedes are preparing: demand for firearms licenses is increasing; more and more Swedes are joining shooting clubs and starting vigilante groups. After a slight dip in 2014, the number of new gun permits has gone up significantly again this year. According to police statistics, there are 1,901,325 licensed guns, owned by 567,733 people, in Sweden. Add to this an unknown number of illegal weapons. To get a gun permit in Sweden, you need to be at least 18 years old; law-abiding; well-behaved, and have a hunting license or be a member of an approved shooting club. In 2014, 11,000 people got a hunting license: 10% more than the year before. One out of five was a woman. There is also a high demand for alarm systems right now, says a salesman at one of the security companies in an interview with Gatestone. It is largely due to the turbulence we are seeing around the country at the moment. People have lost confidence in the State, he added. The police will not come anymore. Truck drivers say that when they see a thief emptying the fuel tank of their trucks, they run out with a baseball bat. It is no use calling the police, but if you hit the thief, you can at least prevent him from stealing more diesel. Many homeowners say the same thing: they sleep with a baseball bat under the bed. But this is risky: the police can then say you have been prepared to use force, and that might backfire on you. The salesman, who asked to remain anonymous, also spoke of Sweden s many Facebook groups, in which people in different villages openly discuss how they intend to protect themselves: Sometimes you get totally freaked out when you see what they are writing. But you have to understand that Swedes are really scared when an asylum house opens in their village. They can see what has happened in other places. One blog, detailing the consequences for the local population when an asylum facility opens, is aptly named Asylkaos ( Asylum Chaos ). There is a list of companies the reader is prompted to boycott; the blog claims these businesses encourage the transformation of Sweden to a multicultural society, and are therefore considered hostile to Swedes. At another security company, a salesman said that every time the Immigration Service buys or rents a new housing facility, his firm is swamped with calls. The next day, he said, half the village calls and wants to buy alarm systems. Ronny Fredriksson, spokesman of the security company Securitas, said that the demand for home alarm systems first exploded about six years ago, when many local police stations were shut down and police moved to the main towns. This, he said, could result in response times of several hours. More and more people now employ the services of our security guards. Shopping malls and stores in the city come together and hire guards. We are kind of like the local beat cops of old. Even though Securitas makes big money from the increased need for home security alarms and security guards, Fredriksson says they also are worried about the effect on society: The problem is that we too need the police. When our guards catch a burglar or a violent person, we call the police but the response times are often very long. Sometimes, the detainees get violent and quite rowdy. On occasion, the police have told us to release the person we have apprehended, if we have his identity, because they do not have a patrol nearby. Even before the massive influx of migrants in the fall of 2015, Swedes felt a need to protect themselves and with good reason. Since the Parliament decided in 1975 that Sweden should be multicultural and not Swedish, crime has exploded. Violent crime has increased by more than 300%, and rapes have increased by an unbelievable 1,472%.The politicians, however, ignore the people s fear completely. It is never discussed. Instead, the people who express concern about what kind of country Sweden has become are accused of xenophobia and racism. Most likely, that is the reason more and more people are taking matters into their own hands, and protecting themselves and their families to the best of their ability.All the same, some people do not settle for that. It seems some people are trying to stop mass immigration to Sweden. Almost every day there are reports of fires being set at asylum houses. So far, miraculously, no one has been hurt.These fires are set not only by Swedes. On October 13, a 36-year-old woman living in Skellefte was convicted of setting fire to the asylum facility in which she herself resided. The woman claimed she lit a candle and then fell asleep. Yet forensic evidence showed that a combustible fluid had been doused throughout the room, and the court found beyond a reasonable doubt that she herself had ignited the fire.The number of violent incidents at Sweden s Immigration Service facilities is now sky-high. In 2013, according to Dispatch International, at least one incident happened every day. When Gatestone Institute recently acquired the incident list for January 1, 2014 through October 29, 2015, that number had risen to 2,177 incidents of threats, violence and brawls on average, three per day.The Swedish government, however, would apparently rather not talk about that. Foreign Minister Margot Wallstr m conceded, in an interview with the daily Dagens Nyheter that garnered international attention, that Sweden is, in fact, heading for a systemic breakdown: Most people seem to think we cannot maintain a system where perhaps 190,000 people will arrive every year. In the long run, our system will collapse. This welcome is not going to receive popular support. We want to give people who come here a worthy reception. Symptomatic of Swedish journalists, this statement was tucked away at the end of the article. The headline was about how the political party that is critical of immigration, the Sweden Democrats Party (Sverigedemokraterna), is responsible for the asylum-housing fires. But foreign media, such as The Daily Mail and Russia Today, picked up Wallstr m s warning about a systemic collapse and ran it as the urgent news it actually is.Nevertheless, in official Sweden, the imminent collapse is ignored. Instead, journalists exclusively focus on attacks by supposedly racist Swedes on refugee centers. To prevent new fires, the Immigration Service decided on October 28 that from now on, all asylum facilities would have secret addresses. And meager police resources will now be stretched even further to protect asylum seekers. Police helicopters will even patrol refugee centers. But considering there are only five helicopters available, and that Sweden s landmass is 407,340 square km (157,274 square miles), this gesture is effectively empty.At a meeting with the Nordic Council in Reykjavik, Iceland, on October 27, Sweden s Prime Minister, Stefan L fven, was questioned by his Nordic colleagues about the situation in Sweden. L fven had recently said that, We should have the option of relocating people applying for asylum in Sweden to other EU-countries. Our ability, too, has a limit. We are facing a paradigm shift. That comment led a representative of Finland s Finns Party (Sannfinl ndarna) to wonder, with a hint of irony, how mass immigration to Sweden, which for years Swedish politicians have touted as being so profitable, has now suddenly become a burden.Another Finns Party representative, Simon Elo, pointed out that the situation in Sweden is out of control. Sweden has great abilities, but not even the Swedes have abilities that great, Elo said.When L fven was asked how he is dealing with the real concerns and demands of the citizenry, his answer was laconic: Of course I understand there is concern, L fven said. It is not easy. But at the same time there are 60 million people on the run. This is also about them being our fellow men, and I hope that viewpoint will prevail. The daily tabloid Expressen asked L fven about the attacks on asylum facilities. He replied, Our communities should not be characterized by threats and violence, they should be warm and show solidarity. As if such behavior can be forced.Many Swedes see mass immigration as a forced marriage: Sweden is forced to marry a man she did not choose, yet she is expected to love and honor him even though he beats her and treats her badly. And on top of that, her parents (the government) tell her to be warm and show solidarity with him.More and more Swedish commentators are now drawing the same conclusion: that Sweden is teetering on the brink of collapse. Editorial columnist Ivar Arpi of the daily Svenska Dagbladet, wrote an astonishing article on October 26, about a woman named Alexandra von Schwerin and her husband. The couple lives on the Skarhults Estate farm in Sk ne in southern Sweden; they have been robbed three times. Most recently, they were robbed of a quad bike, a van and a car. When the police arrived, von Schwerin asked them what she should do. The police told her that they could not help her. All our resources are on loan to the asylum reception center in Trelleborg and Malm , they said. We are overloaded right now. So I suggest you get in touch with the vigilante group in Esl v. What the police had called a vigilante group turned out to be a group of private business owners. In 2013, after being robbed more or less every night, they had decided to come together and start patrolling the area themselves. Currently, they pay a security firm to watch their facilities. On principal, I am totally against it, von Schwerin said. What are the people who cannot afford private security to do? They will be unprotected. I m sure I will join, but very, very reluctantly. For the first time, I feel scared to live here now. Are the State and I now in agreement that our mutual contract is being renegotiated? Commenting on the police s encouraging people to join vigilante groups, social commentator and former Refugee Ombudsman Merit Wager wrote: So, the Swedes are supposed to arrange and pay for their own and their families security and keep their farms from being subjected to theft, even though that has up to now been included in the social contract for which we pay high taxes, to have police we can count on to protect us and apprehend criminals?! When did the social contract expire? October 2015? Without any notice of termination, since the tax-consuming party is not fulfilling its part of the deal? This should mean that our part of the deal to pay taxes for public, joint services has also become invalid? If the social contract is broken, it is broken. Then it is musical chairs (lawlessness, defenselessness, without protection), and that means that each and every one of us should pay less taxes. Ilan Sad , lawyer and social commentator, wrote about the refugee chaos at Malm Central Train Station on the blog Det Goda Samh llet on October 27: The authorities no longer honor the social contract. He described four large signs on display around the station that read Refugee? Welcome to Malm ! in four different languages. It is unclear who the sender of the message is, or, for that matter, who is in charge of the reception facility a number of barracks by the old post office in the inner harbor. Everything is utterly confusing. It could be Malm City or the Immigration Service, but it might as well be Refugees Welcome, or possibly a religious community. I think to myself that a government agency could not reasonably write like this, a correct and pertinent sign would say something like: Asylum seekers are referred to the barracks for information and further transport. But I am probably wrong; Malm City is the chief suspect communicant. The signs in and around the Central Station are symptoms of something incredibly serious: Role confusion and the decay of the constitutional state. And thus, that our authorities no longer honor the social contract. In a post called Anarchy, blogger Johan Westerholm, who is a Social Democratic Party member and a critic of the government, wrote that the Minister for Justice and Migration, Morgan Johansson, is now urging authorities to be pragmatic about laws and regulations (concerning asylum housing for so-called unaccompanied refugee children). Westerholm stated that this is tantamount to the government opening the gates to anarchy : Our country is founded on law; Parliament legislates and the courts apply these. Morgan Johansson s statement and his otherwise passive approach are testimony to how this, our kind of democracy, may fade into a memory very shortly. He now laid the first brick in the building of a state that rests on other principles. Anarchism. If anarchy really does break out, it would be good to remember that there are nearly two million licensed firearms in Sweden. Sweden s shooting clubs have seen a surge in interest; many are welcoming a lot of new members lately. Via: Gatestone Institute",left-news,"Dec 19, 2015",0 +THINGS GET UGLY WHEN IRAQ VETERAN Confronts Terrorist Sympathizers Protesting On Street Corner [VIDEO],"***Language Warning***This video will make your blood boil. My heart bleeds for this veteran who bravely pulled over to confront these terrorist sympathizers. The veteran was simply asking them to turn the US flag right side up. The terrorist sympathizers refused to turn the flag over and were actually dragging the flag on the ground during the confrontation.You will see a man in an orange jacket wearing a hat that says Navy Seal. After watching this video, you can decide for yourself, but we think he is an imposter. Notice that when asked if he is a veteran by the cameraman, the man in the orange jacket quickly realizes he is wearing a Navy Seal hat and removes it from his head. It s hard to believe a Navy Seal veteran would be standing on the corner with these punks protesting the imprisonment of terrorists by our government.Watch and decide for yourself:I wish I knew this Iraq veteran. I would love to shake his hand and thank him for his service in Iraq and for defending our flag at home ",left-news,"Dec 19, 2015",0 +HERE’S THE LIST OF People We Elected Who Just Made Our Nation Less Safe While Adding $1.1 Trillion To The Taxpayer’s Tab," If you re like us, you either made a donation, knocked on doors, or called voters on behalf of a Republican candidate in the 2014 election. Maybe you did all three things. Is the candidate you worked so hard to get elected or re-elected on this list? We were very disappointed to see the name of the candidate we supported for US Rep in MI on the list of Yea s. We also know we won t be working so hard to help him with his re-election bid next time around. Only ONE Representative in the entire state of MI, Justin Amash (R-MI) actually stood up against the establishment and said NO, we re not gonna take it anymore! Please take the time to look through this list and contact your US Representative or US Senator. Let them know the next time they look to you for support of their re-election, that you don t help people who sell out our nation.It s worth noting, that Marco Rubio didn t even bother to vote on one of the most critical spending and national security bills in our nation s history! If he can t be bothered to vote on such a critical bill, how can he be bothered with representing our nation in the most powerful position in our government? Conservative presidential candidate, Senator Ted Cruz (R-TX) voted against this insane bill. He criticized the legislation in a statement after the vote, saying it effectively forfeits our massive Republican victories of 2014 and cements Obama s priorities for nearly the full remainder of his term. For a quick look at how the passage of this bill will harm the security of Americans, while adding a huge debt to our children and grandchildren s future, click HERE.Here is how our US Senators voted on the Omnibus spending bill:",left-news,"Dec 19, 2015",0 +HOW OBAMA Is Putting Terrorist Boots On The Ground,"Every American should be demanding answers about why Barack Hussein Obama is in such a hurry to empty Gitmo before he leaves office. Illegal alien prisoners are being released at an unprecedented rate. Our borders are being left wide open by a President who s demanded our US Border Agents stand down. Visas are being given to people coming here with the sole intention of harming innocent Americans. Law enforcement has been ridiculed and weakened by a spiteful racist and his willing accomplices in the media. What do we need to do to alert the Kim Kardashian followers our United States of America is intentionally being destroyed by a radical in the White House?National Security: The Pentagon has cleared the release of 17 more terrorist detainees from Guantanamo Bay prison. President Obama puts jihadist boots on the ground before mobilizing U.S. troops in the Middle East.A congressional aide told Fox News on Thursday that the White House s strategy in the decision this week to set free more terrorist prisoners from the Gitmo facility in U.S.-controlled territory in Cuba is to get the number of detainees there to as low as they can get, even if it means a good deal of risk. The underlying reason is that closing Gitmo was a major Obama campaign promise in 2008, and he doesn t want to leave office with it still open.But the promise was to close it in 2009. Upon taking office, however, Obama found himself faced with the fact that Gitmo was a rather brilliant idea that the Bush administration came up with to prevent captured terrorists from exploiting the U.S. legal system.The spectacle of U.S. courts setting terrorists free, after trials in which the jihadists American legal teams might actually get access to and make public sensitive classified information, was not anything for which Obama wanted to be blamed. He seems amenable, however, to his successor having nowhere to hold captured terrorists.Release of the 17 supposedly low-level combatants, many of them from Yemen, where war rages, brings the number of Gitmo prisoners down to 90. We were told that Osama bin Laden s cook, Ibrahim al-Qosi, released by Obama from Gitmo in 2012, was low-level, but now he cooks up terrorist operations as a celebrity leader of al-Qaida in Yemen.The Pentagon is going along with this politicized emptying of the Guantanamo Bay holding facility. And the decision coming right after an Islamic State-inspired Christmas party attack within the homeland, which slaughtered 14 innocent Americans, suggests the U.S. military leadership has become a group of puppets.A major reason for former Republican Sen. Chuck Hagel s forced departure as Obama s defense secretary last year after a brief tenure, let s not forget, was his hesitation in approving Gitmo releases.In last week s GOP presidential debate, it was a woman who promised that she would immediately reverse Obama s emasculation of the Pentagon. Carly Fiorina pledged to bring back the warrior class Petraeus, McChrystal, Mattis, Keane, Flynn every one was retired early because they told President Obama things that he didn t want to hear. Obama calls Gitmo a sad chapter in American history, but it was almost comic when the worst complaint Shaker Aamer, released from Gitmo in October after nearly 14 years, could tell of in a British TV interview was they just suck all your feelings out of you, adding that torture is not about beating. Torture is not about hanging from the ceiling with handcuffs and all that all that presumably being three square halal meals a day, courtesy of the U.S. taxpayer.Curiously, The Most Transparent Administration in History is now imposing new, severe restrictions on journalist access to Guantanamo Bay, with no more visits to the two detention centers where most detainees are housed, and no more interviews of guards and staff. Outgoing U.S. Southern Command chief Marine Gen. John Kelly told AP that the reason was: We really did have to get some organization to what was going on down there. After all these years?Under Obama, information on the frequency of prisoners assaulting guards and conducting hunger strikes has stopped being made public.It isn t torture or mistreatment that the Obama administration is hiding from the world s eyes within the walls of Guantanamo Bay; it s that what we have down there is a luxury resort to house terrorists, and that the president is incrementally releasing those soldiers of jihad back onto the battlefield after America has spent years fattening them up. Via: IBD ",left-news,"Dec 19, 2015",0 +ONLY IN DETROIT: Entitled Squatter Gets Squatted On [VIDEO],When karma bites ya in the a*s ,left-news,"Dec 18, 2015",0 +FOX NEWS REPORTER ASKS MAYOR Why She’s Using Taxpayer Money To Sue Family For Epic Christmas Light Display [VIDEO],"The drip drip drip of the Left ensuring Christmas is reduced to a quiet nonpublic celebration This isn t a very good of taxpayer money, going after home owners for a few Christmas lights, is it? Watters pressed. I don t think Santa s going to be happy with you. While definitive information about the lawsuit wasn t offered up, Bendekovic did make it clear that she thinks that Watters is in no position to speak for Santa Claus. I don t think you should be voicing your opinion what Santa wants and what Santa doesn t want, she shot back.According to the Sun Sentinel, the Hyatts have been battling with officials for years over the size and scale of the display, with the city which considers it a nuisance filing a lawsuit earlier this year to stop it.After years of arguing with the Hyatts to scale back the display, the city sued this year to quash the spectacle, which officials consider a neighborhood nuisance. A scheduled hearing did not take place over the summer as planned and has not yet been rescheduled.In addition to the lawsuit, the family claims on its official website that it faces $250 per day in fines for continuing the show, citing government interference as being at the root of the dispute. Here s a portion of a petition that is posted on the Hyatt Extreme Christmas website:By signing this petition, you show your support for Hyatt Extreme Christmas, a 20 year-old tradition, which has been entertaining, inspiring and motivating families from around Plantation and South Florida.The Hyatt s take great joy in creating memories for children both young and old during this special time of year. Our community can see our display of more than 200,000 lights for FREE. We give back to our community by raising awareness and funds for charitable partners such as Humane Society, Broward Food Bank and Support for the Military working with the Red Cross Holiday Cards for Heroes .Despite facing legal woes, the Hyatts are back at it this year, bringing their display to the masses. The husband and wife duo took Watters through the display, and he interviewed some locals who fully support it. They re just not making money on this and they wanted money from us, he said, claiming that city officials wanted the family to charge admission for the free display. When we wouldn t give it to them, all the sudden we re in court. Via: The Blaze",left-news,"Dec 18, 2015",0 +NEW ACCUSATION AGAINST BERNIE SANDERS Exposes Him As β€œThe Other” Criminal Democrat,"By now, it s pretty clear that Bernie doesn t respect other people s possessions. His whole campaign is built on the concept of stealing what belongs to other people. This story should really come as no surprise to anyone Officials with the Democratic National Committee have accused the presidential campaign of Sen. Bernie Sanders of improperly accessing confidential voter information gathered by the rival campaign of Hillary Clinton, according to several party officials.Jeff Weaver, the Vermont senator s campaign manager, acknowledged that a staffer had viewed the information but blamed a software vendor hired by the DNC for a glitch that allowed access. Weaver said one Sanders staffer was fired over the incident.The discovery sparked alarm at the DNC, which promptly shut off the Sanders campaign s access to the strategically crucial list of likely Democratic voters.The DNC maintains the master list and rents it to national and state campaigns, which then add their own, proprietary information gathered by field workers and volunteers. Firewalls are supposed to prevent campaigns from viewing data gathered by their rivals.NGP VAN, the vendor that handles the master file, said the incident occurred Wednesday while a patch was being applied to the software. The process briefly opened a window into proprietary information from other campaigns, said the company s chief, Stu Trevelyan. He said a full audit will be conducted.The DNC has told the Sanders campaign that it will not be allowed access to the data again until it provides an explanation as well as assurances that all Clinton data has been destroyed.Having his campaign cut off from the national party s voter data is a strategic setback for Sanders and could be a devastating blow if it lasts. The episode also raises questions about the DNC s ability to provide strategic resources to campaigns and state parties.Sanders spokesman Michael Briggs said four Sanders campaign staffers accessed Clinton data, and that three of them did so at the direction of their boss, Josh Uretsky, who was the operative fired.Uretsky told CNN Friday morning that he and others on the campaign discovered the software glitch Wednesday morning and probed the system to discover the extent of their own data s exposure. He said there was no attempt to take Clinton information but said he took responsibility for the situation. We investigated it for a short period of time to see the scope of the Sanders campaign s exposure and then the breach was shut down presumably by the vendor, he told CNN. We did not gain any material benefit. Weaver said the Sanders campaign never downloaded or printed any of the data, meaning it is no longer in possession of any proprietary information. He squarely blamed NGP VAN for the glitch and blamed the DNC for hiring the company.He said the campaign has flagged similar problems with the software for the DNC in the past.For entire story: Washington Post",left-news,"Dec 18, 2015",0 +"JESUS CHRIST IS STRIPPED From Christmas Celebrations In U.S. Schools, While MN Public School Students Sing β€œAllahu Akbar” At β€œHoliday” Concert","Does that mean Islam is not considered a faith in America?A school in Minnesota is at the center of controversy right now because the holiday concert included a song in Arabic which contained the phrase Allahu Akbar.CBS News reported:Parents Question Choice To Sing Allahu Akbar At Holiday ConcertSome parents in the Anoka-Hennepin School District are questioning a choir teacher s decision to use a song about Ramadan performed in Arabic at a holiday concert.At Thursday night s concert at Blaine High School, one of the songs students will be singing includes Arabic words, including the phrase Allahu Akbar, which means God is great. Christian and Jewish songs will be performed as well, but the Ramadan song is getting all the attention.It started with a post on Facebook. A parent of a ninth-grade Blaine choir student posted the lyrics to the song the choir has been practicing. When others learned students would be singing the song on Thursday, the comments took a turn.One person posted, No child should be forced to sing a song about the Muslims and the religion of hatred. Another parent, who didn t want to be identified, told WCCO phone that considering the recent events in Paris and San Bernardino, singing a song about Allah would be insensitive. The Anoka- Hennepin School District said they have received about a dozen complaints about the song. Some are from parents, some are from people not even affiliated with the school.In light of recent events. this was a pretty dumb move on the school s part. Via: Progressives Today",left-news,"Dec 18, 2015",0 +Michael Moore Wants America To Know β€œWe Are All Muslim”…Even Though We’re A Majority Christian Nation,"No dumb ass we are actually NOT all Muslims! Last time I checked we were still a majority Christian nation, and no leftist clown is going to tell us otherwise!One thing you can say about Michael Moore he s consistently on the wrong side of every issue. The Left is more than happy to line his pockets, as long as he represents an anti-American position.Hyper-liberal Oscar-winning documentary filmmaker Michael Moore challenged Republican presidential frontrunner Donald Trump by holding a sign reading We Are All Muslim outside Trump Tower on Wednesday before penning an open letter to the candidate on Facebook.In his letter, Moore, who recently offered his Michigan apartment to Syrian refugees before inviting his fans to open their own homes, claimed he and Trump met on a talk show in 1998 and the billionaire businessman had asked him not to go after him. I thought, what are we, in 3rd grade? Moore wrote. I was struck by how you, a self-described tough guy from Queens, seemed like such a fraidey-cat. You and I went on to do the show. Nothing untoward happened between us. I didn t pull on your hair, didn t put gum on your seat. What a wuss, was all I remember thinking as I left the set. Moore added that Trump is now similarly afraid of Muslims, after proposing a temporary ban on all Muslim immigration to America until our country s representatives can figure out what is going on. Moore wrote:And now, here we are in 2015 and, like many other angry white guys, you are frightened by a bogeyman who is out to get you. That bogeyman, in your mind, are all Muslims. Not just the ones who have killed, but ALL MUSLIMS.Fortunately, Donald, you and your supporters no longer look like what America actually is today. We are not a country of angry white guys. Here s a statistic that is going to make your hair spin: Eighty-one percent of the electorate who will pick the president next year are either female, people of color, or young people between the ages of 18 and 35. In other words, not you. And not the people who want you leading their country.The filmmaker then asked Trump to leave the rest of us alone so we can elect a real president who is both compassionate and strong. We are all Muslim. Deal with it, Moore concluded.Moore has become increasingly vocal about his dislike for the Republican frontrunner; last week, he invited Facebook followers to report Trump for hate speech in an effort to have him banned from the social media service.In an interview with the Daily Beast the day before his latest stunt, Moore said Trump should embrace his female side. All men have estrogen in them. We all have a bit of estrogen in us. Sometimes, I ve noticed in our gender the guys who have to do a lot of huffing and puffing, they may be better embracing the female side of themselves, Moore told the outlet. They may be a little happier. He might be one of those people. Via: Breitbart NewsIf you re interested, you may read Moore s full letter to Trump here.",left-news,"Dec 17, 2015",0 +PAUL RYAN Won’t Fund Border Fence For US Citizens…But Check Out The Fence Around His Mansion,"Ryan has never made any secret about his desire to welcome immigrants to America. How many will live with him in his large family home in the confines of his fenced in compound? A recent Breitbart News investigation reveals that Rep. Paul Ryan (R-WI), who has a two-decade-long history of promoting open borders immigration policies, seems to support border fences for himself, even as he denies the American people those same protections.While Paul Ryan s omnibus spending bill does not provide funding for the mandatory completion of a 700-mile double-layer border fence that Congress promised the American people nearly a decade ago when it passed the 2006 Secure Fence Act, Paul Ryan has constructed a fence around his property.As Breitbart News s photographic documentation reveals, Ryan s home is surrounded by a tall border fence reinforced by equally high bushes ensuring both privacy and security. Moreover, the fence is manned by an on-duty agent who guards his property s perimeter. Upon even the slightest appearance of any unusual activity such as a 5 2 female taking a photograph of the fence Ryan s border agent will deploy into action to ensure the perimeter s sovereignty.Over the course of the past six months, there has been heightened national focus on Americans desire for a border fence following the GOP presidential frontrunners call for a border wall. A Rasmussen Reports survey released in August of this year found that likely Republican voters, by greater than a 4-1 margin, support Donald Trump s plan to build a border wall (70 percent vs. 17 percent). Amongst all likely voters, a majority (51 percent) support building the border wall.Congress promised the American people a 700-mile border fence in the 2006 Secure Fence Act. However, funding for the project was subsequently gutted and, as a result, construction was never completed.While Paul Ryan s $1.1 trillion year-end omnibus spending package was able to allocate funding for immigration programs that benefit foreign nationals such as federal grants for lawless sanctuary cities and the U.S. resettlement tens of thousands of refugees his bill does not require an allotment of funds be spent on the completion of the 700-mile-long fence that the American voters were promised.Sen. Jeff Sessions (R-AL)has previously highlighted the hypocrisy of immigration expansionists who surround their homes with border fences and monitor who comes on their property but do not apparently believe the American people deserve the same protections. Sessions pointed specifically to open borders advocate Mark Zuckerberg who, according to reports, spent $30 million buying the surrounding four homes around his own property in order to get a little more privacy. Sessions said, Well, the masters of the universe are very fond of open borders as long as these open borders don t extend to their gated compounds and fenced-off estates. On previous occasions, Ryan has repeatedly suggested that the American people are not entitled to discriminate against who enters their country on a visa. When Sean Hannity asked Paul Ryan about whether or not he would support curbs to Muslim immigration, Paul Ryan declared, That s not who we are. However, Ryan s fence ensures that no refugees will be able to enter his property without his permission even as U.S. communities are not able to make any such restrictions.In 2013, when Ryan traveled with Rep. Luis Gutierrez (D-IL)to stump for Sen. Marco Rubio s (R-FL) immigration agenda, Ryan declared that America is more than our borders and that the U.S. ought to have an open door system where foreign nationals can come and go as they please. America is more than just a country, Ryan said. It s more than Chicago, or Wisconsin. It s more than our borders. America is an idea. It s a very precious idea. Ryan disparaged Americans who opposed large-scale immigration, characterizing that attitude as ignorant, declaring that throughout American history, Each wave [of immigration] is met with some ignorance, is met with some resistance. Ryan said, We want to have a system where people can come here and work go back and forth if they want to so that we have an open door to the people who want to come and contribute to our country, who want to come and make a difference in their families lives, and our economy. Via: Breitbart News",left-news,"Dec 17, 2015",0 +WALMART MAKES SENIOR VETERAN Greeter Remove Military Cap…Okay For Muslim Employee To Wear This,"Lee Young, owner of Hitman Firearms posted this incredible story to his Facebook page. His story is a perfect example of a country who has gone so far left with their political correctness, that many of us barely recognize it anymore. Kudos to Lee for not only standing up for this veteran, but for taking the time to document this insane double standard. People everywhere need to do what Lee has done. If you see something, say something. And don t be afraid to tell your fellow Americans what you are witnessing. We must all come together to stop this madness.From Lee Young s Facebook page:Share if this bothers you as much as it did me ..Okemos, MichiganIt s long but I promise it s worth the read.No better way to make my blood boil!So for the past however long I can remember there has been a older gentleman by the name of Val who is a greeter at Walmart. This man is a Veteran and very proud to be. You don t need to know him or even speak to him, although I thank him for his service every time I see him, because he illustrates his pride through the highly decorated Veteran baseball cap he wears or .used to wear.One day I as I walked in I noticed a bright blue Walmart hat on his head with all the military pins that once adorned his wore out faded military cap and I asked him about it. We both had tears in our eyes as I wished him a blessed day and shook his hand before I left. His reply was simple and full of hurt, corporate will not allow me to wear that hat anymore while on the clock, because it goes against the dress code .I was so furious that I demanded to talk to a manager that day and I m sure she will never forget my face or the angry words that I shared with her. Since then I try not to ever shop at Walmart unless there is no other choice.Today was one of them days that I needed something and stopped into the Okemos Walmart. As I m standing in line to pay this woman in her Walmart vest steps into line behind me and immediately I was outraged! So one of our own who signed his life away to protect our freedoms and homeland cannot wear his simple old hat but this woman can wear a headscarf proclaiming her love of the Muslim culture and her dedication to Allah!? Kiss my ass Walmart!!!!HERE is the link to his Facebook page",left-news,"Dec 17, 2015",0 +BARACK OBAMA Finds Friend In β€œFundamental Transformation Of America”: Shocking Way Ryan Betrayed Americans With $1.1 Trillion Bill,"Funding for Sanctuary Cities, benefits for illegal aliens, fully funded refugee programs, quadruples number of work visas for foreigners, release of criminal aliens, tax credits for illegal aliens, locking in huge spending increases, making America less safe and more Rep. Paul Ryan s first major legislative achievement is a total and complete sell-out of the American people masquerading as an appropriations bill.Too harsh, you say? Let the programs, the spending, and the implications speak for themselves.(1) Ryan s Omnibus Fully Funds DACAThough much of the public attention has surrounded the President s 2014 executive amnesty, the President s 2012 amnesty quietly continues to churn out work permits and federal benefits for hundreds of thousands of illegal aliens. Paul Ryan s bill funds entirely this 2012 executive amnesty for DREAMers or illegal immigrants who came to the country as minors.Specifically, Division F of Ryan s omnibus bill contains no language that would prohibit the use of funds to continue the President s unconstitutional program. Obama s executive action, known as Deferred Action for Childhood Arrivals (DACA), has granted around 700,000 illegal aliens with work permits, as well as the ability to receive tax credits and federal entitlement programs. A recent GAO report documented how this illegal amnesty program for alien youth is, in large part, responsible for the illegal alien minor surge on our southern border.In 2013, Paul Ryan said that it is his job as a U.S. lawmaker to put himself in the shoes of the DREAMer who is waiting and work to find legislative solutions to his or her problems.(2) Ryan s Omnibus Funds Sanctuary CitiesFive months ago, 32-year-old Kate Steinle was bleeding to death in her father s arms. She was gunned down in broad daylight by a five-time deported criminal alien whose presence in the country was the direct result of San Francisco s refusal to comply with U.S. immigration law yet Paul Ryan s omnibus rewards these lawless Sanctuary Cities with federal grants. Division B Title II of Ryan s omnibus funds various grant programs for the Department of Justice (pages 167, 168, and 169) and contains no language that would restrict the provision of such grants to sanctuary jurisdictions.In a Congressional hearing, Steinle s father demanded Congressional action and recalled his daughter s dying words: Help me, Dad. (3) Ryan s Omnibus Funds All Refugee ProgramsDespite broad support amongst Republican lawmakers for a proposal introduced by Rep. Brian Babin (R-TX)to halt all refugee resettlement, Ryan s appropriations bill will fund President Obama s refugee resettlement operation and will allow for the admission of tens of thousands of refugees with access to federal benefits. Division H Title II of Ryan s bill contains appropriations of the Department of Health and Human Services (HHS) and contains no language that would restrict the program. Nor are there any restrictions for the program in Division K of Ryan s bill, which provides funding for the Department of State, which oversees refugee admissions.Ryan is not one of the 84 cosponsors of Babin s bill to halt the refugee operation, and he recently told Sean Hannity that he does not support halting resettlement because, We re a compassionate country. The refugees laws are important laws. Similarly, this outcome represents a legislative win for Sen. Marco Rubio (R-FL), who told Sean Hannity he d hate to use Congress s power of the purse to deny funding for Obama s resettlement operation.(4) Ryan s Omnibus Funds All of the Mideast Immigration Programs That Have Been Exploited by Terrorists in Recent YearsAlthough multiple immigrant and visa programs in recent years have been exploited by terrorists (such as the F-1 student visa, the K-1 fianc e visa, and our green card and refugee programs), Ryan s proposal does nothing to limit admissions from jihadist-prone regions. As Senators Shelby and Sessions of Alabama noted in a joint statement: The omnibus would put the U.S. on a path to approve admission for hundreds of thousands of migrants from a broad range of countries with jihadists movements over the next 12 months, on top of all the other autopilot annual immigration. (5) Ryan s Omnibus Funds Illegal Alien ResettlementOn page 917 of Ryan s omnibus a section titled Refugee and Entrant Assistance funds the President s resettlement of illegal immigrant border crossers.(6) Ryan s Omnibus Funds the Release of Criminal AliensSenior legislative aides tell Breitbart News that Ryan s bill does not do anything to change the enforcement priorities that Jeh Johnson established a little over a year ago that would shield entire categories of criminal aliens from immigration law, nor does it include language recommended by Sessions and Shelby to deny the expenditure of funds to issue visas to countries that refuse to repatriate criminal aliens. (7) Ryan s Omnibus Quadruples H-2B Foreign Worker VisasDespite Ryan s pledge not to move an immigration compromise with President Obama, tucked 700 pages into Ryan s spending bill is language that would resuscitate and expand a controversial provision of the Schumer-Rubio Gang of Eight plan to increase the H-2B visa program.The provision would quadruple the number of H-2B visas for unskilled guest workers, for a total of more than 250,000, writes immigration attorney Ian Smith. The Americans who fill these jobs are typically society s most vulnerable including single women, the disabled, the elderly, minorities, teenagers, students, and first-generation immigrants, Smith explains.A recent BuzzFeed expos revealed how this program allows businesses to discriminate against American workers and deliberately den[y] jobs to American workers so they can hire foreign workers on H-2 visas instead. As one GOP aide told Breitbart News, This provision is a knife in the heart of the working class, and African Americans. (8) Ryan s Omnibus Funds Tax Credits for Illegal AliensRyan s bill preserves the expansion of the President s expiring child tax credits without any accompanying language to prevent illegal aliens from receiving those tax credits. While Sen. Sessions attempted to include language in the bill that would prevent illegal immigrants from receiving tax credits, his recommendation was rejected.(9) Ryan s Omnibus Locks-In Huge Spending IncreasesThe bill funds the Obama-Boehner budget deal, which eliminated spending caps, and will increase both defense and non-defense spending next year by $25 billion more each.(10) Ryan s Omnibus Fails to Allocate Funds to Complete the 700-Mile Double-Layer Border Fence That Congress Promised the American PeopleNearly a decade ago with the passage of the 2006 Secure Fence Act, the American people were promised a 700-mile double-layer border fence. However, funding for the fence was later gutted and, as a result, its construction was never completed. Despite heightened media focus over the past six months about Americans desire for this barrier to illegal entry, Ryan s bill does not require that funds be allocated to finish the construction of the 700-mile double-layer fence.A vote could occur as early as Thursday after midnight, giving lawmakers and the public only one full business day to review the 2,242 page package. The Ryan-Pelosi package represents nothing short of a complete and total betrayal of the American people.Yet Ryan s omnibus serves a second and equally chilling purpose. By locking in the President s refugee, immigration, and spending priorities, Ryan s bill is designed to keep these fights out of Congress by getting them off the table for good. Delivering Obama these wins and pushing these issues beyond the purview of Congress will suppress public attention to the issues and, in so doing, will boost the candidacy of the Republican establishment s preferred presidential contenders, who favor President Obama s immigration agenda.What may prove most discouraging of all to Americans is that recent reports reveal that conservatives in the so-called House Freedom Caucus are praising Ryan even as he permanently locks in these irreversible and anti-American immigration policies. According to Politico, the House Freedom Caucus will give Ryan a pass even as he funds disastrous policies that prioritize the interests of foreign nationals and global corporatists above the needs of the American people whom lawmakers are supposed to represent. Via: Breitbart News",left-news,"Dec 17, 2015",0 +Baltimore Braces For Chaos: Mistrial Declared In Freddie Gray Case,"The jurors in the Freddie Gray case were deadlocked so the judge asked them to continue deliberating. In the end, they just couldn t come up with a verdict. It didn t take long for protests to break out in front of the courthouse get ready for chaos once again in Baltimore BALTIMORE (RNN) The judge declared a mistrial in the case of an officer charged in connection with the death of Freddie Gray after the jury failed to reach a verdict following deliberations over the course of three days.Freddie Gray jurors deadlocked, judge says keep deliberating William Porter was the first of six Baltimore police officers on trial. He was charged with manslaughter, second-degree assault, reckless endangerment and misconduct in office. Gray was injured after being taken into police custody and later died.A day before the mistrial, the judge ordered the jury to continue deliberating after they reported they had not reached a verdict. The jury sent a note to the judge that they were deadlocked. Deliberations began on Monday.Demonstrations broke out downtown within minutes of the announcement of the verdict, and law enforcement officers tried to disperse crowds that were blocking traffic.Tessa Hill-Aston, president of the Baltimore chapter of the NAACP, expected citywide protests Wednesday night. As much respect as I have for police, in this case Freddie is dead, and it didn t have to be that way, Hill-Aston said. Officer Porter admitted Freddie asked for help, and he didn t give it to him. At the end of the day, whenever someone asks for medical help and didn t get it, maybe Freddie could still be alive. Gray suffered neck and spinal cord injuries while in the back of the van on April 12. That resulted in his death one week later after falling into a coma.The van made several stops with Gray inside. Porter admitted in testimony last week he did not immediately call for a medic when Gray initially asked for help during the fourth stop.Prosecutors argued Porter ignored Gray s pleas for medical help and that Porter, who was driving the police transport van, went against department policy by not securing Gray properly in the back of the vehicle.Baltimore City Attorney Marilyn Mosby who said Gray died from being handcuffed, shackled and unrestrained ruled the death a homicide and charged the officers on May 1.Prosecutors must now decide whether to try Porter again. Each officer charged was scheduled to have separate trials.Via: kmov",left-news,"Dec 16, 2015",0 +GERMAN COURT RULES β€œSharia Police” Patrolling City Streets Did NOT Break Law…INSANE Video Shows Muslim Men Patrolling Streets,"These videos are very disturbing. Americans are headed down this path if we don t fight back against the Left who put political correctness before our national security A German court has ruled that Islamists who patrolled a city s streets as Sharia police did not break the law and will not be prosecuted.Here is what a Sharia Patrol looks like:Nine were arrested in September 2014 after patrolling streets in Wuppertal, western Germany. They wore bright orange jackets with the words Sharia police . They told passers-by not to frequent discos, casinos or bars.The court said they had not violated laws on uniforms and public gatherings.Prosecutors have now lodged an appeal.The group of Salafists ultra-conservative Islamists included Sven Lau, a preacher whose passport was seized this year after he visited Syria and a photo surfaced, showing him posing on a tank, with a Kalashnikov rifle slung around his neck. He is suspected of trying to recruit Muslims to join jihadists fighting in Syria or Iraq and has spent some time in prison previously. He said he had gone to war-torn Syria in 2013 on a humanitarian mission.Sharia, the revealed, sacred law of Islam, governs all aspects of a Muslim s life.The group s appearance at night in Wuppertal, in the industrial Ruhr region, triggered sharp criticism in Germany. A film of their patrol appeared on YouTube:The action was condemned by the Central Council of Muslims in Germany, who said it was harmful to Muslims .The group also carried notices proclaiming in English a Sharia Controlled Zone . The notices spelled out prohibitions like those in force in some Gulf Arab countries, outlawing alcohol, drugs, gambling, music and concerts, pornography and prostitution. Activists in the anti-Islam Pegida movement campaigning to stop immigration to Germany demonstrated in Wuppertal last year. They have staged regular marches against the Islamisation of Germany nationwide. Via: BBC",left-news,"Dec 16, 2015",1 +CHURCH REPLACES JESUS In Nativity Scene With Drowned Muslim Syrian Boy,"Because the tragic drowning of this Muslim Syrian boy (who was not really facing persecution) is apparently infinitely more important to the Left than celebrating the birth of Jesus Christ. But we already knew that Worse yet, is the fact that the family of the boy who drowned was not even escaping persecution. Unfortunately, the mainstream media neglected to tell the world that the boy s father was coming to Europe to get his teeth fixed. Click HERE for entire story. A church in Madrid has decided to recreate the nativity scene using the image of drowned Syrian child Aylan Kurdi to highlight the plight of migrants.The photo of the drowned toddler went viral in September, and as Breitbart London reported yesterday, helped change the tone of the debate around Europe s ongoing migrant crisis in favour of the refugees trope.Now The Local reports that a group called Mensajeros de la Paz (Messengers of Peace) have incorporated the image into a nativity scene at the San Anton church in the Chueca district of Madrid.The church already has an ultra-liberal reputation, allowing pets to attend Mass and streaming live-feeds on huge widescreen TVs. The faithful can also go to Confession via an iPad app.In the nativity scene, Aylan takes the place of the baby Jesus while his parents act as Mary and Joseph. The stable becomes a refugee tent, while the floor is a map of Europe with the main routes taken by migrants.It was designed by Spanish artist Ikella Alonso for Messengers of Peace, a charity founded by priest ngel Garc a Rodr guez in 1962 that has been dealing with the migrant crisis.The image has appeared throughout the media since September. Speaking on the its effectiveness, Dr Claire Wardle, research director at the Tow Centre for Digital Journalism at Colombia University, said: 2015 was the year the Syrian refugee crisis hit the European consciousness, but it s easy to forget that this was not the case before the Aylan Kurdi image. In April, over 700 refugees and migrants lost their lives when their boat capsized off Lampedusa. After one day of coverage, the story disappeared, despite the tragic loss of life. The photo of Aylan Kurdi galvanised the public in a way that hours of broadcasts and thousands of column inches wasn t able to do. It has created a frame through which subsequent coverage has been positioned and compared. Via: Breitbart News",left-news,"Dec 16, 2015",0 +"[VIDEO] Mooch Will Give Barack Work Out Gear…You Know, So He Can Workout With What? 2 Lb Weights? WATCH FLASHBACK VIDEO","Mooch is asked about what she will get her weak-kneed husband for Christmas: He s going to get some workout stuff. It s not going to be very interesting this year, honey. Sorry. Here s Barry hitting the gym. By the looks of this video, work out gear is the last thing he needs. Maybe a personal trainer, but not workout gear:",left-news,"Dec 15, 2015",0 +86 YR OLD BARBARA WALTERS Tells 40 Yr Old β€˜American Sniper’ Star Bradley Cooper: β€œI find you very screwable.’,"Real journalism ended a long time ago, but this is a new low even for leftist Barbara Walters. Just embarrassing He was named People s Sexiest Man Alive back in 2011. And Bradley Cooper proved just why he had that honour as women of all different ages desire him.The 40-year-old actor may have received a bit more attention than he was expecting from Barbara Walters recently during her 10 Most Fascinating People of 2015 special.Bradley seemed to be the apple of the 86-year-old journalist s eye, as according to People, she told him during the interview: I could just sit and stare at you but that would take too much time. But I, I find you very screwable. After making the surprising admission, the television host commented on his looks as she said: I think you re handsome, I think you re sexy. The Silver Linings Playbook star definitely seemed to be bashful as he was grateful for the compliments and says: I think that I ve grown to stop thinking about it. But sometimes I feel better than others. Yeah, I think it has a lot to do with feeling comfortable with yourself. Bradley definitely seems to be very comfortable in his own skin as he added: And I know that I m more comfortable with myself than I ve ever been in my life, so maybe that makes me more attractive. Via: UK Daily Mail ",left-news,"Dec 15, 2015",0 +DNC Chair Asks Democrat Members Of Congress To β€œBring A Muslim” To State Of Union…,"Debbie Wasserman-Schultz didn t ask members of Congress to bring a relative of an American citizen murdered by an illegal alien to the last State Of The Union. She didn t ask them to bring a spouse of a police officer killed as a result of Obama s war on law enforcement. What about asking them to bring a Christian or Jewish family member from the San Bernardino Muslim Terror attack? Do they not qualify as victims Deb? It s odd how the Democrats pick and choose who does, and who doesn t qualify as a victim in the United States. Let s just hope no one wears a suicide vest Two senior Democratic lawmakers are asking their colleagues to bring a Muslim-American guest to the State of the Union in protest of Donald Trump s recent proposal to ban Muslims from entering the U.S.In a letter sent to House Democrats on Tuesday, Rep. Debbie Wasserman Schultz, the chairwoman of the Democratic National Committee, and Rep. Keith Ellison, the first Muslim elected to Congress, said lawmakers should bring Muslim-Americans to the Jan. 12 speech as a way to rebut anti-Muslim rhetoric. Over the past few weeks we have seen a shocking and alarming rise in hateful rhetoric against one particular minority population in our nation, the pair wrote in an email obtained by POLITICO. Leading political figures have made offensive and outrageous suggestions that we should create a national registry of all people of one particular faith and that we should prevent any person of that faith from even entering this great country. Donald Trump, the Republican front runner for the presidential nomination, said earlier this month that Muslims should be barred from entering the U.S. because of security concerns. The comments have been widely criticized by politicians across the political spectrum.Via: Politico",left-news,"Dec 15, 2015",0 +HOLLYWOOD PORN DIRECTOR Makes Chappaquiddick Movie: Shows What Ted Kennedy β€œhad to go through”,"Is there ever a time the Left isn t portrayed as the victim in Hollywood? The tragic 1969 car accident that left a young woman dead at the hands of late Sen. Ted Kennedy will make it to the big screen for a film that the project s producer says will show audiences what Kennedy had to go through. According to The Hollywood Reporter, 50 Shades of Grey director Sam Taylor-Johnson has signed on to direct Chappaquiddick, which was recently named to the 2015 Blacklist.Project producer Mark Ciardi told THR Monday, I ve done a lot of true life stories, many sports stories, but this one had a deep impact on this country. Everyone has an idea of what happened on Chappaquiddick and this strings together the events in a compelling and emotional way.Ciardi adds: You ll see what he had to go through. While it is unclear who is the actual victim of the event in the film, Kennedy or 28-year-old Mary Jo Kopechne, who died, Chappaquiddick is described by THR as a political thriller that unveils the true story of what is described as the seven most dramatic days of Senator Ted Kennedy s life. On the eve of the moon landing, Senator Kennedy becomes entangled in a tragic car accident that results in the death of former Robert Kennedy campaign worker Mary Jo Kopechne. The Senator struggles to follow his own moral compass and simultaneously protect his family s legacy, all while simply trying to keep his own political ambitions alive.The film is currently casting and is set to begin principal photography within a few months.For some context surrounding the events of the Chappaquiddick incident, on the evening of July 18, 1969, Democrat Sen. Edward Ted Kennedy had just left a party on the Massachusetts Island, when he drove his Oldsmobile off a bridge and into a pond after making a wrong turn. Via: Breitbart News",left-news,"Dec 15, 2015",0 +"BREAKING: VIDEO RELEASED Of Angry Leftist Mob Attacking Home Of Chicago Lawmaker With Rocks, Torches","If this had been a Tea Party group attacking Nancy Pelosi s home, it would have been international news Angry leftists with rocks, wood chunks and torches attacked a Chicago alderman s home this weekend. Once you start throwing objects, that crosses the line, he said. He said there wasn t any major damage to the home, just debris near the windows and objects on the sidewalk.Alderman Cardenas provided a video of the attack to authorities:Three people landed behind bars Saturday night after mobbing a home owned by Ald. George Cardenas (12th) with rocks, pieces of wood and tiki torches, according to the alderman and police.The mob of more than 50 people was protesting police violence in the city, said Cardenas, who provided DNAinfo Chicago with a video clip shot outside the home, where his ex-wife, two daughters and his mother live.Police eventually arrested three protesters in the 2100 block of South Marshall.Efrain Montalvo, 23, of the 2600 block of West 22nd Place; Javier Ramos, a 29-year-old Des Plaines resident; and Billie Kincaid, a 25-year-old woman from the 1500 block of West Lunt Avenue, each stand charged with one misdemeanor count of mob action.Cardenas had been eating dinner with a friend across town when the mob rolled down 26th Street in Little Village and ended up in front of his house. Via: Gateway Pundit",left-news,"Dec 14, 2015",0 +"WHEN A GOVERNMENT PUTS IMMIGRANTS BEFORE CITIZENS: Swedish Citizens Have No Place To Live, No Jobs, Need To Carry Guns Everywhere They Go","Barack Obama and the Democrat party would like us to go the way of the Swedes. Do Americans have the fortitude to fight back against a government hell-bent on putting political correctness before national security?The Swedes see the welfare systems failing them. Swedes have had to get used to the government prioritizing refugees and migrants above native Swedes. There are no apartments, no jobs, we don t dare go shopping anymore [without a gun], but we re supposed to think everything s great. Women and girls are raped by these non-European men, who come here claiming they are unaccompanied children, even though they are grown men. You Cabinet Ministers live in your fancy residential neighborhoods, with only Swedish neighbors. It should be obligatory for all politicians to live for at least three months in an area consisting mostly of immigrants [and] have to use public transport. Laila, to the Prime Minister. Instead of torchlight processions against racism, we need a Prime Minister who speaks out against the violence Unite everyone. Do not make it a racism thing. Anders, to the Prime Minister. In all honesty, I don t even feel they [government ministers] see the problems There is no one in those meetings who can tell them what real life looks like. Laila, on the response she received from the government.The recent double murder at IKEA in V ster s, where a man from Eritrea who had been denied asylum grabbed some knives and stabbed Carola and Emil Herlin to death, letters and emails poured into the offices of Swedish Prime Minister (PM) Stefan L fven. Angry, despondent and desperate Swedes have pled with the Social Democratic PM to stop filling the country with criminal migrants from the Third World or, they write, there is a serious risk of hatred running rampant in Sweden. One woman suggested that because the Swedish media will not address these issues, L fven should start reading foreign newspapers, and wake up to the fact that Sweden is sinking fast.During the last few decades, Swedes have had to get used to the government (left and right wing parties alike) prioritizing refugees and migrants above native Swedes. The high tax level (the average worker pays 42% income tax) was been accepted in the past, because people knew that if they got sick, or when they retired or otherwise needed government aid, they would get it.Now, Swedes see the welfare system failing them. More and more senior citizens fall into the indigent category; close to 800,000 of Sweden s 2.1 million retirees, despite having worked their whole lives, are forced to live on between 4,500 and 5,500 kronor ($545 $665) a month. Meanwhile, seniors who immigrate to Sweden receive the so-called elderly support subsidy usually a higher amount even though they have never paid any taxes in Sweden.Worse, in 2013 the government decided that people staying in the country illegally have a right to virtually free health and dental care. So while the destitute Swedish senior citizen must choose between paying 100,000 kronor ($12,000) to get new teeth or living toothless, a person who does not even have the right to stay in Sweden can get his teeth fixed for 50 kronor ($6).The injustice, the housing shortage, the chaos surrounding refugee housing units and the sharp slide of Swedish students in PISA tests all these changes have caused the Swedes to become disillusioned. The last straw was that Prime Minister L fven had nothing to say about the murders at IKEA.Gatestone Institute contacted to the Swedish government, to obtain emails sent to the Prime Minister concerning the IKEA murders. According to the principle of public access to official documents, all Swedes have the right to study public documents kept by authorities with no questions asked about one s identity or purpose. The government, however, was clearly less than enthusiastic about sharing the emails: It took a full month of reminders and phone calls before they complied with the request.What follows are excerpts from emails sent from private citizens to Prime Minister Stefan L fven:From Mattias, a social worker and father of four, a dad who wants my kids to grow up in Sweden the way I had the good fortune of doing, without explosions, hand grenades, car fires, violence, rape and murder at IKEA : Hi Stefan. I am a 43-year-old father of four, who is trying to explain to my children, ages 6-16, what is going on in Sweden. I am sad to say that you and your party close your eyes to what is happening in Sweden. All the things that are happening [are] due to the unchecked influx from abroad. You are creating a hidden hatred in Sweden. We are dissatisfied with the way immigration is handled in Sweden, from asylum housing to school issues. And it takes so long to get a job, many people give up before they even get close. Mattias Marcus, 21, wrote: Hi Stefan, I am one of the people who voted for you. I live in Helsingborg, still with my parents because there are no apartments available. I can see where I live that as soon as an old person moves out, eight foreigners immediately move in: they just bypass us young, Swedish people in line. With all that is going on in Sweden rapes, robberies, the IKEA murders and so on why aren t non-Swedes sent back to their countries when they commit crimes? Of course we should help refugees, but they should be the right kind of refugees. I m sorry to say this, Stefan, but the Sweden Democrats should be allowed to rule for four years and remove the people who do not abide by the laws, and who murder or destroy young women s lives. It is horrible, I have a job that pays poorly because there are no jobs. Sweden has more people than jobs. Peter wrote: Esteemed Prime Minister. I am writing to you because I am very worried about the development in Swedish society. I am met daily by news of shootings, exploding hand grenades/bombs, beatings, rapes and murders. This is our Sweden, the country that, when you and I grew up, was considered one of the safest in the world. You, in your role as Prime Minister, have a responsibility to protect everyone in the land, regardless of whether they were born here or not. Unfortunately, I can see that you are not taking your responsibility seriously. I follow the news daily, and despite our now having suffered another act of madness, this time against a mother and son at IKEA, I do not see any commitment from you? You should emphatically condemn the violent developments we see in this country, allocate resources to the police, customs and district attorneys to slow and fight back (not just build levees and overlook) criminal activity. Sebastian wrote: Hi Stefan! After reading about the horrible deed at IKEA in V ster s, I am now wondering what you are going to do to make me feel safe going to stores and on the streets of Sweden. What changes will there be to make sure this never happens again? Will immigration really continue the same way? Benny wrote: Hi, I m wondering, why is the government quiet about such an awful incident? The whole summer has been characterized by extreme violence, shootings, knifings and explosions. The government needs to take vigorous action so we can feel safe. Laila s subject line reads: Is it supposed to be like this? Are we supposed to go outside without arming ourselves? Rape after rape occurs and no one is doing anything about it. I was born and raised in V rby G rd, but seven years ago, we had to move because we couldn t take the dogs out in the evenings due to the non-Europeans driving on the sidewalks. If you didn t move out of the way, they would jump out of the car and hit you. If you called the police, they do nothing in a suburb of Stockholm. When my brother told some of these men off, a rocket (the kind you use at New Year s) appeared in his mailbox. You can imagine how loud the blast was. Women and girls are raped by these non-European men, who come here claiming they are unaccompanied children, even though they are grown men . It is easy to get weapons today, I wonder if that is what we Swedes need to do, arm ourselves to dare to go shopping. Well, now I am getting to what happened at a major department store: Two people were killed and not just killed, there is talk online of beheading. The Prime Minister will not say a word, but resources are allocated to asylum housings, a slap in the face for the relatives who just had two of their kin slain. Swedish newspapers will not say a word, but fortunately, there are foreign newspapers that tell the truth. We Swedes can t change apartments, we live five people in three bedrooms. Two of us are unemployed, looking, looking and looking for work. The only option is employment agencies. I m 50 years old, on part-time sick leave because of two chronic illnesses, I cannot run around from one place to another. But more and more asylum seekers keep coming in. There are no apartments, no jobs, we don t dare go shopping anymore, but we re supposed to think everything s great. Unfortunately, I believe the Prime Minister needs to start reading foreign newspaper to find out that Sweden is going under. I found out that the mass immigration costs billions every year, and the only thing the immigrants do is smoke waterpipes in places like V rby G rd. This is happening in other places too, of course. Now it s starting to spread; you will see that in the opinion polls, next time they are published. Soon, all Swedes will vote for the Sweden Democrats. They are getting more and more supporters every day. You Cabinet Ministers do not live in the exposed areas, you live in your fancy residential neighborhoods, with only Swedish neighbors. It should be obligatory for all politicians to live for at least three months in an area consisting mostly of immigrants, the car should be taken from you so you d have to use public transport. After three months, you would see my point. I am scared stiff of what is happening in this country. What will the government do about this? Anders wrote: Hi Stefan, why don t you, as our Prime Minister, react more against all the violence that is escalating in our country? [Such as] the double murder at IKEA in V ster s. Add to that the bombings and other things happening in Malm . Instead of torchlight processions against racism, we need a Prime Minister who speaks out against the violence, who says that it s wrong no matter which ethnic group is behind it or at the receiving end of it. Because all the people living in Sweden are Swedish, right? A torchlight procession against racism only highlights the fact that it s immigrants committing these crimes. What we need now is a clear signal from our popularly elected [officials] that violence needs to stop now. Sweden is supposed to be a haven away from violence. I m asking you as our Prime Minister, take a stand against the violence. Unite everyone in Sweden into one group and do not make it a racism thing. Some of the people received a reply from Carl-Johan Friman, of the Government Offices Communications Unit; others have not received any reply at all. A typical response goes: Thank you for your email to Prime Minister Stefan L fven. I ve been asked to reply and confirm that your email has reached the Prime Minister s Office and is now available for the Prime Minister and his staff. It is of course not acceptable that people should be exposed to violence and criminal activities in their everyday life. Many efforts are made to counteract violence, and quite correctly, this needs to be done without pitting groups against each other. Thank you for taking the time to write and share your views, they are important in shaping government policies. Via: Zero Hedge ",left-news,"Dec 14, 2015",0 +THE WOMAN WHO Moved Freedom Loving Americans To Tears With Her Passionate IRS Testimony Is Now Asking For Our Help,"MARCH 1st is the day! VOTE FOR BECKY GERRITSON FOR US CONGRESS IN ALABAMA S 2ND DISTRICT!WE LOVE THIS WOMAN! Becky Gerritson embodies everything that makes America so special and unique. She is a limited government conservative who is passionate about preserving and protecting the United States of America and everything we, as a nation stand for. She is a military wife and a brave warrior, who is ready to march to Washington DC and shake things up. Becky is running for US Rep. in Alabama s 2nd District. She is up against a RINO incumbent who, has voted to continue support for Obama s reckless Refugee program. Sending Representatives like Becky to DC, who are unafraid to confront an overreaching and out of control government should be a 1st priority for every freedom loving American.Becky moved out of her comfort zone, and into the national spotlight where she bravely faced Congress while staring down the punitive director of the IRS. In her powerful, passionate (and now famous) speech, she demanded the IRS was held accountable for the Stalinist tactics that were used against her, as they attempted silence her conservative views that were in stark contrast to Barack Obama.We are committed to helping Becky Gerritson defeat her RINO incumbent in Alabama.Becky Gerritson is up against an establishment Republican (RINO) in the primary election in Alabama who voted to continue support for a reckless refugee program. Establishment Republicans are now facing serious primary challenges, such as incumbent establishment Republican Martha Roby in Alabama-2, who is being challenged by Becky Gerritson. Roby is trying desperately to run away from the Syrian refugee jihadi threat because she repeatedly voted to fund it.Conservative congressional challenger Becky Gerritson has just issued a stinging challenge on the issue of Muslim immigration to her incumbent establishment Republican opponent Rep. Martha Roby (AL-2). I promise to fight President Obama s open arms policy and oppose all legislation that invites danger into the lives of the men, women, and children of this great nation, Gerritson stated in a pledge to Alabama voters. In essence, this is Obama s Islamic Importation Plan; and we cannot risk adopting his strategy that fails to screen against importing terrorists into this country. And by giving Obama a blank check in the budget and spending bills that could have stopped the Syrian refugee madness Republicans own the Syrian refugee jihadi infiltration problem.Tea Partier, conservative, patriot, wife, mother, Christian- These are some of the words that describe Becky Gerritson, the grassroots activist who was thrown into the national spotlight during the illegal IRS probing of conservative and libertarian interest groups several years ago. During a passionate speech in front of an audience of a congressional sub committee, in which she testified on behalf of her organization- the Wetumpka TEA Party, Becky s words went viral instantly, and began to inspire and encourage activists across the country to hold their government more accountable for it s actions.In October of this year, Gerritson made the decision to shift from grassroots conservative activist, to instead take on the GOP establishment head-on by challenging current Congresswomen Martha Roby (R-AL, 2nd District) to a primary, in order to receive the Republican nomination in time for the 2016 election. Here are some questions Becky was able discuss with me in order to give voters, and Americans across the country, a better look at her candidacy, and what her campaign s presence means to the current state of the Republican Party and establishment politics as a whole:Brownell: Why have you decided now is the best time to run for office? Why congress and not a state level position?Becky: I ve never wanted to run for political office before, and I had always pushed back when others urged me to do so. However, after years of fighting for a restoration of the America I grew up in, I grew tired of seeing my representative fail to share my commitment. Our country is in desperate need of bold, courageous citizen leaders who will step forward to fight for principle. After much prayer, I knew I had to answer the call.Brownell: With the general dissatisfaction with the GOP, even with John Boehner gone, why did you decide to run as a Republican and not an Independent?Becky: I ll be the first to admit that there are many times in which I find myself frustrated with my Party. However, I believe that there is strategic significance to trying to save the Republican Party from within. In Congress, I won t go with what Party leadership over principle. I will, however, use whatever influence I have to return my Party back to conservatism.Brownell: What are some of the biggest concerns you hear from voters in you re district?Becky: Voters are concerned about the future. They see a President and an unelected Supreme Court ruling, not governing. They see their rights taken away. They see a debt rising that threatens the security and economic stability of this country. And, what s worse, many feel helpless. They vote, and then they see nothing change. I m running to be the kind of leader that the voters can know and trust will actually stand up and fight the status quo to change the direction of this country.Brownell: On your website s issues page you have a section discussing your views on the 10th Amendment- do you think that the states have the right to nullify executive orders and acts of congress?Becky: You know, I think every branch of government needs to start exercising its constitutional authority. We need to reign in the Judicial and Executive branches, and the best way to do that is by the Legislative branch and the states reasserting themselves and say no, Mr. President or no, Supreme Court, we are drawing the line here, and you cannot cross. The 10th Amendment has been totally thrown out, and we need more states standing strong in opposition to unconstitutional actions by the federal government.Brownell: As a military wife currently living in a part of Alabama with a large veterans community, do you think the VA needs to be reformed from within, or privatized?Becky: It needs to be completely overhauled, and I think all options need to be on the table. My opponent is pushing to put the solution in the hands of the same VA bureaucracy that got us in this mess. Top-down, bottom- up this system must be overhauled, every job and individual evaluated, and the very manner of doing things analyzed to make sure our veterans never have to deal with an incompetent VA again.Brownell: What is your view of possible boots on the ground in Syria?Becky: Under this president, I absolutely oppose that idea. Under a Republican president, I m still skeptical. The case needs to be made first what our interests are in getting involved. Secondly, a clear strategy for winning- not just the moment, but the long-term future of the region- must be presented. I don t know that those two criteria will ever be met. I believe very strongly in American exceptionalism and leadership in the world. I also believe that we should be very hesitant to send our soldiers into a quagmire. A very strong case would need to be made for this course of action, and I m not sure that case exists.PLEASE click HERE to see where Becky Gerritson stands on issues that affect our entire nation. ",left-news,"Dec 13, 2015",0 +COMMUNIST FILMMAKER MICHAEL MOORE Recruits Leftists In Attempt To Harm Trump,"The despicable anti-free speech, communist clown, Michael Moore is taking page out of Obama s community organizer book. He s asking for drones to help him report Trump on Facebook in an effort to shut down what Moore considers an opposing view. Of course, he wants the ability to make 2nd rate anti-American films, but God forbid, anyone running for office openly love and embrace American values Leftwing filmmaker Michael Moore is asking his followers to report Donald Trump for using hate speech on Facebook, in hopes of getting the GOP frontrunner banned from the social media site. Facebook prohibits all its users from using hate speech on its site ( You will not post content that is hate speech ), wrote Moore in a detailed post on Wednesday. I m joining others today in filing a complaint with Facebook that Trump s Facebook page is using hate speech to promote racism and bigotry. Moore added: Please file your complaint, too. Here s how: Go to Trump s page facebook.com/DonaldTrump. Click Report . Then click It shouldn t be on FB . Then click Hate Speech . Then click either race or ethnicity or religious group . That s it. Let s get a few million doing this by the end of the day! The New York Daily News reported this week that despite an online campaign to censor Trump, his posts are protected under Facebook s community standards:Facebook s policy does highlight that any hate speech content attacking people on their race, ethnicity, religious affiliation or national origin will be removed. However, Trump s posts could potentially be protected by another rule under Facebook s community standards: Facebook can be used to challenge ideas, institutions, and practices. Such discussion can promote debate and greater understanding.Friday, roughly a dozen protesters stormed a $1,000-a-plate New York City luncheon where Trump was delivering a speech, the Associated Press reported.Moore tweeted his team was outside the hotel:My team is down at the Trump Protest in NYC today. The Donald is having a fundraiser at the Plaza Hotel. Standby for updates. #DumpTrump Michael Moore (@MMFlint) December 11, 2015LIVE on #Periscope: LIVE From the TRUMP PROTEST in NYC today outside Plaza Hotel. Donald arriving soon (via @jas https://t.co/IqPlwUAbAa Michael Moore (@MMFlint) December 11, 2015New York Daily News picks up my campaign to have Facebook enforce its policy on hate speech against Donald Trump: https://t.co/hiRQr6rUIr. Michael Moore (@MMFlint) December 10, 2015TIME magazine has just named German Chancellor Angela Merkel as Person of the Year. Somebody get Trump some smelling salts. Michael Moore (@MMFlint) December 9, 2015Just sang Christmas Carols outside the National Republican Center in D.C. All Donald Trump themed songs of course. pic.twitter.com/FjFJDCgH1W Michael Moore (@MMFlint) December 9, 2015Via: Breitbart News",left-news,"Dec 12, 2015",0 +No Words… [VIDEO],"For the first time in the history of 100% FED UP!, we are (almost) speechless The idea that this SELFISH MAN would abandon his wife and 7 children to become a transexual 6 year old is bad enough. But the fact that an entire community would embrace him, give him a place to live and provide assurance that his SEXUALITY and self-identity trumps his obligations to his family is beyond heartbreaking.It s stories like these that make us wonder if we should just throw in the towel God help us ",left-news,"Dec 12, 2015",0 +LEFTISTS USE TRUMP To Teach Kids How To Use Violence Against Someone You Disagree With: β€œI Want To Kill Him” [VIDEO],"Just when you thought only Muslim terrorists teach their kids to use violence against anyone who doesn t agree with them Along comes the hateful American Left. What these poor misguided parents have clearly missed is how many Latino s don t support amnesty for people who ve illegally crossed our borders It seems like plenty of people have wanted to take a bat to Donald Trump s head this year, and last night in Oregon, some kids finally had the chance with a pi ata shaped like the Republican presidential candidate.At the grand opening for El Diablito, a food cart in Portland, Oregon, on Saturday, a group of predominately of children and Latinos took turns hitting a candy-filled Trump pi ata with a baseball bat.The group had some choice words as they took swings at the life-size presidential candidate figure, which had Trump posing with his mouth open and his middle fingers raised. I want to kill him, one child said as he watched someone hit the pi ata.One woman eagerly smashed the pi ata as she hit it several times. Because f*** Trump, she said when asked why she wanted a turn. I m sorry I know there are kids here, but he really sucks that hard. Another man took several swings at the pi ata as he spoke about why he didn t believe that Trump should be elected. You re bringing hate and we don t want you as a president, the man said as he hit the figure.The owner of El Diablito said, however, that the Donald Trump pi ata had nothing to do with politics, and was instead a way of bringing people to his food truck s grad opening. It has nothing to do about politics, actually, he said. It s about having a good time. I figured that would be the best character for everybody to be excited to take a hit at, he added. It s all about popularity and he s at the top of it right now A video of the event concludes with a little girl smashing the body off of the pi ata and a man holding the Trump figure s head by the hair as its body likes broken on the ground.Via: UK Daily Mail ",left-news,"Dec 12, 2015",0 +PRINCIPAL’S REASON FOR NOT ALLOWING This Picture To Appear In Yearbook Has Dad Steaming Mad,"A North Dakota father is calling for the resignation of his son s high school principal after the far left progressive banned the senior s yearbook photo because he claims it s illegal. Fargo North High School Principal Andy Dahlen told the Fargo Forum he rejected 17-yar-old Josh Renville s senior portrait for the school s yearbook because it violated three school policies that do not specifically pertain to the yearbook.According to the site:One bans the carrying of weapons on school property; another prohibits publishing of materials in school-sponsored media that violates federal or state law, promotes violence, terrorism, or other illegal activity ; and a third bans clothing that advertises or promotes weapons.While acknowledging none of the policies specifically prohibits photos of weapons from appearing in the yearbook, Dahlen said it s the combination of those three policies that we ve interpreted prevent it. The controversial image shows Renville standing alongside of the American flag, wearing a stars and stripes tank top, with a rifle he built himself resting on his right shoulder. It was taken off of school property, and Renville is clearly not posed in any type of threatening manner.Renville s father, Charles Renville, spoke with the principal about the decision, and Dahlen apparently refused to reconsider. Charles Renville, a 30-year Air National Guard soldier, took to Facebook this week to update his followers and vent his frustrations about the situation, a post that sparked a social media firestorm that s drawing national media coverage.// Posted by Charlie Renville on Thursday, December 10, 2015The father writes that the picture is now under review by the district s associate superintendent, details his conversation and thoughts about Dahlen, and explains why the image means so much to his son. So this is the state of freedom ion our nation today! Fargo North High School has rejected this picture for Josh s year book . Because in their words it promotes violence and breaks state and federal law, really! How? Well I called Andy Dahlen he is trying to state that people cannot bring guns on school property, in his words it s the law, Renville wrote.The father questioned why other images in the school that contain guns library books on hunting, or wars with American soldiers seemingly don t face the same scrutiny, or why yearbook images of guns used by high school trap and skeet teams are not held to the same standard. What item is illegal in this picture? he wrote. I see a kid that loves his nation, loves free speech and loves the second the 2nd Amendment. The rifle is a rifle he built and it is his favorite rifle. Renville then pivots to Dahlen. Dahlen just doesn t like rifles, he doesn t believe in or support the Second Amendment. He is a far left progressive who is using his position to promote his political agenda and push it on our children, Renville wrote.He continued:He has singled out my family over the years because of our traditional conservative values and beliefs! In my opinion he is out of control and morally bankrupt person who has been in his position way to long! He seems to have absolute power at Fargo North High school, and tries to bully teachers, students and families that disagree with him! Enough is enough he needs to be fired! So begins the fight for freedom . we are only as strong as our weakest link!Renville alleged Dahlen told him the school has received calls about the controversy and nearly 90 percent of callers supported the principal s position.The conversation prompted Renville to post Dahlen s direct phone number online, and encourage his followers to voice their opinions on the matter.As Renville s post quickly swelled to more than 1,660 shares, the conversation online forced local, regional and national news outlets to focus in. Meanwhile, leftist columnists like the Forum s Mike McFeeley are trying their best to squelch the growing outrage. Is it about getting your kid s preferred photo in the yearbook or saving the world? McFreeley wrote. There is this question, too: Would those barking loudest about Josh Renville s rights being infringed be barking as loud if the photo in question showed a young person holding a handgun while flashing gang signs? Rights are rights, right? Interestingly, an informal poll conducted by Fox 31 shows about 65 percent of more than 400 voters support the Renvilles.Charles Renville told the Daily Mail his son plans to enlist in the Guard next month. Via: EAG News",left-news,"Dec 12, 2015",0 +"LEFTIST FOR A LIVING Changes Position, Turns On Obama, Declares: β€œThis Is A War…Shut Down The Borders…No Visas” [VIDEO]","FLASHBACK: Watch the video below to see Kudlow mock Republicans for their strong defense of closing our borders in his interview with Gang of Eight member, Jeff Flake (R-AZ) two years ago. The president had his last chance last Sunday night. And he didn t do it. He is not a wartime commander in chief. In fact, he is not a commander in chief. A hardline shift from an immigration reformer.I know this is not my usual position. But this is a war. Therefore I have come to believe there should be no immigration or visa waivers until the U.S. adopts a completely new system to stop radical Islamic terrorists from entering the country. A wartime lockdown. And a big change in my thinking.ISIS and related Islamic terrorists are already here. More are coming. We must stop them.Until FBI director James Comey gives us the green light, I say seal the borders.Here s what we must do: Completely reform the vetting process for immigrants and foreign visitors. Change the screening process. Come up with a new visa-application review process. Stop this nonsense of marriage-visa fraud. And in the meantime, seal the borders. I agree with Jessica Vaughn, director of policy studies at the Center for Immigration Studies, who argued many of these points in excellent detail on the National Review website on Friday.Again, why am I taking this hardline position? In the past, I have been an immigration reformer, not a restrictionist. But we are at war. That changes everything.Watch Kudlow demean conservative position on border control and immigration reform to RINO, Rep. Jeff Flake (R-AZ):Let me emphasize that my support for wartime immigration restrictions is not based on religion. I think Donald Trump made a big mistake here. Instead, I agree with this Rupert Murdoch tweet: Complete refugee pause to fix vetting makes sense. Fortunately, the Republican House voted to tighten restrictions on travel to the U.S. by citizens of 38 nations who presently enter our country without a visa. This covers 20 million visitors a year who are allowed to stay 90 days. And of course this system is abused, big time.But I say seal the borders. People hoping to relocate to the U.S. from Syria, Iraq, and anywhere in the Middle East, and people coming here from France, England, Sweden, and wherever will be upset, at least for a while. There may be some unfairness to this. But I don t care. Wars breed unfairness, just as they breed collateral damage.We may set back tourism. We may anger Saudi princes whose kids are in American schools. But so be it. We need a wartime footing if we are going to protect the American homeland.Of course, President Obama doesn t get it. He never will. Already we should have led NATO into a declaration of war against ISIS. Already we should have pushed a resolution of war against ISIS through the UN Security Council. Already we should have convened meetings with our Mideast allies to formally declare war against ISIS. Already the U.S. Congress should have issued a formal declaration of war against ISIS.The president had his last chance last Sunday night. And he didn t do it. He is not a wartime commander in chief. In fact, he is not a commander in chief.As I have written before, if the U.S. wants to destroy ISIS, it can destroy ISIS. We won t end terrorism around the world. But we can destroy ISIS in Syria and Iraq. Prominent generals are telling us that. Prominent national security strategists are telling us that.So let s do it.If there is to be a true wartime effort to destroy ISIS, our leaders must communicate a sense of urgency and energy. Define the clear goal: the destruction of ISIS. Speak to that goal constantly. Take steps at home and abroad to back up that goal. Lead the country. Rally the country.Republican and Democratic commanders in chief have done this in the past. We must do it again.I don t believe a visa or immigration lockdown here in the U.S. will solve the Islamic terrorist threat. Many other steps must be taken. And I am not suggesting this in the name of religious profiling. Instead, I am hardening my position on immigration because we are at war and I fear we may be losing this war.My shift in thinking comes from a deep desire to strengthen homeland security. Hopefully an immigration freeze will not be in place for very long. But for now I believe we must do it. (By the way, keeping America safe is a prerequisite for growth.)And let me add, as I have in the past, if the U.S. has the will, the urgency, and the energy to destroy ISIS, then we will destroy ISIS.WATCH Kudlow s defense of immigration in this video only one year ago. My, what a difference a year makes:Via: Breitbart News",left-news,"Dec 12, 2015",0 +ATHEIST TEACHER Gets 8 Year Old One-Week Suspension For Saying β€œMerry Christmas”,"Bullies come in all different shapes, sizes and professions. It s too bad that this bully is protected by the teacher s union. San Francisco, CA The war on Christmas continues as a simple well-wishing of Merry Christmas has led to big trouble for one third-grade San Francisco girl this week.Samantha Dawson, an 8-year-old student at Westview Elementary School in San Francisco, CA., was in the school cafeteria Tuesday eating with friends when she was taken to the principal s office and given a week-long suspension. Her punishment was consequence for saying Merry Christmas to her homeroom teacher earlier that day.Dawson s teacher, 37-year-old Paul Horner who is an outspoken Atheist, was offended at the students display of Christmas spirit and had staff suspend the young girl for the rest of the week. I say Merry Christmas to everyone, the young girl told CBS News. I didn t think it would cause so much trouble just for saying a couple little words. The girl s mother, Laura Dawson, 41, was fuming over the issue. You don t traumatize a child who loves to go to school, who wanted to be early every day to school, you don t make her cry, just for wishing someone Merry Christmas, she told reporters, holding back tears. You just don t do it. Reporters spoke with Mr. Horner as he was leaving from school yesterday. I warned the children not to bring religion into my classroom, Horner said. Maybe Samantha will listen to adults next time. At the time of this press release, Westview Elementary School officials declined to comment, though this was posted on the school s website: Once again we had to suspend a student, 3rd grader Samantha Dawson, because she said Merry Christmas to her homeroom teacher, who is a proud atheist. CBS News Via: Truth Uncensored",left-news,"Dec 11, 2015",0 +"HOW COLLEGES PUNISH HIGH ACHIEVERS: Check β€œAfrican American” On SAT Test, ADD 230 Points…Check β€œAsian,” DEDUCT 50 Points","This is a stunning story of how the Left gets away with punishing hard work and accomplishment all in the name of fairness. Who decides which minority population is more important than another? In a windowless classroom at an Arcadia tutoring center, parents crammed into child-sized desks and dug through their pockets and purses for pens as Ann Lee launches a PowerPoint presentation.Her primer on college admissions begins with the basics: application deadlines, the relative virtues of the SAT versus the ACT and how many Advanced Placement tests to take.Then she eases into a potentially incendiary topic one that many counselors like her have learned they cannot avoid. Let s talk about Asians, she says.Lee s next slide shows three columns of numbers from a Princeton University study that tried to measure how race and ethnicity affect admissions by using SAT scores as a benchmark. It uses the term bonus to describe how many extra SAT points an applicant s race is worth. She points to the first column.African Americans received a bonus of 230 points, Lee says.She points to the second column. Hispanics received a bonus of 185 points. The last column draws gasps.Asian Americans, Lee says, are penalized by 50 points in other words, they had to do that much better to win admission. Do Asians need higher test scores? Is it harder for Asians to get into college? The answer is yes, Lee says. Zenme keyi, one mother hisses in Chinese. How can this be possible?College admission season ignites deep anxieties for Asian American families, who spend more than any other demographic on education. At elite universities across the U.S., Asian Americans form a larger share of the student body than they do of the population as a whole. And increasingly they have turned against affirmative action policies that could alter those ratios, and accuse admissions committees of discriminating against Asian American applicants.Everyone works hard and struggles. But there s this feeling that it s going to be harder for us. Lawrence Leonn, 16HERE is a perfect example of how Americans have allowed Asian minority status to be discounted in favor of the more vocal Black students on campus:And there is the case of the young Asian reporter who dared to attempt to cover University Of Missouri s Black Lives Matter event. There was certainly no media outcry at the bullying and the horrible treatment he received by students and faculty alike. Click HERE for the full story and video.That perspective has pitted them against advocates for diversity: More college berths for Asian American students mean fewer for black and Latino students, who are statistically underrepresented at top universities.But in the San Gabriel Valley s hyper-competitive ethnic Asian communities, arguments for diversity can sometimes fall on deaf ears. For immigrant parents raised in Asia s all-or-nothing test cultures, a good education is not just a measure of success it s a matter of survival. They see academic achievement as a moral virtue, and families organize their lives around their child s education, moving to the best school districts and paying for tutoring and tennis lessons. An acceptance letter from a prestigious college is often the only acceptable return on an investment that stretches over decades.Lee is the co-founder of HS2 Academy, a college prep business that assumes that racial bias is a fact of college admissions and counsels students accordingly. At 10 centers across the state, the academy s counselors teach countermeasures to Asian American applicants. The goal, Lee says, is to help prospective college students avoid coming off like another cookie-cutter Asian. Being of Asian descent, the junior says, is a disadvantage. The problem, she says, is in the numbers.Asian families flock to the San Gabriel Valley s school districts because they have some of the highest Academic Performance Index scores in the state. But with hundreds of top-performing students at each high school, focusing on a small set of elite institutions, it s easy to get lost in the crowd.Of the school s 4,000 students, nearly 3,000 are of Asian descent, and like Yue are willing to do whatever it takes to gain entrance to a prestigious university. They will study until they can t remember how to have fun and stuff their schedules with extracurriculars. But there s an important part of their college applications that they can t improve as easily as an SAT score: their ethnicity.In the San Gabriel Valley, where aspirationally named tutoring centers such as Little Harvard and Ivy League cluster within walking distance of high schools, many of them priced more cheaply than a baby-sitter, it didn t take long for some centers to respond to students and parents fears of being edged out of a top school because of some intangible missing quality. I don t want to be racist or anything, Lawrence said. Everyone works hard and struggles. But there s this feeling that it s going to be harder for us. Complaints about bias in college admissions have persisted since at least the 1920s, when a Harvard University president tried to cap the number of Jewish students. In November, a group called Students for Fair Admissions filed a suit against Harvard University for admissions policies that allegedly discriminate against Asian Americans. The group cited the 2004 Princeton study and other sources that offer statistics about Asian Americans test performance.At the University of Texas at Austin, an affirmative action policy that allows admissions committees to consider the race of prospective applicants has been argued all the way to the Supreme Court. (The policies were upheld by a lower court, but that court s decision was voided by the Supreme Court. Another court upheld the policies and another appeal is pending.)Those who defend holistic admissions policies insist that considering a broader range of variables ensures that all applicants are judged fairly. And the Princeton study Lee refers to has been widely criticized by academics who argue that it relies too heavily on grades and test scores to draw conclusions about racial bias and that the data the study uses are too old to be relevant.Still, anxiety over racial admissions rates is peaking as cash-crunched public universities increasingly favor high-paying out-of-state and foreign students at the expense of local applicants of every ethnicity. A 2014 bill that would have asked voters to consider restoring race as a factor in admissions to public California colleges and universities sparked multiple public protests and scathing editorials in Chinese newspapers. The bill, Senate Constitutional Amendment 5, was shelved last year. That same ethic causes parents and students to agonize over which box, if any, to check on the race and nationality section of the application. One parent asked Zell whether it would help to legally change the family name to something more Western-sounding.Last year, a rumor that Harvard University would stop accepting any more Asian American students from San Marino High School spread like a trending hashtag.Mollie Beckler, a counselor at San Marino High School, says that Harvard never imposed such a rule. School counselors are continually trying to dispel myths like these, she says, if only in hopes of slightly lowering the huge stress students shoulder because of their intense focus on elite schools. The feeling of failure they get from trying to reach such high standards, she said, is very concerning to us in the counseling world. Only a few of the San Gabriel Valley s tutoring centers confront the ethnic admissions issue head-on.Jamie Aviles, a counselor at the ACI Institute, doesn t teach ways to overcome perceived racial bias, she says. But she and many other counselors do agree on at least one thing.As Aviles puts it: It sucks to be a kid in the San Gabriel Valley. Via: LA Times",left-news,"Dec 11, 2015",0 +OBAMA AND VALERIE JARRETT Finalize Executive Action Gun Control Proposal,"It s almost as though we don t even have a Constitution Never let a crisis go to waste President Barack Obama s advisers are finalizing a proposal that would expand background checks on gun sales without congressional approval.White House adviser Valerie Jarrett says the president has asked his team to complete a proposal and submit it for his review in short order. She says the recommendations will include measures to expand background checks.Jarrett spoke Wednesday night at a vigil for the victims of the Newtown shooting, according to a summary provided by the White House.After the mass shooting in Roseburg, Oregon, Obama said his team was looking for ways to tighten gun laws without a vote in Congress. White House officials have said they re exploring closing the so-called gun show loophole that anti-gun advocates claim allows people to buy weapons at gun shows and online without a background check.The move comes following the deadly terrorist attack in San Bernardino, California, that left 14 people dead. All of the guns used in the massacre were purchased legally. Opponents of new gun control regulations have argued that the proposals being pushed by Obama would not have prevented the tragedy or recent mass shootings. Via: The Blaze",left-news,"Dec 11, 2015",0 +Why Did Friends And Family Protect Muslim Bonnie And Clyde From Authorities?,"While some of the most important questions about this jihadi couple are being left unanswered, the media is circling the wagons around the Islamaphobia narrative to ensure that no Muslims have hurt feelings. Syed s parents knew that he was becoming more radical, and one look at that wife could ve told you she wasn t Mary flippin Poppins. Why did friends and relatives distance themselves from these radicals, but never once bother to contact authorities about their radicalized behavior you know, just in case they might shoot up a Christmas party in an act of workplace violence. Syed Farook and Tashfeen Malik, both devout adherents to the Religion of Peace, are a glimpse into the future of America. I ve written about the unchecked flood of refugees poised to pour into the United States and the willful blindness of those who ignore the stated intention of those who would do the nation harm to infiltrate that mass of humanity with the intent to cause havoc. And now, it has begun.Of course, regardless of whether Syrian refugees are allowed in or not, Tashfeen Malik and Syed Farook would have committed the San Bernardino shooting. Farook was born an American, and Malik was a Pakistani with a K-1 visa; essentially, a mail-order bride.Fianc e visas were bad enough when it was just war brides and gold diggers from the former-Soviet Union countries, but now these bitches are trying to kill people.The ISIS claim of responsibility for the San Bernardino shooting is definitely iffy. Terrorists aren t known for being the most honest sorts and would claim a tornado tearing through an Oklahoma trailer park as their doing, if they could find the Sooner State on a map.I imagine the State Department will exercise the same sort of diligence and care in vetting all the Syrian refugees as was giving to Tashfeen Malik. We only have every person who ever came into contact with her saying Malik was a hard-core ideologue with Jihad tendencies. Attending Al-Huda International Seminary wasn t a tip that she might not be terribly friendly to the United States?Al-Huda is basically post-graduate school for those who hate the great Satan, America. Oh, by the way, there are campuses in the United States and Canada. And they offer convenient internet classes for those who would like to learn jihad from the comfort of their own homes.Neither the Saudis nor the Pakistanis want to claim this chick. Both are pointing at the other and saying, She went rogue on your watch. That s saying a lot for two countries that are absolutely lousy with terrorists and terrorism to the point it is, at least, their number two export.As the investigation deepens, it s coming out that these two were Jihadis long before ISIS came to anyone s attention. In the aftermath, there is a litany of friends and family, associates and acquaintances, who had distanced themselves from the Muslim Bonnie and Clyde and did absolutely nothing to tip off the rest of the world that Farook and Malik were becoming dangerous.In the weeks and months to come, I predict a long line of people who knew what was going on. Not just the neighbors, who harbored strong suspicions, but didn t say anything because they were scared to death of the Liberal Social Justice Warriors letting slip the social media dogs of war against them for being Islamophobes, racists, and all around bigots.What I m talking about are fellow Muslims, who knew damn well they were killers-in-waiting.As I write this, the FBI is putting together enough evidence to arrest Farook s father. No doubt, his mother will be occupying a jail cell in short order, too. Regardless one s opinion on laws imposing the duty to report certain crimes, being arrested for failure to report a pending terror attack tells me there is probable cause to believe they possessed the information.Just where is this vast majority of Muslims who abhor what Syed Farook and Tashfeen Malik did in San Bernardino? You know, the ones who supposedly love America and her freedoms.A few representatives of mosques and lawyers for the family have been condemning their act in the week since the shooting spree, but what about the rank-and-file sorts who actually knew them? Neither was on any sort of watch list or under investigation. The government had no reason to be keeping tabs on them. Yet, the very people who were in positions to point them out did nothing.To say Not all Muslims are terrorists, is like saying, Not all Fords explode. A true statement on its face, but losing sight of the fact that an identifiable sub-group of Fords exploded under the right circumstances.Readers who remember voting for Ronald Reagan at least once probably also remember the fuel tank controversy involving the Ford Pinto. If you don t, Google it out because I m not your History professor, and you won t understand what I m about to say.There were about 2.7 million Pintos in the United States when Ford initiated their recall in the fall of 1978. Eventually, 27 deaths that would not have otherwise occurred were attributed to fires subsequent to low-speed, rear-end collisions. Every model of Ford since has borne the stigma of the Fiery Ford. I know a guy who still says he drives a Ford Exploder. Not all Fords explode. Not all Ford Pintos explode. Not all Ford Pintos of an identifiable body type explode; it specifically requires addition of a low-speed, rear-ending that also breaches the integrity of the gas tank, along with a spark to ignite the whole mess. And it helps for the body panels to crumple in just the right way to prevent the doors from opening and trapping the occupants inside.So, tell me again why we are unable to pick out the dangerous Muslims?As coincidence would have it, there are about 2.77 million Muslims in the United States with fourteen dead and twenty-one wounded just last week in San Bernardino. Is twenty-seven dead bodies the magic number before somebody says, You know, there seems to be an awful lot of people dying when Muslims are around. Maybe we should stop letting them come here until we get a handle on this problem? Via: Carlos Cunha",left-news,"Dec 11, 2015",0 +LEGENDARY ACTOR KURT RUSSELL Hammers Anti-Gun Interviewer: β€œabsolutely insane” to believe more gun control will curb terrorist attacks,"A Hollywood actor defending the 2nd Amendment is a pretty rare occurrence. Kudos to Kurt Russell for sticking to your guns (pun intended). The interview can be heard at link below.Legendary actor Kurt Russell said in a recent interview with Hollywood reporter Jeffery Wells that it s absolutely insane to believe that more gun control will curb terrorist attacks.Discussing America s gun culture and film producer Quentin Tarantino, Russell said he doesn t understand [the] concepts of conversation about the gun culture, after Wells asserted that most Americans fear that mass violence is becoming a day-to-day occurrence.When Wells went on to say that guns are a metaphor that disenfranchised white guys need, Russell let loose. If you think gun control is going to change the terrorists point of view, I think you re, like, out of your mind, he began. I think anybody [who says that] is. I think it s absolutely insane. Dude, you re about to find out what I m gonna do, and that s gonna worry you a lot more, the actor continued. And that s what we need. That will change the concept of gun culture, as you call it, to something [like] reality. Which is, if I m a hockey team and I ve got some guy bearing down on me as a goal tender, I m not concerned about what he s gonna do I m gonna make him concerned about what I m gonna do to stop him. That s when things change. Arguing back, Wells invoked the no-fly list, saying that the people on the list are there for a good reason, but that they can allegedly still get [a] hold of a gun pretty easily. They can also make a bomb pretty easily. So what? Russell retorted. They can also get knives and stab you. [What are you] gonna do about that? They can also get cars and run you over. [What are you] gonna do about that? When Wells argued back that the San Bernardino terrorists didn t use cars, Russell fought back, saying that previous terrorists have used cars to murder people. But they ve killed others that way, haven t they? he said. Yeah, yeah. Whaddaya gonna do? Outlaw everything? That isn t the answer. The rest of the interview: Wells: Just put some controls Russell: Put some controls? What, so the people, so the people who want to defend themselves can t?Wells: No, not so you can t, just so the idiots can t get hold of them [so easily], that s all.Russell: You really believe they re not going to? Are you serious about that? What good will that ? Oh my God. You and I just disagree. Via: The BlazeClick HERE to listen to the interview",left-news,"Dec 10, 2015",0 +MARK STEYN Hammers Democrats On Climate Change Scam: β€˜You’re effectively enforcing a state ideology’, ,left-news,"Dec 10, 2015",0 +GITMO PRISONER OBAMA RELEASED IN 2012 Identified As Al-Qaeda Leader In Yemen,"Another Gitmo detainee returns to terror Is anyone else starting to see a pattern here? Former Guantanamo detainee, Ibrahim Qosi, who is also known as Sheikh Khubayb al Sudani, is now an al-Qaeda leader in Yemen.April , 2012 For al-Qosi, his release will allow him to be reunited with his family. Unlike many other prisoners, all of his immediate family are still alive. As Paul Reichler, his Washington-based civilian attorney, who represented him pro bono for seven years, explained, He is now in his 50s, eager only to spend his life at home with his family in Sudan his mother and father, his wife and two teenage daughters, and his brothers and their families and live among them in peace, quiet and freedom. His Pentagon-appointed defense lawyer, Navy Cmdr. Suzanne Lachelier, noted that, last week, al-Qosi was moved to special quarters, with a flat-screen TV, a refrigerator that let him eat at his leisure and a small outdoor gravel-topped patio, all inside a locked enclosure. Cmdr. Lachelier added there was also a real bed rather than a steel bunk topped with a mat, but that al-Qosi slept on the floor before leaving because he suffers from a bad back. A source with knowledge of al-Qosi s case, who does not wish to be identified, told me that the Obama administration was unwilling to detain al-Qosi after his sentence came to an end, and I believe that one of the reasons that the President negotiated a waiver to the provisions in the National Defense Authorization Act, allowing him to bypass restrictions on releasing prisoners that were imposed by Congress, was to prevent Republicans from trying to force him to continueholding al-Qosi.Summing up his client, al-Qosi s lawyer, Paul Reichler said, He is an intelligent, pious, humble and sincere individual who has endured much hardship the past 10 years. But he returns home without hatred or rancor. Really? Al-Qaeda leader = peace? The Long War Journal reported:Al Qaeda in the Arabian Peninsula (AQAP) released a new video featuring a former Guantanamo detainee, Ibrahim Qosi, who is also known as Sheikh Khubayb al Sudani.In July 2010, Qosi plead guilty to charges of conspiracy and material support for terrorism before a military commission. His plea was part of a deal in which he agreed to cooperate with prosecutors during his remaining time in US custody. Qosi was transferred to his home country of Sudan two years later, in July 2012.Qosi joined AQAP in 2014 and became one of its leaders. Qosi and other AQAP commanders discussed their time waging jihad at length in the video, entitled Guardians of Sharia. Islamic scholars ensure the correctness of the jihadist project, according to Qosi. And the war against America continues through individual jihad, which al Qaeda encourages from abroad. Here, Qosi referred to al Qaeda s policy of encouraging attacks by individual adherents and smaller terror cells. Indeed, AQAP s video celebrates jihadists who have acted in accordance with this call, such as the Kouachi brothers, who struck Charlie Hebdo s offices in Paris earlier this year. The Kouachi brothers operation was sponsored by AQAP. Via: Gateway Pundit ",left-news,"Dec 10, 2015",1 +"BRITISH TV PERSONALITY: Don’t Blame Trump For Muslim Ban Comments , He Speaks For The Masses…Who Can Blame Americans For Not Wanting To End Up Like UK? [VIDEO]"," He [Obama] makes me want to wrap a suicide vest around my head and text BOOM to my brain On the Brit s desire to be politically correct about Muslims invasion of UK: You are too busy gazing at the fluff in your navel to see the gangrene in your foot Trump is terrifying. We have seen the future and it is bleak said one reporter.In turn, thousands are busy clicking on a hideously impotent petition to BAN TRUMP FROM GREAT BRITAIN .What exactly are they achieving? Having their say? Joining in the outrage bus?No doubt petition sites like change.org are on their web favourites, right up there with erectile dysfunction.co.uk. and single.com.They may as well calm down. We are not banning Donald from the UK.And even if Trump were elected President, he wouldn t be able to ban Muslims from his shores even if he wanted to.Ask yourself: how could he possibly make it work?America struggles to control its southern border as it is. It is not going to be able to change the global passport system and get your religion stamped on your passport or your head to establish your faith.What s the Christianity test going to be? Snurfling a hot dog whilst singing Give me joy in my heart, keep me praising ? After a Muslim couple gunned down 14 residents of San Bernardino, California, Americans looked for strong leadership. Just like after 9/11 when Bush made like a dog of war and took the fight to the terrorists.They didn t get from dreary Obama. He makes me want to wrap a suicide vest around my head and text BOOM to my brainDon't demonise Trump. He speaks for millions of Americans.And who can blame them for not wanting to end up like us?https://t.co/5SaKwd02Hu Katie Hopkins (@KTHopkins) December 9, 2015It took the President a couple of days to even admit the attack was terror and when he did finally address a nervous nation on Sunday night his tone-deaf message was that Muslims were their friends, neighbours and sports heroes. In contrast, Trump IS providing leadership. He knows some of his grand-standing is hot air. But he is articulating a sentiment held by millions and reinforcing himself as a protector of the American people.It s the reason Trump is the Republican front runner. He has spent just $330,000 on broadcasting to Jeb Bush s $42.5 million which is indicative of how much America is enthralled by this new voice.I hear cries that he is a blithering idiot. I have often been called a deranged fool. But if this were true you could ignore me, ignore us, imaging the two of us shouting naked at the rain.It s because we articulate sentiments repressed by the politically correct consensus that we have a voice.Trump said: We have places in London so radicalised that police are afraid for their lives. Within moments the Met Police, Prime Minister David Cameron, and the clownish Mayor of London, Boris Johnson, jumped to defend the reputation of the UK and distance themselves from this glaring truth.Yet, at the time of writing, no less than five bobbies on the beat have come forward to confirm that there ARE estates where they will only patrol out of uniform.There is fear among the police AND the public.I work with a team of cameramen in town who text their wives and partners on the hour to confirm they are safe.My family is not keen for me to be in the capital.Some friends will no longer come to London.How do you feel about the security of the city s shopping centres right now, after what happened in Paris?I watch the BBC news, our national broadcaster, ramming home messages of inclusiveness.Today they gave platform to a representative of the Muslim community telling Trump he is an Islamophobe and is not welcome here.But that s not my voice. That is not the voice of a nation. All Brits don t think that way.Being force-fed multi-culturalism brought us to this place. When the only permitted message is acceptance, any views to the contrary result in a label to shame you into silence.Racist! Islamophobe! Nazi!Don t just stick a label it. Be curious. Wonder, how has Trump come to articulate the views of a majority of Republicans across the States?Because I don t buy into the clear divide between extremist Muslims and peaceful ones. I don t see these as two separate entities. It is a sliding scale, a spectrum. From utterly peaceful, to ambivalence to sympathising, to extremist, to a man blowing up buses in Woburn Place.It is the same slippery slope which sees regular mosque attendees from Luton slip off to Syria to join ISIS. And suddenly a tight knit Muslim community knows nothing.Not the local imam, not local families, no one. No one denouncing terrorism. Just a wall of silence. In our country.Hate hidden behind walls we are told to accept and tolerate because we are multi-cultural. Repeat after me. Multi-cultural.History teaches us lessons were refuse to learn.The IRA would not have enjoyed decades of success without many among the Northern Irish Catholic population acting just the same way as the imams and family and friends of extremists in Luton today.We have gone too far and lost control of vast swathes of our country. In part we ARE a radicalised nation and it does nobody any favours to deny the obvious.Trump wants to call a temporary halt to Muslim immigration until America figures out what is going on.Adversaries may be quick to jump on Trump and make him the problem.But look around. You are too busy gazing at the fluff in your navel to see the gangrene in your foot.You lost sight of terrifying.It isn t a big, brash American untroubled by the need to be loved. It is the march of ISIS and the so-called Islamic State.You may want to distance yourself from Trump. You may want to carry on navel gazing.But for many Americans, Europe is rapidly becoming an example of everything they never want to be. Via: UK Daily Mail ",left-news,"Dec 9, 2015",0 +"CHILLING UNDERCOVER VIDEO Exposes Discrimination, Relationships With Judges And Arbitrary Criteria Used To Deny Gun Permits","Alex Roubian, head of the New Jersey 2nd Amendment Society goes undercover to expose the truth about how the state of New Jersey makes it almost impossible to obtain a gun permit. Here, he explains to New Jersey 101.5 radio host why he made the video and what he found:Here is the actual undercover footage:The group s president, Alexander P. Roubian, said on the New Jersey 101.5 radio show Tuesday morning he s distributing an undercover video each day this week exposing how difficult it is to apply for a gun permit. The latest video is the raw, uncut footage that shows not only the sexism which has been occurring, but also the discrimination against the disabled, discrimination against the young, discrimination against the old, where a police officer arbitrarily states that he wants to deny people and he is denying people because of his feelings. Not because of anything else except for his feelings, Roubian said.He gave the example of Chris Garey, Detective Sergeant not wanting to give a petite woman a gun because he thinks she might not be able to handle it. This has been going on for years, Roubian said. This is no secret. What we re doing is documenting it. According to Roubian, the discrimination is allowed to happen because it s done by the government, but if ordinary citizens were to discriminate like this, there would be consequences. He s asking people to watch the videos and to hold Gov. Chris Christie and New Jersey s police departments accountable by asking them whether they condone or condemn this type of conduct.Roubian also called criticisms of private, home gun shops fear-mongering at its best. He noted that in 45 other states police have no interaction with people applying for gun permits. Instead, your background check is executed by a gun store. This isn t about being pro-cop/anti-cop. It s about the system, Roubian said.Roubian and I stand as supporters of home gun shops, and agreed that they should be allowed to exist. After all, there isn t any documented case of an issue with these federally permitted stores.Interestingly enough, near the end of the video, the police officer featured in this video admits he believes we should all have guns. So, if he really believes that, why does he work so hard to discourage people who come to him from obtaining gun permits? ",left-news,"Dec 9, 2015",0 +ISLAMIC TERRORIST ORGANIZATION Joins Obama And Friends To Condemn Trump’s β€˜No New Muslim Immigrants’ Position,"What does Obama, the Democrat Party, the state-run media and faux conservatives in Congress all have in common with Hamas? They all want to take down Trump TEL AVIV Palestinian terrorist organizations did not take kindly to Donald Trump s call for a total and complete shutdown of Muslims entering the United States until our country s representatives can figure out what is going on. Responding to Trump s proposal, Ismail Radwan, a Hamas leader and spokesman in Gaza, told Breitbart Jerusalem: We do not estimate that the current U.S. administration, any administration, will implement these racist suggestions. This is a pathetic attempt to attribute terror exclusively to Muslims. Radwan, whose group s charter calls for the murder of Jews and the destruction of Israel, lectured Trump: Islam is a religion of peace, a religion which opposes bloodshed. Radwan glossed over Hamas own long and sordid history of bloodshed in the name of Islam, including thousands of terrorist attacks that have killed hundreds of Israelis. Hamas has been responsible for suicide bombings, shootings, and rocket attacks targeting Israeli neighborhoods.Abu al-Ayna al-Ansari, a senior Salafi jihadist in the Gaza Strip, also sounded off to Breitbart Jerusalem on Trump s remarks.Supporters might argue that Trump s shutdown could stop future terrorist attacks. Ansari, however, claimed that, because of leaders like Trump, the American people are risking more terrorist attacks from our brothers, fighters of the Islamic State. We Muslims have grown used to these types of statements, which prove that the U.S. under any president will continue to be hostile towards Muslims, added Ansari.The jihadist went on to claim that Trump s sentiments exposed the truth about American leaders. They claim to stand for human rights, while in actuality they carry out the same policy as that of the infidel crusading West, which oppresses the Muslims. Trump should know that a new generation of Muslims has risen, a generation that is capable of handling people like him and countries like the U.S., Ansari added.Speaking on ABC s Good Morning America on Tuesday, Trump clarified that under his proposal American Muslims can come and go as they please.Trump expressed his hopes that a shutdown will go quickly, as soon as our leaders figure out what the hell is going on. If a person is a Muslim, goes overseas and comes back, they can come back. They re a citizen. That s different, Trump explained. But we have to figure things out. Speaking on CNN on Tuesday, Trump warned that the country risks more terrorist attacks if his plan for a temporary ban on Muslim immigration is not implemented. You re going to have many more World Trade Centers if you don t solve it many, many more and probably beyond the World Trade Center, Trump told CNN s Chris Cuomo.Trump speculated that there are already terrorists inside the country. They want our buildings to come down; they want our cities to be crushed. They are living within our country. And many of them want to come from outside our country. In a statement released to reporters on Monday, Trump cited a poll from the Center for Security Policy showing that segments of the Muslim population hold anti-American views.According to Pew Research, among others, there is great hatred toward Americans by large segments of the Muslim population. Most recently, a poll from the Center for Security Policy released data showing 25% of those polled agreed that violence against Americans here in the United States is justified as a part of the global jihad and 51% of those polled agreed that Muslims in America should have the choice of being governed according to Shariah. Trump urged Americans to better understand the ideology of radical Islam before allowing Muslims into the country. Without looking at the various polling data, it is obvious to anybody the hatred is beyond comprehension. Where this hatred comes from and why we will have to determine. Until we are able to determine and understand this problem and the dangerous threat it poses, our country cannot be the victims of horrendous attacks by people that believe only in Jihad, and have no sense of reason or respect for human life. Via: Breitbart News",left-news,"Dec 8, 2015",0 +BOMBSHELL: President Carter Banned Iranians From America During Hostage Crisis,"Thanks to Daniel Greenfield for digging up this bombshell of a fact: Carter did what Trump just announced he d like to do. This reminds us all (I hope) that we ve been doing this Muslim terrorism thing for waaay too long! It s been decades of dealing with this barbaric behavior and hate. If you ve never seen ARGO , please make time to watch it! It s a really great flashback of terrorism in the 70 s but we re STILL dealing with this evil remember Benghazi? Here s a trailer from the movie about the hostage crisis in 1979 under President Jimmy Carter: So who s the Hitler now? The name calling has been so over the top against Trump that it s almost embarrassing. The RINO Republicans (Lindsey Graham) and liberal press (Shepard Smith) were absolutely ridiculous! Take the emotion out of this and look at the facts!During the Iranian hostage crisis, Carter issued a number of orders to put pressure on Iran. Among these, Iranians were banned from entering the United States unless they oppose the Shiite Islamist regime or had a medical emergency.Here s Jimmy Hitler Carter saying it back in 1980.Fourth, the Secretary of Treasury [State] and the Attorney General will invalidate all visas issued to Iranian citizens for future entry into the United States, effective today. We will not reissue visas, nor will we issue new visas, except for compelling and proven humanitarian reasons or where the national interest of our own country requires. This directive will be interpreted very strictly.Apparently barring people from a terrorist country is not against our values after all. It may even be who we are . Either that or Carter was a racist monster just like Trump.Meanwhile here s how the Iranian students in the US were treated.Carter orders 50,000 Iranian students in US to report to immigration office with view to deporting those in violation of their visas. On 27 December 1979, US appeals court allows deportation of Iranian students found in violation.In November 1979, the Attorney General had given all Iranian students one month to report to the local immigration office. Around 7,000 were found in violation of their visas. Around 15,000 Iranians were forced to leave the US.Meanwhile any Iranians entering the US were forced to undergo secondary screening.Interestingly enough, Carter did this by invoking the Nationality Act of 1952. A law originally opposed by Democrats for its attempt to restrict Communist immigration to the United States. If this oasis of the world should be overrun, perverted, contaminated, or destroyed, then the last flickering light of humanity will be extinguished, Senator McCarran said of the law. He was a Democrat.Now unlike Muslims, Iranians were not necessarily supportive of Islamic terrorism. Many were and are opponents of it. Khomeini didn t represent Iran as a country, but his Islamist allies. So Trump s proposal is far more legitimate than Carter s action. Carter targeted people by nationality. Trump s proposal does so by ideology.Read more: FRONTPAGE MAGAZINE",left-news,"Dec 8, 2015",0 +"HELL FREEZES OVER…Or Does It? [Video] Hundreds Of Muslims In Dearborn, MI Take To Streets To Protest ISIS","It only took what 14 years for this to happen? 9-11-01 is a memory that is etched in the minds of every American. One of the most distinctive memories many of us have following the attack by Muslim extremists on our country, was the deafening silence from the huge Muslim community in Dearborn, MI.The protest against ISIS in the majority Muslim community of Dearborn, MI is a good start. Americans can t help but wonder though, why it took so long for Muslims to protest these acts of terror by Islamic extremists? Is it because they ve come to the realization that ISIS is not particularly discriminating about who they target? You can t help but notice the Muslims in this video are carrying a huge sign telling Muslims that 99.9% of ISIS victims are actually Muslims. And you certainly can t help but question where were all the protests when Al-Qaeda and other terror networks announced they were specifically targeting the West.There is no doubt there are Muslim Americans who love this country. Why wouldn t they? We offer freedom of religion, free education, housing, healthcare and food benefits. What we really need to see is that love for country extended to the love for their neighbors, for their Christian and Jewish neighbors specifically. This protest is a good start, but when Muslims make an honest attempt to assimilate in our country, instead of coming here with the intent of maintaining Sharia law and replacing our cultures and religious values with theirs. When they make an attempt to assimilate, that s when we ll know and believe they are truly interested in becoming Americans, not transplanted Muslims from overseas working to turn America into a Sharia compliant nation.",left-news,"Dec 8, 2015",0 +Democrat Mayor Proclaims He’s Barring Trump From Entering St Petersburg,"We can all breathe a sigh of relief, knowing that the only reason for the mayor s ridiculous tweet is partisan politics. Could you imagine if a Mayor of any major (or even minor) city barred Obama from their city during his Presidential bid? Racist wouldn t have been a strong enough word I am hereby barring Donald Trump from entering St. Petersburg until we fully understand the dangerous threat posed by all Trumps. Rick Kriseman (@Kriseman) December 8, 2015Based on the latest polls, St. Petersburg, FL mayor, Rick Kriseman may want to re-think his decision, since it appears not everyone in Florida agrees with him: ",left-news,"Dec 8, 2015",0 +OBAMA REGIME Uses Image Of U.S. Constitution In Spanish Speaking Ad Encouraging Illegals To Become Citizens/Voters,"A shameless promotion of amnesty by our Feds. Obama and the Democrats are willing to do whatever it takes It s all about the votes The Obama administration is encouraging the 8.8 million eligible lawful permanent residents to become U.S. citizen with efforts aimed at raising awareness about the process and pressing more immigrants to naturalize.Just for fun the Obama regime threw in this silly little reminder (see end of tweet where VOTE is prominently displayed in upper case letters. This tweet (featured in the Spanish speaking video) basically serves as a reminder: If you gain your citizenship through our efforts, you must vote to keep the Democrats (who were willing to sell out their nation) in office Monday, U.S. Citizenship and Immigration Services the agency responsible for overseeing immigration to the U.S. is out with a video composed of a compilation of six word entries via social media from citizens of any country, living anywhere about what U.S. citizenship means to them. Back in September, we asked you to share what U.S. citizenship means to you in six words using the hashtag: #citizenship6. You responded in ways that touched us, challenged us and showed us that one word has so many meanings, the agency explained.The agency released two versions of the video one in English and one in Spanish. We also created banners for our home page that we ll post over the coming months. Enjoy the video, and please share it with your friends and family! the agency added.In order to naturalize most applicants must demonstrate they can understand, read, write, and speak basic English.",left-news,"Dec 8, 2015",0 +"U.S. Air Force Runs Out Of Bombs To Drop On ISIS…Don’t Worry Though, Barry’s Got This","Bombs a-w oh, never mind Things must be going well in the war on terror, as the US Air Force just admitted that it is fast running out of bombs to drop on ISIS after B-1s have dropped bombs in record numbers. As ZeeNews reports, Air Force chief of staff General Mark Welsh said as America ramps up its military campaign against the Islamist terror group, the Air Force is now expending munitions faster than we can replenish them. The US Air Force is fast running out of bombs to drop on ISIS targets in Syria and Iraq after its pilots fired off over 20,000 missiles and bombs since the US bombing campaign against the terror group began 15 months ago, its chief has said. As ZeeNews reports, B-1s have dropped bombs in record numbers. F-15Es are in the fight because they are able to employ a wide range of weapons and do so with great flexibility. We need the funding in place to ensure we re prepared for the long fight, Welsh said in the statement. This is a critical need, he said.The bombing campaign has left the US Air Force with what an Air Force official described as munitions depot stocks below our desired objective. The Air Force has requested additional funding for Hellfire missiles and is developing plans to ramp up weapons production to replenish its stocks more quickly. But replenishing that stock can take up to four years from time of expenditure to asset resupply, the official told CNN. The precision today s wars requires demands the right equipment and capability to achieve desired effects. We need to ensure the necessary funding is in place to not only execute today s wars, but also tomorrow s challenges, the official said. As The Washington Times concludes, Russia has been bombing ISIS positions sporadically while France and Great Britain are now active in the American-led coalition which could relieve some pressure.Much larger potential adversaries like Russia or China most surely are following this development carefully. If the USAF cannot sustain a trickling battle against a poorly armed, medieval enemy, fighting a superpower military is obviously beyond its capability.Via: Zero Hedge",left-news,"Dec 7, 2015",1 +HIGH SCHOOL V.P. Warns Students: β€œOnly terrorists we need to fear are β€œdomestic white β€˜Christian’ men with easy access to guns.”,"It s a wonder we have any sane children coming out of our Leftist indoctrination think tanks that are being passed off as schools. The Vote Bernie is an especially nice touch The vice principal of Camden Hills Regional High School has America s enemy all figured out: domestic white Christian men with easy access to guns. After a lone gunman killed two civilians and a police officer in Colorado Springs, Colorado, the vice principal, Piet Lammert, took to Facebook to post his thoughts the next day:It s Small Business Saturday. Buy localThere s a show in the Strom tonight. Buy ticketsThe only terrorists we need to fear are domestic white Christian men with easy access to guns. Vote BernieThat is all. Enjoy your dayFive Town CSD Superintendent Maria Libby criticized the post, but defended the administrator. I know Piet and he s someone who genuinely accepts all people, Libby tells WGME. The post does not reflect who he is as a person. She didn t stop there. It was a mistake, Libby says. It was a poor choice in words and it should never have been posted. The superintendent didn t specific what words would have been better to say.After it was posted, Libby said the situation has been handled, without giving any specifics. I have investigated it and I have taken appropriate action, Libby would only say.Lammert took to Facebook to apologize to those I offended, but also to attempt to explain his comments.I am writing to take responsibility and apologize for a post that I made on my private Facebook account yesterday. I mistakenly left my setting open to Public and in doing so made a post that offended some members of our community and beyond. I deeply regret doing so, take full responsibility, and hope that those I offended will accept my apology.Apparently still feeling the public blow back from his remarks, the school administrator posted another apology, saying it was an exaggeration. With true humility, I write to apologize for the offensive statement that I recently posted on Facebook. I did not intend this statement literally when I wrote it it was an exaggeration but soon after realized that it was unintentionally hurtful, offensive, and divisive at a time when more than ever we need compassion and understanding.In short, I did not mean what I said and wish with all my heart that I could take it back. But I need to take responsibility for it nonetheless, because I wrote it. It does not represent who I am or what I believe, but I wrote it. This post is an effort to at least begin to make amends.Had I simply written what I meant, the post would have reflected my urgent distress at the epidemic of mass violence in our country, which more recent events have proven to span all social groups. Ironically, in my effort to point out that we run the risk of simplifying the problem by singling out a particular ethnic group, I did exactly that to the group to which I belong. It was careless and rash.Lambert appears to have removed the offensive post from his Facebook page. He did however, leave this post up on his page, just in case anyone wonders where he stands on the evil NRA. Note the cute little nickname he appears to have given them:// NRA: Not Really ApplicablePosted by Piet Lammert on Monday, December 17, 2012WGME attempted to contact the public employee, but Lammert reportedly ignored their requests. Via: EAG News",left-news,"Dec 7, 2015",0 +CHRISTIAN HIGH SCHOOL Told By State They Are No Longer Allowed To Pray Before Games,"The drip drip drip of communism Leftists are stealing our rights and freedom while Americans can t be bothered with politics because they re too busy watching the Kardashians The Florida High School Athletics Association recently denied a request by two Christian schools to broadcast a prayer before a championship game at Orlando s Citrus Bowl Stadium.Cambridge Christian School in Tampa and the University Christian School out of Jacksonville are playing in the District 2-A high school football championships today and coaches from both teams submitted a request to ensure a 30-second prayer over the loudspeaker before kickoff, Bay News 9 reports.But Roger Dearing, director of the Florida High School Athletics Association, denied the request for two main reasons. The facility is a public facility, predominantly paid for with public tax dollars, makes the facility off limits under federal guidelines and precedent court cases, Dearing wrote in an emailed response to the teams. In Florida Statutes, the FHSAA (host and coordinator of the event) is legally a State Actor, we cannot legally permit or grant permission for such an activity. Cambridge head of school Tim Euler doesn t agree with Dearing s ruling. We ve played 13 football games this year, he told Bay News 9 We ve prayed before every one of them. Here s the problem, Euler told WTSP. The Florida Legislature is opened up with prayer in a building that is paid by tax dollars. What is the difference? If they can pray there, we can pray here, and I want them to be able to pray there and I want us to be able to pray here, he added. So I think (Dearing s) reasoning is flawed at the core of it. Euler said Friday morning, hours before the game s 1 p.m. start time, that it s unlikely the teams would be able to reverse the decision, but believes it s important to highlight the problem, nonetheless. What we really want to do is raise awareness, he told Bay News 9. All we re asking for is an opportunity for two Christian schools to pray. WTSP attempted to contact the Florida High School Athletic Association about the ruling, but the agency ignored its request.WTSP reporter Mike Deeson posted about the controversy on Facebook. I was disappointed the Florida High School Athletic Association didn t return our calls, he wrote. I wanted to know how the legislature opens with a prayer in a taxpayer owned building with state employees, yet FHSAA maintains a prayer couldn t be said in a taxpayer funding facility the Citrus Bow that was sanctioned by state employees, members of FHSAA. Something doesn t make sense when you compare the two but they NEVER returned our calls, Deeson posted. In my opinion that was a BAD PR MOVE! Readers, of course, were enraged by the FHSAA s decision. I think it s absolutely ridiculous that they will not let two Christian schools pray before their game, Mary Salvatore posted to Facebook. And you wonder why we have so many mass shootings across the country! So PC and so tolerant that you become intolerant, Robert Rosengarten added. Let them pray, who gives a f. If they want to pray to Jesus, Allah, the flying spaghetti monster, let them, who cares. Who s to stop them? Daniel Suarez questioned. What if both teams come together before the game and pray? What if all in the stands begin to pray? Who would it hurt? Via: EAG News",left-news,"Dec 7, 2015",0 +Dinesh D’Souza DESTROYS Leftist College Student’s β€œWhite Privilege” Argument [VIDEO],"This is a MUST watch from start to finish. There has never been a leftist who can defeat the brilliant Dinesh D Souza in a debate. He is a gift to conservatism and if we are ever going to win the war against the Left, it is in everyone s best interest to listen to what this brilliant man has to say and learn how to turn the argument back on these faux moralists. The best part of the discussion between this leftist Amherst student and Dinesh D Souza comes at the 5:40 mark and again at the 10:15 mark: History is very complicated. Let me give you an example of India, so we can look at this at the level of theory. India was invaded by the British, and earlier by the Afghans, and the Persians and the Mongols. So you have all these successive invasions. Right? Are you actually saying that you believe in a rule of social justice today, that says globally lets look at this as a global rule of justice I m gonna figure out whose ancestors did what to whom and I m going to return goods that were illicitly taken from the beginning, to the people who had it originally. Do you believe that s a viable way to organize our society? Do you believe, if I can ask you a direct question, that you are the benefit of white privilege here at Amherst? The rest is pure gold Since you are an acknowledged beneficiary of illicit white privilege. Would you be willing to step aside, voluntarily, putting your own moral mouth where your self-proclaimed virtue is, and give your seat, your seat, not my seat, I realize you may be super generous with other people s advantages and favor affirmative action so other white kids who apply to Amherst are turned away to open spaces for minorities. But I m not talking about you acting out you acting out your virtue on them. I m talking about you acting out your virtue on you. Are you willing to give up your illicit seat, that you don t deserve here at Amherst to make room for a disadvantaged minority? Yes or no? ",left-news,"Dec 7, 2015",0 +TRUMP SPOKESPERSON Delivers A Knockout Punch To Arrogant CNN Host [Video],Trump Spokesperson Katrina Pierson: When was the last time you fact checked Barack Obama? I love her!!! ,left-news,"Dec 6, 2015",0 +TRUCK DRIVER Attaches Hysterical Deterrents To His Truck Designed To Keep Illegal Muslim Refugees From Hitching Rides [VIDEO],"Truck drivers are 100% Fed Up with illegal Muslim refugees attempting to get across France border to UK by breaking into their trucks as they approach the border. Click HERE to watch violent attacks on drivers and their trucks by refugees who are desperate to get into semi-radicalized UK. A video has emerged on social media of a truck that is destined for Britain on which the driver has attached raw pork to keep Muslim migrants for climbing aboard.The video shows a German truck waiting at Calais with at least four parts of the pig attached to its rear bumper.https://youtu.be/MENmWXQ_0U0The driver is believed to have impaled them on the body of the 18-wheeler in an attempt to keep desperate migrants from approaching his vehicle.Pig flesh, particularly the eating of such, is strongly forbidden in Islam.The meat chunks are seen secured to the foot of the truck s opening hatch, through the likes of which hundreds of determined Syrians displaced by war have snuck inside to secure an illegal passage into the UK.Drivers caught by border patrol with stowaways hidden in their cargo can face hefty fines and even imprisonment.Via:Breaking 911 ",left-news,"Dec 6, 2015",0 +"ARMY OF ISIS Scientists Ready To Wage War Against EU: Have Already Smuggled Chemical, Biological And Nuclear Weapons Across Borders","But wait If WMD s have been banned by the international community, how is it possible for ISIS to use them against the West? Is the Left finally waking up to realize bad guys don t follow the rules? ISIS already has smuggled chemical and biological weapons into the EU The terror organisation has also recruited chemists and physicists Western governments warned to alert the public about potential attackISIS has recruited experts with chemistry, physics and computer science degrees to wage war with weapons of mass destruction against the West, a shocking European Parliament report has claimed.The terror organisation, according to the briefing document, may be planning to try to use internationally banned weapons of mass destruction in future attacks .The document, which was compiled in the aftermath of the deadly attacks on Paris claimed that ISIS has already smuggled WMD material into Europe.Experts fear that ISIS will be able to exploit a failure of EU governments to share information on possible terrorists. Already, British police forces have been conducting exercises on how to deal with various types of terrorist attack. But the EU report claims that government should consider publicly addressing the possibility of terrorist attack using chemical, biological, radiological or even nuclear materials .The report, ISIL/Da esh and non-conventional weapons of terror warns: At present, European citizens are not seriously contemplating the possibility that extremist groups might use chemical, biological, radiological or nuclear (CBRN) materials during attacks in Europe. Under these circumstances, the impact of such an attack, should it occur, would be even more destabilising. Rob Wainwright, head of Europol said after the attacks on Paris: We are dealing with a very serious, well-resourced, determined international terrorist organisation that is now active on the streets of Europe. This represents the most serious terrorist threat faced in Europe for 10 years. Mr Wainwright warned that ISIS had serious capabilities in terms of resources and manpower. Intelligence services have also been warned to screen returning Jihadi fighters for specialist CBRN knowledge . Interpol s monthly CBRN intelligence reports show numerous examples of attempts to acquire, smuggle or use CBRN materials. Via: UK Daily Mail ",left-news,"Dec 6, 2015",1 +REPORTER INTERVIEWING TRUMP Refers To CA Terrorists As β€œRegular people”…Trump’s Response Is Nothing Short Of Awesome," Well, I don t know. When you have pipe bombs laying all over the floor, I don t think they re regular people.' That s not all Trump had a few things to say about the Terrorist s family and some common sense advice for people who see something they suspect may be tied to terrorism in their neighborhoods as well https://youtu.be/9Vddc8t655E",left-news,"Dec 6, 2015",0 +Obama’s Party With #BlackLivesMatter Organizer In White House On Eve Of FBI’s Terror Attack Confirmation [VIDEO],"The Obama s are classless we knew that. The Obama s guest list for their Holiday party apparently now includes Black Live Matter terror organizers not surprised. Barack Hussein Obama is not capable of saying Merry Christmas without listing 20 other holidays that might fall within a 6 month period of Christmas. He s just not capable of acknowledging Christmas without finding some way to marginalize it. Kinda like when he talks about America and yes, we all knew that.Behold your Narcissist in Chief and his unbelievably classless wife (video courtesy of Black Lives Matter organizer, Deray McKesson:.@POTUS & @FLOTUS, White House Reception tonight. pic.twitter.com/b8XQ058nbg deray mckesson (@deray) December 5, 2015h/t Weasel Zippers",left-news,"Dec 5, 2015",0 +NOT KIDDING: CNN Asks Widow Of Jewish Terror Victim If He Had It Coming? [VIDEO],"Islamic terrorist Syed Farook threatened his coworkers at work. Farook reportedly threatened conservative Nicholas Thalasinos before the attack:Farook had been threatening him, telling him that islam will rule the world, Christians and Jews deserve to die; and that he (Nicholas) was going to die. // The islamic terrorist who took the Life of my friend & bro in Christ, Nicholas Thalasinos, on yesterday in San Posted by CV Claverie on Thursday, December 3, 2015// Posted by CV Claverie on Friday, December 4, 2015Nicholas Thalasinos was murdered by Syed Farook on Wednesday.Via: Gateway Pundit",left-news,"Dec 4, 2015",0 +SHE SHOULD NEVER HAVE BEEN ALLOWED To Step Foot On American Soil: How Female Terrorist Used Fake Info To Get US Visa,"CAN WE JUST STOP ALLOWING Muslim Refugees and visitors into U.S. from countries who hate us already? How about we focus on the 1% of Pakistani s who are Christian that face daily persecution at the hands of Muslims?UPDATE: Tashfeen Malik posted a pledge of allegiance to ISIS before her deadly attack. She used a fake address on her passport.Via ABC:For the visa application, the address she listed in her Pakistani hometown, ABC News discovered today, does not exist. Malik received a her Green Card this summer, U.S. officials said.Tashfeen Malik, the female terrorist involved in the San Bernardino attack should have never been granted an American visa if the Immigration and Nationality Act holds any weight.Malik, who was found to have a Pakistani passport, obtained the K-1 visa in Islamabad, Pakistan. However, American visa laws that are meant to detect potential terror threats trying to infiltrate the country should have blocked the female jihadist from obtaining that visa.As the Center for Immigration Services notes, Section 214(b) of the Immigration and Nationality Act states that individuals who appear likely to overstay their temporary visas and try to settle permanently in the United States are not to be issued one. The regulation is meant to detect individuals seeking a visa who do not have permanent families in their home country and whether or not they have enough money to travel back to their home country once their visa is expired.This screening process is meant to expose individuals trying to to get into the country for the purpose of resettling permanently and overstaying their visa, as so many do.Nonetheless, Malik was able to obtain a visa in Islamabad despite the screening process which should have detected the fact that she was a young woman resettling in the US to potentially raise a family with her radical jihadist husband Syed Farook.Malik passed her DHS screening:Under Section 214(b), Malik should have been denied a visa, as there was ample evidence that she would overstay her visa.But, Malik could have obtained her visa the same way the 9/11 hijackers obtained theirs: through the Visa Express program.As reported by The Hayride, the Visa Express program allowed 9/11 hijackers Abdulaziz Alomari, Salem al Hamzi, and Khalid al Midhar to obtain their visas in Saudi Arabia without even being interviewed by consular officials at the American consulate.The terrorists simply obtained their visas by sending officials their applications and supporting documents through a designated travel agency.This allowed the three terrorists to go undetected despite red-flags that they were single, young men with not enough funds to return back to their home countries once their visas expired.Likewise, if Malik gained her visa through the Visa Express program at the American consulate in Islamabad, it would explain how she was allowed to enter the country despite overwhelming suspicions that she would overstay her visa.The Immigration and Naturalization Service (INS) admits that there are so many visas given out each year around the world that it is impossible to conduct background checks on every single person.And, we all saw what happened yesterday in San Bernardino.Via: Gateway Pundit",left-news,"Dec 4, 2015",0 +AS JIHADI’S TIES TO ISIS Are Exposed…Obama’s DOJ Tells Muslims: β€œWe stand with you in this”,"As one would expect the Obama regime is tripping all over the dead bodies of this tragedy to promote gun control. They only take a break from their embarrassing behavior to assure Muslim s they ve got their backs. Will this nightmare ever end?On Thursday, Attorney General Loretta Lynch, speaking at the Muslim Advocate s 10th anniversary dinner, shockingly refused to focus on the Muslim community after the terrorist attacks committed by Muslims in San Bernardino and Paris, instead. She reassured her audience, We stand with you in this. In another astonishing moment, Lynch said that since the Paris attacks, her greatest concern has been the incredibly disturbing rise of anti-Muslim rhetoric that fear is my greatest fear. One humdred thirty people were massacred by Muslim terrorists in Paris last month, added to the 17 killed in the Charlie Hebdo and kosher supermarket attacks in Paris, plus the 14 slaughtered in San Bernardino, the 13 soldiers murdered at Fort Hood, and the four Marines killed in Chattanooga. Lynch would not say how many Muslims have been killed in the United States because of backlash.Lynch pontificated, When we talk about the First Amendment we [must] make it clear that actions predicated on violent talk are not American. They are not who we are, they are not what we do, and they will be prosecuted My message not just to the Muslim community but to all Americans is We cannot give in to the fear that these backlashes are really based on. The Obama Administration has been loath to ascribe any religious motive to Muslim terrorists, with the Defense Department referring to the Fort Hood slaughter as workplace violence, Obama himself saying the murderers at the kosher Paris supermarket randomly shoot a bunch of folks in a deli in Paris, and Obama assiduously avoiding any reference to Islam or Muslims in his statement after the massive Paris terror assault.Via: Breitbart News",left-news,"Dec 4, 2015",0 +WHITE STUDENT UNION At CA University Mocks #BLM Terror Group…Publishes List of Their Demands,"Because everyone deserves a safe space right? The White Student Union (WSU) at the University of California, Santa Barbara (UCSB), a new student club dedicated to creating a safe, supportive and inclusive student community of European descent, has recently released a list of demands that it expects the university to fulfill by the second week of the Winter quarter.The list protests anti-white racism and marginalization of students of European descent. Some of its demands include the creation of white-student only rooms, the hiring of two permanent full-time admissions staff members of non self-hating Europe@n descent, and the building of a white student center to be established and named Napoleon Bonaparte Resource Center among other demands. Here s the full list of demands for UCSB-WSU:FOR IMMEDIATE PRESS RELEASE:We, students of Europe@n descent at UCSB, refuse to accept the negative social climate created towards our peers of Europe@n descent and other marginalized groups. We have begun this movement, UCSB White Student Union, in an effort to change the status quo for a more just and inclusive environment within our campus. We demand that UCSB become a leader in the fight to promote a better social climate towards individuals who have been systematically oppressed. Student leaders acknowledge and support the demands previously stated and currently being presented. Furthermore, we demand that UCSB acknowledge its ethical and moral responsibilities as an institution and community of our world. UCSB should not be complicit in oppressive organizations and systems, no less.We as a compassionate student body have gathered to address the legacy of oppression against persons of Europe@n descent (PED) on campus. If these goals are not initiated within the next quarter, and completed by the second week of Winter Quarter, we will organize and respond by respectfully complaining.WE DEMAND the designation of four white-student only rooms at UCSB in the Anacapa Dorms that will be used by Cultural Affinity groups to provide a safe space for those who wish to learn about and celebrate Europe@n heritages and traditions, to be called the Hernan Cortes housing commons. UCSB White Student Union (WSU) members will be involved in a working group with the staff of the Residency department to begin discussions on the viability of the formation of Affinity Housing for those interested in European culture.WE DEMAND the creation of a White Student Development Resource Center, to be named the Napoleon Bonaparte Resource Center, with a designated office space as well as safe space for hosting events, at a central campus location. This center is to be under the purview of the White Student Development Office, which is to be formed immediately. A shocking 67% of students of Europe@n descent report being othered and marginalized because of their white identity and Europe@n heritage. Some reasons for this are lack of adequate academic, financial and organizational support, and feelings of isolation from other students proud of their Europe@n heritage throughout the university. The resource center will serve as a space on campus for white students to gather, host programming, and to offer support to white student organizations, all contributing to community building, increased stability, and a greater feeling of belonging at the university.WE DEMAND the hiring of two permanent full-time admissions staff members of non self-hating Europe@n descent and a series of enhanced recruitment strategies, with a budget of $300,371, to recruit students of Europe@n descent to UCSB. We maintain that this funding comes from the Chancellor s office and not from the division of Student Affairs. These funds will be managed through the office of Admissions & Enrollment This funding will be used to bolster efforts in the Office of Undergraduate Admissions and bridges Multicultural Resource Center. The recruitment of additional students of Europe@n descent is imperative to create a student body that is representative of the California population. A critical mass of students of Europe@n descent will surely help to alleviate the incredibly hostile campus climate white students have had to endure for decades as consistently evidenced by campus climate surveys. While there are already staff of Europe@n descent, many of them are self-hating PED who do not effectively promote the interests of students of Europe@n descent.WE DEMAND that UCSB provide an additional stipend to campus police officers to patrol campus grounds and the Isla Vista community in an effort to more effectively discover and subsequently root out and punish any and all forms of speech that are deemed offensive to students of Europe@n descent, including but not limited to: Cracker, Stupid white people ; OMG, you are so white ; Where are you from? ; No, I mean like what part of Europe? ; Wow, I bet you get sunburned really easily! ; you wouldn t understand because you re white ; don t eat this; it s too spicy for you ; honky (and any variants thereof) ; Surrendering like a Frenchman! ; and so forth. Currently, campus police officers are simply not equipped to provide UCSB white students a safe space. Saying any of the things listed above should merit immediate expulsion and arrest in order to effectively maintain a s@fe space.WE DEMAND that UCSB and campus police immediately prohibit on pain of expulsion and imprisonment any future parties and other festivities at UCSB or in Isla Vista that have the following (non-exhaustive list of) themes that may further marginalize and trigger white identities and white-identified students: Charlie Sheen Theme; a France Theme; a Britain Theme; a St. Patrick s Day Theme; an Irish Theme; a Scotland Theme; a Spain Theme; an Andorra Theme; a Switzerland Theme; a Swiss Theme; a Belgium Theme; a German Theme; an Austria Theme; an Italy Theme; a King and Queen Theme; a Catholics vs. Protestants Theme; a George Washington Theme; a Colonial Theme; a Pirate Theme; a Denmark Theme; a Finland Theme; an Iceland Theme; a Portugal Theme; an Oktoberfest Theme; a Ukraine Theme; a Belarus Theme; a Hungary Theme; a Slovakia Theme; a Czech Republic Theme; a Norway Theme; a Croatia Theme; a Bulgaria Theme; a Russia Theme; a Serbia Theme; a Greece Theme; a Netherlands Theme; a Luxembourg Theme; an Albania Theme (especially as relates to the movie Taken ); and so forth.WE DEMAND the creation and implementation of a mandatory White Cultural Competency Training and a Diversity Requirement, which all students and all faculty must go through to enter UCSB to foster a more diverse and inclusive environment. The requirement and training will teach participants how to appreciate and uphold Europe@n cultures on campus and will also outline what phrases and words (earlier mentioned) to avoid saying to prevent triggering white-identified students and to avoid the further marginalization of white identities at UCSB.Lastly, WE DEMAND that all UCSB administrators and faculty issue a statement of apology to faculty, staff and administrators of Europe@n descent as well as their allies, neither of whom were provided a safe space for them to thrive while at UCSB.Several items on the list look similar to those created by black separatist groups such as the Black Student Union (BSU) and the Afrikan Student Association (ASA). Here is a list of demands made by black students earlier this year, in which the Afrikan Black Coalition (ABC) at the University of California (UC), Berkeley demanded that a campus building called Barrows Hall be changed to Assata Shakur Hall after FBI-listed terrorist and Black Panther activist Assata Shakur.Many Americans are wondering if the White Student Union s activism, which includes a White Student Walk Out scheduled for this upcoming January, will play out similarly to student uprisings led by black separatist groups, with some even predicting that a white student uprising in response to the recent events at Mizzou would take place:A student member of the UCSB-WSU told The Daily Wire that the group is necessary in order to protect white-identified UCSB students from anti-white oppression and marginalization. After realizing the rampant amount of marginalization, oppression, and othering of white-identified students, we knew we had to act to protect persons of Europe@n descent (PED) at UCSB. We hope that these demands are heard and carried out by UCSB. The safety of students of Europe@n descent depends on this. We feel that our voices need to be heard. Instead, they have been silenced and we have been subjected to hateful vitriol merely for wanting a s@fe space. Via: Daily Wire",left-news,"Dec 4, 2015",0 +HOLY FREEDOM OF SPEECH! Obama’s Attorney General Promises To Punish Americans For Anti-Muslim Speech…UPDATE: Why Lynch May Be β€œMost Likely Candidate” To Quickly Push Through Supreme Court Justice Nomination Process,"UPDATE: A leading Supreme Court analyst thinks Attorney General Loretta Lynch is the most likely candidate to replace the late conservative Justice Antonin Scalia.Tom Goldstein, who runs the influential SCOTUSblog, had earlier predicted Ninth Circuit Judge Paul Watford would make the top of President Obama s shortlist. But in a revised blog post, Goldstein said he now believes Lynch is the leading contender.Lynch is a very serious possibility, Goldstein wrote. The fact that Lynch was vetted so recently for attorney general also makes it practical for the president to nominate her in relatively short order. Via: NBC NewsSocial media users beware! You ve been warned by Obama s henchwoman, Attorney General Loretta Lynch The day after a horrific shooting spree by a radicalized Muslim man and his partner in San Bernardino, California, Attorney General Loretta Lynch pledged to a group of Muslim activists that she would take aggressive action against anyone who used anti-Muslim rhetoric that edges toward violence. Speaking to the audience at the Muslim Advocate s 10th anniversary dinner Thursday, Lynch said her greatest fear is the incredibly disturbing rise of anti-Muslim rhetoric in America and vowed to prosecute any guilty of what she deemed violence-inspiring speech. She said:The fear that you have just mentioned is in fact my greatest fear as a prosecutor, as someone who is sworn to the protection of all of the American people, which is that the rhetoric will be accompanied by acts of violence. My message to not just the Muslim community but to the entire American community is: we cannot give in to the fear that these backlashes are really based on.Assuring the pro-Muslim group that we stand with you, Lynch said she would use her Justice Department to protect Muslims from violence and discrimination.Claiming that violence against Muslims is on the rise and citing France s clamp down on potentially radicalized mosques, Lynch suggested the Constitution does not protect actions predicated on violent talk and pledged to prosecute those responsible for such actions. When we talk about the First Amendment we [must] make it clear that actions predicated on violent talk are not American, said Lynch. They are not who we are, they are not what we do, and they will be prosecuted. My message not just to the Muslim community but to all Americans is We cannot give in to the fear that these backlashes are really based on,' said Lynch.It is painfully clear that, like her predecessor Eric Holder, Lynch is far more concerned with promoting the social justice agenda than protecting the Constitutional rights of American citizens. What exactly is speech that edges toward violence ? What exactly are actions predicated on violent talk ? In the end, it is whatever she decides it to mean. Via: Daily Wire",left-news,"Dec 4, 2015",0 +GOP MAJORITY SENATE FINALLY GETS IT RIGHT: Votes To Gut Obamacare And Defund Planned Parenthood,"The Democrats tried to attach a gun control amendment to the bill, but Republicans blocked those amendments. Of course, Obama says he ll veto the bill. What the majority of Americans want is of no consequence to the King The U.S. Senate approved a bill Thursday that would strip Obamacare of key tax-raising features and would also eliminate taxpayer-funding of abortion businesses, including Planned Parenthood. For years, the American people have been calling on Washington to build a bridge away from Obamacare, said Senate Majority Leader Sen. Mitch McConnell (R-KY). For years, Democrats prevented the Senate from passing legislation to do so. The 52 to 47 vote also would strip taxpayer funding from Planned Parenthood for one year. This measures has been pushed by a renewed call to defund the abortion business since the release of videos exposing the organization s apparent practices of harvesting body parts of unborn babies and altering the position of babies during abortions in order to harvest their intact organs.Sens. Sen. Ted Cruz (R-TX), Sen. Marco Rubio (R-FL), and Sen. Mike Lee (R-UT)challenged a repeal bill passed by the House for not going far enough. A conservative aide tells Breitbart News that Senate leadership is finally following their lead in keeping their promises to the American people who elected them.The measure, which passed 52-47 under the reconciliation budgetary process, will head to the House for a vote. The House passed a similar Obamacare repeal bill. The Senate and the House must soon approve identical bills before they can get to the president s desk.President Barack Obama, however, has already said he will veto the Senate bill.In the Senate, Democrats and several liberal Republicans tried but failed to gut the language that defunds Planned Parenthood from the bill.Family Research Council president Tony Perkins commended the U.S. Senate for approving the bill. This is a huge victory for unborn children, their mothers, and for taxpayers, Perkins said. For the first time during the Obama presidency, both the U.S. Senate and House of Representatives have approved legislation that begins to end the forced partnership between taxpayers and Planned Parenthood. President Obama will now bear the moral responsibility for sending our tax dollars to a group that has engaged in the selling of baby body parts, he continued. Even if the President vetoes the bill, we ve still succeeded, because a Senate precedent has now been set for moving a similar measure forward when America finally has a President who understands the value of every person, born and unborn. Father Frank Pavone, national director of Priests for Life, also praised the Senate s approval of the legislation that would transfer taxpayer Medicaid money from Planned Parenthood to health care clinics that do not perform abortions. It s an understatement to say that Planned Parenthood has shown itself unworthy of taxpayer support, said Pavone. The 325,000 lives it destroys every year are 325,000 reasons to redirect taxpayer funds to groups that provide health care without taking innocent lives. When there are legitimate health care providers that actually help women and their babies, it s a travesty to give one dime to Planned Parenthood, he added. The Senate is to be commended for standing up for women, their children, and taxpayers who object to subsidizing a billion-dollar abortion business. The bill would also end the individual mandate of Obamacare that requires most people to purchase health insurance, and strip the authority of the federal government to run health care exchanges. Via: Breitbart News ",left-news,"Dec 4, 2015",0 +UNIVERSITY WARNS: Make Sure Your Holiday Party Is Not A β€œChristmas Party” In Disguise,"They wouldn t want to remind anyone the actual reason for the holiday season or God forbid, give some crazy Muslim terrorist an excuse to come in and shoot the place up The University of Tennessee, Knoxville Office of Diversity and Inclusion has come up with a list of best practices in order to ensure your inclusive workplace holiday party is not a Christmas party in disguise and that it refrains from being perceived as endorsing religion generally. The Best Practices for Inclusive Holiday Celebrations in the Workplace holiday resource guide states that the public university does not have an official policy regarding religious and cultural d cor and celebration in the workplace, however, we are fully committed to a diverse, welcoming, and inclusive environment. In order to ensure your holiday party is not a Christmas party in disguise, the Office of Diversity and Inclusion has come up with a list of ways for supervisors to encourage individuals to celebrate their own religions and cultures without allegedly excluding anyone or even being seen as endorsing religion :Holiday parties and celebrations should celebrate and build upon workplace relationships and team morale with no emphasis on religion or culture. Ensure your holiday party is not a Christmas party in disguise.Consider having a New Year s party and include d cor and food from multiple religions and cultures. Use it as an opportunity to reinvigorate individuals for the New Year s goals and priorities. Supervisors and managers should not as well as, not be perceived as endorsing religion generally or a specific religion.If an individual chooses not to participate in a holiday party or celebration, do not pressure the person to participate. Participation should be voluntary.If a potluck-style party or celebration is planned, encourage employees to bring food items that reflect their personal religions, cultures, and celebrations. Use this as an opportunity for individuals to share what they brought and why it is meaningful to them.If sending holiday cards to campus and community partners, send a non-denominational card or token of your gratitude.Holiday parties and celebrations should not play games with religious and cultural themes. For example, Dreidel or Secret Santa. If you want to exchange gifts, then refer to it in a general way, such as a practical joke gift exchange or secret gift exchange.D cor selection should be general, not specific to any religion or culture. Identify specific dates when d cor can be put up and when it must come down.Refreshment selection should be general, not specific to any religion or culture.Most importantly, celebrate your religious and cultural holidays in ways that are respectful and inclusive of our students, your colleagues, and our university. Via: MRCTV",left-news,"Dec 3, 2015",0 +No Joke! Chicago Cops Searching For Thug Dad Who Filmed Toddler Smoking Pot: β€œInhale it” [Video],"Holy Smokes! This is what our world has come to?Chicago police are investigating a video posted to Facebook that appears to show a diaper-clad toddler smoking a marijuana joint as a man off-screen encourages the boy to Inhale it. A community activist yesterday tipped cops to the clip, and Special Victims Unit detectives are now trying to identify who filmed the video, according to a Chicago Police Department spokesperson.It is unknown when or where the video which was posted to the Facebook page of a Chicago resident was recorded.Seen below, the 17-second clip found on Facebook shows the video playing on the screen of a cell phone, and it includes markings indicating that it may have previously been uploaded to some video sharing site.In the clip, a man s voice is heard directing the toddler to Smoke, bro. Inhale it. The man who appears to be filming the boy with his cell phone then says, Let me hit that, okay? Via: the smoking gun",left-news,"Dec 3, 2015",0 +HOW SENATE DEMOCRATS PLAN TO FORCE GUN-CONTROL Amendment On GOP’s Bill To Repeal Obamacare,"No word yet on plans to de-fund State Department s Refugee Resettlement Program, that brings hundreds of thousands of Muslims to America from countries who hate us Reeling from the mass shooting in San Bernardino, Democrats will try to force the Senate to vote Thursday on legislation to stem gun violence.The specific measures are still being considered, but they would be proposed as amendments to a GOP package to repeal the Affordable Care Act.Passage of any effort to limit access to firearms appears unlikely, as Congress has been unable to build support for toughening the nation s gun-control laws in the face of opposition from the Nation Rifle Assn. Even in the aftermath of the mass shooting of elementary schoolchildren at Newtown, Conn., a measure to beef up laws failed.Other measures, including one to provide funding for federal health officials to study gun violence, may find broader support in Congress.We're going to force the Senate to vote today on amendments that do something to stop gun violence. Senator Harry Reid (@SenatorReid) December 3, 2015Sen. Harry Reid of Nevada, the Democratic leader, said after Wednesday s shooting in California that gun violence has become a cancer on the nation. We are better than this, Reid said. This madness must stop. Via: Los Angeles Times",left-news,"Dec 3, 2015",0 +LIST OF 22 TIMES OBAMA Called Phony Climate Change More Serious Than Terrorism,"Oh the irony of a terror attack by Muslims taking place on American soil on the heels of Obama s return from phony Climate Change Summit in Paris ISIS has taken responsibility for the horrifying attacks in Paris that have left more than 150 dead and hundreds wounded. French President Francois Hollande is calling for the closure of his country s borders. President Barack Obama didn t condemn Islamic radicals for the attacks, but he did call them an outrageous attempt to terrorize innocent civilians and an attack on all of humanity and the universal values we share. Friday s deadly attacks thwarted Al Gore s long-planned Paris webcast and star-studded concert to promote climate change awareness. Out of solidarity with the French people and the City of Paris, we have decided to suspend our broadcast of 24 Hours of Reality and Live Earth, the group said in an online statement.Coincidentally, in July 2008, Al Gore called climate change a more dangerous threat than terrorism. I think that the climate crisis is, by far, the most serious threat we have ever faced, Gore told ABC News.Below are 22 times Obama or his administration officials claimed climate change a greater threat than radical Islamic terrorism.In a January 15, 2008 presidential campaign speech on Iraq and Afghanistan, Barack Obama said the immediate danger of oil-backed terrorism is eclipsed only by the long-term threat from climate change, which will lead to devastating weather patterns, terrible storms, drought, and famine. That means people competing for food and water in the next fifty years in the very places that have known horrific violence in the last fifty: Africa, the Middle East, and South Asia. Most disastrously, that could mean destructive storms on our shores, and the disappearance of our coastline. On January 26, 2009, Obama delivered remarks at the White House on the dangers of climate change:These urgent dangers to our national and economic security are compounded by the long-term threat of climate change, which, if left unchecked, could result in violent conflict, terrible storms, shrinking coastlines, and irreversible catastrophe.In May 2010, the Obama White House released it s national security strategy, which said, At home and abroad, we are taking concerted action to confront the dangers posed by climate change and to strengthen our energy security. The document declared climate change an urgent and growing threat to our national security. On September 6, 2012, during his Democratic National Convention speech, Obama said, Yes, my plan will continue to reduce the carbon pollution that is heating our planet, because climate change is not a hoax. More droughts and floods and wildfires are not a joke. They are a threat to our children s future.On January 23, 2013, in an address before the Senate Foreign Relations Committee, Secretary of State John Kerry declared climate change among the top threats facing the United States.February 16, 2014, Secretary of State John Kerry addressed students in Indonesia and said that global warming is now perhaps the world s most fearsome weapon of mass destruction. In a June 2014 interview, Obama said:When you start seeing how these shifts can displace people entire countries can be finding themselves unable to feed themselves and the potential incidence of conflict that arises out of that that gets your attention. There s a reason why the quadrennial defense review which the secretary of defense and the Joints Chiefs of Staff work on identified climate change as one of our most significant national security problems. It s not just the actual disasters that might arise, it is the accumulating stresses that are placed on a lot of different countries and the possibility of war, conflict, refugees, displacement that arise from a changing climate.During a September 2014 meeting with foreign ministers, Secretary of State John Kerry called Climate change a threat as urgent as ISIS.On September 24 2014, the Obama USDA launched its Global Alliance for Climate Smart Agriculture. In a memo posted by Secretary of State John Kerry, among other Obama administration officials, read, From India to the United States, climate change poses drastic risks to every facet of our lives. On October 29, 2014, in an address to the Washington Ideas Forum, Obama s Defense Secretary Chuck Hagel said:From my perspective, within the portfolio that I have responsibility for security of this country climate change presents security issues for us. There s a security dynamic to that. As the oceans increase, it will affect our bases. It will affect islands. It will affect security across the world. Just from my narrow perspective, what I have responsibility for, that s happening now.During his 2015 State of the Union address, Obama said, No challenge poses a greater threat to future generations than climate change. In a February 2015 address to college students in Iowa, Vice President Joe Biden said Global warming is the greatest threat to your generation of anything at all, across the board. On February 09, 2015, in an interview with Vox, Obama said he absolutely believes that the media sometimes overstates the level of alarm people should have about terrorism as opposed to climate change. On February 10, 2015, when asked to confirm if this means Obama believes the threat of climate change is greater than the threat of terrorism, Earnest responded, The point the president is making is that there are many more people on an annual basis who have to confront the impact, the direct impact on their lives, of climate change, or on the spread of a disease, than on terrorism. During his April 18, 2015 weekly address on climate change, Obama said, Wednesday is Earth Day, a day to appreciate and protect this precious planet we call home. And today, there s no greater threat to our planet than climate change. In May 2015, the White House released a 1,300-page National Climate Assessment that declared climate change among the world s foremost threats.May 20, 2015 President Obama said in his keynote address to the U.S. Coast Guard Academy graduates: Climate change, and especially rising seas, is a threat to our homeland security, our economic infrastructure, the safety and health of the American people. On July 13 2015, U.S. Environmental Protection Agency administrator Gina McCarthy and Obama s U.S. Ambassador to the Vatican Kenneth F. Hackett wrote in a joint blog post on the EPA website, praising Pope Francis for dedicating his second encyclical to urging swift action on global warming.McCarthy and Hackett wrote:As public servants working in both domestic policy and diplomacy, we understand the urgent need for global action. Climate impacts like extreme droughts, floods, fires, heat waves, and storms threaten people in every country and those who have the least suffer the most. No matter your beliefs or political views, we are all compelled to act on climate change to protect our health, our planet, and our fellow human beings.An Obama Defense Department report released on July 29, 2015 says climate change puts U.S. security at risk and threatens the global order:The report reinforces the fact that global climate change will have wide-ranging implications for U.S. national security interests over the foreseeable future because it will aggravate existing problems such as poverty, social tensions, environmental degradation, ineffectual leadership, and weak political institutions that threaten domestic stability in a number of countries.The report finds that climate change is a security risk because it degrades living conditions, human security, and the ability of governments to meet the basic needs of their populations. Communities and states that are already fragile and have limited resources are significantly more vulnerable to disruption and far less likely to respond effectively and be resilient to new challenges.In his August 28, 2015 weekly address, Obama said This is all real. This is happening to our fellow Americans right now, he said. Think about that. If another country threatened to wipe out an American town, we d do everything in our power to protect ourselves. Climate change poses the same threat, right now. In a September address at the United Nations Climate Summit Obama said, For all the immediate challenges that we gather to address this week terrorism, instability, inequality, disease there s one issue that will define the contours of this century more dramatically than any other, and that is the urgent and growing threat of a changing climate. During a September 28 address at the United Nations, President Obama said that We can roll back the pollution that we put in our skies, adding that No country can escape the ravages of climate change. Via: Breitbart News",left-news,"Dec 3, 2015",1 +#SanBernardino Terror Attack May Have Been Prevented If Neighbors Weren’t Afraid Of Being Accused Of β€œProfiling” [VIDEO],"Political correctness is literally killing America Authorities on Wednesday night continued to investigate a Redlands home tied to Syed Farook, a suspect identified in connection with the mass shootings that killed at least 14 people and injured at least 17 people at a social services center in San Bernardino on Wednesday morning.A few hours after the mass shooting, authorities followed a tip to the home on Center Street in Redlands. As officers approached, the suspects fled in a dark SUV. A police pursuit ensued, ending back in San Bernardino, where a gun battle broke out.Two suspects one male and one female were killed in the shootout, Burguan said. He said both suspects were armed with assault rifles and handguns. A third person who fled from the shooting scene was detained after an extensive search. It was not immediately clear if that person was involved in the Inland Regional Center shooting.One police officer was wounded in the shooting, apparently from a ricochet, but was not seriously injured.As darkness fell, police continued to search the home in Redlands. Officers entered the home with a battering ram and were taking precautions due to a belief that the home could be rigged with explosives.It was believed that the Redlands home was the home of Syed Farook s sister and mother.The second shooting suspect who was killed in a shootout with authorities was identified as Farook s wife of two years, Tashfeen Malik, 27.Neighbors in Redlands were shocked that the suspects had ties to their area. I was in awe that it was happening four houses down from my property, one neighbor said.A man who has been working in the area said he noticed a half-dozen Middle Eastern men in the area in recent weeks, but decided not to report anything since he did not wish to racially profile those people. We sat around lunch thinking, What were they doing around the neighborhood? he said. We d see them leave where they re raiding the apartment. Via: CBS Los Angeles",left-news,"Dec 3, 2015",0 +GOP HOUSE LEADERSHIP Place Political Careers Before National Security: Why They Are Reportedly Caving (Again) To Democrats,"Is this why we worked so hard to get a GOP majority in the House and Senate? Spineless weasels Republican House members blasted their GOP leadership Wednesday for caving to Democratic leaders demand that they abandon the House s bipartisan bill to tighten screening of refugee applicants from Syria and Iraq. The bill to bolster the Syrian and Iraqi [refugee] vetting process passed with a veto-proof majority and is supported by a vast majority of Americans, said Rep. Richard Hudson (R-NC)57% , who is one of the two co-authors of the original House bill that GOP leaders are now abandoning. It would be a shame to bow to the wishes of Sen. Harry Reid (D-NV) and the White House, leaving our country vulnerable to foreign terrorism, he told Breitbart News exclusively.After the Paris attacks that killed over 120 people, the House passed a bill with a huge bipartisan majority that would implement tough screening requirements for refugees. The bill was criticized by Democrats and President Obama, who vowed to veto the legislation and suggested that Republicans work with them to tighten oversight of visas given to legal visitors.Now, House Republican leaders are reportedly planning to abandon their original idea to tighten screening of refugees and are instead caving to Democrats who want to only fix security gaps in the legal-visitor visa program.Republican House leadership is backing away from the refugee problem because they fear their fix will be rejected by Democrats and lead to a partial government shut-down.Rep. Mo Brooks (R-AL) also told Breitbart News exclusively that he isn t surprised that Rep. Paul Ryan (R-WI) is following in the steps of former House Speaker Rep. John Boehner (R-OH)32% by bowing to Democrats, rather than putting up a fight.He called the original vote a show vote that was arranged by the leaders, and told Breitbart News that the entire refugee program needs to be stripped of its funding.Rep. Brian Babin (R-TX) told Breitbart News exclusively that GOP House leadership should fix both problems. This should not be an either or question, Babin said. Both should be addressed in a timely manner. We should concern ourselves first and foremost with the safety and security of the American people. Babin recently released a letter, signed by more than 70 of his colleagues, calling on House leadership to include language in the must-pass omnibus spending bill that would defund the refugee resettlement program. More than 70 of my colleagues joined me in calling for an immediate suspension in the refugee program to give us time to put in place security measures that the Administration has failed to implement Babin told Breitbart News. We must restore Congressional authority and ensure that Congress has a final sign-off on any Administration proposed Security measures. Congress has until December 11th to pass the omnibus bill.Via: Breitbart News",left-news,"Dec 2, 2015",0 +Obama’s Gas-Guzzling Motorcade To Paris Climate Talks Had A Huge Price Tag For The American Taxpayer,"Are you sitting down? The phony baloney Climate Change Summit put on by our Dictator In Chief costs the American taxpayers close to $2 MILLION DOLLARS. Someone needs to shut this grifter down!Car service, hotels, and accommodations for the president and other administration officials to attend climate change talks in Paris are costing taxpayers nearly $2 million, according to government contracts.The COP21 meeting of global leaders, which President Obama said is a powerful rebuke to terrorists, began on Monday. Representatives from 195 countries traveled to Paris, burning 300,000 tons of carbon dioxide for the United Nations conference that is seeking to reduce global emissions.The tab for Obama s motorcade alone totals $784,825. The State Department issued a $407,868 contract to Biribin Limousines, an international chauffeur service, for vehicles for the president s security detail. No Sustainability Included, the document states under a section for contract clauses.Numerous other contracts for passenger vehicle rentals, including $9,042 for accompanying press, totaled $376,957.Taxpayers were also billed $100,216 to book hotel accommodations for the president s stay. Hotel rooms and cell phones for the U.S. Secret Service traveling with the president cost $16,642 and $4,034, respectively.A number of cabinet secretaries are also in Paris for the United Nations conference, including IRS Commissioner John Koskinen, whose car service tab is $5,400.Secretary of State John Kerry s car service totaled $76,435, with three separate contracts worth $38,684, $15,789, and $21,962.Car service for Energy Secretary Ernest Moniz is costing $19,080, and two contracts worth $10,153 and $10,737 were issued for Agriculture Secretary Tom Vilsack s chauffeur service.Interior Secretary Sally Jewell is also attending the conference, with hotel accommodations at the Tuileries Finances in Paris costing $36,091, and her car service totaling $13,903.In all, costs associated with the climate change summit totaled $1,805,282.Read more: WFB",left-news,"Dec 2, 2015",1 +ONLY DAYS AFTER ANNOUNCING Shameless Money Grab…Clock Boy Explains Why He Wants To Come Back To Texas,"It s hard to be famous for being a victim in an Arab Gulf state who settles their disputes in a Sharia Court of Law. Someone should have told Clock Boy that being a victim in a country where victims are plentiful isn t really that special. Unlike America, being accused of bringing a fake bomb to school in Qatar isn t likely a guarantee you ll land a visit with their King.Within days of demanding a total of $15 million from the City of Irving and the Irving Independent School District, Clock Boy Ahmed Mohamed announced in a long distance phone interview from Qatar, he is homesick and wants to come home to Texas now.In October, Ahmed accepted a fully-funded education scholarship from the Qatar Foundation, an organization with reputed ties to the Muslim Brotherhood, over an invitation to MIT, which is among the most prestigious institutions of higher learning in the world. The family announced they would relocate to Qatar to accommodate his education, which they did.Happy #Thanksgiving!! Ahmed Mohamed (@IStandWithAhmed) November 26, 2015Dallas KTVT 11 (CBS) interviewed the teen from halfway around the world over Facetime. Now, Ahmed claims he misses Texas. I want to go back to a place where everyone knows me, meaning the kids he grew up with. He also hinted a trip to Dallas may be in the works over the Christmas holiday. He told the CBS affiliate he is ready to come home and wants to do so immediately, but insists last week s armed yet peaceful protest outside the Irving mosque stopped him.Breitbart Texas reported on the small group outside of the Islamic Center of Irving. The organizer released dozens of names and addresses considered Muslim and Muslim sympathizers over social media. The list, however, was posted on the City of Irving s website since March with the information of those who signed up to speak for and against the topic of American laws for American courts at an Irving city council meeting.Ahmed told the TV news outlet: I was scared because I ve heard what happened recently with, like, people with guns going to my local mosque, adding: I mean, they have the right to do that but it s scary because I m afraid, you know. Last week, through West Texas attorney Kelly Hollingsworth, Ahmed s family demanded $15 million plus apologies in letters that asserted they moved to the Middle East because threats and fear drove his family from Texas. However, Irving Mayor Beth Van Duyne received serious online threats and remains under fire over decisions made by the Irving ISD and Irving police to detain the high school freshman, who, on Sept. 14, brought into school a makeshift clock that resembled a briefcase bomb.The KTVT reporter pointed out that questioning the teen about the $15 million was something that nearly ended (the interview). He captured Ahmed s metered responses with eyes drifting off camera that appeared to look offside for approval from someone before answering questions. Ahmed first looked away when asked if he wanted to come back to Texas before answering yes with a smile. Clock Boy then told the CBS affiliate he was waiting for people to calm down back home before he returned.In a Christmas season blanketed by the Islamic State attacks in Paris, State Department travel alerts, and Syrian refugees at U.S. borders, sympathy continues to wane for the Islamophobia poster child. Breitbart News reported that the same liberal media that championed the teen s every move, including his Qatar Foundation-sponsored tour of Education City, lost interest.The Pittsburgh Post-Gazette added what little sympathy Americans had for the Clock Boy is gone thanks to a shameless money grab by the teen s family. The newspaper added that the Mohamed family s departure and subsequent demands make them look like opportunists, or worse. Via: Breitbart News",left-news,"Dec 2, 2015",0 +BREAKING: Photo Of Terrorist Who Threatened To Kill 16 β€œWhite Devils” At U of Chicago Is Released," This is not a joke. I am to do my part to rid the world of the white devils. Jabari Dean (c.) leaves the U.S. Dirksen Federal Courthouse Tuesday with his lawyer (l.). (DNA Info)The black student was released today after threatening to murder 16 white kids. DNA Info reported: A college student who threatened to kill 16 white students or staff members at the University of Chicago leading the school to cancel classes Monday was ordered released from federal custody Tuesday.Jabari Dean, a 21-year-old electrical engineering student at the University of Illinois at Chicago, left the federal courthouse Tuesday afternoon with his mom and lawyer. He was charged Monday with transmitting a threat in interstate commerce, which carries a maximum sentence of five years in prison.Dean posted threats from his mother s phone on the website Worldstarhiphop.com on Saturday and then later deleted it, but not before a tipster sent the comments to federal agents in New York, according to the FBI. I will be armed with a M-4 Carbine and 2 Desert Eagles all fully loaded, the online post states, according to a criminal complaint filed in U.S. District Court. I will execute approximately 16 white male students and or staff, which is the same number of time Mcdonald was killed. I then will die killing any number of white policemen that I can in the process. This is not a joke. I am to do my part to rid the world of the white devils. Jabari posted this threat on the World Star Hiphop website:Via: Gateway PunditOf course, CNN reports the news of the campus shutdown at Univ. of Chicago without once mentioning the actual threat to kill 16 white devils in retaliation for the shooting death of Laquan McDonald:Here are a few tweets from #BlackLivesMatter mocking the decision of University Of Chicago for shutting down the campus in an effort to protect the lives of the 16 White Devils. #SAFETYISFORWHITEFOLKS because #UChicago literally is surrounded by an area where black people face a threat of gun violence every day. Francis (@DerekCaquelin) November 30, 2015A year ago @Olivia_A_Ortiz was publicly threatened with rape as was the entire class of '17. @UChicago shut ZIP down https://t.co/rHOQqdkS1f Ursula Wagner (@UrsulaCWagner) December 1, 2015And then there s this poor soul who s doing his part to stay on top of his intersectionality and white privilege game https://twitter.com/ira/status/671451417798819840That s not all that was on the mind of #BlackLivesMatter terrorists today. They spent quite a bit of time threatening any black pastor who even thinks about supporting white candidate, Donald Trump.If these Pastors start pushing Trump to our community there will be WAR. A lot of us ain't gonna let that shit ride. https://t.co/GlTg2L81bK Elon James White (@elonjames) November 30, 2015So who's gonna compile a list of every Black pastor that met with Donald Trump ""on the behalf of the African American community?"" Clarkisha Kent (@IWriteAllDay_) December 1, 2015Trump's peeping over dude's shoulder like an overseer https://t.co/RsyBxMaxMC Ctrl Alt Right (@lezzietechie) December 1, 2015Black preachers about to go cash they trump checks. https://t.co/mTKb57OXhX Frank Fontaine. (@ChillnCliffSide) December 1, 2015Because of course, the #BlackLivesMatter crowd is apparently down with the old white socialist dude, for no reason in particular other than the D after his name.I am running for president because 11 million undocumented people cannot continue living in the shadows. Bernie Sanders (@BernieSanders) November 30, 2015And just for fun, we re throwing in a micro and macro aggression tweet, because Russia, ISIS, and an invasion of unchecked Muslim refugees aren t nearly as important as microagressions https://twitter.com/krennylavitz/status/671481401984724992 ",left-news,"Dec 1, 2015",0 +OBAMA USES WORLD STAGE To Announce Plans For Executive Action On Gun Control In U.S.,"How very progressive And how very ironic that our tyrannical President would take the opportunity to address how he plans to implement gun control in the U.S. while standing in Paris, where only two weeks ago 130 unarmed people were slaughtered by armed terrorists.Gun control, man-made climate change, open borders, one-world order just a few of the topics our anti-American President feels right at home discussing with a few comrades Speaking from Paris, France, on December 1, President Obama criticized the lack of gun control in the U.S. and pledged to remain focused on using executive action to enact new controls where possible.Obama is in Paris for a conference on climate change.During a press conference, Obama was asked about the November 27 Colorado Springs Planned Parenthood attack that killed two civilians and a police officer. He responded by claiming mass shootings are a something specifically American a problem not witnessed in other countries then criticized Congressional inaction toward passing more gun control.According to Bloomberg, Obama said:In the United States we have the power to do more to prevent what is just a regular process of gun homicides, that is unequaled by multiples of five, six, [or] ten, and I think the American people understand that. So my hope is that, once again, this spurs a conversation and action.He said that Congress, states, and local governments need to act, and he made it clear he will continue to focus on what [he] can do administratively, which is something he has been threatening to do since a gunman opened fire in the gun free zone at Umpqua Community College on October 1.On November 12 CBS News reported that Obama has given a team of White House lawyers the job of finding a way that executive action can be used to expand background checks. And Breitbart News reported that part of what is being sought is an arbitrary threshold that can be set on private gun sales. Citizens who sell more than the allowable level will be forced to do background checks on every sale.Obama and the Democrat Party have been obsessed with expanding background checks since Adam Lanza attacked Sandy Hook Elementary on December 14, 2012. Yet it is interesting to note that expanded background checks would not have hindered that attack in the slightest, because Lanza stole the guns he used he did not buy them.Moreover, background checks are already expanded in Colorado. Breitbart News previously reported that expanded background checks and a high capacity magazine ban are the law of the land in Colorado, but neither were effectual in stopping the Planned Parenthood attack or the high profile public shooting that took place in CO Springs on Halloween day. Via: Breitbart News",left-news,"Dec 1, 2015",0 +FED UP WITH #BlackLivesMatter Terrorists: Students At Major CA University Stage β€œWhite Solidarity” Walk Out," Join us as we walk out of our classes at 12:30 PM to show solidarity for our brothers and sisters of European descent The Black Lives Matter movement at the University of California, Santa Barbara (UCSB) is officially being challenged by a new rival campus group, the UCSB White Student Union (WSU).In response to a series of black-out demonstrations last week at UCSB and college campuses nationwide calling for solidarity with Mizzou black students, the UCSB WSU decided to form its own antithetical White Student Walk Out calling for solidarity with white students. Join us as we walk out of our classes at 12:30 PM to show solidarity for our brothers and sisters of European descent, the Walk Out event description reads. We will march out (preferably chanting something inspiring on the way out) and meet outside of the UCSB MultiCultural Center where we will respectfully voice our complaints. We ask that only self-identified white students and @llies join us. A growth of students have been supporting the satirical WSU movement, as evident by the exponential growth of WSU clubs on college campuses over the past couple of days. Students are demonstrating, using parody in the form of a white student club, how divisive the black separatist movement really is.Other WSU student groups such as the University of North Texas White Student Union and the University of North Texas White Squirrel Student Union, are adding their own political satire on social media to challenge the inflammatory response received by the WSU s while black separatist groups are celebrated.As these groups have illustrated, according to leftist logic, any form of gathering or club is offensive as long as it has anything to with white students and thus WSU groups have no right to exist and deserve condemnation in the form of university mass-mails or death threats.A student organizer of the UCSB WSU Walk Out event, who asked to remain anonymous for fear of risking his or her life, told The Daily Wire that he or she hopes the walk out will give all of those who self-identify as white (and allies) to respectfully voice their complaints to UCSB administrators. Over the past couple days, it has become evident that white identities are actively marginalized and even openly attacked on campus, the student said. Because of this, it is crucial for us to create a safe space on campus where peoples of European descent can celebrate their European heritage. ",left-news,"Dec 1, 2015",0 +β€œWHITE STUDENT UNION” Groups Spring Up World-Wide With A Message Obama And Friends Would Rather You Didn’t Hear," Individual people can be bullied into submission but as a group we can t be silenced If we are to really live in an environment where race is not a factor, we need to stop allowing the union of Obama-Holder-Sharpton-Soros-#BlackLivesMatter terrorists-Black Panther-Louis Farahkan-Black Liberation Theology-CAIR-liberal academia-Socialist Party-Democrat Party-Anarchists-Communist Party to stop making it an issue. White students are not a minority, but they are currently being treated worse than most minorities, if they break rank with the left-wing multicultural orthodoxy that is hellbent of persecuting expression of whiteness. White student unions are springing up at universities across Australia, as well as at universities and colleges across America.More than 30 White Student Union pages have recently sprung up over the last several days on Facebook, pages that affiliate themselves with various universities around the nation.The creation of an Illini White Student Union Facebook page that surfaced Nov. 18 in response to a Black Student Solidarity Rally at the University of Illinois at Urbana-Champaign gained national attention, but apparently it s just the tip of the iceberg.Over the last week, at least 33 other White Student Union pages have appeared on Facebook, according to research conducted Sunday by The College Fix.Notably, White Student Union Facebook pages have been created for Stanford, Penn State, UCLA, UC Berkeley, the University of Missouri, and NYU, along with many others.These White Student Union pages currently exist only as social media creations, and it is not clear whether they are created by students at their respective universities. It is also unclear if these groups plan to become actual student organizations on campus, although a North Carolina university page states they plan on holding group meetings, info sessions, rallies, and protests on the UNC campus. White Student Unions say they are supporting and defending the interests of white students who they say are becoming marginalised from on-campus life and political debate.This video truly exposes the hypocrisy of the Left. From the Illinois White Student Union Facebook Page:At least seven unofficial unions have formed at rapid speed in the past week, claiming to represent students of European descent at the University of Queensland, the University of Southern Queensland, the University of Technology, Sydney, Macquarie University, Western Sydney University, the University of NSW and the University of Western Australia.However, there are allegations that the movement is in fact an elaborate attempt to troll universities and the media, by the likes users of online bulletin boards 4chan and 8chan.If it is a hoax, it is a pretty sophisticated one, with members reaching out to news.com.au to share their views on the need to advance our interests as white students .The proliferation of white student unions follows a similar trend in the US, where groups have built considerable support on social media and many intend to establish an on-campus presence in the new year. However, this has also been dismissed as a hoax.Australian universities have distanced themselves from these unofficial groups, which are copping backlash on social media by fellow students and others who accuse them of white supremacy and racism. Responses to the groups on social media have ranged from be proud of your heritage! to f*** off Nazis .Others have responded with utter incredulity: This page is satire, right? one person asked.But the students behind the unions deny white pride is akin to racism, and argue they have as legitimate a place in university life as any other student group. ALL WE WANT IS EQUALITY The White Students Union at the Western Sydney University, which formed over the weekend and is already into the double digits of members, is not out to antagonise anyone , according its spokesman.The spokesman, who approached news.com.au to write a story, said he was a 24-year-old journalism student and gave us his name, but we have chosen not to publish it because we could not verify it.He said the group, which will seek formal registration with the university in 2016 and already has a six-person committee, was designed to advance our interests as white students and promote a safe space where we can come together as a community and organise . We re a genuine group, we re not doing it to troll anyone, he told news.com.au. If you roll up to any university these days you ll have gay safe spaces, Muslim safe spaces: in the last four or five years it s become very politically correct. That s great. I m as PC as they come. We re staying within the narrative. All we want is equality. He said he was absolutely expecting a backlash, but wanted to test the boundaries of what they re willing to acknowledge . We just thought, why not? Everyone else is doing it, why can t we do it? Anecdotally we have a lot of support from the ethnic students, he said. Our main antagonists are actually the older, white academics. These people say they re all about equality. The academics try to build this narrative that nobody supports this stuff, but it s happening. We re just using that language ourselves. Despite the hoax claims, universities are taking the rise of these unions seriously.In a statement, a spokesman for Western Sydney University said the group was not an official or authorised student group, adding: The university prides itself on the diversity of its university community and condemns any action that seeks to undermine this. Has there been a SINGLE college or university who has made this sort of claim about a Black Lives Matter organization or protest? Why the double standard? The University of Technology, Sydney, and Macquarie University both said white student unions formed by their students were not official and did not reflect the views of the universities or the majority of their students.In the About section of the Facebook page for the UTS White Student Union, it says the group was advancing the rights for the people of European descent and anyone from any background can join .A spokeswoman for Macquarie University said it had publicly contacted the administrators of the page yesterday, requesting that they remove the campus image and refrain from referring to themselves as a student organisation at Macquarie University . We understand this page is likely to be part of a wider hoax, stemming from North America, nevertheless we are continuing our investigations into the origin of this page, the spokeswoman told news.com.au.The University of Queensland went so far as to condemn the University of Queensland White Student Union, which was formed last Tuesday, as a racist web hoax .On its Facebook page, which has 378 likes, the University of Queensland White Student Union group rails against university overcrowding and rich international students outbidding white Australian students for rental housing and casual work. We re forced to put up with an overcrowded campus that hosts thousands more students than it was ever designed for. Not enough parking, not enough toilets, not enough computers, not enough study spaces, a post dated November 24 reads. We re forced to do group work with internationals who can t speak English, we carry the load and do all the work while our marks are dragged down. We re forced to put up with the anti-social behaviour of a particular group of students who treat study spaces as social spaces and constantly attempt to reserve public resources such as computers. Enough is enough. The founders of the UQ group asked not to be identified but said they represented white students who ve had their voices silenced by political correctness . Individual people can be bullied into submission but as a group we can t be silenced, the group told news.com.au Political correctness and free speech are issues that are becoming more and more important. The group said existing student organisations were obsessed with catering to minorities and they planned to establish their own society on campus in 2016. We re very clear on our position that white people have every right to organise themselves and act collectively to further their mutual interests, they said. We don t think whites are inherently superior and definitely don t think they should rule over anybody else. We think the ideas and issues we re raising have become more relevant to students as a new strain of political correctness has swept across the Western word over the past few years promoting ideas like white privilege . There are all these nasty ideas around now that white people, particularly white men, are always privileged regardless of their background and personal circumstances and that if they suffer hardship they deserve it, and that white people are the cause of everything that s wrong in the world. News.com.au asked the spokesman to prove that he was a legitimate student at the university, but he said he thought it was in his best interests to maintain anonymity due to death threats the group had received.Third-year University of Western Australia student Michael (who did not wish to reveal his last name) said he founded the UWA White Student Association on the weekend.He said ensuring all students and staff spoke fluent English, making sure the full breadth of white, European holidays and festivities were celebrated on campus, getting racist attacks on white students recognised as racism, and having the recently dumped European studies major reinstated were among the issues his group intended to lobby for. Our basic aims are to represent the interests of white students on campus, as well as do our bit to reverse what we view as the rapid decline of Western civilisation, caused by mass immigration resulting in a clash of values, and the decline of family values, Michael told news.com.au.A spokesman for UWA said the university did not endorse behaviours and actions which are deemed to be racially and culturally intolerant or offensive . UWA has a strong track record on promoting cultural and religious diversity and the university is committed to produce graduates who are intellectually and emotionally comfortable with difference, the spokesman said. In response to accusations of racism, Michael says he and the group were not racists and we never will be . Supporting white students doesn t imply hatred of other races, it s not a logical accusation, he said. We would be happy to work with other ethnic clubs to fulfil mutual goals. (Groups that represent ethnic minority groups) are nothing new, and we don t have an issue with them. What is new is the increasing difficulty white students face in expressing their views, identity, or culture on campus without being shouted down and labelled. White students are not a minority, but they are currently being treated worse than most minorities, if they break rank with the left-wing multicultural orthodoxy that is hellbent of persecuting expression of whiteness. The emergence of white student unions at universities in the US, including Berkeley and Harvard, have been suggested to be a response to a wave of recent anti-racism protests. One such union at the University of Illinois sprung up hours after a black solidarity event was held on campus. Others, however, have been revealed as hoaxes. So where we may have a scholarship program for indigenous students, or we may have programs that seek to enhance the experience of international students on campus, and that s perceived at discrimination, it s very disappointing when people take that position. Dr Gale said it was also disappointing some people who were part of mainstream Australia didn t have an appreciation for the privileged position of being at university.For entire story: News com.au",left-news,"Dec 1, 2015",0 +Crybaby β€œSafe Space” Students Are Put On Notice With Amazing Letter From University President: β€œThis is not a daycare!”,"This letter is quite possibly the most important letter these students will ever receive throughout their entire college career. It should be adopted by every college and university in America as part of a contract the students are asked to read and accept.It s finally happened. A college president, faced with whining students who are offended by well everything, has written a letter to the entire student body. (Some of which I presume will offend some students) He reminds them they are in college and that perhaps the reason they feel bad is a little thing known as a conscience. Dr Everett Piper of Oklahoma Wesleyan University explained what their purpose and his is at the university.Here is his letter in its entirety:Dr. Everett Piper, PresidentOklahoma Wesleyan UniversityThis past week, I actually had a student come forward after a university chapel service and complain because he felt victimized by a sermon on the topic of 1 Corinthians 13. It appears that this young scholar felt offended because a homily on love made him feel bad for not showing love! In his mind, the speaker was wrong for making him, and his peers, feel uncomfortable.I m not making this up. Our culture has actually taught our kids to be this self-absorbed and narcissistic! Any time their feelings are hurt, they are the victims! Anyone who dares challenge them and, thus, makes them feel bad about themselves, is a hater, a bigot, an oppressor, and a victimizer. I have a message for this young man and all others who care to listen. That feeling of discomfort you have after listening to a sermon is called a conscience! An altar call is supposed to make you feel bad! It is supposed to make you feel guilty! The goal of many a good sermon is to get you to confess your sins not coddle you in your selfishness. The primary objective of the Church and the Christian faith is your confession, not your self-actualization!So here s my advice:If you want the chaplain to tell you you re a victim rather than tell you that you need virtue, this may not be the university you re looking for. If you want to complain about a sermon that makes you feel less than loving for not showing love, this might be the wrong place.If you re more interested in playing the hater card than you are in confessing your own hate; if you want to arrogantly lecture, rather than humbly learn; if you don t want to feel guilt in your soul when you are guilty of sin; if you want to be enabled rather than confronted, there are many universities across the land (in Missouri and elsewhere) that will give you exactly what you want, but Oklahoma Wesleyan isn t one of them.At OKWU, we teach you to be selfless rather than self-centered. We are more interested in you practicing personal forgiveness than political revenge. We want you to model interpersonal reconciliation rather than foment personal conflict. We believe the content of your character is more important than the color of your skin. We don t believe that you have been victimized every time you feel guilty and we don t issue trigger warnings before altar calls.Oklahoma Wesleyan is not a safe place , but rather, a place to learn: to learn that life isn t about you, but about others; that the bad feeling you have while listening to a sermon is called guilt; that the way to address it is to repent of everything that s wrong with you rather than blame others for everything that s wrong with them. This is a place where you will quickly learn that you need to grow up!This is not a day care. This is a university!We applaud Dr Piper and wish more colleges and universities had more like him. Then again, Oklahoma Wesleyan is not Yale or Dartmouth, where the presidents are careful not to offend the spoiled brats of well-to-do parents in order to keep those tuition checks and honorariums coming in. Via: ",left-news,"Dec 1, 2015",0 +Father Of Triplets Tells Surrogate Mother To Kill One Of The Babies Or Face Financial Ruin,"So this man who so desperately wanted children comprised of his genes, that he hired a surrogate mother to carry them. Now that he only wants two of them, which one of the three children would he like to see her have killed? Who will choose which two babies will be lucky enough to make it out of the womb alive and into his loving home? Who will he decide which baby will end up in a dumpster? Melissa Cook was hired to be a surrogate mother for an unidentified Georgia man earlier this year.She was to be paid $33,000 for her efforts. But what both parties didn t expect was triplets.Cook and the man used in-vitro fertilization, combining his sperm with the egg of an unnamed 20-year-old woman. Cook was implanted with three embryos, each of them defying the odds. The result was triplets.Now, the Georgia man is demanding Cook to abort one of the babies or face financial ruin.Cook, who is a California native, spoke to the The New York Post: They are human beings. I bonded with these kids. This is just not right Robert Warmsley, the unnamed man s lawyer, warned in a letter that his client: understands, albeit does not agree, with your decision not to reduce. As you know, his remedies where you refuse to abide by the terms of the agreement, are immense [and] include, but are not limited to, loss of all benefits under the agreement, damages in relation to future care of the children [and] medical costs associated with any extraordinary care the children may need. In other words, she ll be stripped of her pay, and could face a lawsuit, if she doesn t comply with his wishes to abort one of the babies.Melissa Cook responded, penning a heartfelt letter in which she questioned the decision: The doctor put in three healthy embryos, she wrote. The chances were high they were all going to take. If you knew you only wanted two babies, then why put in three embryos? Cook is currently 17 weeks pregnant.California law dictates that, aside from life-threatening exceptions, fetuses cannot be aborted once they become viable, which is typically around 20 weeks. Via: IJReview",left-news,"Dec 1, 2015",0 +Brad Pitt Explains Ridiculous Reason He’s Now An Atheist,"It s just too hard Too Many Things Christians Cannot Do! Who needs rules when you can just live in a godless society? Have some fun YOLO!Brad Pitt is an atheist because his father instilled a Christian guilt in him during his upbringing.The actor revealed that he adheres to no religion in an interview with the UK s Telegraph on Saturday. Pitt told the paper that he was raised in a Southern Baptist household in Missouri, with all the Christian guilt about what you can and cannot, should and shouldn t do. The Hollywood mega-star elaborated on the Christian guilt he was raised with in a 2007 interview with Parade. I d go to Christian revivals and be moved by the Holy Spirit, and I d go to rock concerts and feel the same fervor, Pitt told the magazine. Then I d be told, That s the Devil s music! Don t partake in that! I wanted to experience things religion said not to experience. Still, Pitt said he learned the value of hard work from his father, who reportedly ran a trucking company in Missouri. He could be a softie, Pitt told the Telegraph of his father. But one thing my folks always stressed was being capable, doing things for yourself. He was really big on integrity and that informed a lot of what [we] try to do now. Pitt also revealed that he and his wife and By the Sea co-star, Angelina Jolie, originally wanted double the number of children they currently have. Listen, Angie and I were aiming for a dozen, but we crapped out after six, the actor said, adding: Everyone talks about the joy of having kids blah, blah, blah. But I never knew how much I could love something until I looked in the faces of my children. Via: Breitbart News",left-news,"Nov 30, 2015",0 +WHY ISN’T THIS NEWS? Three Black Men Are Taken Alive After Shooting Up School Bus With Children Inside,"We don t recall seeing this story in the mainstream media? Is is not news when three men go on a shooting spree and shoot up a bus full of kids? Three men have been charged with driving through Jones County, South Carolina shooting at vehicles, one of those was a school activity bus with children on board.Quinton Mceachin of Pollocksivlle, Azario Frost of Maysville, and Cordero Foy, of Maysville, are facing numerous charges after their arrest on Sunday.Jones County deputies say Mceachin was driving the vehicle that was eventually stopped after a chase by Maysville police and deputies.The activity bus was from Pamlico County and was hit by the gunfire, but no children were hurt.It happened on U.S. 17 around 5:30 p.m. Detectives say there were 13 students and two adults on the bus. They say the bullet disabled the bus when it struck the radiator.Mceachin is facing charges of driving while impaired, felony conspiracy, discharge a barreled weapon, flee/elude arrest with a motor vehicle, reckless driving, felony hit and run with personal injury, felony discharging weapon into a moving vehicle, and several traffic violations. His bond was set at $250,000.Frost was charged with discharging weapon into occupied property, felony conspiracy, discharge a barreled weapon, felony discharge a weapon into a moving vehicle, and felony possession of a firearm by felon. The man s bond was $125,000.Foy is facing charges of discharging a weapon into occupied property, possession of a firearm by felon, discharge a barreled weapon, assault with a deadly weapon and felony discharge of a weapon into occupied dwelling/moving vehicle. A magistrate set Foy s bond at $100,000. Via: WITN",left-news,"Nov 30, 2015",0 +BREAKING: Federal Court Rules For Religious Freedom In Veterans Memorial Lawsuit,"It s a win for the American Legion! Atheists wanted to take down the cross but a Maryland judge ruled against it. Thanks to the Liberty Institute for fighting the battles for conservative Americans. Great job!The U.S. Constitution allows a large Latin cross to stay as the centerpiece of the Bladensburg World War I Veterans Memorial, a federal court in Maryland ruled Monday.In 1925, the American Legion erected the Bladensburg cross as a memorial honoring 49 men in Prince George s County, Maryland, who made the ultimate sacrifice while serving in World War I.But in 2014, the American Humanist Association attacked the memorial, filing a lawsuit against the Maryland-National Capital Park and Planning Commission. The atheists argued to the federal district court that a memorial in the shape of a cross violates the Establishment Clause of the Constitution, which forbids the government from establishing an official religion.Liberty Institute, the largest law firm in the country that focuses exclusively on religious freedom, took up the case and intervened on behalf of the American Legion, which became a full party to the case. Liberty Institute then brought in a top global law firm, Jones Day, to lead the case, with Noel Francisco as lead counsel.Today, U.S. District Judge Deborah Chasanow ruled in favor of the American Legion, and against the American Humanist Association.In her 36-page opinion, the Clinton-appointed Chasanow held that while a Latin cross is a symbol often associated with Christianity, it does not violate the Constitution in this context. The judge noted that courts disagree over what test they are supposed to use in these cases, but that under any of the tests modern federal courts apply, Bladensburg s cross passes muster.Read more: Breitbart News",left-news,"Nov 30, 2015",0 +New Batman Comic Features Batman Saving Black Man From Evil Cops,"Full frontal Leftist propaganda As a side note, writer and artist Frank Miller is also a Hillary supporter Last week anarchists, socialists and Black Lives Matter terrorists joined together to protest against white police officer, Jason Van Dyke, who was already charged with first-degree murder for fatally shooting 17-year-old Laquan McDonald.The following day, DC Comics released the much-anticipated first issue of its latest Batman installment, Dark Knight III: The Master Race. Half of the comic is dedicated to scenes of police brutality, depicting a potentially fatal course of events halted by the caped superhero s interventions.The occasion of the issue s release heralded not only Batman s reemergence in Gotham City, but also the return of original Dark Knight Returns writer and artist Frank Miller. Nearly 30 years after he first penned the iconic comic series, the 58-year-old is breathing new life into his most influential work.A known provocateur, Miller has been described by turns as reactionary, overly conservative and radical. In a recent Vulture interview, he described himself as a libertarian who supports Democrat Hillary Clinton.Miller s politics have always been complicated, making his newest Batman s explicit stance against police brutality a noteworthy change of pace.This isn t the first time a comic book author has used their influence to indoctrinate young minds with a leftist narrative. We recently reported about about Disney s effort to turn popular opinion in favor of amnesty by making the villain in their latest Captain America comic book an evil conservative:DISNEY Introduces New Marvel Comic Books: Captain America (Captain Socialist) Beats Up Conservative Terrorists Defending U.S. Borders And More [VIDEO]The opening sequence of Dark Knight III: The Master Race is narrated through text messages between a young black man in a hoodie and his friend, presumably rehashing recent past events. The man, named Squid, is shown running from a police car with a cracked windshield and blood on its dashboard.As Comic Book Resources points out, colorist Brad Anderson uses only police reds and blues in this scene to illustrate the closeness of the cop car.Two police officers emerge from the car with their guns pointed at him. Aghast, Squid responds by showing them his open palms. Getting arrested, reads a text bubble from Squid. 4? his friend asks. The man dont need no reason [sic], Squid responds in a panel showing the barrel of a gun. I was waitin for the shot, he continues in his recollection, BANG last sound id ever hear. Instead i heard a snap and i turned to it. Enter the superhero of the hour, a dark caped figure who swoops in and immediately shatters one of the police car s front windows. He starts beating the officers who had their guns aimed at Squid.At first, it seems like this is game over. The artwork pans to TV pundits comic doppelgangers of Kelly Ripa, Michael Strahan, Jon Stewart, Al Sharpton and Bill O Reilly debating the morality of Batman s actions. There s talk about how the video footage of the confrontation went viral.Then Miller moves to a different setting in the jungle with Wonder Woman, and the police encounter is briefly forgotten, only to be thrown back into sharp relief at the end.With their overt metaphors and symbolic characters, comics have a long history of steering their readers toward certain moral conclusions and inciting fury over perceived social injustices.The issue s final scenes show Batman taking the place once occupied by Squid, except this time he s far outnumbered as he runs from a parade of at least four police cars. His attempts to evade the officers seeking vengeance for their beaten colleagues are unsuccessful, as Batman runs between trucks and climbs a fire escape before committing himself to a brawl.https://twitter.com/restlessbit/status/670836492026163200Completely surrounded, Batman falls to the ground after a police officer shoots the side of his head. A horizontal panel shows 10 cops approaching him with batons in the air.The large sound effect lettering leaves little room for interpretation. WHACK. WHACK. WHACK WHACK WHACK WHACK. He is bludgeoned seemingly endlessly. Had enough? one of the officers asks as the troupe encircles a fallen Batman lying face-down in his own blood.This being a superhero comic, however, Batman emerges seriously injured but not defeated. With a sudden burst of energy, he punches the cop closest to him, causing them all to scatter.(The final pane reveals a significant twist to Batman s identity, but we ll leave that out because it s irrelevant to the police scene.)Via: The Washington Post ",left-news,"Nov 30, 2015",0 +"JACK-ASS-IN-CHIEF: OBAMA USES SPEECH ON WORLD STAGE To Apologize For Greedy Americans…Ties MLK, Jr. To Phony Climate Change [VIDEO]","For the umpteenth time, Obama takes the opportunity to trash Americans while overseas President Obama on Monday pushed world leaders to finalize a sweeping global agreement that would cut carbon emissions and hopefully stave off the worst effects of climate change.Invoking the words of Martin Luther King, Jr., Obama insisted that a grim future hurt by worsening global warming is one that we have the power to change. Right here. Right now. But only if we rise to this moment, he said in a speech kicking off the Paris conference. For all the challenges we face, the growing threat of climate change could define the contours of this century more dramatically than any other, Obama said. What should give us hope that this is a turning point, that this is the moment we finally determined we would save our planet, is the fact that our nations share a sense of urgency about this challenge and a growing realization that it is within our power to do something about it. I ve come here personally, as the leader of the world s largest economy and the second-largest emitter, to say that the United States of America not only recognizes our role in creating this problem, we embrace our responsibility to do something about it, he added. Via: NYDailyNews",left-news,"Nov 30, 2015",0 +"SWEDEN LOSES 14,000 Refugees Slated For Deportation: β€œWe simply do not know where they are”","It s time for Sweden to take off the blindfolds and stop pretending their progressive policies are somehow benefiting their citizens. How does a country lose 14,000 foreign invaders anyway? And where did those 14,000 refugees go?As part of the just concluded cash for refugees deal between the EU Turkey, the FT adds that not only will migrants whose asylum applications are rejected be sent back to Turkey but that this crackdown on irregular migration would be complemented by a parallel programme offering a legal route to Europe, resettling up to 500,000 Syrian refugees directly from Turkey, Lebanon or Jordan. The FT adds that, as expected, if such an EU-wide scheme were made mandatory it would be flatly opposed by many eastern European countries. To avoid the proposals being blocked, Brussels and Berlin are exploring a voluntary scheme with 10 countries willing to take refugees. It is unclear whether other Schengen members would be asked to contribute to the costs of resettlement. But before crossing that particular bridge, which will sow even further anger, mistrust and antagonism spread among the member countries of the European Union , a bigger question is just how will Europe track down and sequester those refugees that pose the biggest threat in the eyes of authorities, those who are already slated for deportation.As the following case study from Sweden proves, having once entered Europe, Europe may have problems trying to track down the hundreds of thousands of refugees having already found their way to the continent.As Sweden s Afton Bladet reports, over half of all the illegal migrants slated for deportation in Sweden have mysteriously disappeared.The National Border Police Section reports that of the 21,748 individuals due to be sent home after their asylum applications were turned down, a whopping 14,140 have simply vanished off the police radar. Around a third, or the remaining 7,608, still live and are accounted for in the Swedish Migration Board s premises or have indicated an address for their own homes. It is not clear if anyone has actually tried following up on said home address to see how many have simply made one up.Based on a translation of the Swedish report by Breitbart, some are expected to have left the country secretly, but the majority are thought to still be in Sweden, having fallen through the cracks of the comprehensive welfare state. The local cops is brutally honest: We simply do not know where they are , said Patrik Engstrom, a spokesman for the local police.This is not the first time refugees have vanished from official supervision: one month ago we reported that roughly 4,000 asylum-seekers who had initially been accomodated by the German state of Lower Saxony had mysteriously disappeared. To our knowledge they have still not been found. Via: Zero Hedge",left-news,"Nov 29, 2015",1 +FAMOUS RHODE ISLAND DANCING COP FIRED For Protesting Cop Hating Terror Group [Video],"Welcome to the new America, where there can be no opposition to the Left or there will be serious consequences The retired cop who annually cut a rug while directing Rhode Island traffic until Providence cut ties with him when he protested a Black Lives Matter supporter has a new dance partner on the other side of town.Tony Lepore, 68, is taking his holiday dance act to East Providence from Dec. 10 to Dec. 24, the cavorting cop said during an appearance Sunday on Fox & Friends. And I ll always on the 24th wear my Santa hat and pass out candy canes to the kids, said Lepore, who s been dancing in the streets since 1984.A longtime local favorite, Providence dropped Lepore s services after he helped organize a picket outside a Dunkin Donuts where a worker wrote #blacklivesmatter on a police officer s coffee cup. Mr. Lepore was not authorized to speak on behalf of the Providence Police Department and his actions were, in my judgment, a disservice to the department and to members of the Providence community, Providence Police Chief Stephen Pare said in a statement.Lepore said Sunday he was aware of the risks of his protest but he wanted to support the beat cops. Black Lives Matter is an organization that has some individuals some individuals that advocate harm to police officers, Lepore said. Since we picketed and got a written apology from the Dunkin Donuts owner. . . . we haven t had one incident in Rhode Island. Via: FOX News",left-news,"Nov 29, 2015",0 +MUSLIM CONGRESSMAN Abruptly Leaves DC: Uses Finely Honed Divisive Race Skills To Lead Fight Against Cops In MN,"Rep. Keith Ellison (D-MN) is more than just a radical activist, he s also a devout Muslim U.S. Rep. Keith Ellison abruptly left Washington earlier this month to fly back to Minneapolis and emerged at the center of explosive confrontations between black activists and police outside the Fourth Precinct station.In those first, uncertain days after a fatal police shooting of an unarmed black man in north Minneapolis, Ellison displayed credibility among different factions of the black community, and also had stature in the mayor s office and could help broker a sit-down meeting between Gov. Mark Dayton and the family of the shooting victim, Jamar Clark.The unrest has elevated Ellison s profile, but it has also become his biggest test yet as a political leader trying to negotiate a truce in the latest flare-up of long-running tensions between police and the local black community. People have successfully gotten the attention of political leadership, Ellison said from the protest site, less than a mile from his home. We just have to make sure we do not waste it, and we make sure we gather it up and turn it into some tangible benefits for the people here. Striking a tone that was conciliatory but also challenging, he added: There s absolutely no doubt that we have to get established, responsive government. The unrest hit uncomfortably close to home for the fifth-term Democrat just a few days after the shooting. During a particularly fraught night, his son, Jeremiah, was photographed with his hands up as police in riot gear pointed a gun toward him and other protesters. Ellison later shared the photo on his Twitter account, calling it agonizing. It was retweeted nearly 4,000 times.Behind the scenes, Ellison, 52, has been navigating several constituencies, including the governor s office, city officials, progressive allies and black activists who themselves are split over how to best accomplish their goals. Some black community members say they hope the shooting will finally get the attention of state leaders, whom they say have allowed Minnesota s racial disparities to fester for decades.Those connected to Ellison say his latest role is one that he has honed after years of deep involvement in divisive racial issues around Minneapolis. They say he radiates a cool confidence in person, and is enormously skilled at connecting with people in the midst of conflicts. People who don t know him, especially from outside of Minneapolis, see a firebrand out in the streets, playing that one really important role he plays, rallying the community to be empowered, former Minneapolis Mayor R.T. Rybak said. The other role that most people don t see, that I have the benefit of, is a very savvy adviser who would never moderate his views but would bring a sophisticated understanding of how government worked. For entire story: Star TribuneSo who exactly is Rep. Keith Ellison (D-MN) and why do Muslim lawmakers like hime and Andre Carson (D-IN) in America matter?Rep. Keith Ellison (D-MN) is perhaps the most well known Muslim in the U.S. Congress but he s not the only one. The other is Rep. Andre Carson (D-IN). While speaking at the ICNA-MAS convention, Carson told those in attendance that America s schools should be modeled after madrassas (Islamic schools).Incidentally, the ICNA (Islamic Circle of North America) was identified in a 1991 Muslim Brotherhood document as one of 29 like minded organizations. The goal of these organizations? According to the document itself: their work in America is a kind of grand Jihad in eliminating and destroying the Western civilization from within and sabotaging its miserable house by their hands so that God s religion [Islam] is made victorious over all other religions. MAS (Muslim American Society) was formed in 1992, one year after the date of the document, which might explain why they weren t one of the 29. Bolstering that case further is the fact that MAS has identified two groups who are on the list of the notorious 29 Islamic Society of North America (ISNA) and Muslim Students Association (MSA) as being like-minded.So, as DHS is more concerned with rightwing extremism than it is with Jihad, a sitting U.S. Congressman is a featured speaker at a convention filled with those who want to destroy Western civilization (America) from within. Watch Muslim Congressman Andre Carson bemoan the lack of Muslims in lawmaking roles. He also expresses his concern about anti-Sharia legislation being passed in many states:Via: Shoebat",left-news,"Nov 29, 2015",0 +"Planned Parenthood Fundraises Over Shooting…Only Problem Is, No One At Body Parts Harvesting Store Was Shot","Obama and the Democrats can kill two birds with one stone. They can gain sympathy for Planned Parenthood, (regardless of the facts) and promote gun control all at the same time. Meanwhile, nothing will change for those angry pro-life Christians, who will continue to pray for the lives of innocent babies being murdered every day by Planned Parenthood, and for the lives of the innocent people who were killed in this tragedy. The facts surrounding the case certainly won t stop the fundraising machine at Planned Parenthood from cashing in on this horrible tragedy Police detained a shooter at a Planned Parenthood building Friday afternoon, according to Colorado Springs police.Four police officers and five civilians were injured in a shooting. Three people died including Police Officer Garrett Swasey.Scott Dontanville, co-pastor at Hope Chapel where Swasey was a church elder, said the officer had a personal relationship with Jesus Christ and trusted him so much so that he was willing to die to protect the public. He may not agree with the abortion position, but he was willing to lay down his life for other people, Dontanville said.Garrett Swasey, 44, a six-year veteran of the University of Colorado at Colorado Springs Police force, was described as an avid teacher of scripture who played guitar and loved his work in law enforcement.According to Hope Chapel s website, where Swasey served as an elder, he is survived by his wife, Rachel; 10-year-old son, Elijah; and 6-year-old daughter, Faith.** Given the narrative, anti-Christian bias and blame displayed on social media after the attack, and considering Planned Parenthood is fundraising off of this tragedy, it should be noted that none of those shot on Friday in Colorado Springs were Planned Parenthood staff or patients.The criminal shooter suffered from long term antisocial issues. Robert Lewis Dear lived in a small cabin in North Carolina with no running water or electricity. Dear bought a plot of land in Hartsel, Colorado and lived in a trailer there, per his neighbor. Via: GWPMeanwhile, Planned Parenthood officials have confirmed none of the people killed in the shooting or 9 victims who were injured were Planned Parenthood abortion clinic staff or patients and authorities have released no motive for the shooter as to whether or not he actually targeted Planned Parenthood.As LifeNews reported, the police officer killed during Friday s shooting at a Colorado Springs Planned Parenthood is pro-life and a co-pastor at his local church. Garrett Swasey, 44, the University of Colorado Colorado Springs police officer who was shot and killed while responding to the shooting and was described by his fellow church members and friends as a courageous man and loving father who drew strength and inspiration from his Christian faith.Dear is being held without bond and will appear in court on Monday.Robert Lewis Dear lived with a woman and two German shepherds in a dilapidated recreational vehicle with no running water, sewer or electricity.Metal scraps litter the 57-year-old man s 5-acre lot near the sparsely populated mountain town of Hartsel, where a few of his neighbors grow marijuana and boast solitary lifestyles. It looks like white-trash living at its finest like a bomb went off and everything was thrown in the air, said his neighbor, Zigmond Post, 45.Those who knew Dear alternately describe him as combative or secretive, occasionally known to spout off politically. He feuded with some neighbors who called the police on him but appeared to others to just be an ordinary, easygoing man.Dear is scheduled to appear in El Paso County Court before 4th Judicial District Chief Judge Gil Martinez in Colorado Springs on Monday morning in connection with the Friday shooting at Planned Parenthood.He lived most of his life in the Carolinas, where he was arrested on charges of domestic violence and being a peeping Tom. He was acquitted twice of cruelty-to-animal charges and was accused of firing a pellet gun at a neighborhood dog.His first wife, Pam Ross, called police in 1997, accusing him of locking her out of their house and shoving her to the ground. She declined to file formal charges, explaining that she wanted her report of abuse on the record. ",left-news,"Nov 29, 2015",0 +COLLEGE CAMPUS SHUTS DOWN Over Comment Made Blaming Minorities For Effort To Remove β€œRacist” Viking Mascot,"This story is so stupid it hurts Students at Western Washington University in Bellingham, WA got an early Thanksgiving holiday. The University President abruptly cancelled all classes early Tuesday morning, shutting down the campus. Why was this extreme action taken, you ask. Was it some sort of terrorist threat or possible mass shooting? Nope, not even close. It seems someone said a mean thing to a black student on a social media site.The Register-Guard reports that President Bruce Shepard sent an urgent e-mail out to all students at 6am Tuesday morning, canceling all classes. The reason given was a racist thread on Yik Yak concerning the school s mascot. I need to be very clear here: we are not talking the merely insulting, rude, offensive commentary that trolls and various other lowlifes seem free to spew, willy nilly, although there has been plenty of that, too. No, this was hate speech, wrote Shepard in the e-mail.Gee, isn t insulting, rude, offensive trolling the very definition of hate speech?While Shepard, and even the reporter covering the story, keep referring to threats being issued against minority students, that doesn t actually appear to be the case.A series of threats against minorities were posted over the weekend on Yik Yak, an anonymous social media platform popular among college students.The posts mentioned almost every ethnic group, including blacks, Muslims, Jews and American Indians, blaming them for an effort on campus to debate changing the university s mascot, a Viking. The threats came days after some student leaders suggested that the mascot is racist. The posts did not mention a specific action against the students.How can it be a threat if it doesn t mention a specific action?Most of the online comments contained racist language and profanity, making fun of the mascot debate and the students who proposed it. One post called black students crying babies and another complimented the school for having an overtly Aryan mascot.Sifting through that noise, you can see that the worst thing posted was that a black person was being a crybaby. That s not even a racist insult. Basically a 15,000-student university was shut down over a very mild flame war.If you think I m leaving something out, feel free to read the source article. I swear that s all there is. Even the cops don t think there is anything to this:Law enforcement officials do not believe there is a threat to general campus security, but Shepard said a threat to any Western student is an attack on the whole college community. The decision to cancel classes was precautionary and to make sure students were safe, he said. The school s Thanksgiving break officially begins Wednesday. With disturbing social media content continuing through early this morning, students of color have advised me of their very genuine, entirely understandable, and heightened fear of being on campus, wrote Shepard. We take the feelings of safety of our students very, very seriously. Oh, I get it now, there wasn t any sort of actual threat, somebody s feelings got hurt. And what were those hurt feelings all about? Well, this:Some students do not believe a white European man is a good representation of their school So it s racist to call someone a baby for not wanting a Viking mascot, but not racist to say a white European man shouldn t represent the school? That makes as much sense as anything else going on here, I guess.Black students don t want a white mascot because they think it s racist and complained about it on social media. White students told them to stop whining, which the black students took as racial hostility. The black students complained to the school that this perceived hostility made them feel unsafe and the gutless President cancelled all classes to placate their irrational fears. Welcome to the Black Lives Matter version of America.Via: DownTrend",left-news,"Nov 28, 2015",0 +OUTRAGEOUS: Top15 Examples Of How Radical We’ve Allowed Our Colleges And Universities To Become,"This is not a war we can expect our children to fight on their own. We are in a war with a leftist academia who has lost sight of why we are paying for our children to attend their schools. We are not paying for our children to sit in a classroom and talk about the evils of capitalism, the plight of the trans-sexual, the injustices of the minority student who is apparently no better off today than the slaves of the 18th century in America. We are not paying for teachers to convince our children that success should be punished or that choosing a heterosexual, monogamous relationship is selfish and short-sighted. We are paying them to give our children a quality education period. And that is what our children deserve How radical, weird and out of touch have liberals on college campuses gotten since Obama came into office? It s worse than you ever thought and although there is an almost unlimited number of problematic incidents to choose from, these 15 are particularly effective at getting across how bad things have become.1) College Students Say Remembering 9/11 Is Offensive to Muslims. The everything-is-offensive brand of campus activism has struck a new low: Students at the University of Minnesota killed a proposed moment of silence for 9/11 victims due to concerns insulting, childish concerns that Muslim students would be offended. 2) Portland State University Offers Course Teaching How to Make Whiteness Strange According to Portland State University Professor Rachel Sanders White Privilege course, whiteness must be dismantled if racial justice will ever be achieved. The course description states that whiteness is the lynchpin of structures of racial meaning and racial inequality in the United States and claims that to preserve whiteness is to preserve racial injustice. Students taking the course will endeavor to make whiteness strange. In order to make whiteness strange, the description says students must interrogate whiteness as an unstable legal, political, social, and cultural construction. 3) A University in the San Francisco Area Actually Told Students To Call 911 if They Were Offended .Administrators at a Catholic university in the San Francisco Bay Area have rescinded an official school policy instructing students to clog up the regional 9-1-1 emergency reporting system to report bias incidents. The school is Santa Clara University, reports Campus Reform Until this month, however, Santa Clara administrators have been instructing students to report bias incidents using the emergency service reserved for dispatching police, firefighters and ambulances. If the bias incident is in progress or just occurred: ALWAYS CALL 911 IMMEDIATELY, the Santa Clara website instructed students in fierce, all-capital letters. Mizzou Police Sent a Campus Wide Email to students during protests: CALL POLICE if someone says something hurtful to you4) Educators in the Volunteer State are very concerned that students might be offended by the usage of traditional pronouns like she, he, him and hers, according to a document from the University of Tennessee Knoxville s Office of Diversity and Inclusion. For all you folks who went to school back when there were only him and her here s a primer: some of the new gender neutral pronouns are ze, hir, zir, xe, xem and xyr. 5) A Professor at Polk State College has allegedly failed a humanities student after she refused to concede that Jesus is a myth or that Christianity oppresses women during a series of mandatory assignments at the Florida college. According to a press release from the Liberty Counsel, a non-profit public interest law firm, Humanities Professor Lance Lj Russum gave a student a zero on four separate papers because the 16-year-old did not conform to his personal worldviews of Marxism, Atheism, Feminism, and homosexuality. The law firm has called for a full, private investigation of the professor and the course curriculum. 6) College Codes Make Color Blindness a Microaggression wait, what? . UCLA says Color Blindness, the idea we shouldn t obsess over people s race, is a microaggression. If you refuse to treat an individual as a racial/cultural being, then you re being aggressive. 7) The phrase politically correct is now a microaggression according to the University of Wisconsin-Milwaukee. The university s Just Words campaign is the work of UWM s Inclusive Excellence Center and aims to raise awareness of microaggressions and their impact microaggressions like politically correct or PC. 8) ) American, illegal alien, foreigners, mothering, and fathering are just a handful of words deemed problematic by the University of New Hampshire s Bias-Free Language Guide .Saying American to reference Americans is also problematic. The guide encourages the use of the more inclusive substitutes U.S. citizen or Resident of the U.S. The guide also tries to get students to stop saying Caucasian, illegal Immigrant, mother, father and even the word healthy is said to shame those who aren t healthy. 9) Late yesterday afternoon, ACLJ filed a lawsuit on behalf of Brandon Jenkins against officials of The Community College of Baltimore County (CCBC) in Maryland for denying Brandon admission to its Radiation Therapy Program in part due to his expression of religious beliefs. As one faculty member explained to Brandon, on behalf of CCBC, the field [of radiation therapy] is not the place for religion. 10) A California school co-founded by a firebrand who once called for an intifada in the U.S. has become the nation s first accredited Muslim college. 11) According to Coastal Carolina University, sex is only consensual if both parties are completely sober and if consent is not only present, but also enthusiastic. This is a troubling standard that converts many ordinary, lawful sexual encounters into sexual assault, and it should frighten any student at CCU. 12) Clemson University apologizes for serving Mexican food Students took to Twitter to call the event culturally insensitive and to question the school s efforts to promote diversity .Clemson Dining issued an apology to offended students after hosting a Maximum Mexican food day. 13) All-Women s College Cancels Vagina Monologues Because it Excludes Women Without Vaginas. 14) The Black Lives Matter leader who landed a teaching gig at Yale University delivered a lecture this week on the historical merits of looting as a form of protest, backing up his lesson with required reading that puts modern-day marauders on par with the patriots behind the Boston Tea Party. 15) Assistant Dean (at Cornell) Tells a Project Veritas Investigative Journalist that the University Would Allow an ISIS Terrorist to Hold a Training Camp on Campus, Saying: It Would be Like Bringing in a Coach to do a Training on a Sports Team.' Watch here:Via: Townhall",left-news,"Nov 28, 2015",0 +HOW THE FBI Cracked A Terror Plot On Black Friday That May Have Been Worse Than 9-11," The U.S. is the great enemy of mankind! raved Ernesto Che Guevara in 1961. Against those hyenas there is no option but extermination. We will bring the war to the imperialist enemies very home, to his places of work and recreation. The imperialist enemy must feel like a hunted animal wherever he moves. Thus we ll destroy him! We must keep our hatred against them (the U.S.) alive and fan it to paroxysms! -Che Guevara, head of Cuba s Foreign Liberation Department, Nov. 17, 1962We have a president who won t tie Islamic terrorists to Islam, has cut a one-sided deal with Iran, as they continue to chant death to America, and has made an open alliance with a communist country who has a long history of hating America. The same country Obama is fighting to normalize relations with, would have committed an unspeakable act of terrorism against us, had our FBI not thwarted their plans. Why the rush to embrace so many nations and leaders who have a long history of wanting to harm us Barry? On the morning of November 17th, 1962, FBI headquarters in Washington D.C. took on all the trappings of a military command post, according to historian William Breuer. The previous night an intelligence puzzle had finally come together. The resulting picture staggered the FBI men. And these had served at their posts during WWII and the height of the Cold War. They d seen plenty. Now they had mere days to foil a crime against their nation to rival Hideki Tojo s.The agents and officers were haggard and red-eyed but seriously wired. Like hawks on a perch they d been watching the plot unfold, sweating bullets the whole time. It was nearing time to swoop down on Fidel Castro and Che Guevara s agents, busy with a terror plot that would have made ISIS drool decades later.Alan Belmont was second to J Edgar Hoover at the time. Raymond Wannall headed the Bureau s Intelligence Division. That nerve-jangling morning both were in Belmont s office just down the hall from Hoover s. Both were burning up the telephone lines to their agents in New York. On one phone they had Special Agent John Malone who ran the New York field office. On other lines they talked with several carloads of FBI agents slinking around Manhattan. These were keeping a touch-and-go, but more or less constant, surveillance on the ringleaders of the Cuban terror plot.Castro s agents had targeted Macy s, Gimbels, Bloomingdales, and Manhattan s Grand Central Station with a dozen incendiary devices and 500 kilos of TNT. The holocaust was set for detonation the following week, on the day after Thanksgiving.A little perspective: For their March 2004 Madrid subway blasts, all 10 of them, that killed and maimed almost 2,000 people, al-Qaeda used a grand total of 100 kilos of TNT. Castro and Che s agents planned to set off five times that explosive power in the three biggest department stores on earth, all packed to suffocation and pulsing with holiday cheer on the year s biggest shopping day. Macy s get s 50,000 shoppers that one day. Thousands of New Yorkers, including women and children actually, given the date and targets, probably mostly women and children were to be incinerated and entombed. ( We greeted each other as old friends, gushed Jimmy Carter when visiting Fidel Castro in 2002.)At the time, the FBI relied heavily on HUMINT (Human Intelligence.) So they d expertly penetrated the plot. One by one the ringleaders were ambushed. The first was named Roberto Santiesteban and he was nabbed while walking down Riverside Drive. As the agents closed in, Santiesteban saw them and took off! And as he ran, Santiesteban was jamming paper in his mouth and chewing furiously.But six FBI agents were after him, all fleet of foot themselves. Finally they closed the ring and triangulated the suspect. Santiesteban fell, raging and cursing, flailing his arms and jabbing his elbows like a maniac. They grabbed his arm and bent it behind his back just as he was reaching for his pistol.While this group got their man, another FBI squad arrested a couple named Elsa Montero and Jose Gomez-Abad as they left their apartment on West 71st Street. The FBI speculated that as many as 30 others might have been in on the plot, but these were the head honchos. Had those detonators gone off, 9/11 might be remembered as the SECOND deadliest terrorist attack on U.S. soil.Some of these plotters belonged to the New York Chapter of the Fair Play for Cuba Committee, an outfit that became MUCH better known a year later on that very week. Incidentally, at the time of the Manhattan terror plot, the Fair Play For Cuba Committee also included among its members, CBS correspondent Robert Taber (an early version of Dan Rather, who conducted Castro s first network television soft-soaping on Aug. 30, 1957), along with The Nation magazine co-owner Alan Sagner. In 1996 President Clinton appointed Alan Sagner head of the Corporation for Public Broadcasting.Terror-plotters Roberto Santiesteban, Elsa Montero and Jose Gomez-Abad belonged to the Castro-Cuban Mission to the U.N. and escaped prosecution by indignantly claiming diplomatic immunity. Via: TownhallIt s hard to imagine any American would ever consider Che Guevara to be a hero And then again, maybe it s not so hard to imagine:Maria Isabel is the campaign volunteer who hung this Che Guevara poster in the Obama campaign office in Houston, TX. She s no low-level volunteer either. She is a campaign precinct captain and the co-chair of the Houston Obama Leadership Team. ",left-news,"Nov 28, 2015",0 +CHICAGO THUGS Watched 9 Yr Old Play On Swings Before Carrying Out His Brutal Murder In Retaliation Against Dad’s Gang,"UPDATE: No #BlackLivesMatter Protests PlannedChicago has no shortage of thugs. What they do have a shortage of is support from the #BlackLivesMatter terrorists and Obama Regime. You don t hear our Community Organizer In Chief running to a microphone every time a young black man or woman is murdered at the hands of another black man or woman. Sadly, it doesn t fit their narrative. This young boy s murder is far more tragic than the plight of the Muslim boy, with a history of discipline issues, who took a fake bomb to school in Texas on 9-11 and was rightly punished for his behavior by school officials. The phony outrage that Obama showed the world over this little fake clock boy s arrest should sicken every American. It is especially disturbing when one considers Obama s deafening silence over the horrific gang violence that plagues his hometown of Chicago. Where were the tweets of outrage from the White House over the loss of this beautiful young boy s life? Crickets On Friday, prosecutors laid out their case against a man accused of murdering 9-year-old Tyshawn Lee on Nov. 2Corey Morgan, 27, of suburban Lansing, was charged in the murder. Police have one other man in custody who has not yet been charged, and a third man, Kevin Edwards, is also wanted in the slaying.Prosecutors say Corey Morgan (left) and Kevin Edwards planned the heinous murder of 9-year-old Tyshawn Lee.Assistant State s Attorney George Canellis said Friday the shooting stemmed from an ongoing feud between Morgan s gang, the BBG (Bang Bang Gang)/Terror Dome faction of the Black P Stones and the Killaward faction of the Gangster Disciples.The feud came to a boil after an Oct. 13 shooting in which Morgan s brother, Tracey Morgan was killed and his mother was wounded. Morgan was so enraged he threatened to shoot grandmas, mamas, kids and all in retaliation, prosecutors said.Tyshawn was hit in his back, forearm and head, and part of his thumb was shot off as if he was raising his hand to block the shots, Canellis said. This murder was committed in a cold, calculated and premeditated manner, Canellis said.Chicago Police Superintendent Garry McCarthy vowed to destroy the group responsible for the boy s brutal murder. They are going to be obliterated, he said. That gang just signed its death warrant. McCarthy did not detail each suspect s role in the shooting. We know that there were three individuals involved in this, he said.Morgan s arrest comes nearly a month after Tyshawn s Nov. 2 shooting death.Police are hunting for Kevin Edwards, also suspected in the shooting.Court documents paint a disturbing picture of the planned attack, explaining that Morgan and his accomplices allegedly saw Tyshawn playing on the swings in a playlot with his basketball beside him. One of the suspects allegedly started dribbling Tyshawn s ball, ultimately luring him into the alley where police say he was executed. Read more on what happened in court Friday here.Tyshawn Lee Case: Cory Morgan ProfferVia: DNAinfochicago",left-news,"Nov 27, 2015",0 +Catholic University Replaces Bathroom Signage To Be More β€œGender Inclusive”,"Diversity first Fordham University recently approved the removal of common restroom signage indicating use for either the male or female sex at one building on the Lincoln Center campus, embracing part of a student-led campaign to make the University more gender inclusive. According to The Fordham Observer, the changes to signs in the Leon Lowenstein building were pushed by The Positive, a student activist group. The restroom signage initiative started during the 2015 spring semester when The Positive reportedly entered into dialogue with Fordham s administration and student government.The Positive s student leader, who identifies as a transgender male (a woman living as a man), told the Observer, Having a restroom I could use without fear was definitely something I wanted. But the student readily noted that this was never about bathrooms this was always about more than that. The Observer reported that new signs were installed in single stall restrooms in the Leon Lowenstein building s third floor. The new signs are void of gender icons, include braille, the latest New York State handicap symbol and simply say restroom. The Positive s goal is not to convert multi-stall bathrooms to gender neutral, but to establish already single stall restrooms as gender inclusive spaces, the Observer reported in April. Our strategy for attaining them right now, in the short-run, includes changing the signage of all single stall bathrooms on campus to be gender inclusive and to work to publicize those spaces. The Positive told the Observer, later adding, This is a proactive and conscientious effort to be gender inclusive. The Cardinal Newman Society reached out to Fordham University to inquire whether the restroom initiative could pose a conflict with Fordham s Catholic identity, but no response was received by time of publication.The Catechism of the Catholic Church states the following about the sexes:Man and woman have been created, which is to say, willed by God: on the one hand, in perfect equality as human persons; on the other, in their respective beings as man and woman. Being man or being woman is a reality which is good and willed by God In their being-man and being-woman, they reflect the Creator s wisdom and goodness.The Observer noted that Fordham s assistant dean and director of the Office of Multicultural Affairs, Juan Carlos Matos, researched what Fordham s peer Jesuit institutions offer in terms of all gender restrooms. They found that the University of San Francisco uses all gender bathroom labeling on single stalled restrooms and Georgetown University has all gender signage on single-stalled bathrooms accompanied by both male and female gender icons and a handicap sign. Of the nation s 28 Jesuit colleges, only six offer gender-neutral bathrooms on their campuses. Five more are rumored to be considering making the change, the Observer reported. The six Jesuit colleges with gender-neutral bathrooms are reportedly Boston College, Fairfield University, Fordham University, Georgetown University, Santa Clara University, the University of San Francisco and the University of Scranton.The University of San Francisco lists gender-neutral bathrooms under the Gender Identity/Expression policy of its Residential Life website. Moreover, the University recently implemented gender-inclusive housing for the 2015-16 school year. It is intended that the gender-inclusive housing option will support S.H.a.R.E. s [Student Housing and Residential Education] mission to create safe, affirming, and inclusive communities by providing options for students of varying identities and preferences, the University housing website reads. Students may apply for the gender-inclusive housing for a variety of reasons, including if they identify as transgender, do not wish to be identified by any sex or gender identity, [or] prefer to live with a roommate of a different gender. The five Jesuit colleges reportedly considering gender-neutral bathrooms are Creighton University, Gonzaga University, Loyola University New Orleans, Marquette University, and St. Joseph s University. The Newman Society has also reported on mounting pressure for gender-neutral bathrooms at Loyola University Chicago.An online PDF of a proposal from Creighton University s Gay-Straight Alliance and Swanson Residence Hall Council claims that incorporating gender-neutral restrooms on campus maintains the Jesuit value of cura personalis and helps to maintain a safe environment for the support, education, and assistance of all students. Via: EAG News ",left-news,"Nov 27, 2015",0 +Murdered Chicago Teen Was Ward Of The State…So Why Did His Mom And Sister Get $5 Million Settlement?,"Absent parent Cashin in McDonald was the teen who was shot by the Chicago officer 16 times, some while he was apparently incapacitated on the ground. His family, namely his mother and sister were paid $5 million in a settlement from the city. But they were not taking care of him, the city effectively was. He was removed from his home at age 5 and grew up in foster homes. One has to wonder was he removed from the home because of the molestation?CHICAGO (CBS) Who was Laquan McDonald? CBS 2 s Dorothy Tucker takes a look at his complicated life from the view of educators and family friends.Yolanda Hoskins speaks affectionately about the Laquan McDonald. He was her son s best friend. Happy and just wanted to be around somebody and feel loved, she said.The 17-year-old she knew liked basketball, tacos and gym shoes, but he also had a troubled past. He was a ward of the state, she said. He was molested too. His death at the hands of a Chicago Police officer who s accused of shooting him 16 times prompted Hoskins to join community activists in a call for justice.There have been questions raised about the failure to release the video earlier and some have accused Rahm Emanuel of holding it back to not hinder his election, and paying the family off. The family apparently was shown the video but did not seek to make it public, in fact, said they would prefer it not to be public as what mother would want to see the execution of her son over and over . As part of the settlement they agreed to keep it confidential.Update:Here s more on the short life of Laquan McDonald. His mother at every point failed him, mother s boyfriend abused him and he had to be removed from the home. And you wonder how he became a druggie and ended up high on PCP? Sure makes me happy his mother got $5 million dollars for how much she failed him Via: Weasel Zippers",left-news,"Nov 27, 2015",0 +NATION OF ISLAM Joins #BlackLivesMatter Terrorists To Shut Down Chicago’s Popular β€œMiracle Mile” On Busiest Shopping Day Of Year [Videos and Photos],"How can it possibly be legal for these terrorists to lock arms and block innocent shoppers from entering these stores? The Miracle Mile, located in the city of Chicago draws tens of thousands of shoppers every year at Christmas time. Imagine the faces of families of every ethnicity when they find out the City of Chicago is allowing these terrorists to prevent them from entering these stores? Roughly 3,000 demonstrators have shut down a large portion of Michigan Avenue in Chicago the Magnificent Mile in the middle of Black Friday, the busiest shopping day of the year, to protest the shooting of black teenager Laquon McDonald.The 17-year-old was killed in October 2014, and was apparently armed with a knife at the time. Video of the shooting released on Tuesday, however, shows that he was walking away from police at the time he was shot 16 times by Officer Jason Van Dyke.Turnout was strong despite 39-degree weather and rainy conditions. Demonstrators shouted 16 shots! and No justice, no shopping! The march started at Michigan and Wacker Drive and began walking north. They include demonstrators from the Nation of Islam, which is marching under the banner of Justice of Else ; RevCom, the Revolutionary Communist Party, and the Rev. Jesse Jackson s Rainbow PUSH coalition.100 Percent FED UP: Here, the terror groups can be seen (without any visible resistance from the police) chanting about shutting down the Apple Store, located on the Miracle Mile:Apple Store on Michigan just locked its doors. #LaquanMcDonald #BlackFriday @TouchVisionTV pic.twitter.com/y97WaHTQVT Lauren Mialki (@laurenmialki) November 27, 2015Shutting down Tiffany's over #LaquanMcDonald ""No diamonds today"" pic.twitter.com/ygHQdLKaUL Kathryn Pensack (@katpen6) November 27, 2015The #LaquanMcDonald protest is on the move, heading north on Michigan Avenue https://t.co/2E4mcauYv0 Whitney Dawn Carlson (@whitneydawn) November 27, 2015And of course, what would a #BlackLivesMatter protest be without pro-communism supporters?Old, White Communists Lead Anti-Cop Protests In Chicago Over McDonald Death: https://t.co/gVpflUqm6M #LaquanMcDonald pic.twitter.com/29PKqhcQ0A The Daily Caller (@DailyCaller) November 27, 2015Yesterday, we shared a story about BLM terrorists attempting to rip down the iconic Christmas tree on Miracle Mile. Click HERE for the full story.The latter group is marching slowly, while the other groups have pushed ahead, effectively taking up five city blocks along Michigan Ave., with hundreds of Chicago Police Department officers lining the streets.Various groups begin marching down Michigan Ave in protest of Mayor @RahmEmanuel s handling of #LaquanMcDonald vid.Various groups begin marching down Michigan Ave in protest of Mayor @RahmEmanuel's handling of #LaquanMcDonald vid. pic.twitter.com/FF0XbYMOZ0 The Chicago Reporter (@ChicagoReporter) November 27, 2015 The Chicago Reporter (@ChicagoReporter) November 27, 2015Protesters are attempting to gain access to major department stores and shopping malls. Police turned them away at the entrance to Water Tower Place, but they continue to try to enter other shopping areas with the intention of blocking commerce from taking place. As of noon, the protesters were walking toward the John Hancock tower.Update 1:00 p.m.: Several stores have been blocked and effectively shut down, including Macy s, H&M, and others over six blocks. Shoppers are either stuck inside the stores or cannot enter. Some shuffle by, as protesters shout at them. Michigan Avenue itself, normally filled with traffic, is empty.)Photo- Lee Stranahan, Breitbart NewsIn conversations with demonstrators, Breitbart News has learned that the groups plan to target the Chicago Board of Trade, one of the world s most important commodities exchanges, in future demonstrations. The aim is to do as much economic damage as possible while drawing attention to perceived racism and abuse by the Chicago Police Department. The police have struggled to manage the city s rise in crime in recent years, and now labor under new suspicions of prejudice and political corruption. Via: Breitbart News ",left-news,"Nov 27, 2015",0 +13 YR OLD BLACK CONSERVATIVE Hammers #BlackLivesMatter College Activists:”Grow Up!” [Video],"The spoiled brats protesting on colleges campuses across America could benefit from a little common sense advice from 13 year old conservative, CJ Pearson Cj Pearson is running for Chairman of the Georgia Teen Republicans. If you live in Georgia, you might consider supporting him.You can also donate to his #StandwittCJ campaign here: https://rally.org/CJPearson ",left-news,"Nov 27, 2015",0 +MATTEL Features Boy In Girly Barbie Commercial…Doing Their Part To Help Letists Blur The Gender Lines [VIDEO],"Newsflash for Mattel, and any other company who is pandering to the Left this Christmas season: God did not create Gender-Neutral beings God made man and woman to be different for a reason Don t mess with God A boy is featured in the latest Barbie commercial for the first time ever. The commercial is receiving widespread praise for upending gender barriers. The ad displays Mattel s new line of Barbie dolls created as part of a partnership with the Italian fashion house Moschino. The dolls sport outfits of black mesh and leather, with edgy golden accessories to match.However, it is not the dolls racy clothing that steals the show, but rather, the mohawked boy playing with the dolls. Moschino Barbie is so fierce, he exclaims to the camera with an exaggerated head roll. This single line is garnering the Barbie boy a huge fan base worldwide.The public now accepts homosexuality and same-sex marriage. But the fight is not over. The offensive to reshape society in even more radical ways pushes forward.An effort is gaining ground to create a world where not just sexual orientation, but sex itself, is a choice. Where boys can be girls and girls can be boys, or something in between. Where people are expected to ignore the biological reality of sex so that all people coexist androgynously, or according to whatever gender suits them at the moment. Where everyone pretends that gender confusion is normal, if not desirable, and anyone who doesn t play along can be punished and silenced.This demonstrates unprecedented contempt for reality and common sense, let alone morality.Think of the implications with respect to public bathrooms, sex-segregated activities, locker rooms, college student housing and countless other areas of human interaction.Does the idea of a boy who thinks he s a girl showering next to your daughter in P.E. class make you uncomfortable? Then you d better brace yourself. This cause is winning critical legal battles and it is starting with our youth.Earlier this month, the California Senate passed a bill saying that throughout K-12 education, a student is permitted to participate in sex-segregated school programs and activities, including athletic teams and competitions, and use facilities [e.g. bathrooms, locker rooms] consistent with his or her gender identity, irrespective of the gender listed on the pupil s records. Gender identity is the terminology these ultrasensitive, morally sophisticated lawmakers use to refer to the sex a person happens to identify with.Last month, a governing body in Colorado ruled that a 6-year-old boy who thinks he s a girl has the right to use the girl s bathroom at his elementary school. The Colorado Division of Civil Rights said that denying him that right creates an environment rife with harassment and is akin to racial segregation.See where this is going? The public majority already agrees that denying same-sex couples the right to marry is exactly like prohibiting interracial marriage. Now, denying someone access to a public bathroom on the basis of biology is just like excluding blacks from white-only facilities.These lawmakers and officials are determined to ensure that these children grow up in a world where sex confusion is welcomed, even encouraged.What about the girl who feels awkward about having a boy walk in while she s using the bathroom? Sorry. She is the one who needs to adjust her thinking not the boy.But there is something far more sinister going on here. Mattel is not just using the ad to connect with little boys who play with Barbie dolls; it is using the ad to smash gender roles.It s no secret that society is moving away from gender-based toys for children. Target is in the process of removing gender-based signs from their toy section, and Hasbro switched to a gender-neutral Easy-Bake Oven a few years ago.The Moschino Barbie commercial is just another step in society s pursuit to radically change social expectations. But is including a boy in a Barbie ad really progress and common sense, as one news source put it? Via: The Trumpet",left-news,"Nov 27, 2015",0 +MARINE ARRESTED FOR Complaining About Government On Facebook Is Suing Government [VIDEO],"This is some pretty surreal stuff In the four years since the start of Operation Vigilant Eagle, the government has steadily ramped up its campaign to silence dissidents, especially those with military backgrounds.The case of 26-year-old decorated Marine Brandon Raub who was targeted because of his Facebook posts, interrogated by government agents about his views on government corruption, arrested with no warning, labeled mentally ill for subscribing to so-called conspiratorial views about the government, detained against his will in a psych ward for standing by his views, and isolated from his family, friends and attorneys is a prime example of the government s war on veterans.Raub s case exposes the seedy underbelly of a governmental system that is targeting Americans especially military veterans for expressing their discontent over America s rapid transition to a police state. Via: Conservative Post ",left-news,"Nov 27, 2015",0 +Obama’s Race War Makes Its Way To His Hometown Of Chicago…Where This Punk Follows His Cop-Hating Lead,"This is insane!WATCH: Protests erupted in Chicago Tuesday night in the wake of first-degree murder charges being brought against a police officer who shot and killed a 17-year-old black man in October 2014.Watch this young punk staring down a cop who is just standing in place defending the protesters. This tough guy has been emboldened by the Barack Obama-Eric Holder race and cop war that was started when Trayvon Martin was killed by White Hispanic George Zimmerman. Thug Michael Brown s death just gave these hate organizer a reason to pass the baton to a whole new group of rioters in another geographic area.Now, one year after a shooting incident that left a young black man dead and a police officer facing first degree murder charges, we see it happening all over again in Obama s hometown of Chicago.Things get pretty heated in this exchange during the Megan Kelly show. This is Obama s legacy. This is how he ll be remembered:// WATCH: Protests erupted in Chicago Tuesday night in the wake of first-degree murder charges being brought against a police officer who shot and killed a 17-year-old black man in October 2014.Posted by The Kelly File on Tuesday, 24 November 2015 As a side note,here are a few interesting crime statistics in Chicago, IL from Jan 1, 2015- Nov. 24, 2015:Click here to see source for the image above. ",left-news,"Nov 25, 2015",0 +NOT KIDDING: Students Are Given Counseling After Seeing A β€œSymbol Of Oppression” On Student’s Laptop,"When did white students become throw away citizens on campuses? White privilege has turned to white shame and outright psychological abuse at the hands of Black Lives Matter terrorists and pathetic excuses for educators University students in Massachusetts who were upset by an image of a Confederate flag sticker on another student s laptop were offered counseling services at Framingham State University.The offer came after the university s chief diversity and inclusion officer, Sean Huddleston, described the display of the small Confederate flag sticker as a bias incident. According to Metrowest Daily News, students filed two bias reports within the past month as a result of a student displaying the flag in some way. The most recent bias incident reported on November 19 was a report of a student having seen a Confederate flag sticker on another student s laptop.In an email to students, Huddleston did not declare a ban on displaying the flag, but claimed that it upsets some students.MRCTV obtained the email in which Huddleston wrote:A student reported a bias incident today, in which the image of the Confederate flag was displayed on a laptop. Many of you may be aware that last month we received a Bias Incident involving two other students for a similar issue. Although related in nature, the two incidents involve separate parties.The FSU Bias Protocol and Response Team has been made aware of the incident, and will meet to determine any measures that may be needed to respond to the incident. Our primary goal continues to be to expeditiously address and resolve incidents of bias that impede our progress toward a welcoming and inclusive campus community. Many see the Confederate flag as an inflammatory symbol of oppression and constant reminder of a dark period in the history of the United States in which slavery was a legal, Huddleston continued, while Others may simply view this flag as a symbol of shared southern heritage and in memory of the Civil War. Huddleston said the flag and other symbols are not condoned by Framingham State University, as they violate the core values of our institution and not considered consistent with our desire to maintain a safe, respectful and welcoming campus community for all. He further described bias incidents as situations that may not rise to the level of a criminal act, but still clearly communicate offensive or derogatory behaviors. Observing that students on campus in general may have suffered a traumatic reaction from seeing an image of the Confederate flag, Huddleston continued, We recognize that bias incidents are upsetting for the entire campus community, but especially for the target(s) and witness(es) of these incidents. It is strongly suggested that anyone impacted by a bias incident find someone to speak with, he wrote.According to FSU campus newspaper The Gatepost, social-media displayed a mixed reaction to Huddleston s email:On the popular anonymous social media app Yik Yak, one student said the Confederate flag controversy was legitimately embarrassing and someone is getting in trouble for such stupid bullshit. Another student disagreed and compared the Confederate flag to the swastika. Adding, That s the issue. In case you were somehow still confused in 2015. One anonymous student posted, Carry a copy of the constitution tomorrow, see how fast the PC police emails fly. Via: Breitbart News ",left-news,"Nov 25, 2015",0 +LIBERAL LUNACY: A Real Tom Turkey You’ll Get A Kick Out Of!,This picture is for anyone who needs proof that liberalism is a mental disorder. The Free Range FoolNothing says Happy Thanksgiving like a liberal tool.Courtesy of PETA,left-news,"Nov 25, 2015",0 +EMBARRASSING: Obama Explains How He Will β€˜Rebuke’ ISIS By Attending Climate Change Summit [VIDEO],"re buke r byo ok/ verb 1. express sharp disapproval or criticism of (someone) because of their behavior or actions.Obama s sharp disapproval of ISIS will have them shaking in their evil boots Very powerful!By now, most of America would rather have a hot poker in the eye than be forced to hear the sound of Barry s incompetent voice, but you just have to listen to this arrogant a*s to believe he actually said this re buke r byo ok/ verb 1. express sharp disapproval or criticism of (someone) because of their behavior or actions.In a joint press conference with France s President Hollande on Tuesday, President Obama took a cue from Brian Williams and focused on the powerful message that we are sending terrorists by not cancelling the climate conference in Paris.Imagine the cold chill wind that in that moment crawled up the spine of every ISIS terrorist with a TV and possibly an aerosol spray can. Like Reagan and Churchill before him, the President has spoken words that will echo through the ages. We will fight them on the beaches, which we re preserving though a combination of initiatives such as emissions reduction and carbon offsets. Stirring.One should keep in mind, this is the same climate conference which is featuring Prince Charles as a keynote speaker. Yes, Prince Charles, who says the conflict in Syria is the fault of climate change.So .. we ll be rebuking terror by focusing on the real threat of climate change and featuring a speaker who blames the battle with ISIS on the weather rather than the terror.Rebuke. I do not think it means what you think it means.Via: Truth Revolt ",left-news,"Nov 25, 2015",0 +FINALLY! Fed Up Princeton Students Fight Back Against Black Lives Matter Terrorists’ Demands,"Take note, these are the kinds of students employers will be falling all over themselves to hire. Lets be honest, these students/terrorists demanding safe spaces in the work place are not going to be very employable, and are likely to find themselves flipping burgers for less than $15/hour A group of sensible Princeton students is standing up to the mob, and demanding that Princeton s president Eisgruber do the same. The whole statement deserves to be seen:The Legislative Committee of the Princeton Open Campus Coalition has sent the following letter to President Eisgruber:Dear President Eisgruber,We write on behalf of the Princeton Open Campus Coalition to request a meeting with you so that we may present our perspectives on the events of recent weeks. We are concerned mainly with the importance of preserving an intellectual culture in which allmembers of the Princeton community feel free to engage in civil discussion and to express their convictions without fear of being subjected to intimidation or abuse. Thanks to recent polls, surveys, and petitions, we have reason to believe that our concerns are shared by a majority of our fellow Princeton undergraduates.Academic discourse consists of reasoned arguments. We simply wish to present our own reasoned arguments and engage you and other senior administrators in dialogue. We will not occupy your office, and, though we respectfully request a minimum of an hour of your time, we will only stay for as long as you wish. We will conduct ourselves in the civil manner that it is our hope to maintain and reinforce as the norm at Princeton.This dialogue is necessary because many students have shared with us that they are afraid to state publicly their opinions on recent events for fear of being vilified, slandered, and subjected to hatred, either by fellow students or faculty. Many who questioned the protest were labeled racist, and black students who expressed disagreement with the protesters were called white sympathizers and were told they were not black. We, the Princeton Open Campus Coalition, refuse to let our peers be intimidated or bullied into silence on these or any important matters.First, we wish to discuss with you the methods employed by protesters. Across the ideological spectrum on campus, many people found the invasion of your office and refusal to leave to be troubling. Admittedly, civil disobedience (and even law-breaking) can sometimes be justified. However, they cannot be justified when channels of advocacy, through fair procedures of decision-making, are fully open, as they are at our University. To adopt these tactics while such procedures for debate and reform are in place is to come dangerously close to the line dividing demonstration from intimidation. It is also a way of seeking an unfair advantage over people with different viewpoints who refuse to resort to such tactics for fear of damaging this institution that they love.Second, we welcome a fair debate about the specific demands that have been made.We oppose efforts to purge (and literally paint over) recognitions of Woodrow Wilson s achievements, including Wilson College, the Woodrow Wilson School of Public and International Affairs, and his mural in Wilcox Dining Hall. As you have noted, Wilson, like all other historical figures, has a mixed legacy. It is not for his contemptible racism, but for his contributions as president of both Princeton and the United States that we honor Wilson. Moreover, if we cease honoring flawed individuals, there will be no names adorning our buildings, no statues decorating our courtyards, and no biographies capable of inspiring future generations.We worry that the proposed distribution requirement will contribute to the politicization of the University and facilitate groupthink. However, we, too, are concerned about diversity in the classroom and offer our own solution to this problem. While we do not wish to impose additional distribution requirements on students for fear of stifling academic exploration, we believe that all students should be encouraged to take courses taught by professors who will challenge their preconceived mindsets. To this end, the University should make every effort to attract outstanding faculty representing a wider range of viewpoints even controversial viewpoints across all departments. Princeton needs more Peter Singers, more Cornel Wests, and more Robert Georges.Similarly, we believe that requiring cultural competency training for faculty threatens to impose orthodoxies on issues about which people of good faith often disagree. As Professor Sergiu Klainerman has observed, it reeks of the reeducation programs to which people in his native Romania were subjected under communist rule.We firmly believe that there should be no space at a university in which any member of the community, student or faculty, is safe from having his or her most cherished and even identity-forming values challenged. It is the very mission of the university to seek truth by subjecting all beliefs to critical, rational scrutiny. While students with a shared interest in studying certain cultures are certainly welcome to live together, we reject University-sponsored separatism in housing. We are all members of the Princeton community. We denounce the notion that our basic interactions with each other should be defined by demographic traits.We hope that you will agree to meet with us. We will be happy to make ourselves available to meet in your office at your earliest convenience. We are also requesting a meeting with the Board of Trustees. For reasons you have articulated in your recent message to the community, there is no time to waste in having these discussions.Unlike their counterparts at other universities, Princeton undergraduates opposed to the curtailment of academic freedom refuse to remain silent out of fear of being slandered. We will not stop fighting for what we believe in.Thank you very much for your consideration. We look forward to your reply.-The Legislative Committee of Princeton Open Campus Coalition Allie Burton 17 Evan Draim 16 Josh Freeman 18 Sofia Gallo 17 Solveig Gold 17 Andy Loo 16 Sebastian Marotta 16 Devon Naftzger 16 Beni Snow 19 Josh Zuckerman 16Via: Powerline Blog",left-news,"Nov 24, 2015",0 +Leftist Media’s Poster Boy For β€œIslamaphobia” Caught At Turkey Border Trying To Join ISIS,"We ll wait for an apology from CAIR and the leftist media who couldn t slap an Islamaphobic label on American citizens fast enough US Muslim Saadiq Long made headlines after he was not allowed to fly to Oklahoma from Qatar to see his ailing mother.Saadiq was on the terror watch list and was not allowed into the country. The left lashed out at government officials arguing that Saadiq was a victim of Islamophobia. Saadiq was arrested earlier this month with his family members trying to get into Syria from Turkey to join ISIS. Will CAIR rally around Saadiq now?CAIR officials greeted Saadiq Long when he arrived in Oklahoma from Qatar.PJ Media reported:A man, who just two years ago was the poster boy for the far-Left media s attacks against the U.S. government s no-fly list for unfairly targeting Muslims, finds himself and several family members sitting in a Turkish prison arrested earlier this month near the Turkey-Syria border as members of an ISIS cell.It s a long way from 2013 when Saadiq Long s cause was being championed by MSNBC s Chris Hayes, Glenn Greenwald, and Mother Jones, and was being represented by the Council on American-Islamic Relations (CAIR) terror front.His story got considerable media attention when his CAIR media representatives here pushed the story that Long wanted to return to his native Oklahoma from his current home in Qatar to visit his ailing mother but couldn t because he was on the TSA s no-fly list. They said his case represented institutional Islamophobia. Long s cause got international attention when Glenn Greenwald published an article at The Guardian saying that Long was effectively exiled from his own country. Kevin Drum of Mother Jones branded it the Kafkaesque World of the No-Fly List. CAIR has 22 article entries related to Long s case on its website.https://twitter.com/laurww/status/668974136207802368After several months of wrangling between his CAIR attorneys and the Department of Homeland Security, Long was temporarily removed from the no-fly list and allowed to return to Oklahoma.Once home, however, he was still subject to FBI surveillance according to claims he made during a press conference with his CAIR handlers. Via: Gateway PunditAfter an incident with local police and the FBI, Long was apparently placed back on the no-fly list, preventing his return to Qatar.That prompted even more outrage from the far-Left media and garnered him an appearance with his CAIR handler on Chris Hayes MSNBC show:Glenn Greenwald used Saadiq Long s MSNBC appearance to get back in on the action:Glenn Greenwald used Saadiq Long s MSNBC appearance to get back in on the action:https://twitter.com/ggreenwald/status/302484198487359490Eventually, Long boarded a bus to Mexico and got on a flight there to return home to Qatar.U.S. and Turkish officials confirmed Long s arrest to PJ Media, saying that he was arrested along with eight others operating along the Turkish-Syrian border. So far, no U.S. media outlet has reported on his arrest.We don t expect them to offer an apology for their reckless and irresponsible pandering to Muslim terrorists..",left-news,"Nov 24, 2015",0 +"Are You A Conservative, Progressive Or Muslim?","Funny but sadly very true!Match A, B and C with Conservative, Progressive or Muslim.Your favorite scent is:A. GunpowderB. PatchouliC. Fresh bloodWhen your sister is raped, you:A. Hunt down the bastard and drag him to the cops.B. Hope the rapist isn t your boyfriend.C. Kill your sister.When a Jewish person steps in front of you, you say:A. Excuse me, sir? B. Typical Zionist! C. Death to Israel! When a Christian steps in front of you, you say:A. After you, brother. B. Typical Christo-fascist! C. Death to infidels! As a concerned parent, you make sure your kids know how to:A. Punch a bully.B. Blame the patriarchal hetero-normative Zionist hegemony for all their problems.C. Stab a Jew or infidel.Your favorite prayer isA. Our FatherB. Oh God, I hope I m not pregnant!C. Allahu akbar!(For guys)When you see an attractive woman on the street, you:A. WhistleB. Wonder if she s a transgenderC. Take her home as a sex slave(For gals)When you see a handsome man at work, you:A. Bring him cookiesB. Bring him up on false sex harassment chargesC. What is work?CAN YOU ADD TO OUR QUIZ? VIA: IOTW ",left-news,"Nov 24, 2015",0 +Why 5 Of The Wealthiest Muslim Nations Refuse To Take A Single Refugee,"Coexist, assimilation, religious tolerance these are all foreign concepts to Muslims immigrants and Muslims living in countries who refuse to offer them refuge in their countries .FIVE OF THE WEALTHIEST MUSLIM COUNTRIES HAVE TAKEN NO SYRIAN REFUGEES IN AT ALL, ARGUING THAT DOING SO WOULD OPEN THEM UP TO THE RISK OF TERRORISM.Lebanon, which has 1.1 million Syrian refugees, shut her borders to the Syrians in June of last year. Jordan, host to another 630,000, followed suit in August last year, preventing more Syrians from abandoning their country.Sherif Elsayid-Ali, Amnesty International s Head of Refugee and Migrants Rights, has slammed their inaction as shameful .He said: The records of Gulf countries is absolutely appalling, in terms of actually showing compassion and sharing the responsibility of this crisis It is a disgrace. Via: Conservative Post",left-news,"Nov 24, 2015",0 +BREAKING: Muslim Clock Boy Family…Give Us $15 Million…Or Else,"Teaching kids all across America that bringing fake bombs to school on 9-11 really pays off Is it possible the radical Muslim family who became famous when their son took a fake bomb to school on 9-11 has discovered the cost of living in Qatar is higher than they anticipated? Or is it possible they just miss being in the spotlight? We re thinking America may have a slightly different attitude about the Muslim clock boy post Paris tragedy You know what they say timing is everything .(pun intended).Give us $15 million or else.That s the demand from the family of the world s most famous clockmaker, Ahmed Mohamed, to the City of Irving and Irving ISD. The city and district were each sent letters on Monday demanding money or else a lawsuit would be filed.The family wants $10 million from the City of Irving and $5 million from Irving ISD for damages it claims Ahmed and the family suffered after the teen was arrested. The family also wants an apology from the two entities.Mohamed, 14, was arrested by Irving police in September after he brought a homemade digital clock to school that was mistaken for a bomb by Irving MacArthur High School faculty. The subsequent fallout made international headlines.Mohamed and his immediately family are now overseas in Qatar and enrolling in school after a foundation has offered to pay for his education. The letter demanding money from the city and district says that the family wants more than anything to come home to Irving.The letter gives both the city and the district 60 days to pay up or else face a lawsuit.City and district officials didn t have any immediate comment on the letter. Via: FOX 4 News",left-news,"Nov 23, 2015",0 +NYC AVIS CAR RENTAL REFUSES To Rent Car To Israeli,"Was this a case of anti-semitism? If it wasn t,why didn t the corporate office make more of an effort to apologize or attempt to make it right for the customer? UPDATE (6:33 pm): This story has been updated to add comment from Avis.On Saturday evening, Dov Bergwerk arrived at the Avis branch on West 76th Street and Broadway. Accompanied by his wife Ruth, the Bergwerks were planning to join friends for dinner in Westchester. Mr. Bergwerk, a senior vice president and general corporate counsel at the Israeli pharmaceutical giant Teva, got out his driver s license, reservation number and Wizard loyalty card he s rented from Avis dozens of times before and anticipated the usual smooth transition into a nondescript mid-sized sedan.That s when the trouble started.A reservation agent named Angelline declined to honor Mr. Bergwerk s reservation, saying that it was company policy not to recognize Israeli documents. Stunned, Mr. Bergwerk explained that he had rented from Avis many times, including a car from that very same office on Thursday, November 19 only two days earlier.Mr. Bergwerk asked Angelline to access the profile attached to his Wizard card, which shows that he is an executive at a giant multinational company who has no regulatory issues and has rented from Avis, including at that very branch, many times without incident. She refused. They argued.Eventually, a manager was called. Shamoura took the side of her reservation agent, also refusing to honor Mr. Bergwerk s reservation or recognize his documents. Stunned and stranded on a Saturday night in New York, Mr. Bergwerk called the Avis main number and got through to customer service. The representative confirmed to him that the Israeli license was an acceptable form of ID and also mentioned that he could show his passport to ameliorate any ID concerns the on-site employees had. Mr. Bergwerk put the customer service representative on the phone with Shamoura, the branch manager, and at this point the story evolved. She now claimed that she was declining to rent the Bergwerks a car not because of the insufficient documents but because Mr. Bergwerk had argued about the way I was being treated in front of other customers, according to Mr. Bergwerk.The Observer asked Mr. Bergwerk if he felt that, in the heart of Manhattan s progressive activist community, he was being singled out for being an Israeli. While no direct reference was made to being anti Israel, that was my impression almost from the initial moment I presented my license and credit card as I have done over 15 years of business and leisure travel without ever being challenged. The agent stated that the Israeli license did not have the required info in English. I tried to demonstrate that the license had all the required info but she and the manager had no interest. Similarly, the fact that I have had many rentals at Avis and at this location was dismissed as having been done by new employees. New Jersey based Avis, owned by the Avis Budget Group (which also owns Budget Rent a Car and Zipcar), is one of the largest car rental companies in the world, with almost 5500 locations in 165 countries. Almost nine hours after being asked for comment, Avis got back to the Observer with a statement, surprisingly doubling down on the behavior of its employees. The company declined to attribute the statement to any individual, and even the email address is a disembodied Avis Budget CORP Communications. According to Avis, On Friday, a customer seeking to rent a car from Avis Car Rental in Manhattan was not allowed to do so because he failed to provide the required documentation. Visitors to the U.S. from other countries must provide both a valid drivers license from their country of residence as well as either a valid International Drivers License or passport in order to rent from Avis. We are aggressively investigating the customer s allegations regarding the handling of this matter, as we do not tolerate any form of discrimination. So far, our ongoing investigation suggests that this customer is unfairly maligning us with unfounded allegations. Ruth Bergwerk confirmed her husband s version of events, telling the Observer, Of course it was embarrassing. They wouldn t even open our reservation and see that we have an Avis Wizard number or that we had rented a car from the same location two days before. There was no way they would rent a car with that license. There was no way to reason with them. According to both Mr. and Ms. Bergwerk, Angelline and Shamoura would not even provide their last names or employee ID numbers. Observer reporting confirmed that the manager is Shamoura Welch-Robinson, who has worked for Avis since April 2014, according to her LinkedIn page.Mr. Bergwerk said, I felt that something very ugly was going on. Discriminated against. When you deny someone a service and they present the ability to pay for that service and they dismiss you like your money isn t good here, it s very demeaning. The Israeli government provides a list of countries that recognize an Israel Driving License; as a close ally, the US has among the most generous policies and even Turkey and Singapore do so. Meanwhile, the Bergwerks never made it to Westchester last night. In something short of a tragedy but with ominous overtones for those carrying Israeli documents according to Ms. Bergwerk, Our plans for the evening were ruined. Via: Observer",left-news,"Nov 23, 2015",0 +SNIVELING COWARDS AT CNN Caught Editing Trump Tape With β€œMuslim” Comments [VIDEO],"If the Republican Party really cared about winning this race, they d cancel the upcoming debate with CNN. The only logical reason for the GOP establishment to agree to allow CNN to host the next debate would be if they were working behind the scenes with CNN to take Trump out. But the RNC wouldn t do that would they? Left-wing cable news network CNN has been caught red-handed selectively editing Republican presidential frontrunner Donald Trump s comments about a Muslim registry, and doing so in order to make it sound as though he is agreeing to this registry. He is not.The edited video is yet another lying log on the left-wing garbage fire that is CNN, and yet in just three weeks, this very same garbage fire is hosting the next Republican presidential debate!What exactly does CNN have to do in order to lose its right to depose these candidates for two hours in front of the whole world? If CNN is already maliciously editing video to take out out the frontrunner, I don t even want to speculate.Courtesy of Gateway Pundit, watch the CNN video. Pay special attention to the sneaky edit just before Trump says absolutely :The left-wing liars at CNN have intentionally edited the video to make it look as though Trump said absolutely to a Muslim registry. What CNN edited out is in bold:Reporter: Should there be a database system that tracks Muslims who are in this country?Trump: There should be a lot of systems, beyond databases. We should have a lot of systems, and today you can do it. But right now we need to have a border, we have to have strength, we have to have a wall, and we cannot let what s happening to this country happen any longer.Reporter: Is that something your White House would like to implement?Donald Trump: I would certainly implement that. Absolutely.Trump s absolutely is clearly in reference to strengthening the border. Look at the whole transcript. When the NBC News reporter asks, Is that something your White House would like to implement?, Trump has just talked about fortifying the border and obviously believes that is what the NBC reporter is referring to.CNN edited that out!It is time for Reince Priebus and the Republican Party to stand up these left-wing hit squads disguising themselves as journalists.CNN should not be allowed within a country mile of a GOP debate.How many more warning signs does the Republican Party need to realize that this is a suicide mission?Do we want to win in 2016, or not?Via: Breitbart News",left-news,"Nov 22, 2015",0 +WOW! DEMOCRATS Offer Tips On How To Convince Friends Christians Are More Likely To Commit Acts Of Terrorism Than Muslims,"When we found this insane article on the Occupy Democrats website, it had over 500,000 shares. Obviously, making the case against Christians being more likely to commit terrorism while defending terrorism by Muslims is of utmost interest to the Democrat party. We have gone through each and every example of Christian terrorism they have given and dispelled every single one of them. Please make sure you share this article with everyone you know. We are in an emotional propaganda war with the Left and we will not win if we don t fight back with the facts. The outpouring of blatant Islamophobia and barely disguised racism coming from the right-wing in the wake of the Paris attacks is utterly despicable. Every time one of these attacks happen, conservatives insist on blaming the world s 1.6 billion Muslims for their complicity, even though the majority of terrorist attacks are carried out against Muslim. American far right-wingers like Sen. Ted Cruz (R-TX) are calling for religious profiling of incoming refugees, because somehow being a Christian automatically removes the risk of terrorism even though Christian right-wing terrorists in America have killed more people since 9/11 than Muslim terrorists have.Republican presidential candidate Mike Huckabee even had the sheer gall to tell conservative blowhard Joe Scarborough that I don t know of any other group of people uniquely that are targeting innocent civilians and committing these acts of mayhem. Warmonger (from the party who has kept us at war with the same countries we were fighting with, and added a few since Obama took office) and avowed (avowed?) bigot (bigot?) Ted Cruz said that there is no meaningful risk of Christians committing acts of terror. If there were a group of radical Christians pledging to murder anyone who had a different religious view than they, we would have a different national security situation. Since both grifters seem to have severe selective memory problems, let s take a look at the worst Christian terrorist attacks that our own citizens have perpetrated within our borders.1. The Knoxville Unitarian Universalist Church ShootingOne of Adkisson s former wives was a member of the church he attacked. Following his heinous attack of the church members, he had this to say about the attack in his manifesto (Please note, there is never any mention of RELIGION in his reasoning for the attack. His attack was about punishing Democrats (liberals) for destroying America: Adkisson stated that he had targeted the church because of its liberal teachings and his belief that all liberals should be killed because they were ruining the country, and that he felt that the Democrats had tied his country s hands in the war on terror and they had ruined every institution in America with the aid of major media outlets. Adkisson made statements that because he could not get to the leaders of the liberal movement that he would then target those that had voted them into office. Adkisson stated that he had held these beliefs for about the last ten years. Adkisson s manifesto[10] also cited the inability to find a job, and that his food stamps were being cut. Here is a screen shot of his manifesto listing all 3 reasons he committed this horrible crime against innocent people. We are not condoning his behavior, we are simply exposing the lies of this Democrat publication who would attempt to frame this act of violence as being motivated by Christianity:Jim David Adkisson, a devout Christian and anti-abortion right-winger, walked into a Knoxville church on July 27th, 2008, and began firing a shotgun at children who were performing Annie Jr. He killed two and wounded seven, targeting the church because of its liberal teachings and his belief that all liberals should be killed because they were ruining the country. 2. The Campaign of Terror Against Abortion DoctorsThis article references the well-known case of abortionist killer, Scott Roeder. We d like to set the record straight about how desire to take the life of abortionist, George Tiller was really about workplace violence and had NOTHING to do with Christianity.Abortion lovers were clearly salivating when word got out that a man walked into George Tiller The Killer s former abortion facility with a bomb in his backpack earlier this week. It turns out that, in fact, the guy was looking for a job, like so many Americans under Obamistake. He wanted to be a canvasser for Live Fetal Organ Dispensary Inc., otherwise known as Planned Parenthood.The media-reported bomb was, in fact, a pill bottle-sized firework. No one was harmed, thank God, but the incident is just one of a too-long string of MSM bigotry against conservatives.In 1993, Dr. Richard Gunn was shot dead by an anti-abortion protester. In 1994, Drs. John Britton and James Barrett were shot to death by Reverend Paul Jennings. In 1998, Dr. Barnett Sleipan was shot dead in his home by a Christian terrorist. In 2009, Dr. George Tiller was shot by Scott Roeder in a church. The ability for Christian right-wingers to justify cold-blooded murder in the name of their pro-life beliefs is a colossal hypocrisy worthy of a terrorist group like ISIS. According to the National Abortion Federation, there have been 17 attempted murders, 383 death threats, 153 incidents of assault or battery, 13 wounded, 100 butyric acid attacks, 373 physical invasions, 41 bombings, 655 anthrax threats, and 3 kidnappings committed against abortion providers since 1977. Terrorist groups like the Taliban and ISIS are very fond of acid attacks and chemical weapons like anthrax; apparently Christian right-wing terrorists share that same preference.3. The 1995 Oklahoma City Bombings(Note, there is no mention of Christianity in McVeigh s explanation of why he bombed the Murrah Fed Building.)In Timothy McVeigh s own words:I explain herein why I bombed the Murrah Federal Building in Oklahoma City. I explain this not for publicity, nor seeking to win and argument of right or wrong. I explain so that the record is clear as to my thinking and motivations in bombing a government installation. I chose to bomb a federal building because such an action served more purposes than other options. Foremost, the bombing was a retaliatory strike; a counter attack, for the cumulative raids (and subsequent violence and damage) that federal agents had participated in over the preceding years (including, but not limited to, Waco.) From the formation of such units as the FBI s Hostage Rescue and other assault teams amongst federal agencies during the 80 s; culminating in the Waco incident, federal actions grew increasingly militaristic and violent, to the point where at Waco, our government like the Chinese was deploying tanks against its own citizens.Knowledge of these multiple and ever-more aggressive raids across the country constituted an identifiable pattern of conduct within and by the federal government and amongst its various agencies. (see enclosed) For all intents and purposes, federal agents had become soldiers (using military training, tactics, techniques, equipment, language, dress, organization, and mindset) and they were escalating their behavior. Therefore, this bombing was also meant as a pre-emptive (or pro-active) strike against these forces and their command and control centers within the federal building. When an aggressor force continually launches attacks from a particular base of operation, it is sound military strategy to take the fight to the enemy.Additionally, borrowing a page from U.S. foreign policy, I decided to send a message to a government that was becoming increasingly hostile, by bombing a government building and the government employees within that building who represent that government. Bombing the Murrah Federal Building was morally and strategically equivalent to the U.S. hitting a government building in Serbia, Iraq, or other nations. (see enclosed) Based on observations of the policies of my own government, I viewed this action as an acceptable option. From this perspective, what occurred in Oklahoma City was no different than what Americans rain on the heads of others all the time, and subsequently, my mindset was and is one of the clinical detachment. (the bombing of the Murrah building was not personal , no more than when Air Force, Army, Navy, or Marine personnel bomb or launch cruise missiles against government installations and their personnel.)I hope that this clarification amply addresses your question.Sincerely, Timothy J. McVeigh USP Terre Haute (IN)Timothy McVeigh, America s most notorious domestic terrorist, was obsessed with the Seventh-Day Aventist splinter group known as the Branch Davidians, who resisted an ATF raid on their citadel at Mount Carmel in 1993. He travelled to Waco, Texas during the Waco Siege and heavily supported the religious extremists within it. Two years later, he detonated a fertilizer bomb at the Alfred P. Murrah Federal Building in Oklahoma City, killing a hundred and sixty-eight people, including nineteen children, and wounded 648 others. This Christian specifically targeted innocent civilians and committed horrific acts of violence to make his political point heard something Mr. Huckabee believes he should be incapable of, since he s not a Muslim.4. Everything The Ku Klux Klan Has Ever Done(The KKK was not founded on Christian principles and actually changed their focus in the second wave of the KKK to addressing the supposed threat of the Catholic Church, using anti-Catholicism and nativism. Its appeal was directed exclusively at white Protestants; it opposed Jews, blacks, Catholics, and newly arriving Southern European groups such as Italians.)Since its creation after the American Civil War, the Ku Klux Klan has been terrorizing Americans in the name of Protestantism and racial purity. Known for their terrifying costumes and hoods, they wrought have fear and violence against blacks, Jews, immigrants, gays, and Catholics for hundreds of years, responsible for countless massacres, lynchings, rapes, and bombings that have killed thousands. In the modern day, it still has a membership of 5,000 to 8,000 terrorists that operate in individual chapters. Just two weeks ago, Frazier Glenn Cross, the leader of the Carolina Knights of the KKK, was sentenced to death by lethal injection for murdering a fourteen year old girl and two seniors outside the Overland Park Jewish Community Center in Kansas City. The man gave the Hitler salute during his trial and declared that Jews are destroying the white race. None of his victims were Jewish.5. The Massacre At Zion Emmanuel AME Church in Charleston, S.C.(Maybe we missed it, but as far as we can tell, this attack had nothing to do with the attacker being a Christian. Liberal logic however, makes it okay to blame this heinous act on Christianity even though the VICTIMS were the CHRISTIANS in this case.)On Wednesday, June 17th of this year, a man rose from a pew in the historically black Emanuel AME Church in Charleston, SC, and opened fire with a .45 caliber pistol, killing nine worshipers, including pastor and State Senator Clementa Pickiney. The shooter has been photographed wearing patches representing the racist apartheid regimes in Southwest Africa, had a Confederate license plate on his vehicle. All signs points to this being a hate crime- not only is it the oldest black church in the South, it was a symbol of resistance against slavery, and a survivor reported that the shooter yelled I have to do it. You rape our women and you re taking over our country. And you have to go. Roof was a member of a local Lutheran church, yet somehow his baptism didn t prevent him from gunning down innocent people in a house of worship, defiling a sacred place with hate and murder.So the next time one of your conservative friends tries to school you on the evils of Islam, just name a couple items from this list. The rampant xenophobia that has taken hold of the Republican Party is an affront to everything this nation stands for. Terrorism spawns from the desperation of humankind, and for that, we are all guilty.The original article was published by Occupy Democrats on November 17, 2015 and is titled: The Top Five Attacks On America Committed By Christian Terrorists, Not Muslims ",left-news,"Nov 22, 2015",0 +β€œWhite Student Union” Forms Facebook Page To Organize Against #BlackLivesMatter Terrorists On Campus…University Asks Facebook To Remove β€œOffensive” Page,"This Barack Obama-Eric Holder inspired anti-American, anti-White movement is not just about marginalizing White people and demanding they assume a position of shame for a crime they never committed, it s about taking America down a few notches. It s about anti-law enforcement, anti-military, anti-corporation (that won t stop these terrorists from applying for jobs at one of these corporations or businesses run by the capitalist pigs they despise) anti-freedom of speech it s about anarchy. It s about time someone turned the tables on them and called these entitled brats out for behaving like domestic terrorists. Watch the most recent Black Lives Matter protest at the University of Illinois Urbana Champagne here, on The Office of Inclusion & Intercultural Relations Twitter page :Happening now: Black Student Solidarity Rally on the Main Quad #blackstudentrallyuiuc pic.twitter.com/uG1wCV0Bio OIIR at Illinois (@OIIR_Illinois) November 18, 2015At the University of Illinois at Urbana-Champaign, somebody (still anonymous at this point, apparently) put up a Facebook page announcing the proposed formation of a White Student Union which purports to specifically counter the activities of Black Lives Matter demonstrations on campus. Needless to say, this is going to set some people s hair on fire. (Washington Post)A Facebook page ostensibly created for an audience at the University of Illinois at Urbana-Champaign called Illini White Students Union has drawn fire after it characterized the national Black Lives Matter movement as terrorism. Created Wednesday after a protest sympathetic to Black Lives Matter, the page declared itself for white students of University of Illinois to be able to form a community and discuss our own issues as well as be able to organize against the terrorism we have been facing from Black Lives Matter activists on campus, as the Daily Illini reported.Click HERE to see the Facebook page.The page did not last long in its original incarnation, but was taken down after three hours. It has since been revived here. First, it s important to note that as long as the author or authors remain anonymous and don t come forward with an actual proposal on campus, this may all be vaporware. But with that said, it might also light off a discussion of the bizarre constructs of racism and perceived racism on America s college campuses as well as the limits of free speech and tolerance. The conversation if it takes place is likely to be fairly one sided. The university already weighed in with their official line, as put forward by campus spokeswoman Robin Kaler. It is disturbing and cowardly that someone would create an anonymous and senseless social media page specifically designed to intimidate others, including and especially our students. When we became aware of the page, we immediately contacted Facebook and requested that it be removed, Kaler said in an email. Facebook has been responsive to our requests, but the page continues to be reposted. We are continuing to work with Facebook to address this matter. We recognize that passions run deep on all sides of many issues, but actions like this are senseless and hurtful and do nothing to foster meaningful dialogue. Meanwhile, here are some of the racist and threatening tweets that were posted to the Office of Inclusion & Intercultural Relations, University Of Illinois Urbana Champagne twitter page, supposedly featuring scenes from their protests: Expect Resistance UIUC pic.twitter.com/L5oI5CslKi sarki (@__saada) November 18, 2015 Destroy White Supremacy Nothing to see here move along https://twitter.com/monica_alveezy/status/667057830000627712Wouldn t it just be easier to hold up a sign that says Everyone but White lives matter? Intersectionality being spoken of right now. #uiuc #UIUCStandsWithMizzou #BlackLivesMatter #BlackTransLivesMatter pic.twitter.com/1PzGKodpK0 Leah Robberts-Mosser (@revlkrm) November 18, 2015And last, but certainly not least White Apathy Kills. #BlackStudentRallyUIUC #BlackStudentsMatter#UIUCStandsWithMizzo#BeingBlackAtIllinois #chambana #uiuc pic.twitter.com/01WcCKwopI Jeff Putney (@Edorbz) November 18, 2015Yeah but those darn White kids Is there a need for some sort of White Student Union? I m sure we could have a debate about that which would drag on for years. In a more existential sense, one might argue that there are problems unique to white students, such as quota systems which undermine merit based acceptance rates or the availability of certain grants and loan programs which are race based and exclude large numbers of people from consideration. But on a day to day basis, complaining that white students are somehow discriminated against by university policy is a bit of a stretch and could set such a hypothetical student union up for ridicule, if not failure, because of the accepted conventional wisdom.But that s really the point here, isn t it? Why is it always accepted that the existence of a black student union or an Asian student union or one for women, Jews, Muslims or anyone else is the routine business of the day, but the suggestion of a white student union is immediately painted as abhorrent? Even if you re making the argument that it s simply not needed then you have to show us why that s a disqualifying factor. A football team isn t needed either if the goal of a university is to educate young minds and prepare them for the adult world, but pretty much every college in America has one.Then there s the question of Black Lives Matter, which seemed to spur this proposal whether it be fake or real. The creators of the supposed White Student Union overplay their hand considerably when their opening gambit is to label BLM as terrorists but the underlying text voices complaints about constant disruptions to studies and the normal affairs of campus life. Is that an unreasonable charge? As we ve seen with BLM protests all over the country, their primary goal is disruption of white spaces. (Their phrasing, not mine.) Should the campus be regularly disrupted when there are students there who are paying large sums of money to get an education, a degree and hopefully a shot at a good career?But perhaps the most challenging prospect of a discussion over a proposal like this would be to have everyone look in the mirror and ask themselves why we focus so heavily on segregating ourselves into all of these demographic pigeonholes to begin with. Rather than asking if we should ban a White Student Union, perhaps someone could ask why colleges encourage all of these other student groups based on race, gender and religion. Wasn t the goal to have a unified, color-blind society, free of discrimination based on all of these qualifiers? And if we must insist on segregated pride, perhaps it s also worth asking why anything organized with the word white in it is immediately defined as racist and evil when no other qualifier is treated in that fashion. Via: HotAir ",left-news,"Nov 21, 2015",0 +YALE Will Tack New Fee Onto Already Outrageous Tuition Costs To Help Fight Phony Climate Change,"It s amazing the sheep mentality of students attending a school that should be promoting individual thought and encouraging students to not buy into propaganda without first exploring the facts.The price of carbon dioxide emissions could be the next thing to drive up the cost of a university education, as Ivy Leaguers at Yale plan to set precedent by becoming the first school in the U.S. to enact a campus-wide carbon charge after signing a pledge at the White House earlier this week.More than 200 universities attended a White House climate change summit Thursday to sign a pledge on taking steps to transition to a low-carbon economy and reduce the effects of global warming. Many scientists blame greenhouse gas emissions, primarily carbon dioxide, for raising the Earth s temperature, causing more severe weather, droughts and coastal flooding.President Obama has been enlisting academic institutions and businesses to reduce their carbon emissions in the runup to a major United Nations climate conference in Paris Nov. 30. Obama intends to agree to a deal there that would commit the U.S. to reducing its emissions 26-28 percent by 2030.Thursday s pledge reads: Today our school pledges to accelerate the transition to low-carbon energy while enhancing sustainable and resilient practices across our campuses. Although it does not obligate campuses to enact so-called carbon charges, Yale University has chosen to begin testing out the idea this year.On Friday, Yale said the pledge renews the university s commitment to maintaining a leadership role on climate change. It notes that in 2005, the university established itself as a global leader for climate change action with an aggressive target of reducing greenhouse gases by 43 percent by 2020. And to that end, it announced a series of practices that includes the launch of a campus-wide, internal carbon charge experiment. Based on a report issued earlier this year by Yale, the charge appears to be derived from an economic model the White House has developed called the social cost of carbon metric. Republicans have criticized the administration s use of the metric in creating costly regulations to reduce emissions, saying the White House has not been transparent in the creation of the metric. In September 2014, Yale convened the Presidential Carbon Charge Task Force to consider whether it would be feasible and effective to institute a university-wide carbon charge, the university said. Based on the task force s recommendation, and consistent with Yale s policy of leading by example on sustainability, Yale will soon announce a campus-wide plan for testing internal carbon charge mechanisms. The task force said Yale would implement a pilot project on carbon pricing. The task force s report said the charge on carbon dioxide emissions would provide incentives for decision makers to reduce reliance on carbon-intensive activities. Via: Washington Examiner",left-news,"Nov 21, 2015",1 +DISNEY OWNED ABC SHOW β€œScandal” Shows Actress Having Abortion While β€œSilent Night” Plays And Narrator Says: β€œFamily doesn’t complete you…it destroys you” [VIDEO] UPDATE: β€˜Scandal’ Producer Sits On Planned Parenthood Board," Family doesn t complete you it destroys you? Wow way to promote families Disney There s nothing like a one-hour promotion of Planned Parenthood (baby parts harvester for profit) from the corporation who owes their success to live children. Anyone who supports the Disney Corporation should be asking them how they can market their amusement parks to live children, calling their parks the The happiest place on earth, when they openly glorify the killing of children on national TV? Feel free to leave a comment by clicking this LINKWell, now that we ve gotten that out the way, we thought you might like to know who produces the show, Scandal:The Planned Parenthood abortion business ultimately praised the episode and actors on the show defended the decision to show the killing of an unborn baby in an abortion during the Christmas song.That the abortion giant loved the episode is no surprise given its content, but it s also no surprise since Scandal s creator and producer is on the board of directors of one of its affiliates. As LifeNews blogger Ryan Bomberger pointed out on Twitter, Scandal creator Shonda Rimes sits on the baord of Planned Parenthood Los Angeles: The abortion episode was a natural for Rhimes: she previously showed her fondness for abortion by featuring it in her hit show, Grey s Anatomy. In real life, she sits on the board of Planned Parenthood s Los Angeles affiliate; this is a curious decision for a black woman the organization was founded on racist principles, Donohue continued. Why the need to play Silent Night while the kid is killed? Rhimes is angry it s payback time. She went to a Catholic high school where she was disciplined for wearing too-short skirts. She never got over it. Hence, her juvenile rebelliousness. The composite picture isn t pretty it s a mess, he said.Rhimes has three daughters and no husband and she talked about that in an interview. I have never wanted to get married. I love having boyfriends. I love dating. I do not want a husband in my house, she said.Rhimes is no stranger to popular television programs. She is the is the creator and currently executive producer and head writer of Grey s Anatomy and Rhimes created and produced the Grey s Anatomy spin-off series Private Practice Then, in 2011, ABC ordered Rhimes s pilot script Scandal to series. Unfortunately, it appears Rhimes is committed to pushing her pro-abortion agenda in them.In an interview with Time last year, Rhimes said that televisions shows should tackle abortion because it is a polarizing issue: Because it is such a hot button issue, because people are debating it, it should be discussed. And I m not sure why it s not being discussed. ACTION: Click here to tell ABC to stop promoting abortion.Thursday night s episode of Shonda Rhimes s ABC series Scandal was an hour-long advertisement for Planned Parenthood so much so that the organization released a statement praising Rhimes and the episode immediately after it aired.In the fifth-season episode, titled Baby, It s Cold Outside, main character Olivia Pope (Kerry Washington), wife of the Republican U.S. President, undergoes an abortion while the Christmas hymn Silent Night plays in the background. Concurrently, Republican Senator Mellie Grant (Bellamy Young) successfully filibusters a bill that would defund Planned Parenthood, allowing it to keep its funding.https://youtu.be/vnd7OxpRxN8The episode was so overtly pro-Planned Parenthood that the organization issued a statement immediately after it aired to praise Rhimes and the show for proving that when women are telling our stories, the world will pause and watch :Tonight, the millions of people who tune into Scandal every Thursday night learned that our rights to reproductive health care are under attack. Never one to shy away from critical issues, Shonda Rhimes used her platform to tell the world that if Planned Parenthood lost funding for contraception counseling, STI testing, cancer screenings, and safe, legal abortion millions of people would suffer. And this episode wasn t the first time one of Rhimes characters had an abortion, yet tonight we saw one of our favorite characters make the deeply personal decision that one in three women have made in their lifetime. We applaud Shonda Rhimes tonight and every Thursday night for proving that when women are telling our stories, the world will pause and watch. We just hope those in Congress and throughout the nation who are steadfast on rolling the clock back on reproductive health care access are taking note.After getting the abortion, Olivia returns to the White House, where she sips on some red wine while the classical piece Ave Maria plays in the background.In its own statement, Media Research Center blasted the episode:Hollywood s liberal values permeate movies and television. Last night s episode of ABC s Scandal was pretty much an hour-long advertisement for Planned Parenthood. In the most disturbing scene, the main character has an abortion to Silent Night (a hymn celebrating the birth of Jesus) playing in the background. This is Hollywood s moral depravity on full display.#IStandWithMellie #IStandWithPlannedParenthood kerry washington (@kerrywashington) November 20, 2015Actress Kerry Washington tweeted her support of Planned Parenthood last night, using the hashtags #IStandWithPlannedParenthood and #IStandWithMellie, in reference to Bellamy Young s character who was filibustering in the Senate against defunding Planned Parenthood.Via: Breitbart News",left-news,"Nov 20, 2015",0 +THE WORLD SHOULD BE OUTRAGED By Sweden’s Reward System For Returning Jihadists,"So Sweden basically wants to ensure Muslims returning from raping and beheading innocent people overseas, that the government will help them find a job and receive psychological counseling. The trauma they must be experiencing after committing Jihad against so many innocent people must be overwhelming You just can t make these things up The Swedish capital of Stockholm has released its new policy document for dealing with ISIS fighters returning to the city after having had their fill of rape and beheadings of civilians. At first blush it seems strange that such a document would be all of 9 pages.I mean, Shoot! should only take up one page, even with a large font.Oh well, let s see how Stockholm intends to handle terrorist-trained and combat-hardened fanatics. Here are a few translated highlights to capture the gist of things: Post-perspective: When a person wishes to leave a violent extremist grouping or coming home from combat overseas, it is crucial to provide customized inclusion efforts. Even then, it is important to have a local cooperation between various actors. Voluntary organizations can provide targeted support and advice. Even faith communities working with advice, but also psychosocial support.When it comes to people who participated in combat there is likely to be great need of health efforts. Therefore, it is important to establish cooperation between social services, social psychiatry and drug units, as well as health centers and psychiatric services (trauma, PTSD, etc.)When it comes to security, it is important that cooperation between social services, income support, employment and other efforts by the Labour Department, as well as assistance with job placement.Finally, the accommodation issue is a prerequisite that must work. Therefore, cooperative housing companies needs to be included in the post-perspective. To summarize: The city of Stockholm will make it a priority to provide the returning ISIS fighters with housing, free health care (physical and mental) and full financial support, until they have received earmarked jobs. All this of course fast-tracked past the line of law-abiding immigrants and indigenous Swedes.Since they now provide all the recruitment incentives for joining ISIS, the only thing missing is a city-run recruitment office. Oh, wait. That would the Employment Office, where it was recently revealed that tax-paid clerks were recruiting for ISIS. Sorry, my mistake!Then it s time to make proactive efforts to discourage radicalization. The solution, the city concludes, is to pour tax money into muslim organizations already in contact with the at-risk persons: Support to associations and other stakeholders locally There are examples of local actors which can contribute to efforts locally. For example, the Islamic Association and the mosque in Rinkeby-Kista has initiated education for interested parents and youths in the J rva area. It is very important to support such local initiatives. It is also important to involve local associations, some of which have contact with residents that the authorities do not come into contact with. As journalist and blogger Per Gudmundson points out, the Islamic Association of Sweden is a remarkably poor choice for fighting Jihad since it is the Swedish branch of the Muslim Brotherhood. Their official motto reads: Allah is our goal, the prophet is our leader, the quran is our law, Jihad is our way, and death for the honor of Allah is our greatest desire! Gudmundson notes that they are in active combat in Syria at the moment, in coalition with Jabhat al-Nusrah which is a branch of al-Qaida. Via: The Sweden Report",left-news,"Nov 20, 2015",0 +BIG FAT LIE Being Told By Lefty Media About Trump Wanting To Register Muslims…He NEVER Said That!,"I just happened to be listening to Rush today and want to pass this on to everyone. Please share this and stop the false story being reported to try and bring down Trump. It s bad enough that the lefty media is trying to take down Trump with big lies, but now it s the establishment Republicans like Kasich who re doing the Trump Trashing. Shame on them!TRANSCRIPT OF RUSH LIMBAUGH EXPLAINING THE BIG LIE TOLD ABOUT TRUMP: RUSH: Now, I don t know if you have seen it yet today. There are stories all over the Drive-By Media the Associated Press, Yahoo News, I mean, it s everywhere that Donald Trump supposedly is calling for the registration of all Muslims in America. Trump is demanding that they all be registered and that a massive database be collected. CNN is all over reporting this. Even the Wall Street Journal has picked up on it. There s a problem, though: Trump didn t say it. I m gonna tell you what happened. At a recent public appearance Trump s coming off the stage after one of his usual one hour to 90-minute appearances.He s probably worn out and spent, and there s the usual crowd of autograph seekers and supporters and fans, and amongst them is a Drive-By Media reporter who says to Trump, Should there be a database system that tracks the Muslims that are in this country? Trump says, There should be a lot of systems, beyond databases. We should have a lot of systems, and today you can do it. But right now we have to have a border. We have to have strength, we have to have a wall, and we cannot let what s happening to this country happen again. Reporter: Is that something your White House would like to implement? There s no specificity there. The question is just, Is that something your White House would like to implement? Trump has given a multifaceted answer. She says, Is that something, without specifying what she s asking about. Trump said, Oh, I would certainly implement that, absolutely, and that s how they report that Trump demands a database and registration for all Muslims, when he didn t say it! He never said it. It s a Journalism 101 trick. It s right out of the manual they teach you at the first year of journalism school in how to destroy political opponents or powerful people you don t like. It s that common a technique.BREAK TRANSCRIPTRUSH: Now, I m not sure, but I think that the reporter that asked Trump the question and has totally, totally twisted this purposefully to convey something that did not happen, I think the reporter works for Business Insider. I think the reporter is Hunter Walker. If that s who it is, you need to know that this guy is a major backer of Hillary Clinton, as most in the Drive-By Media are. He has written endless articles championing her, and now I think he writes for Yahoo News and is the Business Insider politics editor.So here is how this happened. This is in Newton, Iowa, yesterday after a campaign event. Trump s leaving the stage, and a reporter says, Should there be a database system to track Muslims in this country? Now, nobody has suggested that, keep in mind. Trump has not suggested it. So the reporter s not asking a question bouncing off anything Trump has said. It s just a question thrown at Trump, and it comes to him in the midst of autograph seekers and fans and supporters wanting to meet him after his performance is finished.TRUMP: There should be a lot of systems beyond database. We should have a lot of systems. And today you can do it. But right now we have to have a border. We have to have strength. We have to have a wall. And we cannot let what s happening to this country happen.REPORTER: But is it something your White House would like to implement?TRUMP: Oh, I would certainly implement that, absolutely.REPORTER: What do you think the effect of that would be? How would that work?TRUMP: It would stop people from coming in illegally. We have to stop people from coming into our country illegally.REPORTER: Muslims specifically, how do you actually get them registered into a database?TRUMP: It would be just good management. What you have to do is good management procedures. And we can do that.REPORTER: Would you go to mosques and sign these people up into the system?TRUMP: Different places. You sign em up at different but it s all about management. Our country has no management.RUSH: Okay. Now, two things about this. The first is, as I said, everybody in the Drive-By Media is running with this because they think they ve got Trump again. They re salivating out there, folks, they are hoping, they ve got their fingers crossed, they ve doubled down, they re putting this story everywhere: Trump sexist, Trump bigoted, Trump anti-Muslim, wants a database; wants to go to their mosques to sign em up; wants to have them carry around symbols on their clothes to tell everybody who they are. And he never said it.This reporter, Hunter Walker, retweeted the headline from the AP. The AP headline: Trump Says He Would Absolutely Implement Muslim Database. This little know-nothing reporter is so proud of his work today. This, as I say, journalism 101. This is what they teach you when you want to take out a political opponent or a powerful person you don t like, this is how you do it, with innuendo.Again, here s what happened. Trump comes offstage, Should there be a database system that tracks Muslims that are in this country? It s a setup question from the get-go. Nobody has suggested it. Trump said there should be a lot of systems beyond databases. We should have a lot of systems. And today you can do it, but right now we have to have a border. We have to have strength. We have to have a wall, and we can t let what s happening to this country happen again.He has not confirmed a database. He has not confirmed registration of Muslims. He s changed the question to his favorite subject, the wall and the border and keeping illegal immigrants out. The reporter says, Is that something your White House would like to implement? Not specifying. If anything, the guy s talking about the border. The last thing Trump said in his answer was talking about the border, strength, a wall. The reporter says, Is that something your White House would like to implement? There is nothing specified. The use of the word that, the reporter then can say, Well, I meant Muslim registration, look what Trump said, Trump knew what I was talking about. But Trump s answer was, Oh, I would certainly implement that, absolutely. Reporter: What do you think the effect of that would be? It would stop people from coming in illegally. Trump s still talking about the border. He s still talking about the wall. He says, We have to stop people from coming into this country illegally. So how in the world can Trump be talking about the registration of Muslims or anybody when he s still talking about keeping people out of the country? Muslims are here. This is a good, old-fashioned hatchet job by this low-rent reporter named Hunter Walker who s got everybody in the media reporting it the way he wants because this is what they want people to believe about Trump. This is what they believe about all Republicans. We re bigots, we re racists, sexists and so forth, and Trump s just come along and confirmed it. And I guarantee you there s a contest inside the Drive-By Media to see who can be the one to take Trump out.Here is what they are forgetting. This isn t gonna hurt Trump. Even their journalistic malpractice is not gonna hurt Trump. They haven t figured that out. They keep applying standard, ordinary, everyday tactics on hit pieces to Donald Trump, and all that happens as a result is that Trump increases his support. Trump s support gets stronger. It gets deeper every time they try something like this because Trump is dead serious about protecting this country and its borders and keeping terrorists and so forth out of the country. He makes no bones about it. He s one of the only candidates that s unwavering on it. It s the number one issue.And you combine what s happening with ISIS in Paris and border security, national security, protecting and defending the country and the people who live here is far and away the number one most important issue because everything descends from it. The economy descends from it. Jobs descend from it. Everything that matters descends from this country remaining a country. It has to have a border. That border has to be enforced. Trump s the only guy talking about. They think they ve got him. They re gonna be crying in whatever it is they drink. This is not going to rip the bottom out of Trump s campaign. It s not gonna destroy Trump s campaign no matter how much they re lying, no matter how they try to distort this, because Trump did not say he s in favor of registration or a database of all Muslims in America.And once again, what s gonna happen here is an ever increasingly aware and sophisticated public is gonna just get angrier and angrier at the usual childish tactics of the very unrespected Drive-By Media. Once the public learns what s happened here, the anger is not gonna be at Trump. There wouldn t have been that much anger at Trump anyway among his supporters. That s what they don t understand. You people in the media have got to understand something. You re gonna have to go about this a different way. You didn t make Trump; you can t destroy him. There s nothing you can do. And look at the lengths they re now going to try. Exactly what they did to Romney, by the way. This is no different than Harry Reid saying, Mitt Romney hasn t paid his taxes in ten years. Hey, look at Mitt Romney putting the family dog on top of the station wagon. Hey, Mitt Romney, one of his employees wives died of cancer, Romney didn t care, went ahead and canceled the health care plan, didn t care. I don t think this guy s questions were even registering with Trump. I think Trump continued to talk with his own framework in mind, meaning his focus on the wall. Because if you continue on with the sound bite keep in mind here that Trump s never talked about registering or having a database of Muslims. The reporter asks a fake question: Is that something your White House would do, like to implement? Trump answers, Yeah. He keeps talking about the wall. He keeps talking about the border. Oh, I would certainly implement that, absolutely. Trump s still talking about the border.The reporter says, What do you think the effect of that would be? How would that work? Trump: It would stop people from coming in illegally. He s still talking about the border. He s still talking about his wall. We have to stop people from coming in illegally. Reporter: For Muslims specifically, how do you actually get them registered in your database? Trump has never said that he wants to register them in his database. He s talking about the wall. He s talking about the border. This idiot, talentless reporter says, Well, for Muslims specifically, how do you actually get them registered in your database? Trump says, It would be good management. What you have to do is good management procedures, and we can do that. He s still talking about the wall. He s not even listening to this kid. He s walking out of there, he s answering the question, he s got it answered, he s on the wall, he s on the border, that s what he s talking about.When it s all over the reporter makes it up that Trump s talking about registration of Muslims and a database. Totally makes it up. Anyway, I gotta take a break here. I just wanted you to see this. I wanted you to hear it, the reporter s own words, Trump s own words because it s been picked up everywhere, and, mark my words, the next poll that comes out, Trump s just gonna jump even higher and they re not gonna know what to do with themselves in the Drive-Bys. But you people in the media are gonna have to learn something. When you don t make somebody, you can t destroy him. And you haven t made Trump. The media has nothing to do with why Trump s where he is, and therefore you can t take him out. You can try, you may think you can, but he s got a bond, a connection with his supporters and his audience that you people are not gonna be able to break no matter how hard you try.BREAK TRANSCRIPTRUSH: So you know how this works? I just got an e-mail from a friend of mine who plays around on Facebook, and he sent me a screenshot of his Facebook post that he sent out, and he wants me to know that he s on top things. He says, Yeah, Trump wants to register all Muslims. The last guy that wanted to do that was Hitler with the Jews! Come on, folks! We re going backwards. So I just had to write him back: Hey, buddy, you ve got it 180 degrees wrong. Trump didn t say it! This is a guy that reads the news all day. This is exactly how this happens. You ve got every Drive-By news source now reporting this.originalI m not sure who the reporter was that actually got this whole thing started, but there are the suspects who have taken what that kid did and expanded it are all over the place. You could mention any Drive-By name out there and you d be pretty close to being accurate about who did this. I m not exactly sure who the reporter was at the Trump event. I was told one thing and now I m told that that s not necessarily true. But the guy s name I gave you is still responsible for expanding, amplifying, and leading this. That Hunter Walker is who kicked it all off. Doesn t really matter.I mean, they re all the same stripe, and they ve all got the same objective here. And this e-mail I just got from a friend of mine who s not an idiot, and you know, he s not a casual consumer of news. It s in the Wall Street Journal. This guy s a financial guy. He read it in the Wall Street Journal, and the Wall Street Journal to these guys is gospel. I have tried to tell every friend of mine, and it s probably gone for naught. I ve tried to tell them just based on the way I get covered, and they know me and they know what s written about me is all bogus. I said, Could you not apply that to every story you hear, particularly about people you support? Could you just learn to not believe anything you read if it s defaming Republicans in the Drive-By Media? Could you just learn to be suspicious of it and try to confirm it on your own? (sigh) But it doesn t work that way. People believe it. There it is! It s in print. It s right there, or, It s on my screen, Rush! I mean, they can t write stuff that isn t true! I can t tell you how often I hear that. So Trump s gonna I don t know how he s gonna deal with this. He will, but (sigh) Let me I m gonna go ahead and get in trouble myself here. Can I give you what I think might have happened with a lot of people when they first saw this BS story?What do you think? You re driving around or you re reading or whatever and you hear, Trump wants to register all Muslims! (interruption) Yeah. (chuckles) Get my drift? So I m just marveling here. I m thankful for the opportunity. I m thankful I haven t retired. I m thankful I ve still got this program and a chance to come here every day and illustrate the dishonest, the reprehensible, the just scummy way these people work. And each time I see something like this, I focus even more on, They re not media! This isn t media! This isn t the news. The media is the Democrat Party. The media is all part of the left-wing establishment that s trying to advance the Democrat Party agenda.Every time I see a story like, Trump has to fight media here or overcome media, I ask: Why would you have to overcome the media? The media s just a bunch of journalists telling people what happened who weren t there. (thumps table) Of course, this is the exact opposite. Everybody knows now, or many people. And even people who know what the media is, still get sucked in and believe this stuff. But when you read the transcript of what Trump said, when you actually read it or hear it and then compare it to the news being reported, you can t escape the fact that the media s making it up; that Trump never said it.Read more: Rush Limbaugh",left-news,"Nov 20, 2015",0 +SAY WHAT? Obama Gives Go Ahead For New UN β€œRegional Hub” In Washington DC…What They Plan To Use Center For Is Disturbing,"If seven years ago, someone told Americans that the UN would be allowed to place a Regional Hub in our nations Capitol, they would have been dismissed as a tin foil conspiracy theorist. But then, who would ve imagined that it was possible we d have an anti-American community organizer as the President of our United States of America?EXCLUSIVE: The chief United Nations human rights agency, with the Obama administration s apparent blessing, is creating a new regional hub for itself in Washington, to use as a center for organizing against the death penalty, among other things, and for affecting the legal frameworks, policies, and strategies of American counterterrorism.In a management plan covering its activities through 2017, the agency, known as the Office of the High Commissioner for Human Rights, or OHCHR, puts the U.S. in the same category for that counterterrorism alignment effort as countries like Iraq and Uganda.The fast-tracked human rights hub also has a number of more nebulous thematic objectives for the U.S., which include, according to an OHCHR information document, the establishment of national participatory bodies for reporting and implementing recommendations of human rights mechanisms and the aim of widening the democratic space with the aid of undefined National Human Rights Institutions. It may also involve, as OHCHR notes in its management plan, increasing advocacy for ratification of human rights treaties and withdrawal of treaty reservations meaning exceptional carve-outs that nations including those like the U.S., with a federal division of power can make to limit their acceptance of international agreements.In the case of the death penalty, for example, U.S. refusal to join in a U.N- sponsored global moratorium is based on the fact that such criminal justice measures also are the responsibilities of individual states.Nonetheless, as OHCHR s management plan notes, in addition to global efforts to abolish the death penalty by 2017, OHCHR expects to have contributed to a moratorium on the application of the death penalty or pending a moratorium, increased compliance with relevant international human rights obligations in countries such as Iraq, Kenya, Liberia, Libya, Palestine, Papua New Guinea, Somalia, South Sudan, the United States of America and other countries in Asia and the Americas. The OHCHR puts the U.S. in the same category for its counterterrorism alignment effort as countries like Iraq and Uganda.All of those themes, along with OHCHR s view of itself as the principal advocate for human rights within the U.N. system, seem likely to bring the U.S. into closer proximity to the U.N. s tangled, proliferating and often sweepingly contradictory notions of international human rights law and also, perhaps, to the notoriously dictatorship-riddled, 47-member U.N. Human Rights Council.Among other things, the Council, which has been far more enthusiastic about condemning alleged human rights transgressions in Israel than in any other nation, creates mandates for OHCHR, which also serves as the Council s bureaucratic support.The Obama administration reversed the policies of George W. Bush to join the Council in 2009, and served consecutive three-year terms that ended last month, claiming victories during that time in focusing the Council on gay rights and criticism of human rights practices in North Korea and Iran.While no longer on the Council, the administration now seems comfortable with bringing the U.N. s human rights approach into closer contact with U.S. legislators, lobbyists, human rights activists and, perhaps most importantly, financial appropriators, before it leaves office at the end of next year.Indeed, the OHCHR hub which will cover not just the U.S. but North America and the English-speaking Caribbean already has a warm advance welcome from the administration that also seems aimed at letting the new U.N. outpost arrive smoothly under Washington s political radar.Last month U.S. Ambassador to the U.N. in Geneva, Pamela Hamamoto, wrote to tell the aggressively expanding human rights body that it didn t need any additional legal agreement to establish the Washington hub, complete with full legal privileges and immunities, since it already is covered by legal agreements for the U.N. headquarters in New York, where OHCHR maintains a strong presence.If OHCHR felt otherwise, Hamamoto said on behalf of the administration, we would be happy to discuss alternative ways in which we might accommodate OHCHR s specific requests. On the surface, the hub is part of a sweeping Change Initiative being promoted by the U.N. High Commissioner, Zeid Ra ad Al Hussein, which aims at decentralizing the Geneva-based organization, extending its outreach and human rights monitoring capability, and ostensibly improving its efficiency through, among other things, concentration on eight global hubs as focuses of activity.As it happens, the initiative is not that much of a change: six of the hubs already exist, including one in Panama City for Latin America. The only new ones are intended for Washington and Istanbul.According to Zeid, the initiative would mostly involve the reshuffling of existing personnel shipping them away from Geneva headquarters, where more than half of the agency s roughly 1,100 staff is located. Zeid says that exercise, including the establishment of the new Washington venue, would be revenue neutral. That assumption, however, was received skeptically by the U.N. s chief financial oversight committee, which called the calculation preliminary, and recommended against approving the restructuring until Zeid came back with a clear and detailed proposal with a lot more detail.Recommendations of the committee are usually adopted uncritically by the U.N. General Assembly s Fifth Committee, which approves financial measures.But Zeid has been lobbying the Fifth Committee energetically to break that tradition in his case in part because, as OHCHR s fact sheet observes, the 2016-2017 budget that the advisory committee was assessing will cover the majority of the remainder of the High Commissioner s [four-year] term of appointment. (Zeid was appointed in 2014.)The issue came up in so-called informal meaning closed discussions of the Fifth Committee earlier this week. Questions from Fox News to Zeid s spokesman about the discussions went unanswered.Questions to the State Department from Fox News about the issue were referred to the U.S. Mission to the U.N., headed by Ambassador Samantha Power.Questions from Fox News to the Mission about the discussion, and the overall U.S. government view of the hub, were not answered.Beyond the fact that his career clock is ticking, another reason for Zeid s gung-ho approach to the hub could be the possibility that no future U.S. President will be as enthusiastically multilateral as Barack Obama, giving a now-or-never urgency to the chance to bring the U.S. further under the U.N. human rights umbrella.And yet another reason might be that the reorganization could coincidentally help to bring down the curtain on a sensitive political problem for Zeid.As part of the Change Initiative, he has announced that one of OHCHR s important units, the Field Operations and Technical Cooperation Division, which deals with human rights issues at the country level and also incorporates human rights observation of U.N. peacekeeping operations, will be disbanded in Geneva and pieced off to the hubs.That division is headed by Anders Kompass, the senior human rights officer who kicked up a firestorm when he passed on an unredacted human rights report about alleged sexual abuse of children by non-U.N. peacekeepers in the Central African Republic to French authorities.For entire story: FOX News",left-news,"Nov 20, 2015",1 +Why Obama Calls Islamic Terror Group β€œISIL” While Terror Experts Call Them β€œISIS”,"Nothing about this man surprises most of us anymore .DECODING OBAMA S SPEECH REVEALS SOME STARTLING REVELATIONS And I will bless them that bless thee, and curse him that curseth thee: and in thee shall all families of the earth be blessed. Genesis 12:3 (KJV)In one press conference after another, when referring to the Muslim terror super-group ISIS, United States President Barack Obama will use the term ISIL instead of their former name ISIS or current name Islamic State. Have you ever wondered about that? We have.ISIL stands for the Islamic State of Iraq and Levant. Now, to us Westerners we don t really make much of a distinction, do we? No, honestly from our perspective its all about the same. But how would a Muslim living in the Middle East view it? Just what is the Levant anyway? Let s take a look.The geographical term LEVANT refers to a multi-nation region in the Middle East. It s a land bridge between Turkey to the north and Egypt to the south. If you look on a map, however, in the near exact middle of the nations that comprise the Levant, guess what you see? Come on, guess!It s Israel.WHEN BARACK OBAMA REFERS OVER AND OVER TO THE ISLAMIC STATE AS ISIL, HE IS SENDING A MESSAGE TO MUSLIMS ALL OVER THE MIDDLE EAST THAT HE PERSONALLY DOES NOT RECOGNIZE ISRAEL AS A SOVEREIGN NATION, BUT AS TERRITORY BELONGING TO THE ISLAMIC STATE.Listen as Obama painstakingly spells out the letters I-S-I-L so there is no doubt in your mind:Now you know why Obama says that he has no plan, no goal, and no stated aim for dealing with ISIS. But he does have a plan, and it s a really nasty, diabolical one. Obama s plan is to drag his feet for as long as he can, doing only the bare minimum that Congress forces him to do. His plan to buy ISIS as much time as possible to make as many gains as they can.And it s working.The Islamic State has garnered millions of dollars, a vast cache of weapons, and in their latest foray have captured Syrian fighter jets. With each passing day that Obama fulfills his stated aim of doing nothing, the Islamic State grows by leaps and bounds. The ultimate goal, of course, has not changed and will never change.THE ULTIMATE GOAL IS THE DESTRUCTION OF ISRAEL.Now you know a little bit more why Obama chooses his words so carefully, and what s really in a name. Shakespeare had it right.Terrorist experts refer to Islamic terror group as ISIS yesterday during this recent analysis of the strength of ISIS:Via: Nowtheendbegins",left-news,"Nov 20, 2015",0 +DRUNK REFUGEES Spit On And Bite German Nurses: Force Hospital To Hire Security,"This isn t going to end well for Germany A hospital in Sigmaringen, Germany has been forced to hire security guards after numerous incidents in which migrants physically attacked nurses while they were receiving free healthcare.Schw bische.de reports that the SRH Hospital in Sigmaringen took the precaution after 40 attacks on nurses in September alone, with nursing manager Silvia St rk revealing that staff were totally distressed by the onslaught of verbal and physical abuse. St rk said that refugees were biting and spitting at nurses, with drunk migrants behaving particularly aggressively towards female nurses during night time hours. Whenever a nurse working in the emergency room alone, she is accompanied by a security guard, according to the report, which states that nurses are accompanied by the guards between the hours of midnight and 6am from Sundays to Thursdays and from 10pm-6am on Fridays and Saturdays.According to manager Willi Rompp, despite the introduction of the security guards, attacks on the nurses have not decreased. The hospital is bearing the full brunt of the cost to hire the security guards.As the Gatestone Institute recently highlighted, attacks by migrants are not the only strain currently being put on the German healthcare system as a result of the refugee influx. Hospitals, clinics and emergency rooms across Germany are being filled to capacity with migrants suffering maladies of all kinds, and medical personnel, including thousands of volunteers, are increasingly complaining of burnout, according to the report. Diseases that have not been seen in Germany for decades are also being brought into the country by asylum seekers. Some of the ailments I have not seen for 20 or 25 years, and many of my younger colleagues have actually never seen them, said Dr. Michael Melter, the chief physician at the University Hospital Regensburg.The cost of holding migrants in quarantine when they arrive with contagious diseases such as tuberculosis is also astronomical, with German taxpayers footing a 12,000 euro bill per migrant, per month. Via: InfoWars",left-news,"Nov 19, 2015",1 +Hillary Scolds Major Contributors To Terrorist Groups…Doesn’t Mention They Gave Over $67 MILLION To Clinton Slush Fund,"Behold The Democrats best choice for President of The United States of America. Hillary should be on bloody knees every day thanking her lucky stars she s not a Republican .Hillary Clinton gave a speech Thursday at the Council on Foreign Relation, where she outlined her genius plan to defeat ISIS. (Step 1: Defeat ISIS.) She also offered a few more specific proposals [emphasis added]:When it comes to terrorist financing, we have to go after the nodes that facilitate illicit trade and transactions. The U.N. Security Council should update its terrorism sanctions. They have a resolution that does try to block terrorist financing and other enabling activities, but we have to place more obligations on countries to police their own banks, and the United States, which has quite a record of success in this area, can share more intelligence to help other countries. And once and for all, the Saudis, the Qataris and others need to stop their citizens from directly funding extremist organizations as well as the schools and mosques around the world that have set too many young people on a path to radicalization.Clinton is right about the fact that Saudi Arabia, Qatar, and the United Arab Emirates have for years funneled money to terrorist groups, essentially bribing them to ensure that they don t cause trouble in their incestual oligarchies. She is certainly right that these oil-rich countries have made a habit of giving away money to powerful interest groups in an effort to curry favor. Some of those groups happen to be comprised of terrorists, while others are charitable foundations founded by a former United States president whose wife is currently seeking the Democratic Party s nomination for the same position in 2016.Here s how much those three countries and their affiliated entities have donated to the Clinton Foundation:Qatar Up to $5.8 million United Arab Emirates Up to $11.5 million Saudi Arabia Up to $50 millionThe gulf nations represent three of the largest donors to the foundation, but that is hardly the extent of their ties to the Clintons. Qatari, UAE, and Saudi firms paid Bill Clinton millions of dollars for speeches during the time Hillary served as secretary of state, when she also approved weapons deals with all three countries worth billions of dollars to U.S. defense firms, many of which are also Clinton Foundation donors.Bill Clinton has praised the Qataris as intelligent, forward looking investment partners for their collaboration on Clinton Foundation projects. One of Hillary s top advisers, Cheryl Mills, served on the board of the New York University campus in Abu Dhabi. Bill Clinton is the friend and former classmate of Saudi Prince Turki bin Faisal Al Saud, who recently attended a lavish Clinton Foundation conference in Marrakech, hosted by the King of Morocco. The Bill Clinton presidential library in Little Rock was funded in part by a $10 million from the Saudi Royal family.Hillary is right, the time has come for Qatar, the UAE, and Saudi Arabia to stop using their oil wealth to buy influence and protection from special interests. Via: WFB",left-news,"Nov 19, 2015",1 +EYE-OPENING VIDEO: Rape Epidemic In Sweden…”The rape problem is primarily about Muslim men raping non-Muslim women”," In the capitol of Oslo, 100% Of assault rapes between strangers were committed by immigrant Non-Western males 9 of 10 victims are native Norwegian women The rape problem is primarily about Muslim men raping non-Muslim women. Any women who does not wear the hijab could be considered fair game.' An 1,472% increase in rape cases have been reported in Sweden since the 1970 s.Some native Norwegians have reportedly begun dying their hair black and are traveling in groups.Norway s left-wing establishment has been blaming the victims.In an astounding number of cases, the Swedish courts have demonstrated sympathy for the rapists, and have acquitted suspects who have claimed that the girl wanted to have sex with six, seven or eight men.Watch eye-opening video here:A hospital in Stockholm is understood to be first in the world to set up an emergency department specifically for male rape victims. The clinic at S dersjukhuset opened on Thursday as part of a strategy to ensure gender equal patient care.",left-news,"Nov 19, 2015",0 +"SWEDISH RESIDENT SPEAKS OUT ABOUT DECADES OF MUSLIM IMMIGRATION: β€œWe all live in the same town, but not in the same world”"," The Swedish identity will be wiped out in 20-30 years. This is sadly, a look into the future for all of Europe As a current resident of Sweden, I sometimes find myself questioning my own sanity. All these problems I blog about are right there in the open for anyone to see and getting worse by the year, yet media and politicians act as if everything is hunky-dory. Most people on the street also appears to be completely oblivious to details like the enormous increase of burning cars in the ghettos, the 1472% increase in rapes and the ever bolder gangs choking their enclaves with drugs and violence.So I find myself wondering, am I missing something? Why aren t people reacting? Is it really reasonable that so many are in a state of denial? Or am I somehow misinterpreting all this?That s why it s oddly reassuring that the neighboring Nordic countries are in the same boat. Denmark has voiced concerns about the utterly weak background check of immigrants from the middle east, fearing radical Islamists entering Sweden as asylum seekers with the intent of building Scandinavian terror cells. My very first post on this blog was about a Danish politician openly pleading for Sweden to come to its senses.Norway isn t too pleased either, and they dare speak openly about the problems brewing in the cities of their neighbor.In a new report called Oslo 2022, the Norwegian police explicitly use Sweden in general and the town of S dert lje as a warning example. This prompted Aftonposten, one of the major Norwegian newspapers, to do two articles on Sweden s out-of-control immigration.In the first part, Norwegian reporters traveled to S dert lje outside Stockholm. Entitled We all live in the same town, but not in the same world, the article chronicles a town in complete segregation where the immigrants gain ground every year and everyone who can escapes. Violence, drugs, lawlessness and decay eats away at the town like a cancer. Why is this allowed to happen? the reporter asks. Because the Swedes are weak, says 36-year old Simon Melkemichel. The Swedish identity will be wiped out in 20-30 years. The second part is called Sweden has lost control over their immigration and has representatives for the Norwegian government comment on the fact that, well, Sweden has lost control over their immigration. What makes it noteworthy is the difference in tone compared to the Swedish political debate.As in Denmark, the Norwegian leftist worker s party have a very different view on immigration than the Swedish sister party Socialdemokraterna (currently in power). In Norway and Denmark, they make a point of restricting the inflow and checking the backgrounds carefully.In Sweden, there are literally no limits, and any background check beyond scratching the surface is considered racist and shut down by management as has been repeatedly revealed by bloggers like Merit Wager.Not surprisingly, the police report and the articles have ruffled quite a few feathers in Sweden s political and medial elite. But equally predictably, the Swedish response is not to acknowledge the problems, but to whine about the mean Norwegian pseudo-fascists having the gall to criticize Sweden s enlightened stance.While it doesn t do squat to fix anything, it s at least reassuring that I m not the one losing my mind. Via: Sweden Report",left-news,"Nov 19, 2015",0 +Why Do Hillary And Barack Choose Islam Over Christianity Every Time?,"The always brilliant Ben Shapiro answers that question in well, a brilliant way On Tuesday, former Secretary of State Hillary Clinton, the American woman most responsible for the current refugee crisis in the Middle East, blasted Republicans for not wanting to accept unvetted Syrian Muslim refugees in the aftermath of last week s Paris terror attacks.She tweeted:We've seen a lot of hateful rhetoric from the GOP. But the idea that we'd turn away refugees because of religion is a new low. -H Hillary Clinton (@HillaryClinton) November 17, 2015 This, to be sure, is odd. Hillary decrying hateful rhetoric smacks of irony she despises Republicans so much that she labeled them her enemies during the first Demoratic debate. Furthermore, Hillary is no fighter for religious freedom. In April, she told the Women in the World Summit that deep-seated cultural codes, religious beliefs and structural biases have to be changed to allow for abortion. And in the aftermath of the Supreme Court s egregious same-sex marriage decision in June, Hillary explicitly called for the government to force churches to sanction homosexuality, explaining, Our work won t be finished until every American can not only marry, but live, work, pray, learn and raise a family free from discrimination and prejudice. Pray as in attend church free from discrimination and prejudice. But she s sure hot and bothered about what she terms discrimination against Muslim refugees. This isn t particularly surprising the entire left has a peculiar soft spot for Islam.That seems weird, given Islamic countries fundamental rejection of leftist values ranging from same-sex marriage to abortion to women driving. But it isn t so weird when considered in the context of Marxist philosophy, which sees Islam not as a religious philosophy of its own, but as a sort of bizarre cultural outgrowth of poverty. Impoverished people believe weird things, say the Marxists; if we just gave ISIS jobs, they d stop all this nonsense and start behaving like members of the ACLU. Leftists see Islam not as an ideological force converting millions, but as a knee-jerk response to lack of basic living standards.In fact, leftists see all religion this way: as the refuge of the weakminded underclass. As Marx wrote, Religion is the sigh of the oppressed creature, the heart of a heartless world, and the soul of soulless conditions. It is the opium of the people. Barack Obama agrees: as he said back in 2008, poor people get bitter, they cling to guns or religion or antipathy toward people who aren t like them. The view that all religious practice is essentially the domain of the exploited would cut in favor of seeing all religious practices as equally worthy of dismissal.But the left prefers Islam to Christianity. They ll fight against anyone drawing pictures of Mohammed, but they ll lose their minds if Christians complain about an artist soaking a statue of Jesus in urine.Why do leftists treat Christianity and Islam differently, if both are merely chimerical responses to the vicissitudes of life? Because leftists see Christianity as the creator of Islam s rise, and Christians as the victimizers of Muslims. The Obama State Department won t recognize Christians as victims of incipient Muslim genocide in the Middle East, but President Obama will equate ISIS violence in 2015 with the Crusades and the Spanish Inquisition. President Obama believes, like many on the left, that Western civilization was founded in racism, sexism, homophobia, and other bigotry and that Christianity, as its wellspring, provided that impetus.Furthermore, Obama believes that Western civilization has exploited the rest of the world, and that it therefore bears culpability for the poverty that gave rise to the Islamic wave. Muslims are benighted victims of poverty; Christianity made them victims of poverty in the first place. Christianity thus bears blood guilt for the sins of Islam, but Islam bears none of its own. As Dinesh D Souza puts it, Obama is an anti-colonialist and believes that the rich countries got rich by looting the poor countries, and that within the rich countries, plutocratic and corporate elites continue to exploit ordinary citizens. Taken one step further, those rich countries Christian countries exploited non-Christian countries, impoverishing them and opening them to the opium of Islam.How else to explain the left s romance with Islam and simultaneous dismissal of Christianity? How else to explain the left s preoccupation with allowing Muslim refugees into the Christianity-founded West while demanding nothing of Islamic countries which are murdering Christians en masse?Hillary Clinton says it s hateful for Western countries to discriminate in choosing refugees based on religious philosophy. It s far more hateful to suggest that Christianity must bow and scrape before Islam, particularly when Islamic terrorists target non-Muslims the world over. Via: Breitbart News",left-news,"Nov 19, 2015",0 +NOT KIDDING: PA College Cancels Play After Author Objects To Use Of White Actors,"Just suppose the play was cancelled because the school was using black actors. Would this be the only place you would see this story?A small, state college in northern Pennsylvania has canceled a musical about a week before it was scheduled to open after the playwright objected to the use of white actors for South Asian characters.Clarion University had spent much of the year preparing to stage the punk rock version of Jesus in India, by dramatist Lloyd Suh, which ran off-Broadway in 2013 and received favorable reviews.Suh, who owns the rights to the musical, sent an e-mail on Monday to the school s play director Marilouise Michel ordering her to either replace the non-Asian actors with ethnically appropriate actors or cancel the production, which was due to open Nov. 18. I have severe objections to your use of Caucasian actors in roles clearly written for South Asian actors, and consider this an absolutely unacceptable distortion of the play, Suh wrote in the e-mail provided to Reuters by Michel.Michel told Reuters on Thursday that one of the Indian roles was to be played by a biracial girl, and the rest by whites. They were not doing the roles in brownface or using dialects, she said, but Suh rejected any solution other than removing them.Suh, who has another play, Exotic Oriental Murder Mystery, running off-Broadway this month, did not respond to requests for comment, nor did his agent, Beth Blickers.Michel said Clarion University, with about 4,900 students, has a student body that is 0.6 percent Asian and that no Asians auditioned for the play.She tried several times to reach Suh by phone to discuss aspects of his play, but he did not take her calls before it was canceled on Tuesday, she said.When he saw the cast photos earlier this month, he demanded through Blickers to know the ethnicity of the actors, she said. I couldn t stop myself from crying when I saw the photos and realized what was happening, Suh wrote in his e-mail.On Tuesday, the day after Suh s e-mail, the New York Times published an opinion piece by Indian-American comedian Aziz Ansari decrying the treatment of Asian, particularly Indian actors, in the media but also noted that such actors were harder to find.VIA: Reuters",left-news,"Nov 18, 2015",0 +WHITEWASHED: Insane Reason HOLLYWOOD Magazine Apologized For This Cover,"Hint: It s not because of Jane Fonda (although that would make more sense than the actual reason for their apology).If the people who re up for an award happen to be white then why is that such a huge deal? Well, it s a huge deal in Hollywood and demands a mea culpa Is Hollywood going to now be forced to give a lead role NOT to the best person for the role but the most racially diverse actress? Someone needs to slap some sense into Hollywood!On Wednesday, The Hollywood Reporter published a group discussion with a panel of potential female award contenders as part of its annual Actress Roundtable cover story. An hour later, the publication issued a preemptive mea culpa for the fact that all the actresses on their panel happened to be white.THR executive editor Stephen Galloway sat down with actresses Carey Mulligan, Jennifer Lawrence, Cate Blanchett, Jane Fonda, Brie Larson, Helen Mirren, Charlotte Rampling, and Kate Winslet all of whom have projects contending for an Academy Award or an Emmy in the coming year.The interview was everything you would expect from a group of actresses speaking off the cuff to a publication that s been covering the entertainment industry since the 1930s.However, due to the current politically correct climate in Hollywood and the country at large, Galloway felt the need to immediately clarify why there were no minority women in a roundtable discussion with award contenders a pool which includes few minorities in 2016.Read more: Breitbart Hollywood",left-news,"Nov 18, 2015",0 +HILLARY LIES: Remember When Hillary Disclosed She Was Named After A Famous Person?,"This story is from 2006 and is the first in a long series of Hillary s lies that we ll be exposing over the next couple of months For more than a decade, one piece of Senator Hillary Rodham Clinton s informal biography has been that she was named for Sir Edmund Hillary, the conqueror of Mount Everest. The story was even recounted in Bill Clinton s autobiography.But yesterday, Mrs. Clinton s campaign said she was not named for Sir Edmund after all. It was a sweet family story her mother shared to inspire greatness in her daughter, to great results I might add, said Jennifer Hanley, a spokeswoman for the campaign.In May 1953, Sir Edmund and his Sherpa guide, Tenzing Norgay, became the first men to reach the summit of Mount Everest. In 1995, shortly after meeting Sir Edmund, Mrs. Clinton said that her mother, Dorothy Rodham, had long told her she was named for the famous mountaineer. It had two l s, which is how she thought she was supposed to spell Hillary, Mrs. Clinton said at the time, after meeting Sir Edmund. So when I was born, she called me Hillary, and she always told me it s because of Sir Edmund Hillary. Even though Bill Clinton repeated the story in his 2004 autobiography, My Life, Hillary Clinton did not mention it in her own autobiography, Living History, which was published in 2003.But one big hole has been poked in the story over the years, both in cyberspace and elsewhere: Sir Edmund became famous only after climbing Everest in 1953. Mrs. Clinton, as it happens, was born in 1947. Via: NYT",left-news,"Nov 18, 2015",0 +OBAMA USES SPEECH ON FOREIGN SOIL To Disparage Half Of America: Ted Cruz Eviscerates JV President With This Brutal Response [Video],"Obama has a knack for going overseas and disparaging the citizens of the United States. The hate America mantra. It s what he knows. It s how he s wired. But this time, a real American who genuinely loves his country is fighting back and you re gonna love how he responds to our petulant anti-American President MANILA, Philippines President Barack Obama lashed out Wednesday at Republicans who insist on barring Syrian refugees from entering the US, deeming their words offensive and insisting it needs to stop. Apparently they re scared of widows and orphans coming into the United States of America, Obama said.Mocking GOP leaders for thinking they re tough, Obama said overblown rhetoric from Republicans could be a potent recruitment tool for the Islamic State group.He insisted that the US process for screening refugees for possible entry into the US was rigorous and said the US didn t make good decisions based on hysteria or exaggerated risk. We are not well served when in response to a terrorist attack we descend into fear and panic, the president said.Obama s comments during a meeting with Filipino President Benigno Aquino marked his harshest condemnation yet of Republicans response to the Paris attacks blamed on ISIS that killed 129 people last week.Republicans in Congress and on the 2016 presidential trail have urged an immediate closing of America s borders to Syrian refugees, but the Obama administration has shown no sign of backing off its plans to bring an additional 10,000 Syrians fleeing civil war into the US.Sen. Ted Cruz had sharp words for President Barack Obama over his comments regarding Republican rhetoric on Syrian refugees, saying his statement is utterly unbefitting of a president. If you want to insult me, you can do it overseas, you can do it in Turkey, you can do it in foreign countries, but I would encourage you, mister president, come back and insult me to my face, the Texas senator and Republican presidential candidate said this on Capitol Hill Wednesday. It is utterly unbefitting of the president to be engaging in those kind of personal insults and attacks, Cruz said in Washington, D.C., in video captured by NBC News. He talked about how he was belittling the Republican field as scared. Well let me suggest something: Mr. President, if you want to insult me, you can do it overseas, you can do it in Turkey, you can do it in foreign countries. But I would encourage you Mr. President, come back and insult me to my face, Cruz said. President Obama had harsh words for Republicans calling for a stop of Syrian refugees to the United States, saying such calls are just political posturing. When individuals say that we should have a religious test and that only Christians proven Christians should be admitted that s offensive and contrary to American values, President Obama said in Manila yesterday. I cannot think of a more potent recruitment tool for ISIL than some of the rhetoric that s been coming out of here during the course of this debate. Another Republican presidential candidate, Mike Huckabee, also had tough words for Obama, calling him delusional. If the President honestly believes that ISIS is concerned about what we think about them and that they are driven by that than the president is more delusional than I ever imagined when it comes to dealing with this crisis, Huckabee said on MSNBC Wednesday. It s just astonishing the president would make this all about himself not about the safety and security of the American people. Via: NBC News",left-news,"Nov 18, 2015",0 +Disturbing Uncovered Emails From Huma Abedin Bring Hillary’s Mental Health Into Question: β€œOften confused”,"How quickly the Democrats have forgotten about that little incident that landed Hillary in the hospital, following the death of the 4 Americans that she likely caused in Benghazi After reviewing more than 35 pages of email from top Hillary Clinton aide Huma Abedin, Judicial Watch observes that Abedin advised a State Department staffer that it was very important to review phone calls with Clinton because she was often confused. Judicial Watch notes that Abedin emailed State Department Clinton aide and companion Monica Hanley from her Huma@clintonemail.com to alert her about the need to go over phone calls with Clinton.Additionally, Abedin s emails reveal repeated security breaches, with the Secretary s schedule and movements being sent and received through Abedin s non-governmental and unsecured Clinton server account, states Judicial Watch.On January 26, 2013, Abedin had the following email exchange with Hanley:Abedin: Have you been going over her calls with her? So she knows singh is at 8? [India Prime Minister Manmohan Singh] Hanley: She was in bed for a nap by the time I heard that she had an 8am call. Will go over with her Abedin: Very imp to do that. She s often confused. The emails also provide specific details of Clinton s last day in office on January 31, 2013. Exact times and locations of all her appointments during the day are given. Huma Abedin s description of Hillary Clinton as easily confused tells you all you need to know why it took a federal lawsuit to get these government emails from Clinton s illegal email server, said Judicial Watch President Tom Fitton. These emails also show that Hillary Clinton s and Huma Abedin s decision to use the Clinton email server to conduct government business was dangerous and risky. Via: Breitbart NewsHere is Bill Clinton attempting to convince the interviewer that Hillary works out every week (not every day) and that she is the picture of health:From Edward Klein s book Unlikeable :Ed Klein, whose book Unlikeable hits shelves on Sept. 28, told the National Enquirer that the former secretary of state is battling a host of mounting health issues including blinding headaches that have frequently plagued her. Bachmann, a former Minnesota Republican congresswoman, bowed out of the 2012 GOP primary race after reports surfaced that she was wrestling with debilitating migraine headaches including one that kept her offstage during part of a televised debate. A Clinton friend told Klein that the Democrats current leading light might even be suffering from multiple sclerosis.Clinton herself released a letter on July 28 from a doctor who gave her a clean bill of health.Dr. Lisa Bardack of Mount Kisco, N.Y. wrote that Clinton, 67, has completely recovered from a December 2012 concussion that left her seeing double for two months.While treating that condition, doctors diagnosed a blood clot in her sinuses, requiring long-term daily doses of the blood-thinning medication Coumadin.Bardack added that Clinton had been diagnosed with blood clots previously, in both 1998 and 2009. But Klein s book goes far beyond talk of ordinary medical conditions. For the first time I ve known her, she s showing self-doubt about her strength and vitality, a friend of Hillary told him, according to Radar Online.She also reportedly suffers from severe insomnia, which has sapped her energy just when she needed it most for the campaign. She is exhausted and depressed a lot of the time, the friend said, and has turned to sleeping pills in order to rest at night. ",left-news,"Nov 17, 2015",0 +HERE’S THE LIST Of 25 Governors Who Have Told Obama Muslim Refugees From Syria Are NOT Welcome In Their States,"There is a also a map (below) showing which states will and won t accept refugees from Syria and those who haven t made up their minds yet Leave it to Obama to call anyone who questions the sanity of bringing hundreds of thousands of unchecked Muslims over to a country they ve been taught to hate since birth anti-Americans! President Obama said the United States needed to step up and do its part admitting refugees from SyriaHe said that the issue of refugees and terrorism should not be equated in the aftermath of the Paris attacksA handful of Republican governors have publicly pronounced that their states would not accept SyriansObama made a swipe at those GOP leaders asking them to be more like President George W. Bush in the aftermath of 9/11Now, 25 Republican governors and one Democrat too have said they don t want Syrian refugees in their states, as President Obama recommitted the U.S. to take a portion of this population fleeing from ISIS.In a press conference this morning in Turkey, Obama said that the United States has to step up and do its part, while chiding those in the opposition party for suggesting there be a religious test for entry into the United States.There s concern, after Friday s brutal attack in Paris, that ISIS fighters are infiltrating those fleeing Syria and will carry out future violence against the West. It is very important, Obama said. That we do not close our hearts to these victims of such violence and somehow start equating the issue of refugees with the issue of terrorism. However, Republican governors from Alabama, Arkansas, Florida, Illinois, Indiana, Louisiana, Maine, Massachusetts, Michigan, Mississippi, Texas and Wisconsin said they would postpone programs to bring in Syrian refugees, or they re against the idea entirely, according to the Associated Press.Governors of these states have said no to Syrian refugees: Alabama Arizona Arkansas Georgia Florida Idaho Indiana Illinois Iowa Kansas Louisiana Maine Massachusetts Michigan Mississippi Nebraska New Hampshire New Jersey North Carolina Ohio Oklahoma South Carolina Tennessee Texas Wisconsin",left-news,"Nov 17, 2015",0 +MOTHER OF TERRORIST WEARING SUICIDE VEST: β€œdid not mean to kill anyone” He Was β€œStressed”,"American translation: My baby didn t do nothin wrong. He was a good boy and loved everyone. Never mind that his brother is the MOST WANTED MAN IN THE WORLD! Pretty much everyone has strapped on a suicide vest at least once after a stressful day right? They seem like such a nice family Ibrahim Abdeslam, 31, detonated his suicide vest outside the cafe Comptoir Voltaire, close to the scenes of the deadly Bataclan concert theatre hall atrocities, on Friday night.He did not kill anyone other than himself.His brother Mohamed, a council worker, was arrested in Brussels on Saturday and a third sibling, Salah, is now one of the world s most wanted men after becoming the subject of an international man hunt.Abdeslam Salah is currently the most wanted man in the worldBut today the Abdeslam family defended his sick actions and said they were surprised he blew himself up, even though he had spent time in war-torn Syria.His mother suggested the suicide jacket may have gone of by accident and said he could have carried out the attack because he was stressed .Speaking outside their family home in Molenebeek, she told reporters they were sure he had not planned to kill anyone.She said: This was not his plan, that s for sure. The fact that his suicide belt exploded without killing anyone says a lot. We even saw him two days before the attacks. There were no signs that they had plans to do anything violent.But the family did admit Ibrahim spent a long time in Syria.They added: We were really surprised that Salah was involved. Ibrahim was different. We did see that he had been radicalised, at least in part. But not so much that we ever thought he would commit an atrocity like this. Another family member said he would not have wanted to become a suicide bomber. May the explosives went off prematurely by accident. May it was stress, they added.Ibrahim, who seriously injured an innocent bystander when he blew himself up, rented a Seat Leon used in the attacks.The car was used by the terrorists who murdered diners outside the Casa Nostra pizza restaurant and the La Belle Equipe cafe.It was later found abandoned 20 minutes away in Montreal with a cache of weapons inside.",left-news,"Nov 17, 2015",0 +Why French Legal System Turned Down Village’s Request For β€œChristian Only” Refugees Day Before Attack," Christians don t decapitate their bosses Well, you can t argue with that logic Maybe they ll re-think their open-minded decision post-radical Islam massacre On Thursday the administrative tribunal of Grenoble suspended a judgement of the municipality of Charvieu-Chavagneux, in Is re, which said it only wanted to accept Christian refugees because they don t decapitate their bosses . The judgement was pronounced after a request for summary suspension filed by the prefecture of Is re, the latter declared in a statement.The prefect initially asked the mayor to withdraw his judgement then initiated legal action when he refused to comply with his request. The Charvieu-Chavagneux judgement seems to me to be liable to a double criticism on the basis of discrimination and the infringement of equality. In this judgement approved unanimously by the municipal council on 8 September, Charvieu-Chavagneux town council said it wanted to mitigate the irresponsible foreign policy of the state by welcoming a family of refugees, on the express condition that it is a Christian family. The municpality explained its choice by declaring that Christians don t jeopardise the security of anyone else, they don t attack trains armed with Kalashnikovs, they don t shoot journalists in editorial meetings and they don t decapitate their bosses as we saw happen only a few kilometres away from our town. Via: Diversitymachtfreiblog",left-news,"Nov 16, 2015",0 +"[VIDEO] #BlackLivesMatter Terrorists Storm Dartmouth Library, Threaten Students: β€˜F*ck You, You Filthy White F*cks!’","They were probably just looking for a safe space to study Protesters at Dartmouth University disrupted students studying in the library, reportedly directing profanity towards white students and physically pushing others.In a critical editorial, the conservative Dartmouth Review listed some of the epithets hurled by the protesters: Fuck you, you filthy white fucks! F*ck you and your comfort! F*ck you, you racist shits! In addition, the Review reports that some of protesters became physically violent: Men and women alike were pushed and shoved by the group. If we can t have it, shut it down! they cried. Another woman was pinned to a wall by protesters who unleashed their insults, shouting filthy white bitch! in her face. Campus Reform managed to obtain video showing the protesters walking through the library shouting as others try to study. One of the protesters can be seen flipping off the cameraman. Another gets in the face of those who are studying demanding they say that black lives matter.One of the protesters posted online, saying they were ashamed of what the protest turned into. After making a girl cry, a protester screamed Fuck your white tears, he reports. I was startled by the aggression from a small minority of students towards students in the library, many of whom were supporters of the movement. Watch above, via Campus Reform. Via: Mediaite ",left-news,"Nov 16, 2015",0 +AMERICA IS CLOSER TO BECOMING SWEDEN Than You Think…Don’t Believe Us? Watch This…,"These videos will shock you. When you think of Sweden, do you think of Muslim gangs roving the streets in no-go zones lobbing hand grenades at warring migrant tribes? Do you think of Muslim men raping so many Swedish women, girls, men and boys, that it has now earned the designation as the rape capitol of the world? Do you think of children being taken from their homes for the crime of being homeschooled by their parents? Do you think of a nation of spoiled everyone gets a trophy children? Do you envision a nation where parenting your children is now considered taboo? Sweden can be proud today to have shed its long standing reputation as the most boring country in the world . The Nordic state finds itself in the grip of a terrifying crime wave instead, which even new Swedes describe as like being back in Syria .Grenade attacks in multicultural paradise Malm are now so commonplace the English-speaking media has all but stopped bothering to report them. Compounding the apparent disinterest in the descent of beautiful, historic Malm into a third-world ghetto where native Swedes are very nearly in the minority, is a striking dearth of facts about what is actually going on there.Did you know that it s ILLEGAL to home school your child in Sweden? So much for tolerance. You must learn what the state teaches you or you will be severely punished.It s been called one of the worst cases of government abuse ever committed against a home schooling family: the abduction by Swedish authorities of Domenic Johansson, a happy, healthy, 7-year-old boy taken from his parents Christer and Annie Johansson in 2009 as they waited to leave Sweden on a flight to India.After the abduction, the Johanssons story spread quickly on the Internet.But three years later, Domenic is still being kept from his parents, and Swedish authorities keep finding new reasons for why the child can t go home. This is about the most fundamental right you have. You have the right to your own children, or you should have, Christer told CBN News during the first television interview he and his wife have given since their only child s abduction.In 2008, Christer and Annie were making plans to leave Sweden for humanitarian work in Annie s native India.They decided it would be best for Domenic to be home-schooled during the final months before their departure, rather than enroll him in public school.Christer says Sweden s Ministry of Education told him they could home-school, but local officials levied steep fines and threatened the couple to discourage them from doing so.Then, as the parents sat on a plane at Stockholm airport for their scheduled trip to India, police came aboard and took Domenic away. They took Domenic from the plane, Christer recalled. Then he threw up until they took him to ER. That s how severe the trauma is. If someone throws up so you have to take him to the hospital, that s severe. I have no clue what went on, Annie added. There was just a stampede. My child had no clue, and I have no clue still what s going on. I can just hear the screams of my child all the time. Sweden s liberal approach to parenting has bred a nation of ill-mannered brats, a leading expert has warned in a new book which calls on parents to seize back control of their families. David Eberhard, who was a prominent psychiatrist before becoming a writer, warns in his new book, How Children Took Power, that Swedish parents are now unwilling to discipline their children in any way. Swedes in 1979 became the first to adopt a total smacking ban. We live in a culture where so-called experts say that children are competent and the conclusion is that children should decide what to eat, what to wear, and when to go to bed, he said. If you have a dinner party, they never sit quietly. They interrupt. They re always in the centre, and the problem is that when they become young adults, they take with them the expectation that everything is centred around them, which makes them very disappointed. He points to Sweden s growing truancy rates, a rise in anxiety disorders, and the country s declining performance in international educational league tables, as the tangible results of its liberal parenting approach. They don t say thank you. They don t open doors. If you see them on the subway, they don t stand up for elderly people or pregnant women. Stricter parenting is a taboo in Sweden, let alone advocating a return to smacking, a ban on which he believes has more to do with ideology than scientific evidence. It s very difficult to contradict. If you say I m putting forward a stricter way, then people think you re an idiot. Can you say #BlackLivesMatter movement?",left-news,"Nov 16, 2015",0 +WATCH #BlackLivesMatter Students Panic When Asian Student Turns Tables On Them…Talks About Racial Harassment By Blacks,"After watching this video, it becomes very clear that these students want nothing to do with racial harmony. This movement is about black power. It s about treating people a certain way based solely on the color of their skin. There is nothing about this movement that attempts to bring people together. The black students have taken over the movement and kicked the Asian, White and Hispanic students who are supporting them to the curb. This divisive #BlackLivesMatter movement will go down as one of the most deceitful movements in our nations history Students at Claremont McKenna College in California who are demanding a racially segregated safe space for marginalized identities, silenced and embarrassed an Asian woman when she described how she had been racially harassed by an African-American man.The exchange is damning because it illustrates how the safe space students don t really care about racism, they only care about race baiting and exploiting identity politics in order to obtain power.",left-news,"Nov 16, 2015",0 +WATCH: β€œWe’re getting a glimpse of a world without America…and it’s scary as hell”,"The Intellectual Froglegs videos by Joe Dan Gorman are truly a gift to conservatives in America. Joe Dan uses hard-hitting, brutally honest and absolutely hysterical commentary to deliver an important, eye-opening message to the masses. He has the ability to expose the Left and the idiocy of those who support their policies like no other.His videos are usually 15 minutes or longer, but the two most common remarks we receive from viewers who have watched his videos on our 100 Percent FED UP Facebook page are: Every American needs to see this video and It was worth watching every minute of this video. The lines have been drawn there is a segment of society that no matter what they hate Donald Trump, and the notion of him becoming president make them ill.. To them I dedicate this video. Heh, heh, heh.The number one, two and three issues are the border, the economy and immigration . all three inextricably connected. And America wants the damn wall that we ve been promised for 40 years. Trump will deliver.The haters continue to claim Trump is no conservative but his policies are conservative as hell which leads me to the following conclusion. Considering Trump s undeniably conservative policies in conjunction with his unparalleled business successes and add the fact that he has lived his life in a WILDLY liberal Manhattan, I conclude that Trump has always been a closet conservative.A businessman has to make friends to succeed.We d like to thank Intellectual Froglegs for the awesome mention in his latest video. We are honored to be associated with this hard working, smart and conservative voice for conservatives across America.Please go to the Intellectual Froglegs website to view more of Joe Dan s quality videos.Joe Dan Gorman is the creator and producer of Intellectual Frog Legs. When he is not creating and producing stuff, he is busy eating meat, playing guitar and defending the Constitution from liberal zombies. Joe Dan is only able to continue doing what he does when you share his videos. PLEASE HELP Joe Dan in his attempt to cure liberalism by donating to his production costs by clicking HERE.",left-news,"Nov 16, 2015",0 +Angry Black Activists Start Vile Social Media Campaign Over Public Sympathy For Paris Terror Victims,"Barack Obama has somehow managed to inspire the worst kind of hate in these petulant college students. This latest hashtag campaign against a country in mourning is really incomprehensible. These spoiled young adults have no concept of how blessed they are to be living in the most amazing country in the world. They are truly an embarrassment to our great nation.Resentful black activists and their comrades started a backlash against the huge public sympathy for the Parisian victims of the Islamist terror war. On Sunday, they used Twitter s hashtag #FuckParis to reveal their emotional reaction to their loss of attention.Breitbart News Milo Yiannopoulos reported, the social media backlash began almost immediately by Black Lives Matters activists upset about how the historic terror attack by ISIS that left over 120 dead had stolen the media spotlight overnight on Friday.A small sampling of the tweets show no sympathy towards the killed and wounded in Paris. Instead, the left-wing activists described the slaughter in France as retribution for the Western colionialist, imperialist, racist, and white culture. The tweets cited included France s long history with Haiti and Africa, as well as France s popular ban on Muslim s Afghan-style face-covering niqab cloaks.If only white lives mattered to white people smh #ParisAttacks #ParisShooting #paris #FUCKPARIS #FUCKFRANCE pic.twitter.com/muss901RA4 Feminist Witch (@LOLatWhiteFear) November 15, 2015The #FuckParis hashtag also was retweeted by radicals in both America and Europe who supported the Islamist attack and open borders for refugees.https://twitter.com/JohnnyACE562/status/665723350698713088https://twitter.com/JohnnyACE562/status/665723459465379840You really expect us to support a Country that still taxes Afrika for Colonial expansionism? Yeah, #FuckParis pic.twitter.com/MaJF4nDEDP Neo Fawkes III (@iiiogical420) November 15, 2015Some activists realized their posts are counterproductive, and hid them from outsiders. Most others, however, let their emotions fly.Via: Breitbart News ",left-news,"Nov 15, 2015",0 +New Orleans β€œClub” Advertises β€œMeet And Greet” For Dem Gov Candidate: FREE Drinks And β€œPerformers” And Party Bus To Polls For β€œEarly Voters” [VIDEOS],"Wow it looks like Dem candidate for governor, John Bel Edwards has some friends who really know how to throw a party for early voters. The stripper poles on the purple party bus are a special feature that goodness knows, every early voter requires Yesterday, the Hayride exclusively reported on gubernatorial candidate John Bel Edwards campaign rally at the New Orleans night club known as Lyve New Orleans.Lyve New Orleans is a night club on Tulane Ave. and yesterday, the night club posted a couple of photos of their John Bel Edwards event, in which they promised a Meet and Greet with Edwards and a party bus that would take voters to go early vote.Today, the Hayride has obtained all of the videos from the night club campaign rally for Edwards, in which a party bus is seen covered in Edwards campaign signs, blaring Missy Elliot beats accompanied by strobe lights.The Edwards campaign was invited to a Family Forum yesterday to discuss social issues with his opponent Sen. David Vitter (R-LA), but skipped out on the event. Vitter, however, did attend.The videos below (caught by America Rising) show Edwards and his wife Donna Edwards meeting with voters before entering the club. Following the meet and greet event some of the attendees hopped on the party bus to City Hall for early voting, and the bus illegally parked in front of City Hall and had to be moved.Here s a copy of the invitation to the rally for John Bel Edwards for Governor of LA: Take a look at all of the footage from Edwards campaign rally below:Here is John Bel Edwards arriving at Lyve Nite Club:Here s an inside look at the John Bel Edwards purple party bus that was apparently to be used for transporting voters to the early voting polls. The bus is complete with stripper poles, a wall of speakers and strobe lights:After parking illegally, the John Bel Edwards Party/ride to early voting precincts bus was made to move:The photos obtained by the Hayride yesterday via Lyve New Orleans Facebook and Instagram account can be seen below, depicting Edwards invite (bottom left) among the rest of the night club s featured performers and rappers:After the Hayride posted the exclusive story, multiple Facebook users and Twitter users quickly attempted to shoot down the story, claiming the story was intellectually dishonest and that Edwards was not associated with the night club event.Via: The Hayride",left-news,"Nov 15, 2015",0 +ADMINISTRATORS FACE BACKLASH After Florida Middle School Organizes Segregated Field Trip For Blacks Only," We didn t mean to send a negative message. We wanted to be positive. Yeah because telling Asians, Whites and Hispanics to stay back and do school work while their black friends go on a field trip is a pretty positive experience for everyone Administrators at a Florida middle school faced a severe backlash from parents and students after they organized a field trip only for black students.Heron Creek Middle School scheduled a trip to Black Violin, a performance by black musicians, WSTP reports. I think it should be the whole school not just blacks, says black seventh-grader Richard Service.Instead, administrators were caught segregating students based on race.The school received 50 tickets and decided to give them only to black students. They said it was for blacks to be motivated to improve their grades, according to Service. I did think it was kind of racist that Latinos, Chinese couldn t go, says Jennifer Bender, another student at the school. No matter what race it s wrong all the way around, according to parent Steve Moreno.Other parents were harshly critical of the move on a community Facebook page. Linda Prince wrote:Just wanted to let the community be aware of what is happening at Heron Creek Middle School. Yesterday they called an assemble for ONLY African American students. The assembly was to tell them that they could earn a field trip for good behavior. After writing a email to the school board last night letting them know I was upset, I received a call from the vice principle this afternoon. He told me it was because there was an upcoming performance from a group called Two Black Musicians and they thought it would be a good motivational tool for their African American students. I thought segregation ended a long time ago. I completely do not agree with this. Basically I was told we just have to agree to disagree.After the backlash, administrators decided to allow all students to attend. We care about every child on this campus. We celebrate diversity all the time, Principal Matthew Gruhl says. We didn t mean to send a negative message. We wanted to be positive, according to Gruhl. We learned from this, he says, adding a bit sarcastically, We are sorry if we hurt people s feelings. Gruhl had told students they were changing the rules not because they were caught segregating students based on race, but because, We learned there s a demand for all our students to have an opportunity to see this great performance. They re now trying to raise $3,500 to purchase 500 tickets so more students can go, based on grades and behavior and not race. There s no word on who will go if they don t raise that amount of money. They had some parents upset this opportunity was not extended to more students, Sarasota County schools spokesman Scott Ferguson tells the Herald-Tribune. They decided today to open it up to all students who met the same criteria. That involves grades and behavior and other criteria. That s how should have been in the beginning, parent Steve Moreno tells the news station. Via: EAG News",left-news,"Nov 15, 2015",0 +"STUDENTS THREATEN YALE PRESIDENT: Give Us $8 Million In Demands To β€œreduce the intolerable racism,” Or Else","Isn t there a legal term for those kinds of threats? Oh yeah it called Extortion:ex tor tion ik st rSH( )n/ noun the practice of obtaining something, especially money, through force or threats. synonyms: blackmail, shakedown; formalexaction arrested on a charge of extortion Unhappy with a series of small concessions from the administration, protesters at Yale University have released a new list of demands that include firing people they don t like and giving their favored programs a budget increase of at least $8 million a year.The new demands, released by a group calling itself Next Yale, were read aloud to Yale president Peter Salovey Thursday night by protesters who marched to his front door at midnight. The group says the demands are necessary to reduce the intolerable racism that students of color experience on campus every day. Salovey is given until Nov. 18 to respond.As evidence of Yale s hostile racial climate, the demands cite a widely debunked alleged exclusion of black women from a party hosted at Sigma Alpha Epsilon (SAE) fraternity. There is substantial evidence this alleged segregation did not happen.Of the Yale student s demands, the most expensive is the third, which orders the school to increase the budget for Yale s four cultural centers (for Asians, blacks, Hispanics, and American Indians) by two million dollars each, a total expense of $8 million. Along with this increase to their budgets, the students demand that the cultural centers hire five additional full-time employees each. Via: Daily Caller ",left-news,"Nov 14, 2015",0 +The β€œSafe Welfare State” Of Sweden Descends Into Anarchy…Muslim Refugee Situation Out Of Control,"The Swedes have apparently reached their limit on tolerance for Muslim refugees who have no intention of assimilating. Since 1975, rapes in Sweden have increased by 1,475%! You have to understand that Swedes are really scared when an asylum house opens in their village. They can see what has happened in other places. Salesman for alarm systems.Since Parliament decided in 1975 that Sweden should be multicultural and not Swedish, crime has exploded. Violent crime has increased by over 300% and rapes have increased by an unbelievable 1,472%.Many Swedes see the mass immigration as a forced marriage: Sweden is forced to marry a man she did not choose, yet she is expected to love and honor him, even though he beats her and treats her badly. Her parents (the government) tell her to be warm and show solidarity with him. Are the State and I now in agreement that our mutual contract is being renegotiated? Alexandra von Schwerin, whose farm who was robbed three times. Police refused to help.Once upon a time, there was a safe welfare state called Sweden, where people rarely locked their doors.Now, this country is a night-watchman state each man is on his own. When the Minister of Justice, Morgan Johansson, encourages breaking the law, it means opening the gates to anarchy. Mr. and Mrs. Swede have every reason to be worried, with the influx of 190,000 unskilled and unemployed migrants expected this year equivalent to 2% of Sweden s current population. The number is as if 6.4 million penniless migrants who did not speak English arrived in U.S. in one year, or 1.3 million in Britain.And the Swedes are preparing: demand for firearms licenses is increasing; more and more Swedes are joining shooting clubs and starting vigilante groups. After a slight dip in 2014, the number of new gun permits has gone up significantly again this year. According to police statistics, there are 1,901,325 licensed guns, owned by 567,733 people, in Sweden. Add to this an unknown number of illegal weapons. To get a gun permit in Sweden, you need to be at least 18 years old; law-abiding; well-behaved, and have a hunting license or be a member of an approved shooting club. In 2014, 11,000 people got a hunting license: 10% more than the year before. One out of five was a woman. There is also a high demand for alarm systems right now, says a salesman at one of the security companies in an interview with Gatestone. It is largely due to the turbulence we are seeing around the country at the moment. People have lost confidence in the State, he added. The police will not come anymore. Truck drivers say that when they see a thief emptying the fuel tank of their trucks, they run out with a baseball bat. It is no use calling the police, but if you hit the thief, you can at least prevent him from stealing more diesel. Many homeowners say the same thing: they sleep with a baseball bat under the bed. But this is risky: the police can then say you have been prepared to use force, and that might backfire on you. The salesman, who asked to remain anonymous, also spoke of Sweden s many Facebook groups, in which people in different villages openly discuss how they intend to protect themselves: Sometimes you get totally freaked out when you see what they are writing. But you have to understand that Swedes are really scared when an asylum house opens in their village. They can see what has happened in other places. One blog, detailing the consequences for the local population when an asylum facility opens, is aptly named Asylkaos ( Asylum Chaos ). There is a list of companies the reader is prompted to boycott; the blog claims these businesses encourage the transformation of Sweden to a multicultural society, and are therefore considered hostile to Swedes. At another security company, a salesman said that every time the Immigration Service buys or rents a new housing facility, his firm is swamped with calls. The next day, he said, half the village calls and wants to buy alarm systems. Ronny Fredriksson, spokesman of the security company Securitas, said that the demand for home alarm systems first exploded about six years ago, when many local police stations were shut down and police moved to the main towns. This, he said, could result in response times of several hours. More and more people now employ the services of our security guards. Shopping malls and stores in the city come together and hire guards. We are kind of like the local beat cops of old. Even though Securitas makes big money from the increased need for home security alarms and security guards, Fredriksson says they also are worried about the effect on society: The problem is that we too need the police. When our guards catch a burglar or a violent person, we call the police but the response times are often very long. Sometimes, the detainees get violent and quite rowdy. On occasion, the police have told us to release the person we have apprehended, if we have his identity, because they do not have a patrol nearby. Even before the massive influx of migrants in the fall of 2015, Swedes felt a need to protect themselves and with good reason. Since the Parliament decided in 1975 that Sweden should be multicultural and not Swedish, crime has exploded. Violent crime has increased by more than 300%, and rapes have increased by an unbelievable 1,472%.The politicians, however, ignore the people s fear completely. It is never discussed. Instead, the people who express concern about what kind of country Sweden has become are accused of xenophobia and racism. Most likely, that is the reason more and more people are taking matters into their own hands, and protecting themselves and their families to the best of their ability.All the same, some people do not settle for that. It seems some people are trying to stop mass immigration to Sweden. Almost every day there are reports of fires being set at asylum houses. So far, miraculously, no one has been hurt. These fires are set not only by Swedes. On October 13, a 36-year-old woman living in Skellefte was convicted of setting fire to the asylum facility in which she herself resided. The woman claimed she lit a candle and then fell asleep. Yet forensic evidence showed that a combustible fluid had been doused throughout the room, and the court found beyond a reasonable doubt that she herself had ignited the fire. Via: Gatestone Institute",left-news,"Nov 14, 2015",0 +MIZZOU Cry-Babies Complain Paris Terror Tragedy Is Stealing Spotlight From Their β€œStruggles”,"Never mind that almost every single aspect of the phony Mizzou controversy has been proven to be a hoax. For these entitled trophy kids, they will never have enough Campus activists in America showed their true faces during an international tragedy last night: they are the selfish, spoiled children we always knew they were.Black Lives Matter and Mizzou protesters responded to the murder of scores of people in Paris at the hands of Islamic extremists by complaining about losing the spotlight and saying their struggles were being erased. Their struggles, remember, consist of a poop swastika of unknown provenance and unsubstantiated claims of racially-charged remarks somewhere near Missouri s campus.So debased has the language on American campuses become that these incidents, which many observers believe to be hoaxes, just like previous campus scandals celebrated by progressive media, are being referred to as terrorism and a tragedy by moronic 20-year-olds who have never been told, No. Via: Breitbart News",left-news,"Nov 14, 2015",0 +BREAKING: PARIS TERRORIST Was Syrian Refugee…Arrived In Greece Last Month,"The terror attacks in Paris are a horrific reminder of the consequences nations who open their borders to people who want to kill them will surely face Reports are emerging that one of the terrorists involved in last night s Paris massacre was a Syrian refugee who arrived in Greece last month.Greek journalist Yannis Koutsomitis tweets that the country s Ministry of Public Order and Citizen Protection has confirmed that the terrorist found with a Syrian passport on his person was, registered as refugee on Leros island in October. Koutsomitis also drew attention to a quote by Greece migration Minister Yiannis Mouzalas, who on September 9th said, It would be foolish to believe that there are no jihadists among the refugees that cross into Europe. #Greece PublicOrderMin Toskas confirms Paris attacker w Syrian passport was registered as refugee on Leros island in Oct. /via @AntennaNews Yannis Koutsomitis (@YanniKouts) November 14, 2015A Syrian passport was discovered on the body of one of the suicide bombers who staged the attack outside the Stade de France during the France v Germany soccer game.If confirmed, the report will be a devastating blow to Angela Merkel and other European leaders who have opened the borders to hundreds of thousands of migrants despite ISIS vow to exploit the crisis to infiltrate jihadists into the west.Earlier today, Merkel responded to the massacre by calling for people to express tolerance towards the migrants.Numerous experts have warned that rolling out the red carpet to migrants from the Middle East would substantitally heighten the risk of terrorists being able to cross into Europe, although such concerns were dismissed by many at the time as fearmongering.Via: InfoWars",left-news,"Nov 14, 2015",1 +Marine’s Awesome Response To College Kids Who Want You To Pay For Their Education Goes Viral,"To all the college students who think it s okay to demand that hard-working Americans pay for your college debt, this Marine has a message for you.#MillionStudentMarch Students:I wanted money for school, so I marched too #millionstudentmarch This one was about 25 miles #USMC pic.twitter.com/bS6QN0KDtb James Erickson (@SayHiJames) November 12, 2015Here s the interview that supposedly inspired his message:https://youtu.be/Zmji36q8E4oVia: 100% FED Up! ",left-news,"Nov 14, 2015",0 +"Why Sheriffs Are Calling Obama’s Release Of Over 6,000 Federal Prisoners β€œBiggest Sham”","If there s one thing we do know to be true about Barack Hussein Obama, the safety of the American people is not one of his priorities If [the Obama administration is] not capable of making honest and prudent decisions in securing our borders, how can we trust them to make the right decision on the release of prisoners who may return to a life of crime? Local sheriffs across America are voicing concern for the safety of the citizens they ve sworn to protect after the biggest one-time release of federal inmates in U.S. history though advocates of criminal justice reform maintain the release is being handled responsibly.The 6,112 inmates were released from federal prison at the beginning of November in response to a decision by the U.S. Sentencing Commission to reduce sentences for most drug trafficking offenses and apply them retroactively. It coincides with a broader and bipartisan push for rethinking federal sentencing.But the mass release raises immediate practical questions about how the ex-inmates can adjust. There s no transition here, there s no safety net. This is the biggest sham they are trying to sell the American people, Sheriff Paul Babeu of Arizona s Pinal County told FoxNews.com. On average these criminals have been in federal prison for nine years you don t have to be a sheriff to realize that a felon after nine years in jail isn t going to be adding value to the community. A third are illegals and felons so they can t work. What do we think they are going to do? said Babeu, also a congressional candidate.The government is in fact trying to guide the transition for many. The Justice Department says 77 percent of exiting inmates are already in half-way houses or home confinement.But local law enforcement officers have deep reservations, as the initiative ramps up quickly.The November inmates are the first of approximately 46,000 who may have their cases reviewed. Of those released in the first round, the Department of Justice says 1,764 were to be turned over to Immigration and Customs Enforcement (ICE) for deportation proceedings.Sheriffs on the border front-lines were skeptical of the deportation claim. The promise is they re going to be turned over to ICE and deported. Anyone who thinks there s any likelihood of them leaving the U.S. think again, Babeu said, before saying the president should be held responsible for any crimes committed by those released.Other sheriffs also challenged the claim that those being released are not a risk to communities. If [the Obama administration is] not capable of making honest and prudent decisions in securing our borders, how can we trust them to make the right decision on the release of prisoners who may return to a life of crime? Sheriff Harold Eavenson of Rockwall County, Texas, told FoxNews.com. I d be amazed if the 6,000 being released are non-violent. Sheriff Harold Eavenson While the average number of inmates being released to any one state is 80, Texas is slated to receive 597 inmates.The inmates in question had been incarcerated on drug offenses, but the severity of the cases ranged broadly. An Associated Press review last month found while many were low-level drug dealers, some had prior convictions for robbery or were involved in moving serious drugs like cocaine and heroin. WGME in Maine also reported that the group includes a former drug kingpin previously listed as one of America s Most Wanted, after his 20-year sentence was reduced. For them to tell me or tell citizens that they re going to do a good job and these inmates are non-violent, when in many instances drug crimes, drug purchasing, drug trafficking are related to other, violent crimes I d be amazed if the 6,000 being released are non-violent, Eavenson said.A Justice Department official told reporters at an October briefing that the DOJ was conscious of public safety when granting each inmate early release, adding that every prisoner who applied under these new guidelines underwent a public safety assessment. The DOJ says that the reductions were not automatic, and that as of October, judges denied approximately 26 percent of total petitions. Via: FOX News",left-news,"Nov 13, 2015",0 +RACISM MUCH? Black Cornell Students Protest a Pro-Black Protest Led by White Students,"Politically correct racism condoned by the Left and fueled by Obama, his administration, the media and radical educators (Disclaimer: MRCTV linked to a Facebook event that has since been removed. An archive of the event can be viewed here.)An organized protest at Cornell University supporting racial equality has been canceled after a black student group complained about the lack of people of color in the planning and attendance of the event, which appears to have been organized by a white student.The group also stated that although the members appreciate the solidarity and interest of our allies, the organization would like to address prejudice in [their] own way. They then suggested that individuals who would like to show support for black causes should ask in advance for the organization s approval.Thursday morning, a Facebook event was created for a #ConcernedStudent1950 protest that would take place on Friday at noon. People immediately expressed outrage at the event.AD FEEDBACK The event creator, who appears to be a white man on his Facebook profile, was accused of mocking the struggles of our communities and creating an event to promote himself. Some Facebook commenters called the event creator a troll. Cornell student and alleged Huffington Post writer Paola Mu oz wrote: Are you f**king kidding me? Being an ally is not about starting events because *now* it s actual racism racism takes on different forms, such as through microaggressions, cultural appropriation, people wearing PoC caricatures for Halloween; bull sh*t that ultimately others us that you and so many other folxs poked fun at. Mu oz went on to claim the event creator has posted classist sh*t and use[s] humor to dilute our pain. She called the event a complete mockery. Mu oz requested the student group Black Students United at Cornell University post on the page and cancel the event.Black Students United at Cornell University posted, We, Black Students United, would like to point out the lack of people of color in the planning and attendance of this protest. The organization continued, While we appreciate the solidarity and interest of our allies across campus, we would like to be able to address prejudice on this campus and campuses like it in our own way. Black Students United at Cornell University noted they would like individuals to ask their permission before creating events. In the future, please ask how you can support us before organizing on your own. With that in mind, we would appreciate the cancellation [sic] of this event. In response to the comment by Black Students United at Cornell University, the event creator posted an update canceling the event. He wrote, Thank you for calling me out on my ignorance. Via: MRCTV",left-news,"Nov 13, 2015",0 +"ILLEGAL IMMIGRANTS CAUGHT Squatting In Deployed Soldiers Home: Feces, Urine Stains And Garbage Everywhere","These creeps will be out of jail and occupying another taxpaying American citizens home faster than you can say amnesty! Five illegal immigrants have been arrested for squatting in a deployed soldier s home leaving it covered in feces and urine.The men have occupied the three-story home in Englewood, New Jersey, for at least a few weeks as its owner, a female soldier, is stationed out of the city.According to police, the conditions in the home were deplorable throughout , with evidence of partying and squalor.They discovered the disgusting scene after one of the men, 18-year-old Carlos Rosales-Campos, was arrested on Sunday following a theft at a nearby restaurant.Police determined he was squatting at the property on Lafayette Avenue, and when they went to inspect they found four more men living there.Rosales-Campos is in the country illegally from El Salvador, according to police.One of the men, 47-year-old Oswaldo Meneses-Arango, is a legal resident from Colombia.However, the other three Rosalio Valencia-Hernandez, 49; Rene Contreras-Ixtla, 39; and Evaristo Chavez, 34 are illegal immigrants from Mexico.Police have charged five men for squatting in a soldier s New Jersey home. They found them on Sunday after arresting Carlos Rosales-Campos, 18, (pictured) over a burglary. He is here illegally from El SalvadorBreak-insPolice said Rosales-Campos began his string of burglaries on Aug. 27, when he approached a manager of the Jackson Hole Diner and put a gun to his head and demanded the night s receipts. No shots were fired and the manager was not hurt, but Rosales-Campos got away with more than $1,000 in cash, police said.Other incidents include:On Sept. 28, police said, Rosales-Campos stole the cash register and less than $500 from Colpan Bakery on James Street. He is accused of stealing the cash register and less than $100 from Community Cleaners on Grand Avenue on Oct. 2. On Oct. 6, tobacco products and a cash register were taken from Crown Fish & Chicken on West Englewood Avenue, police said. The register had less than $500 in it. On Oct. 15, the Jackson Hole Diner was burglarized, and Rosales-Campos was accused of taking a $500 laptop and tampering with the cash register. On Oct. 21, he allegedly tried to break into the KNT Luncheonette on West Hudson Avenue but nothing was taken. On Oct. 29, he allegedly stole about $500 worth of clothing and a cash register with $100 from Englewood Athletics on West Palisade Avenue. A significant amount of the stolen merchandise was recovered and returned to the businesses, Torell said.Aside from Chavez, all of the men are homeless, police said.Evaristo Chavez, 34 and Rene Contreras-Ixtla, 39, are in the country illegally from MexicoOswaldo Meneses-Arango, 47, is the only legal resident of the five. He hails from Colombia. However, he was also charged with trespass alongside illegal Mexican immigrant, Rosalio Valencia-Hernandez, 49 (below)Northjersey.com reported that empty beer bottles, clothing and plastic gloves could be seen in the yard of the single-family home. At the back, someone had knocked out a glass pane of the rear door.Rosales-Campos was charged with armed robbery, second-degree possession of a weapon with intent to use against a person, second-degree illegal handgun possession, six counts of third-degree burglary, third-degree attempted burglary, several counts of theft, fourth-degree possession of a fraudulent government I.D. and one count fourth-degree criminal trespass.Via: UK Daily Mail",left-news,"Nov 13, 2015",0 +"KARMA: Manufactured Race War Backfires…Missou Loses Top Football Recruit, Says β€œTheir campus is out of control.”","kar ma k rm /Submit noun destiny or fate, following as effect from cause.Protests Cost Missouri a Top RecruitLouisiana high school football standout Sci Martin removed Missouri from his top five list of schools he was considering attending next fall.Sci Martin is one of the top high school recruits in the country.Sci Martin, from New Orleans, Louisiana, told reporters, Their campus is out of control. SEC Cuuntry reported: As if enough wasn t already going on at Missouri, the protests and racially-charged controversy have now hit the recruiting trail.Sci Martin, a 3-star defensive end and the No. 42 player in Louisiana, told SEC Country he has removed Mizzou from his top five. That narrows his list down to LSU, TCU, Utah and Oklahoma.Martin, who leads the New Orleans area in sacks this season, said he wanted no part of what s taking place in Columbia, Mo. Their campus is going out of control, Martin said Wednesday night.Martin said Missouri was pretty high on his list. He previously said he liked the Tigers coaching staff and how he fit in their defensive scheme.Because of what s going on, Missouri will no longer receive consideration. They were pretty high, Martin said of Missouri, but I m not going back in time with this type of madness. Sci Martin spoke with NOLA earlier this season.Via: Gateway Pundit ",left-news,"Nov 13, 2015",0 +JUDGE REMOVES 1 YR OLD FROM HOME OF MARRIED LESBIANS: Should Be Sent To β€œA more traditional home”,"Gay Mafia descends in 5 4 3 2 1 Given the current body of evidence, the American College of Pediatricians believes it is inappropriate, potentially hazardous to children, and dangerously irresponsible to change the age-old prohibition on same-sex parenting, whether by adoption, foster care, or reproductive manipulation, they conclude. This position is rooted in the best available science. A Utah juvenile court judge ruled Tuesday that a 1-year-old girl, who has been in the care of lesbian foster parents, cannot be adopted by them and should be sent to a more traditional home, says the Utah Division of Child and Family Services.According to CNN, the case is the first major challenge to same-sex adoption rights. LGBT civil rights groups are outraged over the ruling.While Judge Scott Johansen is not commenting on his decision publicly per the Utah Code of Judicial Conduct April Hoagland, one of the lesbians, married over a year ago to Beckie Peirce, told KUTV that Johansen said research indicates children in homosexual homes do not do as well as they do in heterosexual homes. [W]hen they asked to show his research he would not, Hoagland added.Hoagland and Peirce were approved as foster parents by the division of family services and are raising Peirce s two children. They say the state and the child s biological mother are supportive of their desire to adopt the child.As CBS reports, the two women are part of a group of same-sex couples who were permitted to become foster parents in Utah following the U.S. Supreme Court ruling that legalized same-sex marriage nationwide. Deborah Lindner, a spokeswoman for the Utah Foster Care Foundation, which trains foster parents for the state, said about 20 same-sex couples are caring for children in the foster program. Heartbreaking. We ve been told to take care like a mother would and I m her mother, and that s who she knows and she s just going to be taken away in seven days to probably another good, loving home, Hoagland said. But it s not fair, and it s not right, and it hurts me very badly, because I have done nothing wrong. Removing a child from a loving home simply because the parents are LGBT is outrageous, shocking and unjust, Chad Griffin, president of the Human Rights Campaign, said in a statement. It also flies in the face of overwhelming evidence that children being raised by same-sex parents are just as healthy and well-adjusted as those with different-sex parents. At a time when so many children in foster care need loving homes, it is sickening to think that a child would be taken from caring parents who planned to adopt, he added.Utah child and family services said they are reviewing the ruling to determine their options, including whether to challenge the order. This is the first time there has been an attempt to deprive gay foster parents of their rights to care for an adoptive child, said CNN legal analyst Paul Callan. I believe it was a bizarre and highly unusual decision by the judge based most probably on religious beliefs rather than scientific facts. He predicted the case would be overturned by Utah appeals courts.In 2012, however, sociologist Mark Regnerus of the University of Texas at Austin published research in the journal Social Science Research on a large, random sample of Americans of ages 18-39 who were raised in different types of families. The study of some 3,000 adults found numerous differences that exist among the various family arrangements and that outcomes for children of gay and lesbian parents were suboptimal. In another study by Loren Marks of Louisiana State University also published in Social Science Research Marks debunked a 2005 policy brief on same-sex parents by the American Psychological Association (APA), in which the organization analyzed 59 studies and concluded [n]ot a single study has found children of lesbian or gay parents to be disadvantaged in any significant respect relative to children of heterosexual parents. Marks observed that 55 of the studies analyzed by APA did not even provide evidence of statistical power in accord with APA s own standards. [N]ot one of the 59 studies referenced in the 2005 APA Brief compares a large, random, representative sample of lesbian or gay parents and their children with a large, random, representative sample of married parents and their children, Marks noted. [W]e have been left with large, scientifically strong studies showing children do best with their married mother and father but which do not make comparisons with homosexual parents or couples, observed Peter Sprigg, senior fellow for policy studies at Family Research Council, and studies which purportedly show that children of homosexuals do just as well as other children but which are methodologically weak and thus scientifically inconclusive. However, Regnerus s research, called the New Family Structures Study, included comparisons with children raised by same-sex parents and surveyed young adults about their experiences growing up in their family situations as well as their current life. Unlike other studies, Regnerus also did not rely on reports of children, while they were still living in their homes, or the potentially biased reports of the parents.Regnerus found that children of homosexuals fared worse on 77 out of 80 outcome measures that compared children with same-sex parents to those from other family arrangements. Specifically, compared with children raised by married, biological parents, children of homosexual parents are more likely to be on public assistance, have lower educational attainment, and report both less safety in their childhood families and more continued negative impact from them. In addition, children of same-sex parents were found to more likely suffer from depression, to have been arrested more often, and to have had more male and female sexual partners if they are female.For children of lesbian mothers, statistical significance in both direct comparisons and with control subjects was found in numerous areas in Regnerus s research. Children of lesbian mothers were found to be four times more likely to be on welfare, more than three times more likely to be unemployed, nearly ten times more likely to have been touched sexually by a parent or other adult caregiver, and nearly four times as likely to have been physically forced to have sex against their will.Despite numerous statistically significant correlations in his study and his carefully controlled methodology, Regnerus still cautions these relationships do not indicate causality. Still, as Sprigg noted, The large number of significant negative outcomes in this study gives legitimate reason for concern about the consequences of homosexual parenting. According to Drs. Michelle Cretella and Den Trumbull:[M]others and fathers parent differently and make unique contributions to the overall development of the child. Psychological theory of child development has always recognized the critical role that mothers play in the healthy development of children. More recent research reveals that when fathers are absent, children suffer as well. Girls without fathers perform more poorly in school, are more likely to be sexually active and become pregnant as teenagers. Boys without fathers have higher rates of delinquency, violence, and aggression. [T]radition and science agree that biological ties and dual gender parenting are protective for children, the doctors continue. The limited research advocating childrearing by same-sex parents has severe methodological limitations. There is significant risk of harm inherent in exposing a child to the homosexual lifestyle. Via: Breitbart News",left-news,"Nov 13, 2015",0 +RADICAL INTERIM MISSOU PREZ EXPOSED AS POLITICAL ACTIVIST…Forced Out Predecessor…VIDEO Shows Coordination With Rich Black Starving Student,"Now we ll just sit back and wait to see if Middleton s name appears on the White House registry in October or early November Mike Middleton, the man just named as the interim president of the University of Missouri, worked as a political activist with the protestors who forced out his predecessor.As NBC reports: The University of Missouri s governing board on Thursday appointed a recently retired administrator to be the university system s interim president.Here is former Missouri University resigning from his position after being bullied by students:The Board of Curators announced that Michael Middleton, 68, will lead the four-campus system until it finds a permanent replacement for Tim Wolfe, who resigned Monday under pressure from students who criticized his administration s response to a series of racial incidents. Middleton retired in August after teaching at the law school for 17 years. But he subsequently worked with the black protestors who created racial tensions by staging a series of direct actions designed to antagonize other students.Middleton is featured prominently in a video released three weeks ago called Response To Skeptics, which was produced by a video team at the university s Academic Support Center.The video opens with Jonathan Butler the lead activist leveling political charge at people who don t accept the black activists claim of racial problems at the campus, which is located only 120 miles from Ferguson, where the current protests and political campaign began in August 2014.Then Middleton appears, to insist there is a race-relations problem because race-activists say there is a race-relations problem. How can anyone deny there s a race relations issue on this campus? Are they not listening to the people who are saying their is? Are they calling all these people liars? That s as bad as calling all of them racist? This is a problem because a huge part of our community agrees that it s a problem. Middleton is a longtime lawyer and political activist in the race-relations sector. His UM biography says:Professor Middleton joined the law faculty in 1985 after an illustrious career with the federal government in Washington. He was a trial attorney in the Civil Rights Division of the Department of Justice and in 1977 was appointed Assistant Deputy Director of the Office for Civil Rights at the Department of [Health, Education, and Welfare].After serving as Director of the Office of Systemic Programs for the [Equal Employment Opportunity Commission] and as Principal Deputy Assistant Secretary for Civil Rights at the Department of Education, he was appointed Associate General Counsel of the EEOC s trial division. He returned to his alma mater from St. Louis, where he was director of the St. Louis district office of the EEOC.Beginning in 1997 he served as the Interim Vice Provost for Minority Affairs and Faculty Development for the University of Missouri. In 1998 he accepted the position of Deputy Chancellor.Via: Breitbart News",left-news,"Nov 13, 2015",0 +NEIL CAVUTO Gives A HUGE Reality Check To College Activist Who Wants Free College [Video],This is awesome! Cavuto rips into this activist big time! ,left-news,"Nov 12, 2015",0 +GOVERNMENT SANTA CANDIDATE Gets Another Huge Endorsement… Just In Time For Christmas,"The USPS is drowning in debt, has lost every one of its life-lines and has mismanaged its funds for decades. No worries though, the US Postal Union is quite certain Socialist Santa Claus will fix everything Presidential hopeful Sen. Bernie Sanders (I-Vt.) won the endorsement of the American Postal Workers Union on Thursday, giving the self-described democratic socialist a boost as he seeks more support from organized labor in the Democratic primary.APWU represents 200,000 U.S. Postal Service employees and retirees. It s the second major national union and member of the AFL-CIO labor federation to endorse Sanders over rival and Democratic front-runner Hillary Clinton.Sanders stands above all others as a true champion of postal workers and other workers throughout the country, said Mark Dimondstein, the union s president, in a statement. The endorsement came from the union s 13-member executive board.The United States Postal Service (USPS) lost $5.5 billion last year. That is the eighth annual loss in a row and the third-highest ever. The only silver lining is that the loss was below the red-ink tsunami of $15.9 billion in 2012.Why does the federal government deliver the mail? Why does it have a monopoly over delivering the mail?Admittedly, the Postal Service is one of the few government programs with actual constitutional warrant. The Constitution authorizes Congress to establish post offices. And early American politicians rushed to take advantage of their opportunity, creating the Post Office Department in 1792.With politics rather than service as the post office s priority, Congress took the next step and approved the Private Express Statutes, which prevented anyone from competing with the government in delivering first-class mail. And Uncle Sam enforced his monopoly, fining would-be competitors, including celebrated libertarian author Lysander Spooner.The feds continue to prosecute anyone with the temerity to compete with the USPS, even threatening the Cub Scouts for once offering to deliver Christmas cards.Believing that Americans existed to serve the USPS left the system ill-equipped to adapt to changing circumstances. In 1971, Congress turned the Post Office Department into the semi-independent USPS. That removed its direct role in politics, but the USPS still is exempt from taxes and regulations, including local parking restrictions. Congress retained its control over postal policies and, of course, preserved the system s delivery monopoly.But banning competition could not preserve the postal market. The number of pieces of mail peaked in 2001 and continues to fall despite a rising population. Mail pieces dropped from 213 billion in 2006 to 155 billion last year, and the number is expected to decline to 130 billion by 2020. The USPS s last profitable year was 2006. Since then, losses have run between $2.8 billion and $15.9 billion. The Postal Service has maxed out its borrowing from Uncle Sam and missed four retiree program payments. With characteristic understatement, the Government Accountability Office observed, Given its financial problems and outlook, USPS cannot support its current level of service and operations. The postal unions insist that nothing is wrong at least, nothing that a federal bailout wouldn t solve. They reserve particular ire for the requirement that the USPS prefund workers retirement. Had this rule not been in place, noted former postmaster general Patrick Donahoe, the Postal Service would have earned money last year.But prefunding protects taxpayers. Washington s unfunded (government) retirement liability is about $800 billion and growing every year. That no other agency is required to prefund is unfair to taxpayers, not the Postal Service, since every agency should have to set aside sufficient money to fulfill its financial promises. With the Postal Service earning too little to pay and with nothing left of its federal credit line, the USPS has defaulted four times over the last three years on its mandated contributions.Sanders has long been a vocal backer of a robust postal service, particularly during the postal reform debate of recent years. APWU views itself as fighting a battle against postal service privatization, and it counts the Vermont senator as perhaps its leading defender.As the postal service bleeds millions in losses mostly due to unique funding mandates placed upon it by Congress Sanders has staunchly opposed the closure of postal facilities and cuts in postal service, such as Saturday delivery. He is also a leading proponent of the concept of postal banking, which would allow post offices to provide small loans and compete with payday lenders. Postal banking is a top issue for APWU, and Sanders has sought to make it a campaign issue.In his statement, Dimondstein noted Sanders long history of standing with workers on picket lines, as well as his support for a national $15 per hour minimum wage. Sanders spoke at a protest against Verizon last month that was held by the Communications Workers of America union, and he joined a Fight for $15 rally outside the U.S. Capitol building earlier this week.Via: Huffington Post ",left-news,"Nov 12, 2015",1 +"TEAM CLINTON MEMBER BILL GATES Pushed For Unlimited Guest Worker Permits Last Week…This Week Slashes 18,000 Jobs"," The question is not how Hillary will ever be able to repay the kindness of so many donors to the Clinton Slush Fund/Clinton Charity the question is how will America survive her pay-backs?According to donation records, the Bill & Melinda Gates Foundation which funds global vaccine distribution has donated at least $26 million to the Clinton charity, though records appear to be incomplete so the amount could be higher.On Thursday, a week after former Microsoft CEO Bill Gates argued for amnesty and for an unlimited number of high-tech guest-worker visas, Microsoft announced it would slash 18,000 jobs. Microsoft CEO Satya Nadella promised his employees that we will go through this process in the most thoughtful and transparent way possible. Analysts told USA Today that the number being let go was larger than expected. The vast majority of employees will reportedly be notified within the next six months and earn severance and job transition help in many locations. Microsoft employs 125,000 people.Bill Gates, along with Sheldon Adelson and Warren Buffett, advocated removing the worldwide cap on the number of visas that could be awarded to legal immigrants who had earned a graduate degree in science, technology, engineering or mathematics from an accredited institution of higher education in the United States. However, numerous nonpartisan scholars and studies have determined that there is a surplus not a shortage of American high-tech workers. Moreover, after a recent Census report found that 74% of those with a bachelor s degree in these subjects don t work in STEM (science, technology, engineering, math) jobs, the mainstream media may finally be catching on and taking away the high-tech industry s free pass. CBS News, for instance, concluded that the Census data suggest the high-tech industry s contention that there is a shortage of American high-tech is largely a myth. Ron Hira, a public policy professor at the Rochester Institute of Technology, has said there are 50% more graduates than job openings in the STEM fields. Microsoft s announcement hammers home his point that the IT sector has often been an area of social mobility, and removing the caps on high-tech guest-worker visas would take jobs away from American workers and make it more difficult to climb the economic ladder. You ve got people who come from working-class backgrounds who go into these sectors, Hira said on a conference call of scholars earlier this year that Sen. Jeff Sessions'(R-AL) office organized. It s a way of getting into the middle class and the professional class, and that s being cut off. Via: Breitbart News ",left-news,"Nov 11, 2015",0 +"WRONG COLOR: If Left Really Cared About Police Brutality, They’d Be Protesting Death Of White 6 Yr Old Autistic Boy Whose Dad Was Unarmed With β€œHands Up” [VIDEO]","As it turns out, police brutality really isn t the issue at all. It s about dividing a nation down racial lines and the good police men and women are just part of a scheme by the Left that is being orchestrated in the highest office of our nation Police investigating the fatal shooting of a six-year-old autistic boy by two Louisiana state marshals are looking into whether one of the cops had a grudge with the child s father.Jeremy Mardis was shot five times in the head and chest as he sat in the passenger seat of his father Chris Few s car last week by officers Derrick Stafford, 32, and Norris Greenhouse.Investigators are exploring the possibility that Greenhouse, 23, had a personal issue with Few, after Few s fianc e Megan Dixon said the marshal had been messaging her on Facebook and coming round to their home.Ms Dixon has previously said she was the reason this all started , adding that she knew what happened in the moments leading up to the shooting.Few and Ms Dixon were drinking Budweisers and shots of tequila in T.J. s Lounge and pool bar that evening before getting into an argument, the Denver Post reported.She announced to the bar that they were not seeing each other any more and started dancing with one of the barmen.Few reportedly stormed out of the bar, kicking a door as he left, before getting into a blazing row with Ms Dixon in the parking lot.They drove off in different vehicles and someone called 911.A short while later, after Few had picked up Jeremy, he pulled up next to Ms Dixon at a red light and asked her to come home with him. She said she declined because she was stubborn .As she pulled away, Ms Dixon said she saw two marshals cars approaching from behind with their lights flashing.She said she saw Few was pointing at his son s head, showing that he was in the car and he wasn t sure what to do.According to investigators, Few drove down a cul-de-sac as marshals Greenhouse and Stafford came round the corner.Police say Few started reversing and at this point the men opened fire, pumping 18 bullets into the SUV, five of which hit Jeremy in the head and chest.Police are investigating whether Greenhouse (left) had a grudge with Few, who was said to have confronted the cop over Facebook messages and visit to his fiancee. Pictured right, StaffordFew s attorney says footage from a bodycam worn by one of the cops shows the father putting his hands up before the officers started firing.Col. Edmonson on Friday described the footage as the most disturbing thing I ve seen .He added: That video was incredible. I mean, as a father, much less head of the state police, I looked at that tape, I said this is incredibly disturbing. Initial reports suggested the marshals had a warrant but it was subsequently discovered that they did not, and it is not known why they pursued Few.Greenhouse and Stafford were charged with second-degree murder and attempted second-degree murder. They are being held on $1million bonds.As you can see here, these two cops were about as bad as two cops can be. Since neither of them are white, and the victim is white, this is a non-story to the citizens who are reportedly so concerned about police brutality: Via: Daily Mail ",left-news,"Nov 11, 2015",0 +#BlackPrivilegedLives: Truth Behind The (Not So) Poor Oppressed Black Mizzou Student Who Went On β€œHunger Strike” Over β€œWhite Privilege” [Video],"We ll wait for Nancy Pelosi to call this movement exactly what it is an astro-turf movement. The hate cops and hate white people movement is a George Soros funded, Obama, Eric Holder and Al Sharpton inspired movement created to pit the haves and the have nots against each other. To hell with America and it s great people, this is about something much more important to the Left, it s about a divided nation totally dependent upon the government.No justice no peace! We have nothing to lose but our chains -Jonathan Butler, son of very successful multi-millionaire parents.Jonathan Butler, a central figure in the protests at the University of Missouri, is an Omaha native and the son of a railroad vice president, the Omaha World-Herald reports.Butler refused food last week in a move to force the university system s president, Timothy M. Wolfe, from office. Wolfe resigned Monday and Butler ended his hunger strike.Jonathan Butler played high-school football at Omaha Central High, where he won a state championship, and earned a bachelor s degree in business administration from Mizzou, the newspaper reports. He is working toward a master s degree in educational leadership and policy.He is a member of a prominent Omaha family. The newspaper says that Butler s father is Eric L. Butler, executive vice president for sales and marketing for the Union Pacific Railroad. His 2014 compensation was $8.4 million, according to regulatory filings with the Securities and Exchange Commission. Via: SLTButler s turn from silent type to activist wasn t a complete surprise to his old football coach, Jay Ball, who remembered how Butler worked hard to bulk himself up in order to make the move from the junior varsity team to varsity. In his senior year, Butler started on a team that won the state title.Ball said Butler wasn t a big guy standing about 5-foot-9, tops. But Ball practically had to kick Butler out of the weight room because the aspiring player spent so much time there, pushing himself. I can remember watching him squat, Ball said. His eyeballs bulged out. Ball said Butler led by example, not rah-rah bravado. He was really smart, Ball said, a very coachable kid. Ball said Butler s drive, tenacity and effort probably served him well these past weeks.In his senior yearbook, Butler is shown twice: once in a tie for his class portrait and once in a tiny football team photograph. According to teachers and administrators, he was not the kind of student who organized events or served on the student council. Instead, he was a quiet, solid student who paid attention.Now Butler is the public face of a protest that drew national attention and felled two top leaders. Butler and others have said he s not the center several women at Mizzou plus the school s student body president took more public positions earlier. But his hunger strike, which stretched for eight days, seems to have been the catalyst.Where did this activism come from?Butler did not respond to a World-Herald reporter s requests for interviews. His parents declined to comment. They traveled to Missouri on Monday. A family friend described the family as incredibly humble and low profile.Butler has said in news reports that his paternal grandfather, an attorney helping the poor in New York City, was a big influence. So were his parents: Eric is a Union Pacific executive and Cynthia is a former educator who runs an advocacy program. They founded Joy of Life Ministries in their basement, and it has grown into a church now based at 56th Street and Sorensen Parkway.Butler has said that the police shooting death of Michael Brown in Ferguson in 2014 and the subsequent protests there marked a turning point for him. He spent time in Ferguson, a two-hour drive from Columbia, lending his voice two summers ago.Here is Butler, the self proclaimed speaking to students. I am a revolutionary. ",left-news,"Nov 11, 2015",0 +DISTURBING VIDEO: White Journalism Professor Orders Students To Physically Remove Asian Reporter From University: β€œI need some muscle over here”,"An Asian student reporter on assignment for ESPN and his cameraman were assaulted by an unruly group of intolerant racism peddlers, while attempting to capture photos and video footage of a protesters tent encampment at the Univ of Missouri.University of Missouri professor, Melissa Click can be seen at the end of the video, as she encourages students to bully and threaten a reporter: Who wants to help me get this reporter out of here? I need some muscle over here. It s interesting how this is the same woman who worked so hard to get coverage of this staged event at Univ of Missouri, yet threatens the press when she feels they may not be on the same team. So the message she sends her students is pretty clear either agree with us or leave! No opposing views will be either respected or tolerated. This is a classic example of how little tolerance the Left really has for anyone with an opposing view. By the way,Melissa Click is a professor of wait for it Journalism at Univ. of Missouri.Here s an actual post on FB that was captured and tweeted around where Professor Click was begging for media coverage of her staged racism event:@JoeWalljasper @CaitlinSwieca yet a couple days ago she was courting the media pic.twitter.com/8uZsQQfv2k Kevin Hardy (@kevinmhardy) November 10, 2015Wouldn t these protesters be considered racists by the media if this reporter was black? Listen carefully as he attempts to explain to the woefully ignorant student protesters that he was protected by the same 1st Amendment that protects their right to protest alleged racism at the Univ. of Missouri. Here s how the exchange went down:Tai: Mam, the First Amendment protects your right to be here and mine.Student: Okay, we protect our space as human beings.Tai:There s not a law for that.Student: Forget the law. How about humanity or respect?Tai:How about documenting this for prosperity?Student: Please sir, I m sorry, theses are people too. Now BACK OFF!Students begin to shove Asian reporter.Tai: Don t push me.Very large black man: You need to back up I know that. You need to back up!Tai: We re not doing anything wrong. We re on public spaces.After explaining to the students (again) that he was protected by the 1st Amendment to report on the story, protesters began to grab at his camera.Black male protester (visibly frustrated with Asian reporter): Did you just touch her? (Nice accusation bro, but both of his hands are visibly on his camera!)And does anything warm your heart more than a bunch of supposedly educated students dragging out a pathetic Alinsky ish union chant designed to drown out any opposition to their radical cause: Hey hey ho, ho .reporters have got to go. WATCH Insane liberal logic at work here, as Concerned Student 1950 activists, a group that was formed to create chaos and bring attention to alleged racial issues on campus fights to keep Tai away from activist tent on campus quad:The blonde woman who is the most vocal antagonist and the person who seems most interested in denying this reporter his 1st Amendment rights has been identified as Janna Basler, Campus Greek Life Leader and Communications Professor. Oh, the irony. WOW just wow! Here is the Linkedin profile for the bully professor, Melissa Click who asks for muscle to remove the reporter:And finally, a great tweet from the courageous reporter who bravely stood his ground in the face of threats and intolerance by a leftist mob. He brilliantly cites the law that allowed him to cover the event on campus:I tweeted this out a few days ago but there's literally a state law on the books affirming right to access quad: https://t.co/vACHgnbBaj Tim Tai (@nonorganical) November 10, 2015I sure hope there s a discrimination law suit in the works! Tim Tai would never win in most courts today, but you know what they say: Sunshine is the best form of disinfectant. And Lord knows, this group could use a little sunshine READ MORE: Univ. Of Missouri Pres. resigned yesterday amid protests from the Univ of Missouri football team s alleged racism [Video]",left-news,"Nov 10, 2015",0 +TERROR-TIED GROUP Plans In-Your-Face Parade Float At Tomorrow’s Veterans’ Day Parade,"CAIR knows what it s doing in Tulsa, OK but as usual pretends it s no big deal. We ve dealt with the CAIR, Michigan leader who s been on Twitter, along with others in the organization, bashing our military. We took screen shots of the Tweets that are included in this article. The organization is trying to taunt our veterans on a day when we should be saluting them. If you live in the Tulsa, Oklahoma area, please go and protest this float.The Islamic hate group CAIR is taunting our veterans and military personnel with this latest stunt. Yesterday, veterans gathered at the Richard L. Jones, Jr. Airport to protest the terror-tied float. The group is asking parade goers to literally turn their backs on the float for the Council on American-Islamic Relations.The U.S. front group for a UAE-designated Islamic terrorist group will have a float in one of the largest Veterans Day parades in the country.The subversive organization known as the Council on American-Islamic Relations, or CAIR, continues to try to burnish its unsavory image and obscure knowledge of its true nature.Adam Soltani, executive director of CAIR Oklahoma, insists that his organization is pure as the driven snow: Any claim that CAIR is associated with the Muslim Brotherhood, Hamas, or any other terrorist organization is absolutely preposterous. CAIR was founded in 1994 in Washington, D.C., as a national organization to be a civil rights advocate for American Muslims, to stand up for constitutional rights, for religious freedom, for pluralism, and for every right that we value as American citizens. A Memorial Day Tweet From CAIR, Michigan Director And Retweeted by the San Francisco CAIR Director:Soltani s words are far from the truth. The reality is that CAIR is an unindicted co-conspirator in a Hamas terror funding case so named by the Justice Department. CAIR operatives have repeatedly refusedtodenounce Hamas and Hizballah as terrorist groups. Several former CAIR officials have been convicted of various crimes related to jihad terror. CAIR s cofounder and longtime Board chairman (Omar Ahmad), as well as its chief spokesman (Ibrahim Hooper), have made Islamic supremacist statements. Its California chapter distributed a poster telling Muslims not to talk to the FBI. CAIR has opposed every anti-terror measure that has ever been proposed or implemented. According to a captured internal document entered into evidence in the largest terrorist funding trial in our nation s history, the Islamic Association of Palestine, which is the parent organization of Hamas-tied CAIR, was a Muslim Brotherhood entity, working toward eliminating and destroying Western civilization from within, and sabotaging its miserable house CAIR operatives attack and dismantle America s greatest freedoms through litigation jihad. They smear and destroy the voices of freedom via their well-paid hacks in the media. Over the past decades, they have expended untold amounts of money to buy influence among media and elected officials.Michigan Director of CAIR: A Muslim nation with ties to 9/11 (Qatar) made a major endowment to the Council on American-Islamic Relations. The Saudis have funded them with at least $50 million. Post-9/11, they worked furiously to defeat the Patriot Act, and they continue to undermine counter-terror programs here at home.Read more: Pam Geller",left-news,"Nov 10, 2015",0 +BREAKING: US Appeals Court Deals Obama’s Executive Amnesty Huge Blow,"How many times will our lawless president plead his unconstitutional positions before our Supreme Court? For a Constitutional lawyer, Obama sure does have a difficult time understanding how our laws work President Barack Obama s executive action to shield millions of undocumented immigrants from deportation suffered a legal setback on Monday with an appeal to the Supreme Court now the administration s only option.The 2-1 decision by the 5th U.S. Circuit Court of Appeals in New Orleans to uphold a May injunction deals a blow to Obama s plan, opposed by Republicans and challenged by 26 states.The Obama administration has said it is within its rights to ask the Department of Homeland Security to use discretion before deporting nonviolent migrants with U.S. family ties.The case has become the focal point of the Democratic president s efforts to change U.S. immigration policy.Seeing no progress on legislative reform in Congress, Obama announced last November he would take executive action to help immigrants. He has faced criticism from Republicans who say the program grants amnesty to lawbreakers.In its ruling, the appeals court said it was denying the government s appeal to stay the May injunction after determining that the appeal was unlikely to succeed on its merits. Republicans hailed the ruling as a victory against the Obama administration.John Scalise, the No. 3 Republican in the House of Representatives, said in a Twitter message that the court decision was a major victory for the rule of law. Texas Attorney General Ken Paxton said in a statement the ruling meant the state, which has led the legal challenge, has secured an important victory to put a halt to the president s lawlessness. Via: Reuters",left-news,"Nov 9, 2015",1 +BREAKING: Dartmouth Tells College Republicans Auditorium β€œnot open to presidential candidates” For Trump Event…But Okay For Hillary Event Tomorrow,"In your face progressivism They re not even attempting to hide it anymore. I m starting to believe these radical colleges and universities are wearing their glaring hypocrisy like a badge of honor Despite refusing to grant permission to the College Republicans to host presidential candidate Donald Trump in the school s largest auditorium in September, on the grounds that the space was not open to presidential candidates, Dartmouth College is now permitting Hillary Clinton to speak in the location this Tuesday.Dartmouth College, an Ivy League school located in rural New Hampshire, has hosted many Republican and Democratic presidential candidates this election cycle in a variety of indoor and outdoor spaces across campus. Over Dartmouth s summer term, Hillary Clinton drew a crowd of around 850 spectators at an outdoor venue. This is a prime example of the school attempting to insert their bias onto the student population. -Trump Campaign Tweet ThisMichelle Knesbach, a junior at Dartmouth and president of the school s College Republicans chapter, told Campus Reform that the College Republicans began to invite candidates to campus after New Hampshire s First in the Nation event, where members of the group had the opportunity to meet the candidates and their staff in person. We discussed opportunities for Donald Trump to come up to Dartmouth. We got to the point where it looked like we had a date set for September 30, Knesbach stated.While previous candidates had drawn sizable crowds when they visited Dartmouth, students and Trump staffers anticipated the need for a much larger space than the other candidates had used. The only space that could fit the anticipated 800 people, Spaulding Auditorium, is located in Dartmouth s Hopkins Center for the Arts, a large building that is home to a number of performance spaces and many of the school s arts programs.Knesbach explained that, knowing that Donald Trump was going to get a huge crowd, I asked for Spaulding Auditorium in an email to Laura LaMontagne, an events facilitator, around mid-August. I was told that it was a possibility, and we looked at availability. We were initially told, via email, that there might be a possibility of using Spaulding. Shortly thereafter, Knesbach and the College Republicans Vice President Charles Springer decided to expedite the process by going to see LaMontagne in person. Springer recalled that when they arrived to meet with her, they were joined by another college events staff member named Jim, who Campus Reform believes to be Jim Alberghini, the school s events manager. We were initially talking about using Spaulding as a venue for Trump, Knesbach said, Then they explained to us that Spaulding was managed by the Hopkins Center and generally only used for Hopkins Center events. Springer corroborated this statement saying, [t]hey said that there were only very, very rare exceptions to this and that large expenses and bureaucratic drama were required to make the auditorium available for any event not run by the Hopkins Center. Knesbach explained that the administrators listed examples illustrating that they never allow presidential candidates to use the space. They told us that candidates like Howard Dean and Barack Obama could have filled up Spaulding but were not given the opportunity to use it, Knesback said. Candidates never get Spaulding. They said that word for word, Springer reiterated.A series of email exchanges between Knesbach, college administrators, and the Trump campaign followed the in-person conversation. We told the Trump campaign that we could not secure Spaulding for a candidate event. Then they said that they couldn t visit because there was no indoor venue available that could seat at least 800 people, said Knesbach, I told the college via email that the Trump campaign required an indoor venue that could hold 800, and they replied that they could only offer us an outdoor location. As no space could be agreed upon, the Trump campaign decided to cancel its visit to Dartmouth College, choosing another New Hampshire location instead.This past Friday, Dartmouth College Democrats sent a campus-wide email advertising another campus visit by Hillary Clinton. Knesbach and Springer said they were taken aback when they learned of the event s location: Spaulding Auditorium.Despite the Clinton campaign claiming the speaking engagement to be an official campaign event, as evidenced by the screenshot above, Dartmouth s Director of Media Relations , Diana Lawrence, told Campus Reform that, Spaulding is not available for rent by anyone, including political candidates. It is, however, available for use (through reservation) by campus groups holding College-sponsored events. Hillary Clinton s visit on Tuesday is an event sponsored by the Tuck School of Business as part of their presidential candidates speakers series. Lawrence also pointed out that during the 2012 presidential election cycle Spaulding Auditorium was host to a Republican presidential debate; however thus far during the current election cycle no candidates have been granted access to the space.George Pataki, the former Republican governor of New York, and South Carolina Senator Lindsey Graham have already spoken at Dartmouth as part of the America s Economic Future series, co-sponsored by the Tuck School of Business and the Nelson A. Rockefeller Center. Neither spoke at Spaulding Auditorium.A spokesperson for the Trump campaign told Campus Reform that the claims made by the College Republicans are completely accurate and that the campaign was told Spaulding Auditorium would be off limits to all presidential candidates this election cycle. The spokesperson added that the Trump campaign believes this is a prime example of the school attempting to insert their bias onto the student population. Via: Campus Reform",left-news,"Nov 9, 2015",0 +#WarOnChristmas: Starbucks Attempts To Capitalize On Christmas By Erasing Any Sign Of Christmas From β€œRed Cup”,"War on Christmas update: Some very clever people are asking you to join their campaign to remind Starbucks and their customers that Christmas is more than a red holiday!Social media has seized on the year-on-year stripping of Christmas-themed symbols from Starbucks famous Red Cups , with angry users tweeting #MerryChristmasStarbucks following a Breitbart London report on the company s War on Christmas .When the coffee chain launched their 2015 seasonal cup design there was a marked difference from prior years, with no actual decoration being offered on the 2015 cups. The #RedCups press release described the cups as a more open way to usher in the holiday. Breitbart London editor-in-chief Raheem Kassam broke the story last week, with CNN, the Huffington Post, the Telegraph, TIME magazine and others all following Breitbart s lead on the story of Christmas being eroded from the annually marketed Starbucks Christmas cups or Red Cups. Members of the British Parliament, as well as Christian charities spoke out against the move, with Sir David Amess MP telling Breitbart London: This is utter madness. Who was the idiot who thought this up? He should be sacked! Prior years have brandished illustrations from Christmas ornaments over evergreen tree branches to merry carolers and reindeer. Other years have been less obviously Christmas, but this year s offering bears zero illustrative reference to the Christmas season.Several stories have followed pondering the cultural war on Christmas and whether this year s Starbucks seasonal cups are indicative of a greater cultural cleansing of Christmas in the West.Some coffee shops haven t forgotten to remember Christmas is the reason we celebrate this season:#MerryChristmasStarbucks (from @DunkinDonuts this morning) pic.twitter.com/4I7IsDM5TQ Michael Graham (@IAMMGraham) November 9, 2015Social media commenters indicated their disappointment with the naked design. In one video, customer Joshua Feuerstein suggested that customers give their name as Merry Christmas to add a measure of Christmas back in to their coffee drinking experience.Can I get a name for your cup? Sure. ""Merry Christmas"" #MerryChristmasStarbucks pic.twitter.com/lFgFASnBsi Jay Carr (@Jay_Carr) November 6, 2015As the Red Cups story developed, #MerryChristmasStarbucks began trending on social media. Both those attempting to re-infuse Christmas into the season and those who refuse the idea of a cultural war on Christmas to those that just think the new design is simply boring have utilised the hashtag.Starbucks CEO Howard Schultz is no stranger to controversy and political correctness. One example is the company engaging in efforts to legalize homosexual marriage. In the wake of a boycott from a pro-traditional marriage group Schultz lashed back. At a shareholder s meeting in March 2013, Schultz proclaimed that a shareholder concerned with effects of the political endeavors on earnings could sell their shares. Via: Breitbart News",left-news,"Nov 9, 2015",0 +You Wouldn’t Allow Someone To Abuse Your Child…So Why Do We Allow Climate Change Radicals To Target Them?," So, if the climate scare-mongers can t frighten the adults, the next logical step is to heap angst on their children who then frighten (or better, pester) the adults into action. You need to read this ENTIRE story and watch the video near the end of the page. Finally, the United Nations Environmental Programme is spending our money to come out with scary children s fairy tales about global warming. Sedena, the Mother of the Sea, is featured in the UN Environmental Programme s latest children s book on global warming entitled Tore and the Town on Thin Ice . This book tells the story of a young boy named Tore who lives in a village in the Arctic and is upset when he loses a dog sled race. The Mother of the Sea appears in Tore s dream and informs him that the thinning ice, which caused his loss in the dog sled race, was due to man-made global warming. But that is nothing compared to what it is doing to the Mother of the Sea s own dominion and to all living creatures. She sends an owl, a polar bear, and a whale to scare poor Tore into thinking that they will become extinct during his lifetime and that our world is melting from climate changes, mostly caused by those bad people in rich countries who are spewing gases in the air from their huge cars , air conditioners and the like. In the words of the whale, children like Tore should get good and angry . The book ends with a so-called facts section, blaming climate change on the Industrial Revolution in Europe and North America and singling out the United States in particular for its contribution to the production of carbon dioxide added by humans. It claims that climate change will hit the poorer countries hardest while at the same time saying that New York along with other coastal areas could disappear beneath the waves. A psychotherapist, a true believer in the Climate Church, nevertheless argues that children should not be targeted by the climate activists it is not good for the children and it is not good for the cause. I wish she could also see that her cause is a phony one, but I m glad she is against harming children in the name of it:Climate change community groups often want to work with children. We must get into the schools, says someone and there is a nod of agreement. It s worth thinking about the psychology behind this. Why is this idea so appealing? And why is it so damaging?The appeal is clear. It s fun working with children: they re responsive, creative and willing. And it s certainly easier than working with white-van-man, frequent fliers or the oil industry. The reasons given for working with children are usually two-fold:We need to influence them while they are young. If they understand the issue and the effect of their actions, they will grow up finding it natural to care for the environment. It s a good way of getting to their parents. Who can resist their child pleading with them to change the lightbulbs because it will save a polar bear?Both reasons are suspect. The first reason assumes that instruction at best participatory, at worst didactic is the route either to action or to the inculcation of positive values towards the environment. There is little evidence for this. We know that information based campaigns have a limited impact with adults, so why should we expect children to be different? As for values these tend to be formed through experience, relationship, identification and social systems, not through information. If the school has an influence on values it will be through its culture, ethos and the relationships and experiences it offers not through the information it provides.Both reasons also raise direct ethical questions. It is easy to engage the sympathies of children with stories of damage to the natural world and images of suffering animals they will identify with. But children have very little power. Of all the sections of society who might make an impact on climate change, they have the least influence, the least agency, the least leverage. There is a real risk of raising levels of anxiety amongst children that will not only cause distress in the immediate term but will in the long term lead to those children turning against the environmental causes we hoped they might espouse.When I was 10 a speaker came to my school and told us about food shortages and starvation in the third world. I rushed home and explained to my parents that we needed to grow more food. I couldn t understand why they wouldn t accede to my idea of banding together with the neighbours and turning all our back gardens into a corn field. I was left haunted by images of dying children, guilt at my good fortune and the anxiety that feeds on powerlessness. In adolescence I became determinedly indifferent to the appeals from 3rd world charities. As an adult I have continued to find them difficult to relate to.We need to ask what happens to the child whose parents are indifferent to their attempts to get them to act? What happens to the child who is overwhelmed by stories of disasters he or she cannot influence?But the deeper question is why are adults so keen to focus on children? Why concentrate on the weakest, least influential members of society and ask them to act?Got kids? Watched as they ve been indoctrinated sorry, I mean educated about global warming over the last decade? Then you ll know what I mean. They come home from school moodily depressed about the future of our planet and, of course, what that means for their own lives. What s the point? We re all doomed! Why study? Why bother getting an education? It s futile. Sea levels are rising. Temperatures are soaring. Soon we ll all be living in a polluted hell-hole constantly battling the equivalent of the Queensland floods or the Victorian bushfires year upon year. And you want me to waste what precious time I have left studying accountancy? It s called nihilism, and it s even more terrifying to witness in your teenage children than hickeys, drunkenness, truancy, insolence, idleness, bad marks or bullying. Nihilism, or the conviction that life on Earth is totally pointless, saps the young of their energy, their ambition, and their will to strive, struggle and triumph. Extract from an online article by Rowan Dean, 17 August 2011.A postgraduate student in Oxford gets it This should be a wake-up call for all the purveyors of the politics of fear . Children are, naturally, relatively powerless and likely to feel overwhelmed by the challenges facing mankind. But as adults, we should have a greater sense of our own collective power to master problems and build better societies. Not only does jumping from one panic to another, each with disastrous consequences mobile phone radiation, BSE, SARS, crime, paedophilia, terrorism, bird flu, global warming diminish our own sense of agency, by turning childhood dreams of utopia into nightmarish visions of the future it is teaching the citizens of the future all the wrong lessons. This is one of the best videos we have seen on climate change. There are 5 parts to this series. This is Part 1:An excellent, easy to understand piece about the TRUTH surrounding phony climate cooling, warming, change:The pollution resulting from the rapid uncontrolled post-war industrial expansion spawned two environmentalist movements. One group primarily composed of physical scientists and engineers set about to directly address the pollution problems by developing facilities and legislative controls that have to date virtually eliminated industrial contamination of soil, water and air.A second group primarily composed of activists with little or no physical science background did nothing but protest against industry without ever having addressed a single environmental problem for which they created a solution.While the physical scientists and engineers worked quietly with industry solving the environmental problems, the ideology driven environmentalist activists, used dramatic alarmist rhetoric to gain media control and have become a dominant political force capable of forcing their self-serving ideologies on the general public with impunity.The Earth entered a cooling phase in 1942, and by 1970 the environmentalists found a way to blame this cooling on industrial expansion. The concept was that particulate matter from fossil fuel usage was blocking energy from the sun giving this cooling effect. This concept was incorporated as a parameter in the crude climate models of the time, and the predictions from models run by James Hansen in 1971 projected fifty years of further cooling from the increased use of fossil fuels.Only four years later, and in spite of the continued increase in fossil fuel usage global cooling came to an end, proving that the models did not have a proper physical basis for relating fossil fuel usage to global cooling.By 1988, after 13 years of global warming the ideological environmentalists developed a new tact for blaming fossil fuels. The British Government had embarked on a political campaign to promote their nuclear industry and attack the powerful coal unions by creating alarmist scenarios of runaway global warming resulting from CO2 produced by coal and other fossil fuels. This was entirely political in nature with absolutely no scientific backing, but it did make the perfect weapon for the environmentalists to promote their anti energy (and anti humanity) ideology. All that was needed was some scientific justification.As was done in 1971, climate models which were now far more sophisticated provided the science backing. Instead of blaming fossil fuels for blocking incoming solar radiation, the models removed this parameter and replaced it with a newly contrived parameter that now related global warming to the effect of fossil fuel sourced CO2 on the outgoing thermal radiation from the Earth.This model also produced by James Hansen, projected warming for the next century because of the fossil fuel CO2 emissions that were increasing at a continued accelerated rate. As with the 1971 model, the 1988 model was proven to be false when global warming ended after 1998 even as CO2 emissions continued to rise at unprecedented rates. To make matters worse since 2002, the Earth has been cooling making all of the projections clearly in the wrong direction.By even the most basic standards of ethical science, models that first predict cooling from fossil fuel usage that are discredited just four years later when warming occurs with increased usage, and then predict warming from fossil fuel usage and are again discredited ten years later as cooling reoccurs with increased usage, would be declared absolutely invalid; but when ideology is involved science protocol is totally abandoned.Impact 2009As a result of the alarmist predictions of the 1988 climate models of Hansen, the Intergovernmental Panel on Climate Change (IPCC) was formed under the auspices of the United Nations. This body was given a science mandate to investigate the possibility of human effects on climate to determine if the projections of Hansen were valid.The true nature of the IPCC was not that of a science based body, but that of a political body to give scientific legitimacy to false alarmist predictions in order to meet a political self serving environmentalist agenda. Since its inception, the IPCC has used its position of authority to promote its agenda to the detriment of science and even more importantly to the detriment of the global population.From 1997 to 1998 the average global temperature increased by over half a degree C and from 1998 to 1999 the average global temperature fell by over half a degree C. This was due to an extraordinary el Ni o and has nothing to do with either the greenhouse effect or CO2 emissions (CO2 emissions increased from 24.0gt/y in 1997 to 24.2gt/y in 1998 to 24.4gt/y in 1999).An honest scientific body would have made some sort of statement to this effect, but the IPCC in their 2001 Third Assessment Report and particularly in their Summary for Policy Makers for this report not only made no mention of the fact that from 1998 to 1999 the Earth cooled more than it had ever cooled during the entire global temperature record, but emphatically stated that from 1997 to 1998 the Earth had warmed more than it ever had.This is an absolute violation of science ethics because the policy makers were purposely misinformed with alarmist rhetoric. This same 2001 report also stated that the observed global warming for the past century which they stated was attributable to CO2 emissions was measured at 0.60 C + 0.20 C. This is only 0.006 C per year making the el Ni o temperature spike over eighty times greater than what the IPCC stated was attributable to CO2 emissions, so it is clear that this was stated for the purpose of politically motivated alarmism and not to properly convey information in a scientifically justified manner.The 2001 IPCC report also included the infamous MBH98 Hockey Stick temperature proxy which used physical temperature measurement data up to and including 1998 which gave the alarmist impression of twice the 20th century warming because 1999 was not included.The Hockey Stick graph became the pivotal evidence that convinced governments around the world to ratify the Kyoto Protocol, that has resulted in such detrimental effects to the global population and global economy.In this regard the el Ni o temperature spike of 1998 may be considered the most significant climate event in recent history, and when one considers the hundreds of millions of the world s poorest people starving because of Kyoto biofuel initiatives that has literally taken their food away and made it into Kyoto friendly fuel, this el Ni o might also be considered the most tragic climate event as well.Through diligence and hard work physical scientists were able to correct most of the environmental problems that had been created through industrialization, but there is no scientific effort capable of undoing the damage caused to the global population by the ideological environmentalists. This issue is now out of the hands of the scientists and the only salvation for the global population is the media who must readopt their lost journalistic integrity and expose the true nature of this global fraud.",left-news,"Nov 9, 2015",0 +COMMUNISM 101: CA School District Bans All Drawings Of Religious Figures…What Prompted The Ban Is Even More Disturbing,"We certainly don t want to do anything that might offend the Muslim faith. By all means, America should do whatever Islam dictates it s the politically correct thing to do right?A California school district announced last week a ban on the drawing of religious figures after a parent complained about a class assignment in which students were directed to draw the Islamic prophet Muhammad.The task was part of a 7th-grade history worksheet, Vocabulary Pictures: The Rise of Islam, at High Desert School in Acton, according to the Los Angeles Daily News. Muslims are forbidden from drawing Muhammad, and threats from Islamic terrorist groups have largely ended the practice among non-Muslims as well. I have directed all staff to permanently suspend the practice of drawing or depiction of any religious leader, Acton-Agua Dulce Unified School District Superintendent Brent Woodard told the Daily News in a text message on Wednesday. I am certain this teacher did not intend to offend anyone and,in fact, was simply teaching respect and tolerance for all cultures. Melinda Van Stone said she complained to the school when her 12-year-old son brought the assignment home in October. Van Stone would not tell the Daily News what religion she or her son practiced. It s not appropriate to have our children go to school and learn how to insult a religious group, Van Stone said.High Desert School Principal Lynn David said the worksheet was not part of a textbook, but came from supplemental material. David said Van Stone was the only parent to complain about the assignment.Drawing Muhammad has become a deadly gambit. Islamic terrorists killed 11 and wounded 11 others in an attack on the satirical French newspaper Charlie Hebdo in January. Those responsible perpetrated the bloodbath because of the paper s numerous illustrations of Muhammad. Four months later, two Islamic gunmen were shot and killed outside of a Muhammad cartoon contest in Texas. The duo had planned a massacre of the contest s participants. Via: FOX News",left-news,"Nov 9, 2015",0 +RADICAL NY Attorney General Cracking Down On Conservatism…Working To Make Opposing The Left A Crime,"Lois Lerner s criminal behavior with the IRS targeting of conservatives was just a test run Here s a little reminder for anyone who doesn t believe that what the left really wants is a totalitarian state in which opposition to its agenda is a crime.New York s Attorney General Eric Schneiderman is extreme even by left-wing standards. He s a radical who ran by promising that violent racist thug Al Sharpton would have an annex in Albany if he won.Now Schneiderman and a few left-wing congressmembers have come up with a great idea. Charge Exxon with securities fraud for not disclosing the risks of Global Warming.Whether on not any charges happen, this is a foot in the door for an agenda list that goes well beyond Global Warming.After energy companies that aren t paying protection money to Al Gore, gun manufacturers can be hit with charges for not disclosing the risks of gun violence. Private prisons can be hit for not disclosing the risks of failing to back sentencing reforms. Educational companies can be hit with charges for not disclosing the risks of not adopting Common Core.Basically any company that disagrees with a left-wing policy can be hit with civil and criminal charges. It helps if the company, like Exxon, at one point employed kooks who claimed the sky was falling. But that just makes the case easier. If the executives disagree with a left-wing policy, it s securities fraud.Under this standard, it becomes child s play to cut off conservative organization from any corporate funding. Furthermore, conservative organizations would be muzzled by extension. Funding organizations and people that dissent from the left would be fraud . Because that is what this is really about.Global Warming is the testbed for making leftist ideology mandatory. Manufacture a fake consensus, then use the law to make it mandatory.Then there can be a pseudo-scientific consensus on a variety of issues, such as the need for higher taxes, and a crackdown on anyone who disagrees.Since there s money in pursuing charges like this, and since the best way to get the left off your back is to give their political allies money, this is robbery for tyranny. And that s how the left does business.This is where the left has always been headed. This is a totalitarian movement. Via: Front Page Magazine",left-news,"Nov 9, 2015",0 +β€˜TOLERANT LEFT’ FIRE-BOMBS Anti-Migration Member’s Car…Attack Houses In Germany,"A high profile, anti-mass migration Member of the European Parliament has had her office attacked by left wing radical thugs in Berlin, just under two weeks after her car was firebombed.Beatrix von Storch MEP, a member of the Alternative fur Deutschland (AfD) party which held a massive demonstration against German Chancellor Angela Merkel s immigration policies yesterday. This is the second attack on Ms. von Storch in just over a week.According to Die Welt, Mrs. von Storch s office was pelted with paint bombs and rocks in the overnight attack. The state protection office has begun an investigation into the incident.In a previous attack, Ms. von Storch s car was fire-bombed by opponents angry at her criticism of Berlin and Brussels in relation to the ongoing European migrant crisis. Two neighbouring cars were also destroyed in that arson attack in a densely populated residential area in the middle of Berlin.Good morning from Berlin where the row over refugees deepens. Asylum activist attacked house of #AfD's von Storch. pic.twitter.com/QmAc1PFpwP Holger Zschaepitz (@Schuldensuehner) November 8, 2015Ms. von Storch, 45, is the Duchess of Oldenburg, a distant relative of the Duke of Edinburgh, who trained as a lawyer and spent 10 years as an insolvency specialist before entering politics.As Breitbart London has reported, her eurosceptic AfD party campaigns against mass migration and stands on a more children for German families platform.After coming close to entering the German parliament soon after its founding in 2013, AfD won seats in last year s European Parliament elections where it sits in the European Conservatives and Reformists Group alongside British Conservative Party MEPs.It then won representation in five German state assemblies after widening its appeal with populist positions on law and order, immigration and traditional social values. Via: Breitbart News",left-news,"Nov 8, 2015",1 +SAY WHAT? Legally Blind Barber Wins $100K In β€œDiscrimination” Lawsuit Against Employer For Wrongful Termination,"Because everyone wants to pay to have their hair cut by a blind barber! Joel Nixon is a barber. He loves cutting hair and takes great pride in what he does.But when he found out he had Retinitis Pigmentosa and was going blind, his boss decided to let him go. You don t want a blind man cutting your hair, right?I guess not because after he was fired, Nixon sued and was awarded $100,000 by the State of Massachusetts because firing him was discrimination. The Boston Herald reports:He was working for Tony s Barber Shop in Norton in 2011, but a year later his boss, Tony Morales, discovered his malady, according to the decision by the Massachusetts Commission Against Discrimination.On March 3, 2012, Nixon was working at the shop s South Easton location when he tripped over a customer s legs. Later in the day, he tripped over a chair in the waiting room. Morales told him to pack up his things and get his wife to take him home, the MCAD hearing officer wrote. (Nixon) understood that his employment was being terminated. Things fell apart for Nixon after that, he said. He couldn t find a job nearby, and his wife had a high-risk pregnancy that made it difficult for him to work far from home. He was unemployed for three years, his condo went into foreclosure, and he was forced to apply for food stamps and went to charities for Christmas gifts, he said.He s moving his family to a small apartment tomorrow. Nixon also deals with the lingering possibility he may lose his sight forever. I could wake up someday and be completely blind, but my goal is to have a nice home with a nice backyard for my son, Nixon said, fighting back tears. I ve never been to Disneyland, and I want to take him. I want to take him before I lose my vision. I m trying to do the best I can. MCAD awarded Nixon $75,000 in lost wages and $25,000 for emotional distress in a decision made public yesterday.Morales, who did not appear at numerous hearings and parted ways with an attorney who was supposed to help him, said Nixon s entire story is a lie. He said Nixon was an independent contractor, wasn t able to carry his weight when he was with his shop and wasn t a licensed barber. It s a bunch of lies. It s sad that people like Joel try to take advantage of their situation and create false accusations, Morales said, adding that he would hire an attorney and appeal the decision. All of this is false accusations. Morales no longer owns the Norton shop, but still runs the South Easton business.An instructor who taught Nixon how to cut hair at the Massachusetts School of Barbering said he was happy to hear that his former pupil came away from the MCAD hearing victorious. He was a nice kid, said Chuck Russian, the school s co-director. We were a little concerned when he said he was legally blind, but he did the work, passed the course and passed the state board exam. Nixon said he learned how to cut hair from his mother while growing up, using a set of clippers the family bought at Wal-Mart. He fell in love with the trade, and it became my life s calling. Now, his clients ask for him by name. I have a following, he said. My clients call me the Blind Barber. Via: DownTrend",left-news,"Nov 8, 2015",0 +"LEFTIST Resentment Peddler, Larry David (Net Worth $800 Million) Claims $5K Prize For Calling Trump A β€œRacist”","And why wouldn t he? The leftist comedy writer/actor with a net worth of $800 million, probably needs the money to feed all of the illegal aliens who live with him. Even though we don t have any proof that he has illegal aliens living with him, we re pretty sure every celebrity who speaks out against those who want to close our borders and deport illegals must be taking some personal responsibility for their welfare Right? Not likely Comedian Larry David is going to be picking up a $5,000 bounty for calling billionaire businessman and GOP presidential contender Donald Trump a racist on national TV.Earlier in the week, the DEPLORABLE group DeportRacism.com PAC offered a $5,000 reward to anyone who called Trump a racist on-air during Saturday Night Live.During the show s opening monologue with Trump flanked by cast members Taran Killiam and Darrell Hammond both made up as Trump David heckled the blustery businessman from offstage, repeatedly yelling, You re a racist. Trump s a racist. Asked by Trump why he was doing it, David replied, I heard if I yelled that, they d give me $5000. Despite being written as part of the opening, DeportRacism is making good on their promise. Via: Raw StoryAccording to a press release issued before the show was broadcast on the west coast, Luke Montgomery, campaign director for DeportRacism, said the PAC was excited to award the money to David.Here is a great piece entitled: Larry David Curbs His Enthusiasm:You may know Larry David as the writer and producer from Seinfeld. You may know him from Curb Your Enthusiasm. After his most recent New York Times piece, you ll know him as the guy who curbed his intelligence on liberalism:There is a God! It passed! The Bush tax cuts have been extended two years for the upper bracketeers, of which I am a proud member, thank you very much. I m the last person in the world I d want to be beside, but I am beside myself! This is a life changer, I tell you. A life changer!To begin with, I was planning a trip to Cabo with my kids for Christmas vacation. We were going to fly coach, but now with the money I m saving in taxes, I m going to splurge and bump myself up to first class. First class! Somebody told me they serve warm nuts up there, and call you mister. I might not get off the plane!The first rule of Fight Club is you never talk about Fight Club. The first rule for the Wealthy Elitist Liberal Club is you always talk about your money. The second? Find a way to feign indignation that the federal government isn t confiscating more of your earnings, without ever mentioning that there s nothing stopping you from turning it over to Uncle Sam.Larry David s Thanks for the Tax Cuts! is based on the false premise that the rich is a homogenous group of artists, namely successful Hollywood actors, writers, and producers who occupy their spare time on liberal guilt trips (wealthy Republicans don t count, as Hollywood liberals classify them as monsters).Larry would rather not think about the countless Subchapter S corporations and small mom and pop businesses that benefit from tax cuts because their success is rooted in creating widgets, gadgets, and services the world finds useful; his came about because he s sharp with sex jokes and awkward situations.Americans naturally do not begrudge someone for their success because the track record for the United States is stellar when it comes to upward economic mobility. Hard work, patience, sound judgment, and a pleasant demeanor tends to take Americans pretty far, which is why they need to be prompted to believe the rich boogeyman is out to get them. Smug, self-loathing Hollywood types like Larry David play the part well:This tax cut just might save my life. Who said Republicans don t support health care? I m going to have the blueberries with my cereal, and I m not talking Special K. Those days are over. It s nothing but real granola from now on. The kind you get in the plastic bins in health food stores. Did someone say organic ?Everyone already knows Larry has enough disposable income to fill his swimming pool with blueberries, just for a giggle, if he wanted. However, the point of Thanks for the Tax Cuts! was to let readers know that higher tax rates would be a pittance to him and his friends. The point is to rub readers noses in trips to Cabo and expensive organic foods they can t afford, in order to stoke the flames of class warfare liberalism needs to survive.It s not working, Larry. See the recent election results for more details.Americans are getting wise to resentment peddlers who seek to tax you until the day you die before taxing you and the gifts you sought to pass on to family, one more time as Rigor mortis kicks in. They know that it isn t the successful entrepreneurs and businessmen hurting the future prospects of a great nation, but Washington politicians addicted to kamikaze entitlement spending and private property power grabs.The liberal comedian Wanda Sykes once called Larry David Ass Man. After witnessing him try to sell tax hikes by inducing resentment, I couldn t agree more.Watch Larry David call Donald Trump a racist during the Saturday Night Live show that crushed the ratings. It s likely one of the high points in his career. What Larry David may not be able to comprehend in his narrow little world, is that if it weren t for Donald Trump agreeing to host SNL, no one would have even bothered to watch the dying show. Larry David should be thanking Donald for allowing him to appear on the same stage, instead of walking away from the show smugly pretending he had anything at all to do with the show s astronomical ratings.",left-news,"Nov 8, 2015",0 +GERMAN OFFICIAL WARNS OF CIVIL WAR BETWEEN MUSLIMS AND NON-MUSLIMS: β€œsomewhere at the edge of anarchy and sliding towards civil war”,"How did any EU official think their country could survive an invasion of millions of mostly military age un-checked Muslim men? Did they really believe these men would assimilate in their countries and respect the faith of Germany s Christian citizens? A German official named Hansjoerg Mueller, of the Alternative for Germany party, said that because of Merkel s open door policy allowing the floods of Muslim immigrants the country is sliding towards anarchy and risks becoming a banana republic without any government . He also said that it will push the nation to civil war. The official said:Germany now is somewhere at the edge of anarchy and sliding towards civil war, or to become a banana republic without any government.Eight thousands people in Germany took to the streets holding Christian crosses to express their rage at Islamic evil.I honestly cannot think of a more beautiful image than that of the Holy Cross. In the Holy Cross all worry is destroyed, all that one can see is justice, for on the Cross Justice Himself was persecuted, and He prevailed over all, for He is All, and in Him, all can can find resurrection.Christianity has been so corrupted into a weak country club, that it is my obligation to teach the true strength of the Faith.But the problem in the West is not Islam, nor is it Muslims. These are merely a symptom to a greater disease, and that is the toleration of evil ideas and beliefs and the decimation of Christian supremacy. Look to the forgotten wilderness, and what do you see? Old churches and monasteries from bygone days, from a time behind our own eyes. You can touch such an era with the finger of the mind, and you will see the hand of God in history. Old Crosses still stand in the cold meadows and on the highest mountain peaks, because the Faith assails the summits, and its icons can be gazed upon adjacent to the raze of the horizon, with fiery hues that burn our souls and ignite the flames of hope within us. For Christ is Hope, glimmering in the abyss of hopelessness; He is like an aura on the night sky, only if you try to grasp Him, You will see light greater than the luminaries of the darkest hour. Old monasteries are found on the edge of the loftiest cliffs, bringing hope to a humanity on the edge of the cliff of order, about to fall into the ocean of disorder and confusion.The beauties of the Faith are so great that they will take one s mind to ecstasy, just by contemplating on all of the wonders of the flower of Christendom. The flower of Christ s empire sails passed the autumn winds, and lands on the seas; the waters ripple and rage, the waves split open and the anger roars, buts the pedals of this illustrious bloom emanate an aroma that makes the waters sweet. Bitterness dies, and the sweet smell and the pleasant sight of this flower gracefully floating above the most malicious waves, is the image of order; it brings illumination to those who hate chaos, and it provokes viciousness from those who love death and destruction. This is the state of Christendom when she has faith in Christ. When the flower of Christendom cleaves unto the Holy Cross, this is when she receives the sweetness of peace, Not as the world gives do I give to you. (John 14:27) For when Moses cleaved unto God and cried for His help, the Lord of Heaven showed him a holy tree, and from this sacred wood, the waters were made sweet (Exodus 15:25). And so when Christendom accepts the Holy Cross, she too will have its sweetness.Peter stood upon the waters, for in that moment he had faith. When the waters roared and raged, and its waves arose aloft, this flower of the Faith was afraid, and he sunk. The beautiful pedals that so embellished the waters was now overpowered. But as soon as he cried, Lord, save me , the Holy One embraced him, and the flower of Christendom now hovered above the waters. The state of Christendom is that it is now under the waters, drowning, and it is about to die. The abysmal spirits crawl all over her, possessing people and pushing them to grab ahold of the flower and keep under the water.FOR ENTIRE STORY: Shoebat",left-news,"Nov 8, 2015",0 +BOOM! Ben Carson Eviscerates Rabid Media Over West Point Accusations…Demands Answers For Why They Didn’t Look Into Obama’s Past [VIDEO],"Ben Carson s professional but hard hitting approach with the progressive media is a breath of fresh air. The Republican party should have been taking it to the media for years. It s really kind of sad that it took this long for the men and women in our party to fight back against their leftist agenda The American people are waking up to your games https://youtu.be/m7X-QOSn0TwListen here to brilliant analysis of attacks by media of Dr. Ben Carson, followed up by an awesome interview with Carson:Another example of the media (in this case CNN) attempting to disparage Carson: ",left-news,"Nov 7, 2015",0 +TEXAS DAYCARE WORKERS FIRED For Refusing To Call A Little Girl With Two Male Parents A β€œBoy”,"The gay mafia has hijacked pretty much aspect of our lives. They apparently won t be happy until every trace of gender identity has been erased. When will Americans start fighting back? Two daycare workers have been fired for refusing to go along with the center s transgender agenda. Madeline Kirksey, one of the workers who is an author of a Christian book, says her religious liberty rights have been violated. The two were fired after refusing to call a little girl a boy.The two male parents of a six-year-old little girl told employees at the school to refer to their daughter as a boy, and to call her by a new masculine name. The little girl s hair had also been cut like a boy s.Kirksey told Breitbart Texas in an interview, that the problem was not so much with the transgender issue as it was with telling young children that the little girl was a boy when she was not, and with calling her John (not the name given) when that was not her name.She, and another worker who does not want to be identified, were fired from the Childrens Lighthouse Learning Center in Katy, Texas, a city just west of Houston.The school distributed guidelines to the teachers called How to Handle Transgender Students. The printed guidelines were obtained from the internet and can be read at this link.The guidelines and the instructions given the teachers included six rules, one of which was Help defend their dignity. Another, was to Educate yourself and your students. The Christian worker said she did not believe it was our job, to thrust the issue on the small children of other parents. She said the school should not force their beliefs on the children, or on her, or upon other parents.The author of the Christian book, In Pursuit of the Promise, said the other children should not be exposed at such an early age to the issue of transgender or gender identity, and felt that the two male parents were imposing the issue on their little girl. I don t think we should be talking to other people s children who are under the age of 18 about being transgender, Kirksey said in an interview with Fox26 in Houston. Both of the fired workers agreed on this point.Kirksey said that prior to this happening, she had been commended for the good work that she was doing at the school. After she refused to call the little girl by her new masculine name, and to tell the other children to do so, and to say that the little girl was a little boy, the daycare worker was written-up for alleged infractions that she did not believe were based in reality. She has worked at the school for over a year.The fired worker notified Child Protective Services that the little girl was being told that she is now a little boy. She believes that it is up to professionals to determine if the little girl is just confused, or if the new gender is being forced upon the little girl.Kirksey says sometimes the little girl refers to herself as a little boy, and sometimes she tells the other children to not call her a boy or to refer to her by her masculine name.The Childrens Lighthouse in Katy is just one of the school franchise s that are all over the country. The company is based in Fort Worth and according to its website, there are 37 learning centers in seven states. The school cares for children ages six weeks to twelve years old. Via: Breitbart News ",left-news,"Nov 6, 2015",0 +[VIDEO] CARLY TAKES ON THE VIEW Hacks Only Days After Saying She Has A β€œDemented Face” And A β€œHalloween Mask”,"So, if the hosts on this show are just comedians, does that mean the low information voters who follow them will stop taking these hacks so seriously? Friday on ABC s The View, Republican presidential candidate and former CEO of Hewlett-Packard Carly Fiorina fought toe to toe with the co-hosts over their comments disparaging her face as demented and a Halloween Mask. After small talk, Whoopi Goldberg brought up the subject saying, How about humor? I m going the bring it up because there are going to be lots of comics saying lots of things. I wondered, because we saw some of the that you were a little upset with us about a comic comment that was made. And so, how will you steel your skin? How will you get a thicker skin to accept some of the humorous things that will be said about you? Fiorina said, Well, hey, if you meant your comment about my face being demented and a Halloween mask as humorous, so be it. I guess you misinterpreted Donald Trump s questions. I have a real thick skin. Joy Behar said, I defended you against Donald Trump s comment. He s running for president of the United States and he was making a nasty comment about your looks. I took him on. On this show, but, we are comedians here. I make fun of Hillary s pantsuits. Hillary s husband s sex life. Rep. John Boehner s tan. Who else? I don t understand why any politician is exempt from my jokes. Here s the clip from Carly s awesome interview:Fiorina answered, You know what, Joy. You know what, Joy? You can say whatever you want. You always have. You always will. I m not going to stop that. And don t worry, I have skin plenty thick enough to the take whatever people throw at me. I m making a different point. The different point is this. I think that there are real issues in this nation that we ought to be able to discuss in a fact-based, civil fashion. Michelle Collins said, I want to add that the demented comment was a poor choice of words. It was responding to something you said during the debates. That people were telling you the smile more. To me, it felt like it was not your natural state of mind. It was not on your looks, it was on your expression. It felt like you were being told to smile more. I m wondering, is that difficult for you? Do you have people coaching you to act or be a different way? Will that help you win the election? Fiorina shot back, First of all, I don t have people coaching me to act a different way or be a different way. There s a time to smile and a time to be serious. When you re talking about burying a child, it s not time to smile. There are serous issues facing the nation. Goldberg said, We had you here. I thought we were pretty respectful. I have to tell you, having watched some of the press that you have garnered based on this fake feud with The View, I m a little taken aback. Because you kind of said that that somehow liberal women are that we re made uncomfortable by conservative women. We were not uncomfortable with you. Did you think we were uncomfortable with you when you were on? Fiorina said, First of all, Whoopi. I enjoyed being on the show. The first time. and I m enjoying being on the show the second time. And I think The View garnered a lot of publicity over the feud as well. I think that s why we re on. Goldberg said, We haven t put out any ads or anything. Fiorina said, I haven t put out any ads either, Whoopi. Via: Breitbart News ",left-news,"Nov 6, 2015",0 +MICHELLE OBAMA’S Middle East Speech: Compares Her Oppressive Childhood To Muslim Girls Living Under Sharia Law [VIDEO],"Michelle Obama received $70 million dollars from the feds for her pet project to promote eduction for girls. It s really a front and slush fund for her escapades to Europe, Asia and now the wealthy Middle East Traveling the world on taxpayer dollars is what Mooch does best. This time she s outdone herself with the idiocy of speaking to a radical Muslim group about how bad she had it as a kid in America when these radical Muslims don t think twice about Sharia law and the horror that brings for little girls. What a fool!The First Lady is supposed to be a representative of America and shine a light on the good work we re doing around the world. Michelle Obama can t help but repeatedly bash America and especially slam the status quo in American culture. After all, she did say we need to change our traditions.So here s the latest on her America bashing in the Middle East while on the taxpayer s dime:First Lady Michelle Obama is in Qatar this week for a summit sponsored by a state-controlled foundation that is known for operating mosques that have welcomed extremist clerics, according to a range of sources.Obama is in Qatar a country under congressional scrutiny for its financing of terrorists through the end of the week to attend the country s World Innovation Summit for Education, an annual educational conference sponsored by the Qatar Foundation, which has been marred in controversy due to its ongoing hosting of radical clerics.Founded and run by the former Qatari emir s wife, Sheikha Mozah, the Qatar Foundation houses six satellite campuses owned by American universities and other Western schools at a site outside Doha known as Education City.At its mosque there, the Foundation has welcomed multiple radical clerics in the past several months, prompting criticism from some who accuse the charity of quietly promoting terrorism.One cleric who recently spoke at the mosque, Omar Abdelkafi, has mocked the killings of French satirical writers at Charlie Hebdo, calling the terrorist act the sequel to the comedy film of 9/11. Another maintained that Jews and their helpers must be destroyed. The ongoing appearance of these clerics at the foundation s mosque has raised questions about the Obama administration s endorsement of the charity, which has strived to maintain international legitimacy.Read more: WFBObama addressed the foundation on Wednesday:Michelle Obama went to Qatar to give a speech on girls education. There, the first lady of the United States complained about growing up as a girl in America. Back when I was a girl, even though I was bright and curious and I had plenty of opinions of my own, people were often more interested in hearing what my brother had to say. And my parents didn t have much money; neither of them had a university degree. So when I got to school, I sometimes encountered teachers who assumed that a girl like me wouldn t be a good student. I was even told that I would never be admitted to a prestigious university, so I shouldn t even bother to apply, Obama said at the Qatar National Convention Center in Doha. Like so many girls across the globe, I got the message that I shouldn t take up too much space in this world. That I should speak softly and rarely. That I should have modest ambitions for my future. That I should do what I was told and not ask too many questions. But I was lucky, because I had parents who believed in me, who had big dreams for me. They told me, don t ever listen to those who doubt you. They said, just work harder to prove them wrong. And that s what I did. I went to school. I worked hard. I got good grades. I got accepted to top universities. I went on to become a lawyer, a city government employee, a hospital executive, and - the most important job I ve ever had - a mother to two beautiful girls. Obama did say that the U.S. has made progress. And as I moved forward, so did my country. In each generation, brave women and men fought to end gender discrimination in the workplace, to pass tougher laws against rape and domestic abuse, to ensure equal access to education for women. And while we still have work to do to achieve full economic, political equality for women in the U.S., today, nearly 60 percent of American university students are women. And as for the law school at Harvard University - which I actually got my law degree the Dean of the school is now a woman, as are half the students. Here s a bit from Michelle Obama s speech: ",left-news,"Nov 6, 2015",0 +"ILLEGAL ALIENS DEMAND NEW BILL OF RIGHTS: To Include Citizenship, End Arrests And Free Health Care","Sounds great how about a new car?An immigrant-rights group proposed a Bill of Rights for illegal immigrants Thursday, demanding that Americans recognize there are millions already in the country who deserve health care, in-state tuition rates for college and a guarantee of citizenship in the long term.The list of demands runs 10 items long the same as the U.S. Constitution s Bill of Rights and also calls for an end to arrests and deportations for all law-abiding undocumented Americans. The document was circulated by United We Stay, which is a group of illegal immigrants, first generation Americans and human rights activists pushing for changes to immigration law. We know we have human rights, even though our very presence is deemed illegal and our existence alien. Now we have our own Bill of Rights and we want it to be the framework for every immigration decision going forward from the local to the national level, the group said in a statement announcing their demands.The 10 points include a demand that they be accorded respect; calls for citizenship rights and an immediate deferment of deportations; in-state tuition at public colleges; wage equality ; medical care; and protection against deportation if illegal immigrants report a crime as a witness.The list also includes a specific demand for compelled authorization of birth certificates for our U.S.-born children. That appears to be pushback against the state of Texas, where officials have ruled that parents must present valid ID to get children s birth certificates and have deemed the Mexican government s Matricula Consular ID card not to be acceptable as primary identification.A federal court has allowed that Texas policy to go into effect, ruling that there are questions about the reliability of the Mexican cards and that state officials have an interest in making sure only authorized relatives are able to get birth certificates.The list of rights begins with a protest against the terms illegal and alien. Immigrant-rights advocates say both terms are dehumanizing, and have offered undocumented workers or, in the case of United We Stand, Undocumented Americans, as their preferred term.The document is meant to serve as a goalpost for the ongoing immigration debate. Immigrant-rights groups had been gaining ground in recent years, with polls suggesting Americans were increasingly open to legalization.A legalization bill even passed the Senate in 2013 but Democrats, who controlled the chamber, never sent it to the GOP-run House for action.The issue then stalled last year after President Obama took unilateral action to grant a deportation amnesty to as many as 5 million of the estimated 12 million illegal immigrants in the U.S. Federal courts have put that amnesty on hold, but Mr. Obama s other policies stopping deportations for most illegal immigrants remain in place, which has effectively checked off one of the list of rights demands. Via: Washington Times",left-news,"Nov 6, 2015",0 +MA High School Student Waves Staple Gun…School Goes On LockDown…Police Swarm Building With Assault Rifles,"Thank God it wasn t a glue gun Police responded in force to a Massachusetts high school after a students reported a classmate with a possible weapon.Police, decked out with assault rifles, combed through Southbridge Middle/ High School Wednesday afternoon during a school lockdown after a student reported a classmate with a possible weapon around 1:30 p.m., MassLive.com reports. The building was put into a shelter-in-place lockdown directly following notification to the police department, for safety reasons during the investigation, according to a Southbridge Police statement. The alleged student was located and the building was swept. There was in fact no weapon. CBS Boston reports a student was waving a stapler, and other students thought it was a gun. None of the other news sites detailed the alleged weapon.A person inside the school during the ordeal sent a picture to the news site of police officers strolling through the hallway with at least one wearing what appears to be a large assault rifle.Students were eventually released around 2:50 p.m., according to My Fox Boston.Neither police nor school officials detailed what action, if any, was taken against the alleged stapler. For entire story: EAG News ",left-news,"Nov 5, 2015",0 +HERO Praised By Media For Fighting Off Faisal Mohammad…Isn’t That What The Media Crucified Ben Carson For Suggesting? [VIDEO],"How long before the media is clammering all over this construction worker to get an interview with this hero? Yet when Ben Carson suggested victims faced with the same or similar situation react in the same way, he was called crazy by the media Byron Price isn t afraid of much, but, he didn t expect to come face-to-face with a determined suspect who was on a mission. Bryon was among the least injured, but, campus officials say his brave acts may have saved lives.When Bryon heard a commotion he went to see who was screaming and possibly break up a fight. When he stepped into a second-floor classroom he found the armed suspect who then turned and came after him. So when he came at him he said he ended up on his back. I said why d you go on your back. He goes, he goes, I don t care if he cuts my legs I didn t want him to cut my chest or my abdomen. He said he has to come at me if I m down and then if he has to bend over I got a chance at his eyes or his throat and it worked, said John Price, victims father.Byron was stabbed while trying to fight off the attacker. His father said another construction worker also grabbed a ladder to try to threaten the suspect and get him to leave.Byron was working on remodeling a waiting room on campus. He was just finishing up his work for the day when he noticed the commotion and went to investigate. His father said his son doesn t want any attention for his actions and attempts to save others, but he is proud of how he confronted danger without a second thought. As a man, you want to be the guy when it s your turn to rise up and do what you are supposed to do, no matter what, you do it. And then when your son s do it. Yea, I m proud of the boy, John said.Via: ABC30Contrast this hero s story to Ben Carson s comments on the Oregon shooter tragedy. This construction worker did exactly what Ben Carson suggested he would do, but somehow the media calls him a hero and Ben Carson irresponsible for suggesting such an act of valor.Here are two examples of the leftist media un-leashed:https://youtu.be/aFZvr8XLpDg",left-news,"Nov 5, 2015",0 +UPDATE: [VIDEO] Bomb Squad Investigating β€œSubstance” Found In Backpack…BREAKING: Faisal Mohammad Is Named As Student Who Stabbed 4 Students With β€œLarge Hunting Knife” On CA Campus,"Of course this is the first you ve heard of this crime. The attacker didn t use a gun and a gun was used to stop the attacker from committing mass murder. It took an entire day to identify the name knife attacker as Faisal Mohammad. He was likely a racist, Christian with tea party ties The UC Merced student who wounded four people in a stabbing spree at the campus has been identified as Faisal Mohammad, a freshman student from Santa Clara.Merced Couty Sheriff Vern Warnke confirmed the identity of the 18-year-old Computer Science and Engineering major to the Sun-Star early Thursday.Mohammad was shot and killed by UC Merced police just after 8 a.m. on Wednesday morning as he ran from the two-story classroom building where investigators said his violent spree began.Warnke said investigators, including the FBI, were still trying to determine the motive for Mohammad s attack, which wounded two students, a female student advisor and a construction worker who was on campus for a remodeling project. The four suffered non-life-threatening injuries.As of Thursday morning, one student remained hospitalized but was expected to recover and the other student was released after being treated, according to a statement from university spokeswoman Lorena Anderson. The student advisor, a member of the UC Merced staff, suffered a collapsed lung and was recovering Thursday after successful surgery, she said.Little information about Mohammad was immediately available, other than he turned 18 in late October. The university said more details would be released at a press conference led by the sheriff s office Thursday at 10:30 a.m.. The Sun-Star will livestream the conference on its Periscope account.Investigators believe Mohammad was armed with a large hunting knife when he entered a second-floor classroom as class was starting Wednesday and struggled with a male student, who was stabbed.Byron Price, a 31-year-old construction worker, was leading a crew in a nearby room when he heard the commotion and went to intervene. Warnke described Price s actions as heroic. Without him, the first victim could have been a lot worse off, or even dead, he said.Price drew the suspect s attention and was slashed around the waist during the confrontation. Price s co-workers drove him to Mercy Medical Center where he was treated and later released.Detectives believe Mohammad then left the building and stabbed another male student outside. He then found the student advisor sitting on a bench and stabbed her twice, officials said.Other than Price, the names of the victims have not been released.Two university police officers chased Mohammad to a bridge on the campus, where he was shot and killed. The identities of those officers have not been released. One of the officers was placed on an automatic three-day leave from the department, a standard protocol in officer-involved shootings. Via: Merced Sun Star",left-news,"Nov 5, 2015",0 +WOW! KY Dem House Speaker Makes Insane Speech Following Crushing Defeat In Gov Race [Video],"State Reps Forced To Stand Awkwardly In BackgroundAt one point it appears as though someone approaches the two State Representatives who appear to be trapped behind the rambling, incoherent train wreck, Kentucy House Speaker and Democrat, Greg Stumbo and offers them an opportunity to get off the stage. This wealth accumulation in America has to cease. Kentucky Republicans had a very good election day. Matt Bevin defeated Democrat Jack Conway to become only the second Republican Kentucky governor in four decades. Jenean Hampton won her quest for lieutenant governor, becoming the commonwealth s first African-American to hold a statewide office. Rising Democratic star State Auditor, Adam Edelen, was ousted by Republican state Rep. Mike Harmon, despite raising nearly $900,000 to Harmon s $37,000.Democrats held on to some seats, but the defeats were crushing in part because Conway was ahead in polling up to election day. With so many Democrats ousted from office or unable to win their campaigns, Kentucky House Speaker Greg Stumbo is one of the top-ranking Democrats still standing.He gave a speech that was striking for its odd content and rambling delivery. Flanked by state Reps. Martha Jane King and Jeff Greer, Stumbo discussed his thoughts on the political affiliation of Jesus and his view on what Scripture really is and how it influences politics. And the other thing I know is that if in fact the Bible is a book of parables, like I believe it is, think about this: Mary did not ride an elephant into Bethlehem that night, he said to a restrained crowd.[ ] For entire story:The Federalist h/t:Weasel ZippersHmmmm .I wonder where he got the idea America is beginning to think of the Democrats as the Godless party? Maybe Conway missed the last DNC convention where the members voted to remove God from the platform:And then of course, there is Reverend Wright who preached hate and anything but the truth about God s love for all of his people to Barack Hussein Obama (the ultimate Democrat Community Organizer) for roughly 20 years: ",left-news,"Nov 5, 2015",0 +Why Obama Fears A Hillary Presidency,"And why Obama may be better off with a Republican President Edward Klein paints a very compelling picture of what is going through narcissist Barack Obama s head:(If we could get a sneak peek at Barack Obama s secret diary, this is what we might read.)I ll have to endorse Hillary if she gets the nomination which looks almost certain now but I won t have my heart in it.When I leave office in little over a year, I ll be the youngest ex-president since Teddy Roosevelt. I ll still have that same big-shouldered Chicago lust for power that drove me from Greenwood Avenue in Hyde Park to Pennsylvania Avenue in three short years.But if Hillary replaces me in the Oval, she and Bill will take control of the Democratic Party it ll become the Clinton party once again and they ll block me from having any future influence.I ll end up like Jimmy Carter hammering away in Appalachia for Habitat for Humanity.On the other hand, if a Republican wins in 16, the Clintons will be finished their foundation and their speaking fees will dry up and they ll be a thing of the past. But I ll still be the titular head of the party. I ll be able to continue my push to transform America into a European-style socialist state.So, personally, I d be better off if the next president is a Republican.I was hoping it wouldn t come to this. I had hopes that Old Joe would get in the running and knock Hillary off her pins. Joe in the White House would be like my third term. I d have plenty of influence in a Biden administration.But Joe hemmed and hawed until it was too late.For a while, Val and Miche tried to convince me that Martin O Malley was the one to snatch the nomination away from Hillary. They said he was O Malleable and would share the levers of power with me. But I knew from the get-go that Martin didn t have the right stuff.Still, it s amazing to me that Hillary hasn t imploded. Everybody knows she deliberately tried to cover her tracks with her home-brew e-mail server and that she did it with felonious intent. My biggest fear all along has been that Hillary s mess will end up tainting my presidency and my legacy.Val and Miche are dead set against that happening. They re hoping that Hillary is indicted sooner rather than later. Then Uncle Joe could ride in like the cavalry and save the party.Just the other day, Hillary asked for another meeting in the Oval. I threw a major fit because I knew she wanted me to shut down the investigation of her e-mails and all her cover-ups.Generally, I don t lose my composure, but this time, I leaped from my desk and threw a rubber ball across the room. Almost broke the china.I even yelled at Val: Tell the Clintons to go to hell! I never want to see Hillary s face again. I never want her or Bill in my house lecturing me. They have no respect for this office or for me, and I m not taking it anymore. She has lied about everything. I also told Val: Make sure that any smidgen of wrongdoing that is in Hillary s files is turned over to the authorities everything. Obviously, I can t be seen influencing the FBI investigation in any way. But I ve made it clear to Jim Comey over at the FBI and Loretta at Justice that I want a thorough investigation and, if warranted, a vigorous prosecution.If Hillary winds up being sentenced, maybe a presidential pardon can be worked out. Nobody wants to see a former first lady and secretary of state rotting in jail. ",left-news,"Nov 4, 2015",0 +BREAKING: GUT WRENCHING…Undercover Video Shows Administrators At Prestigious Colleges Shredding Constitution," The Constitution in everyday life causes people pain Wendy Kozol, Oberlin CollegeAdministrators at Vassar College and Oberlin College agreed to personally shred a pocket Constitution after an undercover reporter posing as a student complained that she felt triggered by its distribution on campus.The video was produced by Project Veritas, a non-profit established by conservative journalist James O Keefe, and employs a similar style to the undercover ACORN videos that first brought him to prominence. Last week something kinda happened on campus that kind of really upset me and I ended up having a panic attack, the reporter tells Vassar College Assistant Director of Equal Opportunity Kelly Grab. It s just I ve been kind of hiding out in my room ever since kind of scared, so, finally somebody told me I should maybe come talk to you about it and see if there s anything that can happen or anything They were handing the Constitution out on campus. Oh, CATO Institute, Grab murmurs while looking the booklet over. They were handing it out and as soon as I saw it you know I started to not be able to breathe, hyperventilating, the reporter elaborated. My vision went blurry and I just kind of just lost control. After establishing that the reaction was triggered merely by the offering of copies of the Constitution and not by anything the group had said, Grab offers her sympathies to the reporter.Via: Campus Reform",left-news,"Nov 3, 2015",0 +CHICK-FIL-A Caves To Gay Mafia And Does Unthinkable In New NYC Store,"A move that would surely cause now deceased Christian Chick-Fil-A founder, S. Truett Cathy to roll over in his grave In 2012, the fast-food restaurant Chick-fil-A came under intense criticism from homosexual groups and their supporters after CEO Dan Cathy said he was guilty as charged for supporting traditional marriage. Christians overwhelmingly gave their support, filling restaurants with new customers who turned out, not only for the food, but to make a statement. That may all be about to change. Chick-fil-A is now listed as a sponsor for Level Ground, a faith-based LGBT film festival, reports Christian News Network a discovery that has sparked an online petition demanding the company clarify its corporate stance regarding previously stated Christian values on marriage and stewardship. According to Level Ground s website, the group creates safe space for dialogue about faith, gender, and sexuality through the arts. The group s film festival started as a student-run event in 2013. It has since expanded and hosted programming in six cities across the U.S., billing itself as the world s first film festival connecting lesbian, gay and transgender sexuality with faith and evangelical Christianity. Baptist Press reported participants in Level Ground s most recent film festival, held Oct. 8-10 in Nashville, Tennessee, included former contemporary Christian artist Jennifer Knapp, who came out as a lesbian in 2005, and Karen Swallow Prior, a Liberty University English professor and research fellow for the Ethics and Religious Liberty Commission of the Southern Baptist Convention. Gracepointe Church, an evangelical church in Franklin, Tennessee, that came out in January in support of same-sex marriage was also a sponsor. Pryor tweeted her appreciation to Chick-fil-A for its support in Nashville: While the restaurant has had an outpost in New York University s food court with limited access and menu items for more than a decade, the new restaurant will be the first of two slated for the Big Apple. The chain plans to open another location near Rockefeller Center at 46th Street and 6th Avenue. The nation s eighth biggest chain by sales, Chick-fil-A grew its sales 14.4 percent last year and its unit count 6.3 percent domestically, according to market research firm Technomic. This makes it the largest chicken chain in the country, beating out Yum Brands KFC unit. In private hands since its founding in the early 1960s, Chick-fil-A has expanded more quietly that publicly traded competitors like KFC or Bojangles . Via: wnd ",left-news,"Nov 2, 2015",0 +Why This New Book By Lib Writer And Radio Host Will Send Shock Waves Through The Democrat Party,"Maybe the Queen of Incompetence isn t as popular as she had hoped with the Socialist Party of America, aka the former Democrat Party It s not just Republicans who get riled by the thought of Democratic front-runner Hillary Clinton ascending to the presidency. Some people on the left lock horns over Clinton often enough to suggest that Team Hillary still has a long way to go before she has shored up the traditional base of progressive voters.A controversial book cover is the latest flashpoint to lay bare the divisions in the Democratic base over the Clinton candidacy. The forthcoming book, My Turn, by Nation Magazine Contributing Editor Doug Henwood, critiques the former secretary of state s decades-long political career, calling out her foreign policy positions and purported connections to big-money interests, among other contentious points.And the book cover s flamboyant illustration featuring a stoic Hillary Clinton, in a blood-red dress, pointing a gun at the reader has sparked a heated debate among her supporters and detractors.Salon editor Joan Walsh and former Obama speechwriter Jon Lovett both called the drawing gross. The leftist rag Salon.com has this to say about the new Hillary Clinton book: A stink bomb into liberals certainty : Doug Henwood on his anti-Clinton crusade.Here is a portion of Salon.com s review of Henwood s My Turn book:In this regard, Harper s latest (paywalled) cover story a cri de coeur against Hillary Clinton from economist, radio host, author and Left Business Observer founder Doug Henwood is no exception. A mix of biography and political analysis, Henwood s essay depicts the likely 2016 presidential candidate as a relatively unaccomplished conformist and careerist, one who s far more interested in acquiring power (and protecting the interests of her wealthy funders) than making real the progressive vision. What is the case for Hillary? Henwood asks. It s hard to find any substantive political argument in her favor. Even the author and the artist have different takes on the imagery. People often see in texts what they want to see. The reaction to this cover, which has been circulating less than 48 hours, has been a vivid reminder of this, Henwood told MSNBC. When I first saw the design I knew it would attract a lot of attention. But I couldn t have predicted the diversity of reactions. Where Henwood sees ruthlessness and hawkishness, in the image, the artist, Sarah Sole told the International Business Times she sees it as pulpy and sexy. Henwood is a well-known Clinton critic on the left who skewered the former secretary of state, senator and first lady in a controversial 2014 Harper s Magazine cover story titled Stop Hillary. In it he wrote:What is the case for Hillary (whose quasi-official website identifies her, in bold blue letters, by her first name only, as do millions upon millions of voters)? It boils down to this: She has experience, she s a woman, and it s her turn. It s hard to find any substantive political argument in her favor. She has, in the past, been associated with women s issues, with children s issues but she also encouraged her husband to sign the 1996 bill that put an end to the Aid to Families with Dependent Children program (AFDC), which had been in effect since 1935. Indeed, longtime Clinton adviser Dick Morris, who has now morphed into a right-wing pundit, credits Hillary for backing both of Bill s most important moves to the center: the balanced budget and welfare reform.1 And during her subsequent career as New York s junior senator and as secretary of state, she has scarcely budged from the centrist sweet spot, and has become increasingly hawkish on foreign policy.What Hillary will deliver, then, is more of the same. And that shouldn t surprise us. As wacky as it sometimes appears on the surface, American politics has an amazing stability and continuity about it. Obama, widely viewed as a populist action hero during the 2008 campaign, made no bones about his admiration for Ronald Reagan. The Gipper, he said,changed the trajectory of America in a way that Richard Nixon did not and in a way that Bill Clinton did not. He put us on a fundamentally different path because the country was ready for it. I think they felt [that] with all the excesses of the Sixties and the Seventies, government had grown and grown, but there wasn t much sense of accountability in terms of how it was operating.Now, the excesses of the Sixties and the Seventies included things like feminism, gay liberation, the antiwar movement, a militant civil rights movement all good things, in my view, but I know that many people disagree. In any case, coming into office with something like a mandate, Obama never tried to make a sharp political break with the past, as Reagan did from the moment of his first inaugural address. Reagan dismissed the postwar Keynesian consensus the idea that government had a responsibility to soften the sharpest edges of capitalism by fighting recession and providing some sort of basic safety net. Appropriating some of the language of the left about revolution and the promise of the future, he unleashed what he liked to call the magic of the marketplace: cutting taxes for the rich, eliminating regulations, and whittling away at social spending.What Reagan created, with his embrace of the nutty Laffer curve and his smiling war on organized labor, was a strange, unequally distributed boom that lasted through the early 1990s. After the caretaker George H. W. Bush administration evaporated, Bill Clinton took over and, with a few minor adjustments, kept the party going for another decade. Profits skyrocketed, as did the financial markets.But there was a contradiction under it all: a system dependent on high levels of mass consumption for both economic dynamism and political legitimacy has a problem when mass purchasing power is squeezed. For a few decades, consumers borrowed to make up for what their paychecks were lacking. But that model broke down once and for all with the crisis of 2008. Today we desperately need a new political economy one that features a more equal distribution of income, investment in our rotting social and physical infrastructure, and a more humane ethic. We also need a judicious foreign policy, and a commander-in-chief who will resist the instant gratification of air strikes and rhetorical bluster.Is Hillary Clinton the answer to these prayers? It s hard to think so, despite the widespread liberal fantasy of her as a progressive paragon, who will follow through exactly as Barack Obama did not. In fact, a close look at her life and career is perhaps the best antidote to all these great expectations.But the intimidating image glaring out from the front of My Turn was created long before Henwood penned the book, which he says was developed out of the Harper s piece and goes into greater detail about her long history in shaping the New Democrat agenda, an agenda which she now purports to be running against, Henwood told MSNBC.And then there s Sole, a diehard Clinton supporter and also a fan of Henwood s, according to International Business Times.Sole debuted the painting, along with other similarly themed pieces, last year. Later, the pieces were published in Politico magazine under the headline Extremely Ready for Hillary, according to the International Business Times. I love Hillary Clinton, I support Hillary Clinton, I very much want her to be president. I will certainly vote for her, Sole told International Business Times. What I don t get is the reaction that calls the cover sexist, Henwood told MSNBC. Hillary is tough and determined, characteristics that shouldn t be seen as off-limits to women. The political question is what she or anyone else does with toughness and determination, and that s what my criticism of her focuses on. I have no problem with ball-busting women, Henwood continued. I kinda like them, in fact. I just don t like [Hillary Clinton s] politics. Via: MSNBC",left-news,"Nov 1, 2015",0 +"UNDERCOVER NYPD COP Busts 2 Women Building Bomb, Planning To Wage Jihad…Mayor DeBlasio Says β€œUnfair”","Thank goodness these Muslim women have a friend in socialist, radical Mayor of New York City An NYPD officer pretended to be a Brooklyn College student at the Islamic Society in New York City, and taking the Muslim oath of faith, before befriending Muslim students to infiltrate the community.The woman, who went by the name of Mel, short for Melike, spent four years earning the trust of Islamic students at the college as part of an NYPD operation to spy on Muslims, according to NY s daily weblog Gothamist.The controversial mission was part of the police departments well-documented plan that sees the blanket surveillance of innocent Muslims.The Mayor of New York, Bill deBlasio has openly criticized such surveillance and declared at a Ramadan dinner that Muslim New Yorkers were still fighting for basic human rights. Watch Mayor DeBlasio defend Muslim women with ties to Al Qaeda here: We recently shut down the Demographics Unit at NYPD, which conducted surveillance on Muslim New Yorkers. Because it s unfair to single out people on the sole basis of their religion, he added. The undercover operation led to some important arrests. Four years after Mel had infiltrated the college, two Queens residents, Noelle Velentzas and Asia Siddiqui, were arrested and charged with allegedly planning to build a bomb.The US Justice Department issued a release stating that the women were linked to members of al-Qaeda in the Arabian Peninsula and the Islamic State.Many of the cases dealt with by the NYPD often involve a form of entrapment that see undercover detectives and FBI informants carrying out manipulative tactics in order to secure evidence that will later lead to arrests.In the case of Velentzas and Siddiqui, four propane gas tanks, as well as instructions for how to turn them into explosive devices, are said to have been found in Siddiqui s home, and according to the criminal complaint, the two women had in-depth conversations with the undercover officer about their violent aspirations.The undercover officer established a friendship with at least one of the women as early as 2013, according to the criminal complaint.The two women are not alleged to have been in the process of planning a specific attack, and according to the criminal complaint, Velentzas repeatedly stated she would not want to harm any regular people, instead targeting police or military personnel.After 9/11, both the NYPD and the FBI revamped their approach to terrorism investigations and began operating under a policy of preventive prosecution.The NYPD began to look for particular indicators of radicalization such as the wearing of traditional Islamic clothing, giving up drinking or smoking, and becoming involved in social activism. In the NYPD s model of measuring threats, which have been criticized, young people were also a key target. The government often acting through informants is actively involved in developing [terrorism plots], persuading and sometimes pressuring the target to participate, and providing the resources to carry it out, according to the 2014 Human Rights Watch report. Brooklyn College students at the Islamic Society told Gothamist they feel skeptical and paranoid. In the back of all our minds, there s always that suspicion, that either, you are a spy, or you think I m one, a female Muslim student stressed. Via: Daily Mail ",left-news,"Nov 1, 2015",0 +GERMAN VOLUNTEERS HOLD WELCOME RALLY: Applaud As Muslim Migrants Sing Jihadist Songs [Video],"Say goodbye to your economy, traditions and culture. The caliphate has come to Germany on steroids Leftists hold a rally to welcome tens of thousands of refugees to Germany.Migrant Muslims were seen on video singing jihadist songs at their refugee center. The ignorant German volunteers applauded. Via Les Observateurs: (Rough Translation)It s in the air, broadcast of 14 October 2015. The Iraqi and Syrian Christians were isolated in special reception centers after being continually harassed. One of Iraqi Christians tells France 5: At our previous center, volunteers were sitting listening to music, the Arabs sand jihadi songs and the German volunteers clapped their hands without understanding. The image sums up the situation: the Arabs install Islamism, leftists not understanding what is happening rejoice in living together that exists only in their fantasy world. Carnage to follow.Via: Gateway Pundit",left-news,"Oct 31, 2015",0 +"MEDIA LIE EXPOSED: Hundreds Of Students Rally In Support Of Fired SC School Cop: Fight Back Against Cop-Hating, Race Baiting Media[VIDEO]","We shared our Game Changer story with you earlier this week, after a new video emerged allowing a more clear picture of the student physically attacking the school cop assigned to removing her from class.Now in a surprising turn of events (which will certainly be a huge disappointment to the leftist media and George Soros funded Black Lives Matter terrorist organization), the students are fighting back against a manufactured media event created to promote more cop hate and racial division in America.Well, this is interesting.MT Spring Valley Walkout for fields today #bringbackfields #bringfieldsback pic.twitter.com/UamWKU6AXN Oink Trotters (@OinkTrottters) October 30, 2015Students wore T-shirts that said #BringBackFields or Free Fields. #BringBackFields pic.twitter.com/6jbmEnuSrN Mina Rena . (@_cappex) October 30, 2015 He was a great guy, student London Harrell told local WISTV. He protected us and everything. He was our school resource officer. We always could depend on him and everything. Every time I saw him, he was always joking around with people. It was never like Oh, I m about to body slam you. Principal Jeff Temoney said none of the students would be suspended if they returned to class. We ve heard your voices, okay, Temoney said according to WISTV. We appreciate you taking time to do this, but again, as you know, we always focus on teaching and learning, so let s head on back to class. pic.twitter.com/LJiGyAXDUs John Cassibry (@JCass_12) October 30, 2015Principal Temoney released a statement several hours later about the walkout, which said students and staff were safe during the protest.Fields, who is white, was recorded on cell phone video using force on an African-American student during a school discipline incident. When shared on social media, the footage caused national outrage on the use of force in schools and by school resource officers. Fields was fired on Wednesday. Via: RTHere is how the original story was presented to the public:School officer uses force against black female student, slams her on floor (VIDEO) https://t.co/0bLck097Sw pic.twitter.com/6oFt3fluFH RT America (@RT_America) October 27, 2015Here is how we responded when a student reluctantly shared their video with others which allowed the other side of the story to be told. Click HERE for the other side of the story.",left-news,"Oct 31, 2015",0 +WATCH MSNBC β€œObjective” Host’s Loud Outburst When Latina Guest Says She β€œFeels At Home” In GOP,Somebody needs to make sure Chris Matthews doesn t miss his meds before the cameras start rolling ,left-news,"Oct 30, 2015",0 +TWITTER User Suggests β€œClimate Deniers” Should Be Shot,"The Left is all about gun control unless of course, they re talking about shooting someone who disagrees with phony man-made climate change Thought: in wartime, people deliberately spreading lies and misinformation get shot. Why not do the same with climate change deniers? Daniel Rendall (@danielrendall) October 30, 2015h/t Weasel ZippersJust in case they remove this Tweet, we ve taken a screen shot here:",left-news,"Oct 30, 2015",0 +GERMAN LEFTIST USES NUDITY ON FACEBOOK To Fight Back Against β€œRight-Wing” News Outlets Exposing Truth About Muslim β€œRefugees”,"***Warning*** Image is not appropriate for all ages.How very progressive A German photographer has started a campaign to have right wing propaganda censored on Facebook, but pornographic images of women allowed. He s calling it nipples instead of incitement. Photographer Olli Waldhauer kicked off his campaign by posting an image on Facebook of a topless woman stood beside a man holding a placard with racist slogan written on it. One of these people is against the rules of Facebook, reads the slogan on the image.Moderators deleted the image after 21 minutes. Good people, I had to change my profile. Facebook did not come clear with the amount of friend requests. Thank you for your feedback and support, wrote Mr Waldhauer on his page afterwards. What madness from a small image can be everything. Thank you all! Always remember #nippleinsteadbaiting! he added later.Mr Waldhauer is now encouraging his follower to download the image and post it on their own pages, in the hope of pressuring Facebook moderators in the spirit of the #freethenipple campaign.The #freethenipple campaign aims to end the discriminatory banning of female breasts on social media, and so stop men finding breasts attractive by exposing them more often (according to their logic).From his social media profile, Mr Waldhauer appears to be strongly in favor of mass migration, and has previous started a campaign labeled #iamnotaterrorist to challenge animosity towards migrants from the Middle East.Perhaps Mr. Waldhauer s time and effort would be better spent focusing on the Muslim caliphate taking place in his country and not on those trying to spread the truth about these refugees. His dream of censoring political debate on Facebook is less outlandish. In September German Chancellor Angela Merkel said she wanted more Facebook to filtering hateful and racial posts. Journalists overheard the comments as she conversed with Facebook CEO Mark Zuckerberg at a UN summit. Via: Breitbart ",left-news,"Oct 30, 2015",0 +FERGUSON FLAMETHROWER COMES OUT OF HIDING: Slams FBI Director For Blaming β€œFerguson Effect” On Rise In Crime,"Holder should be making his baseless remarks from behind bars but that s another story Retired Attorney General Eric Holder pushed back on statements made last week by FBI Director James Comey in which Comey suggested the so-called Ferguson effect might be responsible for a recent rise in crime in cities around the country.In a gathering with reporters Wednesday, Holder told the Huffington Post, I don t agree with the comments that he s made about, or the connection he s drawn, between the so-called Ferguson effect and this rise in crime. The Ferguson effect is a name given to a recent spike in crime in some, but not all, American cities this year. The idea is that police have taken note of the public mood and decided to hold back on more aggressive policing.Eric Holder told the Huffington Post the factors involved in the crime surge would be difficult to tease out, It s hard for us to understand why crime dropped to historic lows over the last 40 years. I think it s probably equally difficult or even more difficult to explain why crime has gone up in some places, violent crime has gone up in some places, over the past 12 months. But Holder then immediately discounted one possible explanation, saying, But I don t think it s connected to the so-called Ferguson effect. The comments by Eric Holder are part of an ongoing war of words within the Obama administration, which escalated last Friday when FBI Director James Comey seemed to endorse the Ferguson effect as an explanation during an address at the University of Chicago Law School.After ticking off a list of possible explanations for the recent crime surge, Director Comey said, I do have a strong sense that some part of the explanation is a chill wind that has blown through law enforcement over the last year. And that wind is surely changing behavior. Nobody says this on the record. Nobody says this in public, Comey told his audience last Friday, adding that it was, the one explanation that, to my mind, explains the calendar and the map. He was referring to both the widespread increase in crime in cities across the country and the timing of that increase this year.Former AG Eric Holder rejected the idea that police were holding back because of the public mood Wednesday, telling the Huffington Post, I frankly don t think police officers are laying down on the job. Via: Breitbart News",left-news,"Oct 30, 2015",0 +Scary or Silly? The Feds Are Warning About What This Halloween Tradition Will Unleash,"I vote for silly since anyone with half a brain can figure this one out it s NOT scary! Remember composts and how they were supposed to be great for the planet these Energy Department goofballs need to understand what happens naturally is not a bad thing. How scary are your jack-o -lanterns? Scarier than you think, according to the Energy Department, which claims the holiday squash is responsible for unleashing greenhouse gases into the atmosphere. Most of the 1.3 billion pounds of pumpkins produced in the U.S. end up in the trash, says the Energy Department s website, becoming part of the more than 254 million tons of municipal solid waste produced in the United States every year. Municipal solid waste decomposes into methane, a harmful greenhouse gas that plays a part in climate change, with more than 20 times the warming effect of carbon dioxide, Energy says. Ok, apparently the whizkids at the Dept. of Energy need a refresher course in something called the carbon cycle. It s settled science . You see, as every living thing grows it incorporates carbon into it s structure. That s why it s called carbon based life. Then when it dies, it releases that carbon back into the environment so some other living thing can use it to grow. Now it doesn t matter what you do with the dead thing. Whether it rots away slowly or you burn it or you convert it into some thing else that gets burned, it still releases the carbon. Either as carbon dioxide or methane (which is 85% hydrogen and 15% carbon). It s like a giant carbon recycling program that makes life possible and it s been going on like that for hundreds of millions of years. Truth is, there s no more carbon on Earth today than there has ever been. You can t make new carbon that has never existed before, it s elemental. And carbon isn t a pollutant, it s essential to life. That s the simple reality. Deal with it. Seriously, absurd news stories like this are crafted to appeal to someone without even a sixth grade understanding of basic science. I can envision some 8-year-old running home Mommy, mommy, teacher said Jack-o -lanterns are destroying the planet! Via: WT",left-news,"Oct 29, 2015",0 +MIND-BLOWING INTERACTIVE MAP Shows Where Muslim Refugees Are Coming From And Where They’re Going,This is a great visual to share with people who are in denial about the fundamental transformation of the soon-to-be Muslim majority Europistan. America is next ,left-news,"Oct 29, 2015",0 +LIBERAL CULTURE ROT: U of Maryland Teaches Students β€œHow To F*** In College” [Video],"Because being a young adult in college, getting good grades, preparing for a future career and making the right choices isn t hard enough. The college needs to bring people in to encourage you to have free sex. Not just sex but LOTS of sex At a workshop-style event last week, students at the University of Maryland, College Park were taught How to F*** in College. Sex ed expert Francisco Ramirez, who has a master s degree in public health and has provided sexual health training for organizations including MTV, the UN, and Planned Parenthood, taught the workshop as part of a college speaking series by the same name.During the presentation, Ramirez used a series of GIFs to convey sexual tips ranging from how to give a blow job to how to apply lube effortlessly.Unusual sexual advice was given throughout the workshop. Ramirez recommended that students ask their parents to purchase a mechanical hand sanitizer to dispense lube, for instance, and gave advice on how to prevent syrups from going inside a lover s urethra when attempting the grapefruit technique. A screen shot from Francisco Ramirez website: If you re going to be using the grapefruit technique, he cautioned, really make sure to use mild soap and water afterwards. When asked their favorite locations for sex, the students, some of whom live on campus, gleefully offered up the kitchen, the bathroom, and even on the rug, prompting Ramirez to recommend that they clean up after having sex, a directive that he humorously reinforced by delivering it while standing beneath a prominent image of Mr. Clean. I am not sexphobic but [sic] you might think it s kinda hot seeing somebody s pubic hair you re kinda like [sic] feel good about that, Ramirez told the class while animatedly flipping his hair, but not your roommate. He later went into further details on how his roommates would leave dildos, carrots, and a jar of peanut butter on his bed and inside his shower.Ramirez also lectured on the stigma of the walk of shame and the double standards of how women are perceived when returning to their homes the morning after a sexual encounter. He then instructed students to practice their walk of shame and to give no f -s. Here is an example of this freaks work:During the anonymous Q and A portion, Ramirez was asked why abstinence is not encouraged, and whether promoting sex into our culture increases the chances of rape on campus. It s not like we re either f -ing or we re not f -ing or we re masturbating or not masturbating, because at the end of the day we are all sexual beings, he explained. We re already in a sexual relationship with our genitals even if we re asexual. He also mentioned at one point that most sexually active adults have an STI [sexually transmitted infection] and that s okay. Via: Campus Reform",left-news,"Oct 28, 2015",0 +THE FACE OF THE DEMOCRAT PARTY Has A Message For The Tea Party And You Won’t Want To Miss It…[VIDEO],"This ass-clown reminds us of why term limits are so important. Leisa and I saw Rep. Rangel (D-NY) up close and personal last week when we visited the Capitol building as guests of Rep. Mike Bishop (R-MI). We were shocked at some of the people who have been elected to represent our nation. 20% of the House members looked like they should be roaming the halls of a nursing home NOT the halls of Congress! These people have no business making serious decisions on behalf of our country. Charlie Rangel is a perfect example of our assertion It s no secret that Democrats can t stand the Tea Party, but rarely do they express their hatred out loud like Rep. Charlie Rangel did. In a moment caught on camera, the Democrat Congressman let reporters know what he really thinks about the coalition of citizens who believe in individual liberty and small government (some of whom are undoubtedly his own constituents).TheBlaze reports:Rep. Charlie Rangel (D-N.Y.) had harsh words for Tea Party Republicans during a town hall he hosted Tuesday in New York City. The outspoken Democrat was asked by TheBlaze about what he thinks motivates the more conservative wing of the House Republicans. They come from states that used to own slaves, Rangel said of his Tea Party colleagues. They come from states that the Confederate Army was pledged allegiance to. They come from states that the Ku Klux Klan and voters rights and all of those things came into play. [T]hey left the Democratic Party, thank God, they joined the Republican Party and they like being among themselves, Rangel added.They even got his comments on video here:Via: Deneenborelli",left-news,"Oct 28, 2015",0 +UNBELIEVABLE! Students Succeed In Removing US Border Patrol Agents From Career Fair: Concerned They Won’t Make Illegal Students Feel Welcome,"This is not some small obscure community college. Disallowing our law enforcement to attend a school sponsored event in favor of protecting lawbreakers is a BIG deal! This school with over 30,000 students has managed to marginalize these brave men and women who put their lives on the line every day to protect and defend our borders!U.S. Customs and Border Protection (CBP) has reversed its decision to participate in a career fair at the University of California-Irvine in response to a petition signed by hundreds of students.According to the New University student newspaper, CBP s withdrawal represents an unexpected victory for student activists, whose claims that the Border Patrol s involvement in the Fall Career Fair this Thursday would be insensitive to undocumented students had previously failed to convince the university to rescind the agency s invitation. Organizations like the US Customs and Border Patrol are the organizations that are tasked with various roles including targeting Undocumented Communities, which is against the nature of our campus s values for welcoming communities regarding their background, Associated Students of UC Irvine (ASUCI) President Parshan Khosravi wrote in an email to the Career Center Sunday night. This message right now is saying that undocumented students are not welcome, he asserted, adding, That s the type of message that I do not want to see as someone who is a student on this campus, as someone who is a student leader on this campus, and [as] someone who believes in [sic] the values of our campus are inclusivity and a safe space. The next day, Monday morning, student Amy Yu and another individual visited the Career Center in person to voice their concerns directly to administrators. Despite their warnings that undocumented students might experience trauma and discomfort from such close proximity to law enforcement, though, the Center refused to disinvite CBP, explaining that the purpose of the fair is to provide job opportunities for all students. We care about and value all students. We have a diverse student body made up of individuals with many wonderful talents and personal values, Career Center Director Suzanne Helbig told New University. To serve all students, we bring employers to campus and let students use their own judgement to decide which ones fit their skills, interests, and values. Undeterred by the Career Center s response, Yu proceeded to create a Change.org petition in the hope of effecting CBP s removal by appealing to a higher authority. We, as students from UC Irvine, are demanding that the CBP be removed as participants [sic] for the upcoming Fall Career Fair, the petition states. The undocumented community is directly affected by deportation and detention policies that are carried out by Border Patrol, and having Border Patrol agents on campus is a blatant disregard to undocumented students safety and well-being. Prior to being closed amidst declarations of victory Wednesday, the petition had garnered 659 signatures in roughly two days, which was apparently enough for CBP to decide that participating in the jobs fair was not worth enduring a potentially hostile reception from UC-Irvine students. As of this morning, U.S. Customs & Border Patrol has decided not to attend the campus Career Fair on Thursday, Oct. 22, UC-Irvine senior director of communications Cathy Lawhon told The College Fix Wednesday. However, the agency will continue to utilize UCI s Career Center on-line job postings system to list available positions for those students interested in working with CBP. While undocumented students may rejoice, though, others are less thrilled about losing the chance to engage with the largest law enforcement agency in the world. I feel that these efforts are an attempt to politicize a jobs fair that is supposed to help college students find much needed work once they graduate, UC Irvine s College Republicans President Rob Petrosyan told The College Fix. If you don t approve of U.S. Customs, don t apply to work for them, it s that simple. Via: Campus Reform",left-news,"Oct 28, 2015",0 +CHILLING TESTIMONY Of Brave 7th Grader At TX School Board Meeting: β€œToday I was given an assignment at school that questioned my faith and said that β€˜God is not real'” [VIDEO],"This indoctrination into a godless society is happening at every stage in our child s development. From grade school through college and even in grad school, educators are working overtime to remove God, values and morals from our children s lives. They are blurring the lines between right and wrong in an effort to make everyone the same. The end result will be callous, heartless, self-centered human beings with no moral compass and no purpose in life. How long will we remain quiet and chose to ignore this abomination?KATY, Texas A Texas seventh-grader is standing up for her religious beliefs after she alleges her teacher forced students to deny that God is real, and threatened them with failing grades if they don t agree.Jordan Wooley, a seventh grade student at West Memorial Junior High School in the Katy Independent School District, testified at a school board meeting last night about an assignment in her reading class that caused a serious controversy, and expressed frustration about her teacher s atheist indoctrination. Today I was given an assignment in school that questioned my faith and told me that God was not real. Our teacher had started off saying that the assignment had been giving problems all day. We were asked to take a poll to say whether God is fact, opinion or a myth and she told anyone who said fact or opinion was wrong and God was only a myth, Wooley told board members.Students immediately objected, Wooley said, but the teacher refused to consider their position.The teacher, started telling kids they were completely wrong and that when kids argued we were told we would get in trouble. When I tried to argue, she told me to prove it, and I tried to reference things such as the Bible and stories I have read before from people who have died and went to heaven but came back and told their stories, and she told me both were just things people were doing to get attention. I know it wasn t just me who was affected by it. My friend, she went home and started crying. She was supposed to come with me but she didn t know if she could because she was so upset, Wooley said.The teen explained she spoke with other students in the class who were marked down because they believe God is real, as well as compromises proposed by students to avoid rejecting their faith. Another student asked the teacher if we could put what we believe in the paper, and she said we could but you would fail the paper if you do, Wooley told the board. I had known before that our schools aren t really supposed to teach us much about religion or question religion. When I asked my teacher about it she said it doesn t have anything to do with religion because the problem is just saying there is no God. Wooley was accompanied to the meeting by her mother, Chantel Wooley, who texted with her daughter about the assignment earlier in the day and posted a video to Facebook about the incident after school. Hey mom so in reading we were required to say that God is just a myth, Jordan texted her mother shortly before 3 p.m. Monday. I thought if a question was against our religion that we could put what we think is true but we got in trouble for saying He is true. Wait what? Myth? Chantel Wooley replied. We had to deny God is real. Yeah, we had to say he was just a myth, Jordan wrote. You got in trouble? Chantel questioned. Yeah she told me I was wrong bc I put it was fact, Jordan wrote. What did you say? Chantel texted. I said he is real and she said that can t be proven, Jordan replied. And what happened? Chantel wrote. I still put fact on my paper, Jordan texted.Jordan told school board members her family contacted the school principal, who promised to speak with the teacher and investigate the incident. Board members also vowed to look into it, but said school administrators should first focus on addressing the issue.They also thanked Wooley for voicing her concerns.In a Facebook video posted to Chantel Wooley s profile, Jordan explained the situation in more detail.// Jordan Wooley addresses Katy ISD re: controversial assignment Bravery!Posted by Education Action Group on Tuesday, October 27, 2015 Basically, a lot of people said it was true and real, and she told us we were all wrong, Jordan said. She told us it was a commonplace assertion, just a myth, and lot of people got upset about it. I called my friend to see how she felt about it, and she was just crying, Wooley continued. And how did that make you feel? an off-camera voice questions. Like she was taking away my religion, what I believe is true, the teen replied.Texas education activist Alice Linahan told EAGnews the incident, and how district officials respond, could be an especially important indicator of things to come in the Lone Star state.Katy ISD Superintendent Alton Frailey, president of the national American Association of School Administrators, was a central figure in crafting the state s education standards as the former president of the Texas Association of School Administrators.Frailey is now working to expand similar standards nationally, Linahan said, and is reportedly on Texas Gov. Greg Abbott s short list to replace education Commissioner Michael Williams, who resigned last week.Linahan pointed to standards Frailey help craft that require a teacher understands how to connect concepts and use differing perspectives to engage learners in critical thinking, creativity, and collaborative problem solving related to authentic local and global issues, as evidence that the state standards and closely aligned national Common Core standards divert focus from core subjects to less important issues. Will Texas students get a good job when they grow up because they can read well, write well, do math and know history? Linahan questioned. Or, will they get a good job, without strong academics, but an emotional attachment and classroom experience to save the world on a global level from a humanist viewpoint, without a belief in God? Parents, it is time to step in like Jordan s mom and say NO! Via: EAG News ",left-news,"Oct 28, 2015",0 +Guess Who’s Offended Now? This Walmart Costume Set Off A Firestorm Of Complaints So I Think I’ll Buy It,"Dressing up as an Arab Sheik for Halloween was not what I had planned but now I REALLY think I ll buy this costume and wear it on Halloween. Could someone tell the Muslims to knock it off with being offended all the time about everything! Just like I tell my children, the ability to laugh at yourself is HUGE! Take it all in good fun why don t ya? Just think how Donald Trump will feel this Halloween with all the horrific costumes making fun of him. How about all those costumes making fun of so called Hillbillies or Rednecks do you think anyone gives a damn? Get over yourselves! We previously reported on all the Universities across America who re dictating what you can and cannot wear on Halloween. Customers shopping online for various items of interest, or just simply looking for something to be offended by, found the latter in the Halloween section of the retailer s website. Nestled among the typical witch and superhero costumes for kids was a costume of a different kind that Arabs found to be in extremely poor taste. It s beyond me who would want to dress up as an Arab Sheik or Achmed the mad bomber, but it freakin Halloween. It s a big holiday for kids and extrovert adults. At some point Muslims must realize that the world doesn t revolve around them and their inherent hate for anyone and everyone who aren t followers of Islam. Stores can and should sell whatever they want, whether it offends them or not. Now, only time will tell how Walmart reacts to the insistence that their merchandise is offensive, whether they bow down to a culture that incessantly complains, or cater to the people who shop in their stores and made them a success.Via: DMF",left-news,"Oct 28, 2015",0 +SHOCKING REPORT: 99.5% Of Professors From Top 50 Liberal Arts Colleges Donated To Only Two Presidential Candidates,"These leftist professors aren t just donating chump change either. The average donation from these leftist professors to Hillary s campaign is a whopping $1,043.75.Only Hamilton College History Prof. Robert Paquette has donated to a Republican candidate in the current election cycle from the top 50 liberal arts colleges in America.According to FEC third quarter reports released October 16, 47 professors at the top 50 liberal arts colleges in the country, as ranked by U.S. News & World Report, have given to presidential campaigns. Of those 47 professors, Hamilton College History Professor Robert Paquette was the sole donor to a Republican candidate, giving $150 to Carly Fiorina s campaign.The remaining 99.51 percent went to Democrat candidates Hillary Clinton and Bernie Sanders. The 46 other professors collectively donated $20,875 to Hillary Clinton and $8,417 to Bernie Sanders. Professors donating to Clinton have given an average of $1,043.75. Those giving to Sanders donated an average of $323.73. I do believe these numbers give an accurate representation of the political leanings of faculty on most college campuses, Paquette wrote in an e-mail to Campus Reform, especially allegedly elite liberal arts colleges like Hamilton College, where he claims to be the only out-of-closet conservative in a faculty of 200. After 35 years of experience in higher education, Paquette believes that the business has become a racket monopolized by the academic left. Paquette argues that with cover from spineless or sympathetic administrators, leftist faculty are able to keep their campuses liberal. Conservatives like himself can be prohibited from participating in searches for their own department and large endowment funds are lavished on faculty activists and their programmatic agendas. Paquette says that trustees know about the problem but [prefer] not to hear, see, or speak any evil to protect the elite brand of the college. When the search is expanded to include students, graduate/law professors, and administrators at the elite group of colleges, Paquette s donation is joined by an additional $6,150 to Jeb Bush, $150 to Ted Cruz, $2,000 to Carly Fiorina, $540 to John Kasich, and $250 to Scott Walker.Even so, only 10.84 percent of donor affiliates gave to Republican candidates, and their donations amount to less than 15 percent of total contributions.Historical giving patterns reveal a strong bias toward liberal candidates, especially at the nation s most elite colleges. In 2012, Campus Reform reported that 96 percent of Ivy League donations went to the Obama campaign. So far this cycle, over 95 percent of Ivy League affiliates have donated to Democrat candidates. Via: Campus Reform",left-news,"Oct 26, 2015",0 +WOW! BENGHAZI VICTIM’S SISTER SPEAKS OUT: Hillary Talked To Families of Benghazi Victims 2 Days After Attack…Asked Them To β€œFeel Sad” For Muslim Jihadi Attackers [Video],The lack of compassion for the families of these 4 dead Americans in Hillary s rush to cover her incompetence is beyond comprehension Serial liar for president .https://youtu.be/wQV3aesMLzk ,left-news,"Oct 26, 2015",0 +90% Of Hollywood Political Contributions Have Gone To This One Candidate,"Nothing says Hollywood like supporting a serial liar who s managed to keep herself in the spotlight by clinging to the coattails of her husband, fellow grifter, serial philanderer and former President, Bill Clinton According to the Los Angeles Times, Hollywood donors have given $5.5 million to candidates on both sides of the 2016 presidential race. Of those donations, 90 percent have gone to Hillary Clinton s campaign.Hillary Clinton and die hard progressive singer Katy Perry While talk of Vice President Joe Biden jumping into the race had swept Hollywood in recent months, with donors previously announcing they would be ready to back him financially, Biden announced this week he would not run for a third time.That leaves the door open for Clinton to consolidate the industry s financial backing, which she largely has accomplished.Aside from a number of artists and other entertainment figures standing behind Sen. Bernie Sanders (I-VT)16% , Clinton has not only garnered support from most democrats, but has received about $5 million of the total $5.5 million given by Hollywood this cycle.Danny DeVito, who gave $2,700, and Jackson Browne, who pledged $1,350, are supporting Sanders. Others, such as Sarah Silverman, Will Ferrell, and Red Hot Chili Peppers singer Anthony Kiedis, are also supporting Sanders.Meanwhile, Clinton has collected maximum personal donations from Kanye West, Usher, Jesse Tyler Ferguson, Bryan Cranston, Tom Hanks, and Barbra Streisand.Clinton has also received $2,700 apiece from Dana Walden, head of Fox Television Group; Patrick Wachsberger, co-chair of Lionsgate Motion Picture Group; and HBO s president of programming, Michael Lombardo, according to the LA Times.On the GOP side, Jeb Bush has received $5,400 from CBS sports commentator Jim Nantz and $2,700 from producer Jerry Bruckheimer.Bush leads the Republican Party with roughly $165,000 in donations from Hollywood, while New Jersey Gov. Chris Christie comes in second with almost $90,000. Via: Breitbart News",left-news,"Oct 26, 2015",0 +BOX OFFICE BOMB: Seth Rogan Tweeted F*ck You To Ben Carson…America Responds By Boycotting His Steve Jobs Movie,"Who s laughing now funny guy?We asked everyone to boycott the Steve Jobs movie after not-so-funny guy sent this vulgar tweet directed at GOP Presidential contender and brilliant pediatric neurosurgeon, Dr. Ben Carson: Steve Jobs didn t just bomb this weekend, it BOMBED. Although director Danny Boyle s biopic sits in nearly 2500 theaters and was predicted to clear around $12 million, according to Deadline, by Monday the $30 million film (closer to $60 million with distribution costs) will bottom out at $7 million.It wasn t supposed to be like this.Not even close.First there was the pedigree: an Oscar-winning director, an Oscar-winning screenwriter, and a biopic subject who is also a national brand.Then there is the track record: just five years ago The Social Network, a similar film about a similar subject written by the same Aaron Sorkin, opened to $22.4 million. On top of that, in limited release, Steve Jobs was nearly breaking records.The good juju was apparently broken when one of the film s stars, Seth Rogen, the guy who was supposed to provide some box office insurance, launched a profanity-laced attack against Dr. Ben Carson, an attack many saw as race-based against the black Republican presidential candidate.Two weeks ago, just as the film s public relations campaign was gearing up for its national release (and Oscar grab), Rogen fired off a hate-tweet, Fuck you @realBenCarson. Rogen claimed he was angry at Carson for suggesting German Jews would have been able to better resist the Nazis had the government not confiscated their firearms in advance of the Holocaust.The backlash against Rogen and Steve Jobs was immediate and intense. Many people used their social media accounts to call for a boycott of the film.Just six days ago, Rogen doubled down.The racism charge against Rogen is not without merit. Carson is a black Republican, Canadian Rogen is a white liberal. Going back to the days of slavery, the KKK, and Jim Crow, white Democrats have attacked and attempted to intimidate black people who don t think right, who defiantly stand up for their civil rights and threaten the Democrat power structure.Democrats and their DC media allies vehemently disagree with Carson s strong stance in favor of his Second Amendment civil rights. While Democrats can no longer use German Shepherds and fire hoses like their ideological brethren did 50 years, today they use social media to destroy black people who stray from the Liberal Thought Plantation.With Emily Blunt s Sicario, Steve Jobs is now the second film this month to under-perform in the wake of one of its left-wing stars hurling partisan insults. Via: Breitbart News",left-news,"Oct 26, 2015",0 +Obama Throws Gasoline On Black Terrorists War On Cops: β€œThe Moment Is Here”,"If a black man is elected president in a country comprised of mostly white citizens is he still considered a victim? And should he spend his entire presidency trying to find ways to punish the country he was elected to represent? It s a rhetorical question of course At a White House discussion about improving the relationship between police departments and black Americans, President Obama declared that the moment is here. He meant a chance for big change, and that s the problem. The change he and his allies are achieving is like throwing gasoline on a raging fire.Consider that at about the same time the nation s first black president was speaking to police chiefs and prosecutors, a group called Black Lives Matter was denouncing police brutality in Times Square, real and imagined. In another sad coincidence of timing, they marched as the city was mourning the murder of NYPD Officer Randolph Holder, the fourth New York City cop killed in 11 months.Officer Holder was black, as is his alleged killer, but that mattered not a whit to the protesters. One told Fox News that she hopes Holder s family realizes that his life is included in the Black Lives Matter slogan. We re talking about black bodies being persecuted across the world, she added.This is nonsense on steroids, yet these are the president s shock troops. Obama and confidante Valerie Jarrett earlier met with the radicals leading the Black Lives Matter movement and encouraged them to keep going, the group has said.Obama, at last Thursday s event, praised the group again while also claiming that everybody understands that all lives matter. Everybody wants strong, effective law enforcement. Everybody wants their kids to be safe when they are walking across the street. Nobody wants to see police officers who are doing their jobs fairly hurt. Everybody understands it s a dangerous job. His saying so doesn t make it true. The anti-police movement sweeping urban areas proves that many people actually don t want strong law enforcement, and don t have any respect for police work. Many, including those Obama met with, appear to hate all cops.The police-brutality yarn also hides another issue. It is the documented fact that young black men commit violent crimes far out of proportion to their population.The New York City murder rate is typical. Year in, year out, about 90 percent of homicide victims are nonwhite males, as are 90 percent of their killers.Yes, there are bad cops, and they come in all races. But for the president to emphasize that there are brutal and racist cops, presumably white, without citing the staggering rate of black-on-black crime distorts both problems. It also misses the relationship between them.The very nature of police work to go where the crimes are means cops will have more charged interactions with young black men than with other racial and ethnic groups. Had Obama acknowledged those realities, and spent serious time in his presidency working toward reducing black crime, he would have far more standing to criticize police and prosecutors.Indeed, he could have, and should have, cited the murder of Officer Holder as an example of the complexity of the issues. An immigrant from Guyana, the 33-year-old Holder came from a family of police officers there and, after five years on the NYPD, had won several awards and aimed to become a detective. The president might have cited Holder s sacrifice, if only to show he understands how a police shooting strikes at the heart of other cops and society as a whole.Obama also could have cited Holder s alleged killer to make another point. Tyrone Howard, 30, is a career criminal who has been arrested 28 times over the last 16 years, including once for the shooting of a 9-year-old boy. Even Mayor de Blasio, who won office by demonizing cops, called Howard a hardened and violent criminal who should not have been on the streets. Howard, facing a six-year prison sentence last May for leading a drug gang, was instead sent to a drug-treatment program by overly lenient judges. He was involved in a shootout with gang rivals last Tuesday when Holder and other officers gave chase. As they got close, Howard allegedly turned and killed the cop with a single shot to the head from an illegal handgun.Facts are stubborn things, but it is probably asking too much for anti-cop bigots to recognize them. Yet for the president of the United States to cheer their movement is more than a mistake. It is another tragic illustration of how Obama is taking America backward. Via: NYP",left-news,"Oct 25, 2015",0 +Unreal! Senior Veteran Randomly Attacked Repeatedly By Thug As Onlookers Did Nothing [Video],"This is another example of a thug randomly attacking someone in broad daylight. The woman lied and said she was defending herself but it was all caught on videotape so the truth was right there. The fact that onlookers just stood there and watched because police had been called is so wrong. What if this was your father or grandfather? You can see on the video below that this woman was full-on assaulting this 73-year old man. Shameful!A woman was arrested Friday after being seen on video attacking a 73-year-old man in front of an AutoZone on Oct. 10, the Fresno Police Department said.Shvonna Alexander, 27, of Fresno, was arrested after a small stand-off with police, and she told authorities I was just defending myself from that old man, police said.On Oct. 10, Vietnam veteran Victor Bejarano, 73, was walking into the AutoZone at 4210 E. Belmont Ave. when he was accosted by Alexander, police said. She demanded Bejarano s wallet but he refused. She followed him into the store and continued the altercation.She attempted on several other occasions to put Bejarano into a headlock, police said. When he left the store, Alexander followed him outside and continued to attack him. A witness told Alexander that the police had been called.Alexander walked away from the scene and left in her vehicle.After the video was released, two tips to Crime Stoppers led police to Alexander at her apartment.Via: Fresno Bee",left-news,"Oct 25, 2015",0 +"PRO-ABORTION Activist Speaks To Students At Catholic School, Tells Them It’s Okay To Send Naked Photos","We are devout Catholics, but my daughter goes to a Lutheran College. She messaged me the other day to tell me a group students were parked outside her school s cafeteria with a display and literature defending Planned Parenthood. Needless to say, we were both disappointed by the decision of the college to allow this group of activists to promote abortion in a Christian based college. When our Christian churches stop defending the sanctity of life, we are truly doomed as a society. A Catholic school in Kingston, Ontario, hosted an anti-Catholic abortion activist earlier this week for a Healthy Relationships/Sexuality Retreat, in which she told senior students that it is acceptable for a girl to send a naked photo of herself to a boyfriend as long as there is consent. The presentation was mandatory for all grade 10 students, and one father says the school gave them no details about the event in advance.Activist Julie Lalonde, 30, not only sits on the board of Canada s leading abortion lobby organization, the Abortion Rights Coalition of Canada, but in 2012 she helped found the anti-Catholic group The Radical Handmaids with the goal of combatting a pro-life motion introduced in the House of Commons at that time. During demonstrations, the activists dress in mockery of Catholic nuns, wearing the cornette, the trademark butterfly headpiece formerly worn by St. Vincent de Paul s Daughters of Charity in Montreal.A Catholic father, whose daughter attended Lalonde s presentation at Regiopolis-Notre Dame Catholic High School in Kingston on Monday, was shocked that what he called a radical anti-Catholic feminist would be given a platform at a Catholic school. I feel sick about the whole thing, that this is the message our children are receiving at a Catholic high school. It s a message that says there is no right or wrong, there s no moral standards, Colin MacDougall told LifeSiteNews.MacDougall said that he would have liked his daughter to hear a message that would have simply discouraged people from sending any kind of explicit message or photos. How about the message, Don t send them in the first place, he said. You feel just kind of sick that you send your kids to a Catholic school expecting that they would get some flavor of the Catholic message, at the very least, but instead, it goes the other way, he added.In her presentation, Lalonde focuses on the notion of consent, telling students that sending a naked photo is not a problem as long as the sender gives full consent. We re not talking about whether or not that girl should be taking the picture in the first place. For us, what s important is not necessarily whether or not I ve consented to having my photo taken, but the idea of why is it funny [for my boyfriend] to send it to [his] entire hockey team. Lalonde stresses that there is a huge difference between me and my partners sending pictures to each other, and me sending a picture because I m afraid that if I don t, you re not going to date me anymore. She makes the argument that it s acceptable for a consenting girl to send a naked photo of herself to her boyfriend, but where she draws the line is when that boy then turns around and sends the photo to other people without the girl s consent.A tweet sent out by Lalonde:Examples of cool consent programming at @sheridancollege #daretocare pic.twitter.com/J28EfozcGQ Julie S. Lalonde (@JulieSLalonde) October 16, 2015 What we want to talk about is this idea that photos going viral doesn t happen on its own. Someone has to initiate that process. Someone has to decide if I m going to send this on to someone else, that person sends it onto someone else And that s a problem. That s the biggest problem, she said.Via: LifeSite News ",left-news,"Oct 25, 2015",0 +CHILLING: How America Looks After 8 Long Years With An Anti-American President,"The shocking truth about how close we are to becoming a one-party fascist stateThis is the most brilliant and scary analysis of where we, as a nation are today Last year a retired Border Patrol Officer by the name of Zach Taylor went on camera to explain the driving force behind the unprecedented surge in illegal immigration happening on our southern border. Taylor went on to note that what was happening at our border was not due to a spur of the moment event, or a humanitarian crisis , but asymmetrical warfare. The surge we saw at the border was apart of a larger more chilling event that served one purpose and one purpose only, to show our enemies that our southern border had been compromised and the government wouldn t do a damn thing about it.The border was destroyed because of the actions taken by President Barack Obama under the guise of his Deferred Action for Childhood Arrivals (DACA) plan. Simply put, DACA rewrote our immigration laws and created the incentive for illegal aliens to break our laws as Obama deliberately undermined our nation s sovereignty by simply creating his own. The culmination of Obama s DACA has resulted in over 790,000 illegal aliens entering the country from the middle of 2013 to May of 2015, for a total of 2.5 million new illegal immigrants since Obama took office in January of 2009.While the threat comes from without, in this case millions of illegal immigrants, it could not have been possible without the enemy already being inside of the United States. As Mr. Taylor states, If asymmetrical warfare is going to be successful, the first thing that has to be done is to compromise America s defense against invasion because they have to have their personnel inside the United States to affect the infrastructure our hospitals, our schools, our electric grid, our power supplies, our water supply basically what we call infrastructure [which] effects the degeneration from inside the United States. By drawing away the resources that are intended to protect the United States border in order to care for the illegal immigrants, the border is now wide open and our infrastructure is overloaded. Yet, the crisis on the border is only a small part of the larger warfare that s being waged against our country at the hands of our own president. Today the Obama juggernaut is systematically bankrupting our country, and undoing the constitutional arrangements our Founders left to us , writes David Horowitz in his book Fight Fire With Fire. The contempt of the Obama party for consultative and representative government is relentlessly on display. Horowitz goes on to give the example of what our enemy represents with the following statement uttered by then Senate Majority leader Harry Reid as he defended his refusal to negotiate with Republicans over Obamacare and the debt crisis. Reid stated in these words: We are here to support the federal government. That s our job. End quote. You ll notice that representing the people for whom our Constitution makes sovereign is not included in Reid s statement.Horowitz then writes the following: My years as a radical prepared me to see much of this coming. But even I never thought we would be looking so soon at the prospect of a one-party system and a fascist state. Those words may sound hyperbolic, but take a moment to think about it. If you have transformed the taxing agency of the state into a political weapon and Obama has; if you are setting up a massive government program to collect and file the financial and health information of every citizen, and also to control their access to care; and if you have a spy agency that can read the mail and listen to the communications of every individual in the country, you don t really need a secret police to destroy political opponents. You already have the means to do it. This is all the more troubling when you look at the sheer amount of data the Obama administration, or shall I say the Obama government, is collecting on each and every individual living in the United States. To effect the degeneration of the country from within the Obama administration has weaponized the IRS, DOJ, and FBI to target Americans who oppose their agenda. Now, the White House has added a key tool in their arsenal by prying into our most personal information at the most local levels, all for the purpose of racial and economic justice. On Saturday, Paul Sperry of the New York Post, uncovered the latest Obama plan that is aimed at collecting personal data for a secret race database. Sperry writes, Unbeknown to most Americans, Obama s racial bean counters are furiously mining data on their health, home loans, credit cards, places of work, neighborhoods, even how their kids are disciplined in school all to document inequalities between minorities and whites. It may sound conspiratorial but under this government the only conspiracy is that being committed against Americans who are too distracted by today s latest ginned up political crisis.Sperry continues by noting that, this Orwellian-style stockpile of statistics includes a vast and permanent network of discrimination databases, which Obama already is using to make disparate impact cases against: banks that don t make enough prime loans to minorities; schools that suspend too many blacks; cities that don t offer enough Section 8 and other low-income housing for minorities; and employers who turn down African-Americans for jobs due to criminal backgrounds. Big Brother Barack wants the databases operational before he leaves office, and much of the data in them will be posted online. This means that so called civil-rights attorneys like those working for the ACLU and urban activist groups will be able to exploit them to show patterns of racial disparities and segregation, even if no other evidence of discrimination exists. Such databases have never before existed. Obama is presiding over the largest consolidation of personal data in US history. He is creating a diversity police state where government race cops and civil-rights lawyers will micromanage demographic outcomes in virtually every aspect of society , concludes Sperry. If you were to add all the databases created under this administration, including the Obamacare database, known as MIDAS, which retains tens of millions of Obamacare enrollees information, you could quiet literally make the claim that the federal government has data on every single American citizen. In the hands of someone like Obama this becomes of grave concern given his willingness to use such information against his opponents. Now that this information will be made public in order to extort communities deemed too segregated . Whether it be through the withholding of federal funds for a local community showing a pattern of racial disparity or lawsuits against a school that disciplines minorities more than whites, it doesn t much matter. The government will be able to force you to act in a way that it deems socially acceptable as Obama drastically changes the racial makeup of America by enshrining an infrastructure that will continue long after he s gone.All the while this is happening below the surface and under the radar from most Americans, we remain and for good reason, distracted by the latest crisis of the day. A Christian owned Oregon bakery is forced by the state to pay a fine for not baking a cake for a lesbian couple, a woman is killed by an illegal immigrant and 7-time convicted felon in San Francisco, four Marines and one Navy Officer are executed by an Islamic jihadist; none of this would be happening but for Obama s actions. He knew that ISIS had put out a hit list specifically targeting our military, and he did nothing. He cheered on the Supreme Court ruling that legalized gay marriage knowing that it would be used in a way to exploit and destroy businesses specifically owned by Christians. He created the sanctuary city policy that has served to protect illegal immigrants while they rape, murder, and assault American citizens like Kate Steinle in San Francisco.All of this is happening because of the enemy we have in the White House. The country is being brought to its knees by overt acts such as the jihadist attack that was met with no response, to covert acts such as the Obama race database. Yet, no resistance is met to counter the agenda of the Obama adminstration. Even the capacity of the American people to determine their own national interests are being torn asunder without any fight, without even so much as a whimper from Congress. Without a pushback, the adminstration goes about acting without repercussion held to no degree of accountability. With impeachment and the power of the purse both taken off the table by Congress, America is literally at the whim of Obama as the only checks that exist today on what the president can do is what he personally thinks he can get away with and what his political incentives are.So the adminstration pushes full steam ahead without any concern for the American people themselves. Nowhere is this more apparent, on a foreign policy scale, than with the adminstration s nuclear deal with Iran. As Andrew McCarthy of National Review writes, At the U.N. today, the Obama administration is colluding with our enemies and other foreign sovereigns to deprive the American people through their elected representatives of the power to determine what obligations they will accept under international law. The Obama administration has taken the position that Russia, China, and, yes, Iran, have a vote on our national security, but we do not. And in this betrayal, Congress has, at best, been a witless aider and abettor. At worst, they ve gone along with the adminstration in committing treason against the United States of America.I believe in the latter.Via: Politically Short",left-news,"Oct 23, 2015",0 +CANADA’S OBAMA? WATCH New Prime Minister Call Himself A β€œProud Feminist”…Promises To Raise Taxes On Wealthy And Welcome More Syrian β€œRefugees” [Video],"The global wussification of the male Identifying as a feminist may be more and more commonplace if you re a millennial or Taylor Swift, but it s still pretty rare to see politicians describe themselves thus. But Canada s newly elected prime minister, 43-year-old Justin Trudeau, doesn t seem to have that problem.In an interview, co-sponsored by the Toronto Star, which aired on Monday night before the election (Oct. 18), Trudeau was asked by journalist Francine Pelletier if he would describe himself as a feminist. There seems to be a lot of anger, Pelletier asked, not just at women, but at feminism and feminists. Would you describe yourself as a feminist? Yes. Yes, I am a feminist, said Trudeau. I m proud to be a feminist. He went on to tell Pelletier that his mother raised him to be that way, and that his father, the popular two-time former prime minister Pierre Trudeau, was a different generation, but he raised me to respect and defend everyone s rights, and I deeply grounded my own identity in that. Via: QuartzCanada s newly-elected Liberal government is expected to pull the country out of its combat mission against Isis and to welcome a further 25,000 Syrian refugees after ending almost a decade of Conservative rule.Justin Trudeau, the son of the late Canadian premier Pierre Trudeau, led his father s Liberal party back to power on Monday with an unexpectedly decisive election victory. Prime Minister Stephen Harper s Conservatives, blamed for a stagnant economy and controversial policies on immigration and terrorism, were swept aside as the Liberals captured a clear majority: 184 of the 338 seats in Ottawa s House of Commons.Mr Trudeau, a photogenic 43-year-old whose father was Prime Minister for more than 15 years between 1968 and 1984, is a sometime actor and former schoolteacher. He sprang on to the public stage when he delivered the eulogy at his father s funeral in 2000, and has been an MP since 2008.Addressing supporters in Montreal as the results rolled in on Monday night, Mr Trudeau said his party had defeated negative, divisive politics with a positive vision that brings Canadians together, adding: It s time for a change in this country, my friends, a real change. The Liberals have vowed to end to Canadian involvement in the US-led combat mission against Isis in Syria and Iraq, with Mr Trudeau saying he would focus instead on humanitarian efforts. He has also pledged to invest CA$250m ( 125m) to process new refugees from the region, and to withdraw Canada from the F-35 stealth fighter jet programme, an initiative by 12 countries including the US and UK.Canada s progressive style of social democracy, long contrasted with the politics of the US, had taken a turn to the right under Mr Harper, a neoconservative who cut taxes and took a more aggressive approach to foreign policy than his predecessors. His stimulus package helped Canada to emerge relatively unscathed from the global financial crisis, but more recently the country s economy, closely tied to plummeting oil prices, has contracted.The government s ungenerous handling of the refugee crisis and the passage this year of a controversial anti-terrorism law which the Liberals intend to amend proved unpopular with many Canadians. The Conservatives were also accused of stoking anti-Muslim sentiment in a row over whether women would be permitted to wear the niqab when they took the oath of citizenship.Mr Harper resigned as leader after seeing his party reduced from 159 to just 99 seats in Monday s election. We put it all on the line, we gave everything we have to give, and we have no regrets whatsoever, he said during a concession speech in his Calgary constituency. The people of Canada have elected a Liberal government, which we accept without hesitation. The Liberals, who held power for 80 of the 110 years between 1896 and 2006, when Mr Harper was first elected, had shrunk at the last election to become the Ottawa Parliament s third largest party, behind the left-wing New Democratic Party (NDP).Read more ",left-news,"Oct 23, 2015",1 +THIS Is How Far The Left Will Go To Protect Hillary Clinton…Sick!,"Jeffrey Toobin chimes in to protect Hillary Clinton and it is in very poor taste but mostly untrue. The reason Mr. Toobin s claim is untrue is that Amb. Stevens asked for more security 600 times! He knew the dangers but was not putting anyone at risk it was the State Department that failed him by not adding more security!During one of the breaks in Hillary Clinton s testimony on Benghazi, Jeffrey Toobin insinuated that Ambassador Chris Stevens purposely put himself in harm s way.Stevens travelled to Benghazi from Tripoli on September 10, 2012 and planned to stay until September 14, 2012. Stevens only had two Diplomatic Security personnel with him.Committee member Rep. Lynn Westmoreland (R-Ga.) said that Stevens had asked Clinton and her State Department multiple times for extra protection. Clinton said that Stevens did not have her personal email account but had the means to call or email any relevant person at the State Department. He had the email and he had the direct line of everybody that he worked with for years. He had been posted with officials in the State Department. They had gone through difficult, challenging, dangerous assignments together. He was in constant contact with people. Yes, he and the people working for him asked for more security. Some of those requests were approved, others were not, Clinton said.Toobin said to CNN s Wolf Blitzer that Stevens purposely put himself and the security team in dangerous situation. Yes, Mr. Toobin, blaming the victim is in very poor taste: ",left-news,"Oct 23, 2015",0 +NOT KIDDING! Obama’s Education Department Wants Schools To Celebrate” Undocumented Immigrant Awareness Day”,"Barack Hussein Obama the most anti-American President to ever occupy the White House This isn t an article from The Onion. Obama s Department of Education is proposing that schools spend a week celebrating illegal aliens, including an undocumented immigrant awareness day. Can Celebrate Destruction of America Day be far behind?The document, which was released on Tuesday, also urges schools to provide welcoming environments for illegal alien students by hosting events such as Undocumented Week. The guide also provides tips for schools and educators on how to support illegal alien youth who are in high school and college. It also provides information for non-citizens on how to access federal financial aid[.]The guide also urges schools to create welcoming environments for such students.Suggestions for how to support the students including hosting an undocumented immigrant awareness day. You know, my idea of an undocumented immigrant awareness day is being educated what an illegal alien looks like and how to report them to the police. But in Obama s America, it s all about throwing them a big party, complete with a Donald Trump pi ata. Consider partnering with community and stakeholder groups to amplify the event, the guide suggests.A stakeholder group ? Are they talking about taxpayers or citizens?Other proposals include: Publicly demonstrate support for undocumented students How do you think schools will demonstrate support for undocumented students?Student: Hey, Pedro, I know you re in the country illegally, but we re cool with that. We think all laws should be enforced, except ones that inconvenience you. and educate all students about the challenges and strengths of undocumented students, such as by hosting an Undocumented Week. Challenges are easy. Figuring out how to sign up for welfare. Filling out the paperwork to register to vote. Each day, highlight an issue faced by undocumented students or celebrate an accomplishment of the undocumented immigrant community, it continues.What accomplishments? Living off the American taxpayer? Continuing to resist learning our language? Our nation s public schools should be welcoming, safe, and supportive places where all students, regardless of their zip code or where they were born, are given the opportunity to succeed, John King, a senior adviser at the Department of Education said in a statement. regardless of what ZIP code they were born in? King is making it sound as though we re discriminating against people born in a different part of Nebraska. These are people from other countries who came here illegally. Why should we be welcoming people who invaded our borders illegally? Via: American Thinker",left-news,"Oct 22, 2015",0 +"SWEDEN HOUSES 600+ MUSLIM REFUGEES In Luxury Ski Resort…Refugees Complain: β€œIt was terrible, just wind and snow, and the roads were slippery”","Nothing but the best for soldiers of the caliphate invading the Social-Democratic led country of Sweden More than 600 asylum seekers are set to move into the world s most northerly ski resort as Sweden struggles to find enough temporary accommodation for record numbers of new arrivals.Riksgr nsen, which sits 200 kilometres above the Arctic Circle close to Sweden s border with Norway, is set to welcome the refugees following a deal between the resort s owner and the Swedish Migration Agency, Migrationsverket. As everyone knows, there is a refugee crisis in the world. Now asylum seekers are arriving in Sweden and Migrationsverket has a major urgent need to find temporary housing to accommodate all those who need help. We at Lapland Resorts AB are very pleased to be able to help, Sven Kuldkepp, CEO of Lapland Resorts, told Swedish newspaper Norrbottenskuriren via email on Wednesday. Why leave it empty and cold when it can be quite full and warm, he added in a separate comment.Kuldepp explained that the refugees would be allowed to stay in Riksgr nsen until February 2016, when the main tourist ski season would get under way.He said that the plan would not affect our ordinary activities but added that he hoped that his resort would also be able to create jobs for some of the asylum seekers.The move comes amid a push from Sweden s Social Democrat-led government to encourage municipalities across Sweden to take in more refugees.At the moment, the vast majority of asylum seekers end up in either Stockholm, Gothenburg or Malm .But Northern Sweden is becoming a more common base for asylum seekers. On Friday a group of 19 Eritreans landed in Lule and were taken to stersund as part of the first phase of a programme to relocate tens of thousands of refugees within the EU.However some campaigners have raised concerns about people raised in Africa or the Middle East adapting to the dark and freezing conditions in the region.In January, a group of refugees taken to a housing centre near stersund initially refused to get off a bus after claiming that they had been told by officials that they would be living close to Stockholm and instead finding themselves driven 15 hours north. We were coming to an area in the middle of the forest we know nothing about, just snow and wind and nothing else, Esam Taha, 36, from Syria, told The Local this week, reflecting on the chaos. It was terrible, just wind and snow, and the roads were slippery. The moment we got out of the bus we slipped and fell down, he explained.But the asylum seeker says he now expects to settle in the area and argues that other refugees might not find it too tricky to adapt to the frozen north.More refugees have sought asylum in Sweden so far in 2015 than in any other year in the Nordic nation s history, new figures released by the country s Migration Agency revealed on Monday.86,223 people have launched cases, surpassing a previous record set in 1992 when 84,016 people sought asylum following fighting in the Balkans.Via: The Local se",left-news,"Oct 21, 2015",1 +BREAKING: Biden Won’t Run…Is It Because Biden And Obama Can’t Risk Repercussions Of Exposing Hillary? [VIDEO],"This announcement seems to indicate that the Obama regime already knows Hillary is going to be walking away unscathed from the Benghazi hearings tomorrow Fox News host Andrea Tantaros is pretty sure that Vice President Joe Biden announced on Wednesday that he will not run for president as part of an administration-wide plan to cover up the Benghazi scandal.During a discussion about Biden s decision not to enter the Democratic presidential primary on Outnumbered, Tantaros said that the timing of Biden s announcement was suspicious. But when you look at the two scandals that we re facing, that all eyes are going to be on tomorrow, Benghazi, and the email scandal these are administration-wide scandals. All three of them, President Obama, Joe Biden, Hillary Clinton were there that night. This is their scandal as well, she said. This email scandal is their scandal as well. There is no way, there is no chance, that Joe Biden, and President Obama, and their national security team did not know that she was using a private server, breaking the law. They are all in on this, and they are circling the wagons. I cannot stress this enough. This goes all the way to the West Wing, both Benghazi, and the email scandal, and you re watching it play out exactly today. The timing is not a coincidence! Tantaros continued.John Bolton, who served as the U.S. ambassador to the U.N. under President George W. Bush, agreed with Tantaros. This is an administration-wide problem because it wasn t just Hillary Clinton s failure on Sept. 11, 2012, it was the failure of the administration s world view, Bolton said. I really think this was careful political planning. I think they knew today was the right day to do it. Watch Joe the Clown s announcement here:Conservatives sometimes cry distraction when breaking news interrupts coverage of a scandal that Republicans are obsessing over. In particular, conservatives often try their hardest to link any news back to Benghazi, a favorite Obama administration scandal.Via: TMP",left-news,"Oct 21, 2015",0 +"SHOCKER! CNN’s Jake Tapper Puts Lying Palestinian Propagandist In His Place: β€œIf I Run At A Cop With A Knife, I’m Going To Get Shot” [VIDEO]","He s a little late to the party, but we d like to congratulate Jake Tapper on calling out this PLO Representative s misrepresentation of the truth ",left-news,"Oct 21, 2015",0 +UN Celebrates Its 70th Anniversary With Communist Statue In NYC Park,"In case you hadn t heard, Obama signed a new UN development plan to make America a socialist nation by 2030. Yes, it s true and the UN is celebrating by unveiling a statue celebrating our global citizenship . Here are a few of the important points in the plan that spell out the shared responsibility with the globe and then information below about the statue in NYC: Communists say that Socialism is the stepping stone to Communism, and the UN 2030 Sustainable Development agenda won t fail to disappoint them. Socialism hinges on several economic factors which coincide with sustainable development goals. They are universal healthcare, universal education, universal employment, and wealth redistribution. All of these are outlined clearly in the UN agreement.For example on the subject of universal healthcare, on page 6, section 26 of Transforming our World: The 2030 Agenda for Sustainable Development in the section titled The New Agenda it states:26. To promote physical and mental health and well-being, and to extend life expectancy for all, we must achieve universal health coverage and access to quality health care. No one must be left behind. We commit to accelerating the progress made to date in reducing newborn, child and maternal mortality by ending all such preventable deaths before 2030. We are committed to ensuring universal access to sexual and reproductive health-care services, including for family planning, information and education.This goal is also repeated as Sustainable Development Goal #3, page 14, section 3.8:3.8 Achieve universal health coverage, including financial risk protection, access to quality essential health-care services and access to safe, effective, quality and affordable essential medicines and vaccines for all.As it pertains to wealth redistribution and universal employment the proof is found on page 7, section 27:27. We will seek to build strong economic foundations for all our countries. Sustained, inclusive and sustainable economic growth is essential for prosperity. This will only be possible if wealth is shared and income inequality is addressed. We will work to build dynamic, sustainable, innovative and people-centred economies, promoting youth employment and women s economic empowerment, in particular, and decent work for all.Universal employment is also mentioned on page 12 as Sustainable Development Goal #8:Goal 8. Promote sustained, inclusive and sustainable economic growth, full and productive employment and decent work for all.The last time I read the words shared responsibility it was when I discovered that the Obamacare fine imposed by the IRS for failing to have health insurance was called the Individual Shared Responsibility Payment. While I thought this had to be a veiled reference to some Marxist dictator s quote, it now appears that it has more to do with the Progressive globalization movement.This weekend the United Nations is set to celebrate its 70th anniversary. As apart of those celebrations the U.N. will unveil a new work of art in New York City titled Enlightened Universe. The U.N. claims this new sculpture is all about Global Citizenship and Shared Responsibility: In celebration of the seventieth anniversary of the United Nations, a monumental art installation entitled Enlightened Universe will be unveiled on Saturday, 24 October, at 4:30 p.m. at the Rumsey Playfield in Central Park. The installation created by Spanish artist Crist bal Gabarr n is presented by The Gabarron Foundation in partnership with the United Nations.The commemorative work of art depicts 70 life-size figures joined in hand around a central globe, creating a human chain of global citizenship, respect for nature and shared responsibility. The sphere measures 6,371 millimetres in diameter to correspond to the Earth s average radius of 6,371 kilometres. The 70 figures represent the 70 years of the United Nations. Rumsey Playfield, where the sculpture is to be erected, is an area of the Central Park where concerts and other events are held.Considering that the new United Nations Sustainable Development Plan calls for the United States to become a Socialist nation by 2030, it s not surprising that Obamacare, which was designed to push the U.S. towards government run healthcare, and the United Nations, would share the same collectivist, albeit Marxist, vocabulary.Via: Progressives Today",left-news,"Oct 21, 2015",0 +CA Middle School Won’t Release Student Council Election Results…Winners Aren’t Diverse Enough,"Your daily dose of insanity A San Francisco middle school withheld the results of a student council election because the principal was concerned about the lack of diversity among the winners of the top four spots. Eighty percent of the children who attend Everett Middle School in the Mission District are students of color and Lena Van Haren was alarmed no Latino or black candidates were chosen for the top council spots.Only white, Asian and mixed-race students, who are in the minority at Everett, were elected to the top four spots during the October 9 election, which prompted Van Haren to delay releasing the results.Van Haren, 36, informed parents about the delay via email and said the community had to create a council that is truly representative of all voices at Everett , the San Francisco Chronicle reported.She also scheduled a meeting with all the student candidates to discuss ways to make the results more representative of the student body and brought up the possibility of adding new council positions, according to KTVU.The principal said: I m very hopeful this can be a learning experience and actually be something that embodied our vision which is to help students make positive change. We re not nullifying the election, we re not cancelling the election and we re not saying this didn t count. Via: Daily Mail",left-news,"Oct 20, 2015",0 +EXPOSED POPULATION CONTROL CAMPAIGN: Influential Billionaire Secretly Donates $21 Million Per Year To Planned Parenthood,"The same guy who donated tens of millions of dollars to Obama s campaign (the first black president) is donation tens of millions to keep the black population in check via Planned Parenthood. How do these evil people sleep at night? Three weeks after I left my job at the clinic, Planned Parenthood took me to court. I am always asked, Why would they take you to court? Did they have something to hide? Well, yes. They absolutely had something to hide. They didn t want me sharing the information in this article. Let s expose the truth, shall we?Yes, I do realize that releasing this information puts me in a precarious situation. But it s always better for the truth to be out no matter the cost.It was life changing. I remember the first time we were able to make an appointment with our new funding it was called The Justice Fund. After we had given the woman all of the necessary information about her abortion appointment, we asked her if she wanted to apply for a funding program to help pay for her abortion. She of course said yes. We went through her income and expenses and determined she was eligible for funding. We informed her that she would only have to pay $100 of the $400 cost. The woman began to cry on the phone. So I began to cry. Wow. We were going to change so many lives with this money, this Justice Fund. When we were first told about The Justice Fund, we were told that the money had been given by an anonymous donor. Whoever this person was wanted to be kept totally anonymous. We, as clinic directors, weren t even given the information. The only people who knew were the board members of the National Abortion Federation (NAF). My boss happened to be on the board of NAF, and we were pretty close. Eventually, over some drinks at the annual NAF conference, she spilled the beans.For months, we had just known this person as the donor. At the annual Planned Parenthood conference, there was a woman there representing the donor. She never said her name to the crowd just said that she was so honored to be among all of us all of us who were protecting women s rights. She said that the donor was so proud to work with us. We knew that the donor was giving NAF up to $21 million dollars every year to help poor women pay for their abortions.Here s how the program worked. While scheduling a woman for an abortion, we would ask her if she would like financial assistance to help pay for her abortion. Um, of course they did. We would then go through a screening tool given to us by NAF. Pretty much everyone qualified and if they didn t we would rearrange the numbers so they did. Then, we would bill the amount owed to our clinic directly to NAF. They would then send the bill to the donor and then the donor would send our check to NAF. They would turn around and send the check to our clinic.During the first year of the Justice Fund, our abortion numbers grew by 100%. We literally doubled our abortion number. Abortion was much easier to sell when you didn t have the financial burden attached to it.About six months into the program, the rules changed. I guess we were billing too much, too fast. Now, the donor would only pay 40% of the cost, instead of 75%. That was fine. The women were still so grateful to have a huge chunk of money taken off of their bill. Now they were paying $240 for their $400 abortion. I remember our frequent flyers being angry when we told them that the rules of the program had changed. They wanted that 75% discount! Couldn t we make an exception for them since they had so many abortions at our clinic? Sometimes we would. Sometimes we would bill the donor for the entire amount. I mean, he didn t care. They weren t actually looking to see if we were implementing the program correctly. They just got the bill from us and sent the check. They knew we were trustworthy. Ha. Ha.So, my answer to why Planned Parenthood took me to court? Well, I think it was for two reasons.1). They wanted to make an example out of me. See workers, if you defect from us, you will find yourself in court, too. 2). Because I knew the ins and outs of the plan funded by the donor and, I knew his name. In 2003, there was a big scandal that broke out surrounding the company Pampered Chef. The majority of people selling this kitchenware were stay-at-home moms. Many of them were pro-life women. So imagine their surprise when they found out that the new owner of their company, Warren Buffett, had given millions to the abortion industry, primarily Planned Parenthood. Suddenly, there was a mass exodus from the company. Women were done selling their overpriced spatulas. You can see more about that story here.So, when Warren Buffett decided that he wanted to start this Justice Fund in order to donate $21 million a year to the abortion industry, you better believe that he wanted to remain anonymous. He tried to disguise the donations under the foundation started by him in the name of his wife, Susan Thompson Buffett. But the 990s are for public consumption. Anyone can see where they are spending their money. Here s the most up to date financials for his foundation. Click the year to view the 990 for that year.201120122013I encourage you to take the time to look through these 990s so you can see the organizations that he funds. He gave a boatload of money to the American College of Obstetricians and Gynecologists (ACOG). It s no wonder they have so diligently fought legislation like banning partial-birth abortions. He gave 2 million dollars to the group called Catholics for Choice. Of course, they are not recognized by the Roman Catholic Church and in fact have essentially excommunicated themselves from the Church.Warren Buffett is single-handedly influencing many universities and medical institutions with his money. My advice is this. Read through the list. Find organizations to write letters to. Let them know that you will no longer be a supporter until they stop applying for grants to the Buffett Foundation. Maybe invite your friends over and have a letter-writing get-together. Send stacks of letters to these organizations. Make your voices heard! You may think that your small voice doesn t matter. But if your voice is paired with hundreds of other voices, these organizations will take notice.Paying for low income women to have abortions is all part of Buffett s population control campaign. After all, as Planned Parenthood s founder Margaret Sanger said, minorities are reckless breeders who should be eliminated from the human garden. The population control campaign is inherently racist as is the pro-choice position. I wish I had a dollar for every pro-choicer who told me that abortion has to be accessible for poor women as if being poor makes you an unfit mother.It seems that Warren Buffett and his beloved Planned Parenthood are two peas in a pod trying to eliminate the poor, one life at a time. Via: Life Site News",left-news,"Oct 20, 2015",0 +ILLEGALS BEFORE AMERICAN CITIZENS: ACLU Sues 3 Missouri Colleges For Refusing Tuition Benefits To Illegal Aliens,"Obama s fundamental transformation of America s education system The American Civil Liberties Union is suing three public colleges in Missouri for denying in-state tuition to illegal immigrants, claiming that the law the schools are following is invalid.The Missouri chapter of the ACLU announced in a press release Tuesday that it has filed lawsuits against the University of Missouri, St. Louis Community College, and the Metropolitan Community College in Kansas City on behalf of three students who recently experienced tuition increases that the organization considers illegal.All three students are enrolled in the Deferred Action for Childhood Arrivals (DACA) program, which grants immunity from deportation to individuals who arrived in the country illegally before the age of 16, but does not confer actual citizenship.The tuition hikes came after the state passed a bill this summer, HB 3, stating that no funds shall be expended at public institutions of higher education that offer a tuition rate to any student with an unlawful immigration status in the United States that is less than the tuition rate charged to international students. Missouri law already prohibited public colleges and universities from providing institutional financial aid to students who are unlawfully present in the United States, but The St. Louis Post-Dispatch reports that some lawmakers had become concerned that the language would not apply to DACA students, prompting them to propose the new wording in an effort to clarify the law s meaning.Despite the misgivings of some administrators, the state s colleges dutifully complied, sending letters to affected students in July informing them of the mandated tuition increases even as some schools sought to offset the hikes with other forms of financial aid funded by private donations, which the law allows.Democratic Gov. Jay Nixon, however, offered a conflicting interpretation of the bill upon signing it into law, arguing that the language in question is not legally binding because it occurs in the preamble of the bill, rather than in the body. The Governor has been quite clear in order to change the law, you have to pass legislation, press secretary Scott Holste told St. Louis Public Radio. The language in the enacting clause of House Bill 3 or in the enacting clause of any other bill is not legally binding nor is it enforceable. Via: Campus Reform",left-news,"Oct 19, 2015",0 +β€œLIBERAL BULLY” Middle School Teacher Tells Students 13 Yr. Old Black Conservative’s β€œNot Worth Saving in a Fire” [VIDEO],"Outspoken conservative CJ Pearson hasn t heard from the White House and doesn t expect to receive an invitation A teacher at Columbia Middle School in Evans, Georgia allegedly told his students that outspoken 13-year-old black conservative CJ Pearson was not worth saving in a fire, and that he hated him. This is just the latest example of how liberals seem to believe that hate speech is acceptable so long as it s directed at those on the right and especially minority conservatives.Via Paul Joseph Watson at Infowars:Pearson previously made headlines after his Twitter account was blocked by President Obama s official Twitter account following a video in which Pearson criticized Obama over his response to the Clock Kid controversy. White House officials also made fun of the teenager.Pearson was told by several other students in his class that teacher Michael Garrison said CJ is not worth saving in a fire and that he hates him. The teacher also accused Pearson of cheating on a vocabulary test when he was in sixth grade, a claim that Pearson denies. It s always great having a teacher that s not only a liberal bully, but someone who engages in slander, Pearson told BizPac Review. My words are bold and I don t expect everyone to agree. But to have a teacher say this about me? Completely inexcusable. School principal Eli Putnam has promised a full investigation into the matter. Pearson accuses the teacher of violating the school s bullying policy. Via: Gateway PunditHere s conservative CJ Pearson asking Barack Obama: Does every Muslim that can build a clock gets a presidential invitation? ",left-news,"Oct 18, 2015",0 +WE WILL NOT COMPLY! VA Residents Refuse To Obey Leftist Governor’s Ban On Confederate Flag License Plates,"The first shot against PC tyranny in Virginia has been fired!Earlier this year, after racist terrorist Dylann Storm Roof was charged with shooting nine black people in a Charleston, South Carolina, church, the media and Democrats across the nation embarked on a crusade to wipe the Confederate flag from society.One of the crusaders, Virginia Governor Terry McAuliffe, decided to get rid of license plates containing the Confederate flag altogether and informed those with such license plates that they had until October to hand the license plates over to the Department of Motor Vehicles.Those found driving with the plates will be charged with a misdemeanor.On Friday, local station WAVY reported that the vast majority of citizens with such license plates have refused to comply with the government s flag-recall notice. The DMV stated that just 187 Virginians had returned their license plates out of 1,600 who had received a recall notice.One of those who has refused to heed the call is Kevin Collier, commander of the Stonewall Camp of the Sons of Confederate Veterans, whose great-great-great-grandfather fought with the Confederacy. Next thing you know, they re going to say you can t wear blue on Monday or you can t wear yellow on Thursday, he told WAVY. Where s it going to end? The answer: It isn t. In forwarding the regulation, McAuliffe said the Confederate flag was unnecessarily divisive and hurtful. He added, Even its display on state-issued license tags is, in my view, unnecessarily divisive and hurtful to too many of our people. Apparently, McAuliffe missed the fact that the victims in Charleston did not suffer from hurt feelings thanks to license plates, but from murder at the hands of a racist renegade criminal. But government s job is now to protect feelings rather than lives. Via: Breitbart News",left-news,"Oct 18, 2015",0 +SAY WHAT? Tide Detergent Joins Forces With Open Borders Organization La Raza To β€œWash Away Racism” [VIDEO],"I wish there was some way I could let Tide Detergent Co. know that I don t approve of their association with the radical open borders, no voter ID required, social justice extremism group La Raza. Oh wait there is Thank goodness we too have choices when it comes to laundry detergent, just like Tide s choice to align themselves with this leftist anti-American group.Detergent company Tide is helping to wash away racist labels, and its partner in the project is La Raza (literally The Race ), a notorious racialist activist group that espouses open-borders radicalism.In a new Tide ad, a handful of Latinos discuss some of the demeaning labels they ve encountered in America. Look, I could tell you a long list of all the things people call us, one man says. Gardener, being naco,' says another. I think it s beaners, frijoleros,' adds a woman. Drug dealer, says another young man. Usually people call us mojados,' says the first interviewee. I don t like to hear when people refer to all Cubans as balseros,' says a man with a salt-and-pepper goatee. Hispanics are labeled all the time, the screen reads.https://youtu.be/j_XMalvsutkThe video then explains that using ketchup instead of ink, Tide printed T-shirts with the racial smears. The participants are then asked to walk around the room with the shirts and respond to the hateful labels they gave Tide to print. The first thing that came to my mind is that this is an insult to all Cubans, said the man with the goatee in response to the shirt that contained the demeaning name he had mentioned.Holding the beaners shirt, the woman says, In a way this is how a lot of people think To be labeling people it s really a low thing to do, says another participant.The ad then shifts to a montage of washing the shirts, revealing, surprise!, Tide has successfully washed the hurtful names away. The next montage features the interviewees writing in their own positive labels, like decentes (decent, honest), trabajadores (workers), valientes, (brave, courageous) and luchadores (fighters).The sponsors of the ad are Tide and La Raza, an activist group notorious for its race-baiting and overtly racist positions. If its name isn t a clear enough declaration of its racially motivated intentions, The Race s political positions have made clear that its goal is the promotion of the Hispanic race through open-borders radicalism and social justice activism. A few of the group s positions: it opposes voter ID laws, building a wall on the souther border and cooperation between local officials, and federal immigration officials (in other words, sanctuary cities ). It supports drivers licenses and in-state tuition for illegals, and voter ID. Via: Daily Wire",left-news,"Oct 17, 2015",0 +SHOCKING VIDEO: New Rape Clinic For Men Opens In Sweden Where Muslim β€œAsylum Seekers” Are Raping Swedish Citizens At Alarming Rate,"This is an eye-opening story and should be shared worldwide In Sweden, Muslim immigrants account for 5 percent of its population but commit 77 percent of its crime. Sweden s rape crisis is a direct result of an influx of Muslim asylum seekers. Amnesty International reports that Sweden has the highest number of rapes in Europe and the lowest conviction rate. According to Swedish Public Radio, in Stockholm alone, over 1,000 Swedish women reported that a Muslim immigrant raped them; 300 were under age 15. (One third of those living in Stockholm are immigrants; 24 percent are Muslim). These numbers represent only 25 percent of all rapes in Stockholm because officials claim the majority are unreported. Despite this, the Swedish National Council for Crime Prevention and the European Commissioner for Home Affairs refuse to admit the assailants are Muslim. Forty years after the Swedish parliament unanimously decided to change the formerly homogenous Sweden into a multicultural country, violent crime has increased by 300% and rapes by 1,472%. Sweden is now number two on the list of rape countries, surpassed only by Lesotho in Southern Africa.Significantly, the report does not touch on the background of the rapists. One should, however, keep in mind that in statistics, second-generation immigrants are counted as Swedes.In an astounding number of cases, the Swedish courts have demonstrated sympathy for the rapists, and have acquitted suspects who have claimed that the girl wanted to have sex with six, seven or eight men.Michael Hess, a local politician from Sweden Democrat Party, encouraged Swedish journalists to get acquainted with Islam s view of women, in connection with the many rapes that took place in Cairo s Tahrir Square during the Arab Spring . Hess wrote, When will you journalists realize that it is deeply rooted in Islam s culture to rape and brutalize women who refuse to comply with Islamic teachings. There is a strong connection between rapes in Sweden and the number of immigrants from MENA-countries [Middle East and North Africa]. This remark led to Michael Hess being charged with denigration of ethnic groups [hets mot folkgrupp], a crime in Sweden. In May last year, he was handed a suspended jail sentence and a fine the suspension was due to the fact that he had no prior convictions. The verdict has been appealed to a higher court.For many years, Michael Hess lived in Muslim countries, and he is well acquainted with Islam and its view of women. During his trial, he provided evidence of how sharia law deals with rape, and statistics to indicate that Muslims are vastly overrepresented among perpetrators of rape in Sweden. However, the court decided that facts were irrelevant.Here is a horrible story of a mother of two raped repeatedly by 7 Muslim refugees in Sweden:American Thinker -Jihad is one of the five pillars of Islam, the obligatory duties of every Muslim. Like Obama and all the rest, Sweden s political class is trying to say the obvious no hate preaching, no violence without actually saying so.Violence. The city of Malm , with a Muslim majority, is now the violent rape capital of Sweden. Socialist politicians are directly responsible for the suicidal mass immigration policy in Europe, where 44 million Muslims now live. Some of them seem to be assimilating to their host culture. Many are not. But the political elite everywhere in Europe can t admit to their suicidal immigration policy mistake. Which makes it impossible for Europe to fix their self-inflicted death sentence.In Sweden and Europe generally, nobody is yet allowed to talk about reducing mass immigration of violence-prone Muslims coming from the tribal lands of Pakistan, Afghanistan and the rest.Because that would be racist.Non-traditional sex is very, very prized in PC Sweden. LGBTs are a protected victim group, which means they have the power to expose, scapegoat, and, if possible, even fire dissenting heterosexuals from their jobs.Which is why Muslim migrants from the tribal lands of Central Asia see their hosts as ripe for religiously sanctioned violence and rape. So the Swedes are caught between the Devil and the Deep Blue Sea.When politically correct ideologues can actually quote these verses from the Quran, they may begin to address the problem:Qur an (33:50) O Prophet! We have made lawful to thee thy wives to whom thou hast paid their dowers; and those (slaves) whom thy right hand possesses out of the prisoners of war whom Allah has assigned to thee Qur an (8:69) But (now) enjoy what ye took in war, lawful and good But just as Obama can t talk sensibly about jihad warfare in Islam, neither can the European socialists.Now, next door to Sweden, Norway recently expelled almost a thousand Muslim immigrants for serious crimes, and behold! The violent crime rate dropped by 30% in Norway. Amazing but true.Europe still suffers from a paralyzing multiculturalist hangover. It is awash in the mind-fog of PC, although here and there signs of sanity are gradually showing up like wildflowers after winter. The biggest trouble is that today s political class rose to power on the multicultural reign of intimidation. Racist scapegoats were viciously smeared by politicians, the media, and the schools, enforced by eager volunteers.The internet radio station Granskning Sverige called the mainstream newspapers Aftonposten and Expressen to ask why they had described the perpetrators as Swedish men when they actually were Somalis without Swedish citizenship. They were hugely offended when asked if they felt any responsibility to warn Swedish women to stay away from certain men. One journalist asked why that should be their responsibility.A hospital in Stockholm is understood to be first in the world to set up an emergency department specifically for male rape victims. The clinic at S dersjukhuset opened on Thursday as part of a strategy to ensure gender equal patient care.S dersjukhuset already runs a round-the-clock walk-in clinic for women and girls who have been sexually assaulted in the city, treating between 600 and 700 patients a year. Now, the hospital, which hosts the largest emergency care unit in the Nordic region, is opening its doors to men and boys who are victims of rape and sex attacks. We are happy that we now can finally open the first rape clinic for men following the rape clinic for women, Rasmus Jonlund, a press spokesperson for the Liberal Party, which led the campaign for the department in the Swedish capital, told The Local just ahead of the launch. It is the first in Sweden ( ) We think it is the first in the world. We haven t found another from our research on the world wide web, he added.Buckle up America Unless President Trump is allowed to change the way we vet refugees coming into America from nations where rape is acceptable, this will be coming to America s door step very soon ",left-news,"Oct 17, 2015",0 +THE TALLY IS IN: Total Number Of Lies Told By Queen Of The Clinton Crime Syndicate During Debate,"Thanks to Ben Shapiro of Breitbart News, we now know the answer to that question:Tuesday night s debate featured a master class on lying from the lying liar who lies about her lies, former Secretary of State Hillary Clinton.She spoke for approximately 24 minutes, and aside from her opening statement I m Hillary Clinton virtually every word that exited her mouth was untrue. But because Hillary appeared to be lady with mild socialist depression in a full-blown socialist insane asylum, nobody laid a glove on her.Thus it is left to us to debunk her various obfuscations and untruths. Here we go. I have spent a very long time my entire adult life looking for ways to find the ways for each child to live up to his or her God-given potential. Well, unless you re an unborn child. Then, get ready for a trip down the sink. Yes, finally, fathers will be able to say to their daughters, you, too, can grow up to be president. Technically, you ll have to marry a president first, however. Actually, I have been very consistent. Anderson Cooper asked Hillary about her shifting positions on issues ranging from the Iraq war to same-sex marriage to the Trans-Pacific Partnership. She then dropped that whopper. Hillary has been one of the least consistent major party candidates in American history. She then dropped a series of lies about her own positional changes. And then she finally concluded that she had a range of views, but they are rooted in my values and my experience. Those values are becoming president and her experience is reading the polls. I did say, when I was secretary of state, three years ago, that I hoped it would be the gold standard. It was just finally negotiated last week, and in looking at it, it didn t meet my standards. This is plainly untrue. Here s what she said in 2012 about the TPP: This TPP sets the gold standard in trade agreements to open free, transparent, fair trade, the kind of environment that has the rule of law and a level playing field. She didn t hope it would be the gold standard. It was the gold standard. Naturally, PolitiFact labeled this statement half-true. That means it s a huge, glaring lie. I m a progressive. But I m a progressive who likes to get things done how to find common ground, and I have proved that in every position that I ve had, even dealing with Republicans who never had a good word to say about me, honestly. Nope. As Senator from New York, Hillary accomplished virtually nothing. Her name was attached to exactly zero legislation. Her only major impact on policy came in the form of Hillarycare, which drove Republicans to massive electoral victory in 1994. When I think about capitalism, I think about all the small businesses that were started The media drooled over the exchange between Hillary and Bernie over capitalism. But there is no distinction between the economic philosophy of Sen. Bernie Sanders and that of Hillary Clinton. She said she wanted to use government to force companies to share profits with the workers a line straight from the Marxist playbook. She said she wanted the wealthy to pay their fair share which meant everything. She said she wanted paid family leave, universal college tuition availability, and a bevy of other free goodies. It was pretty straightforward to me that [Sanders] was going to give immunity to the only industry in America. Everybody else has to be accountable, but not the gun manufacturers. There is no special immunity for gun manufacturers. The Protection of Lawful Commerce in Arms Act of 2005 was designed to prevent ultra-leftist jurisdictions from twisting tort law to make gun manufacturers liable for public nuisance in the way that manufacturers are liable for their pollution. The law does not stop lawsuits against manufacturers or dealers from being sued if they knowingly sell a product to a criminal. They can still be sued for design flaws, or negligence. Well first of all, we got a lot of business done with the Russians when Medvedev was the president, and not Putin .There s no doubt that when Putin came back in and said he was going to be President, that did change the relationship. Nonsense. Putin was always the leader of Russia, even when Medvedev was his puppet. Hillary knew Putin ran the country when Medvedev was president; Medvedev, for example, was president when Russia invaded Georgia in 2008. Hillary handed the Russians a reset button anyway. Hillary also advocated for taking on Bashar Assad the same man she once called a reformer. I think while you re talking about the tough decision that President Obama had to make about Osama bin Laden, where I was one of his few advisers, or putting together that coalition to impose sanctions on Iran Glomming onto the kill of Osama Bin Laden in order to explain her vote for the Iraq war was simply nonsensical. But the idea that she put together the coalition to impose sanctions on Iran is simply untrue. International sanctions against Iran have been on the books for decades. And Hillary was integrally involved in negotiating the end of those sanctions, as well as letting Iran enrich uranium. We had a murderous dictator, Gadhafi, who had American blood on his hands, as I m sure you remember, threatening to massacre large numbers of the Libyan people Our response, which I think was smart power at its best, is that the United States will not lead this. Hillary reportedly manufactured the Libyan genocide story out of wholecloth, and overrode US intelligence in order to push that narrative. If Libya was smart power at its best, it would be incredible to find out what smart power at its worst would be (well, other than Syria, Ukraine, Iran ). Libya became a haven for terrorists because we deposed a dictator who posed no threat to us. The notion that Iraq was a disaster area of American foreign policy but Libya is a great success story is patently insane. Hillary s lies about Libya didn t end there. I ll get to that. Hillary said this with regard to Benghazi. She never did, of course. Her response mirrored her response in Benghazi, by the way: I ll get back to that, she said to our Libyan staff, then proceeded to do nothing. I think it has to be continued threat from the spread of nuclear weapons, nuclear material that can fall into the wrong hands. I know the terrorists are constantly seeking it, and that s why we have to stay vigilant, but also united around the world to prevent that. Hillary said the spread of nuclear weapons represented the chief threat to the United States. She also negotiated the Iran nuclear deal. The statement that people around the world are united to prevent the spread of nuclear weapons is a plain lie, given the acceptance of the Iran deal, which makes Iranian nuclear development inevitable. Well, I ve taken responsibility for it. I did say it was a mistake. What I did was allowed by the State Department, but it wasn t the best choice. And I have been as transparent as I know to be, turning over 55,000 pages of my e-mails, asking that they be made public. And you re right. I am going to be testifying. I ve been asking to testify for some time and to do it in public, which was not originally agreed to. Lies, lies, and more lies. She did not take responsibility for her email scandal any more than she took responsibility for Benghazi: she said she took responsibility but never admitted to having done anything wrong. Her email scheme was not allowed by federal law, but she was the head of the State Department and thus waived rules for herself. She may have been as transparent as she knows how to be, but that transparency involved setting up a private server, loading it with classified information, and then deleting some 30,000 emails. She only asked to testify after Congress demanded she testify. Fortunately, none of this mattered, since Bernie Sanders intervened to hand her his testicles in a jar by saying nobody cared about her emails. This inequality challenge we face, we have faced it at other points. It s absolutely right. It hasn t been this bad since the 1920s. But if you look at the Republicans versus the Democrats when it comes to economic policy, there is no comparison. The economy does better when you have a Democrat in the White House and that s why we need to have a Democrat in the White House in January 2017. If Democrats are so great at economics, why is inequality as bad as it has been in a century? And saying that Democratic presidents preside over good economies seems to neglect the fact that Bill Clinton, for example, presided over a Republican Congress. We have to deal with the problem that the banks are still too big to fail. We can never let the American taxpayer and middle class families ever have to bail out the kind of speculative behavior that we saw. In this debate, Hillary Clinton also backed Dodd-Frank, which legally enshrines too big to fail. Bailouts are now mandated by federal law, thanks to Hillary Clinton and Democrats. And Democratic policy loves bailouts they are huge fans of crony capitalism, endless bailouts through stimulus packages and taxpayer giveaways. I think that it was necessary to make sure that we were able after 9/11 to put in place the security that we needed. And it is true that it did require that there be a process. What happened, however, is that the Bush administration began to chip away at that process. And I began to speak out about their use of warrantless surveillance and the other behavior that they engaged in. Hillary Clinton voted to reauthorize the Patriot Act in 2006. And Hillary s supposed leadership against Bush-era abuses of the Patriot Act didn t stop President Obama from expanding the use of surveillance far beyond what Bush ever did. Well, I can t think of anything more of an outsider than electing the first woman president, but I m not just running because I would be the first woman president .Well, I would not ask anyone to vote for me based on my last name. False and false. California has had a paid leave program for a number of years .And it has not had the ill effects that the Republicans are always saying it will have. California uses employee payroll taxes to finance paid family leave. That means all the costs of the program are hidden, rather than explicit. Businesses leave California and employment declines because of its high tax rates. Businesses hire fewer women if forced to pay higher taxes in order to do so. They don t mind having big government to interfere with a woman s right to choose and to try to take down Planned Parenthood. They re fine with big government when it comes to that. I m sick of it. Republicans want to defund Planned Parenthood. That s not big government. That s small government. Further, it s not big government to protect human life through force of law any more than it is big government to have murder laws on the books. I know we can afford it, because we re going to make the wealthy pay for it. That is the way to get it done. This myth, repeated ad nauseum by Democrats, is truly reprehensible. Rich people cannot pay for all the utopian programs proposed by the left. As John Stossel points out, If the IRS grabbed 100 percent of income over $1 million, the take would be just $616 billion. Both Bernie Sanders and Hillary Clinton worshipped at the altar of Denmark last night, but Denmark has lower corporate tax rates than the United States, and far higher taxes on the middle class. You pay a 200 percent tax on cars in Denmark everyone. Socialism isn t built on the backs of the rich. It s built on the backs of everyone who earns, and that includes the middle class. Well, in addition to the NRA, the health insurance companies, the drug companies, the Iranians. The Iranians are not Hillary s enemies. They love her.For entire list of lies, go to Breitbart NewsHillary s a liar. But Democrats don t care, because liars prosper in a world where hard work and honesty are punished in the name of equality and the Great Socialist Utopia.",left-news,"Oct 16, 2015",0 +DISNEY Introduces New Marvel Comic Books: Captain America (Captain Socialist) Beats Up Conservative Terrorists Defending U.S. Borders And More [VIDEO],"Indoctrination by Disney pretty much covers every demographic: toddlers with sippy cups watching the Disney channel and Disney movies, teens reading Marvel comic books, young women watching an abortion being performed on ABC s Scandal while Silent Night plays in the background, and full grown men kicking back with a beer watching sports on ESPN.Watch this unbelievable summarization of Disney s new Marvel comic book:h/t Weasel Zippers",left-news,"Oct 16, 2015",0 +SHOCKING TAXPAYER TAB FOR OBAMA’S GOLF Trips And Fundraisers In February And March 2015,"Meanwhile, most Americans can t afford to take a single vacation Judicial Watch announced today that it has obtained records from the U.S. Department of the Air Force revealing that Barack Obama s February and March 2015 travel for golf vacations and fundraisers totaled $4,436,245.50 in taxpayer-funded transportation expenses. The documents regarding the Obama travel expenses came in response to two Freedom of Information Act (FOIA) requests filed by Judicial Watch.To date, the Secret Service has not provided requested information, as required by FOIA, regarding security costs.Using the Air Force s official cost estimate of $206,337 per hour, the newly released records obtained by Judicial Watch show:Obama s February 14, 2015, golf outing to Palm Springs required a five-hour flight, costing taxpayers a total of $1,031,685. Transportation for Obama s February 19 day trip to Chicago cost taxpayers $619,011.00. Transportation for Obama s March 2015 fundraising trip to Los Angeles cost taxpayers $1,980,835.20. Obama s March 28, 2015, golf outing to Palm city required a 3.9-hour flight, costing taxpayers $804,870.30. In Palm Springs, Obama played golf at the luxurious Sunnylands country club, located on the former estate of the late ambassadors Walter and Leonore Annenberg. Obama reportedly spent the weekend on the exclusive, gated property, where he has twice stayed before.Obama s February trip to Chicago was billed by the White House as a non-political event to declare the Pullman Historic District a national monument. But, press reports indicated that the trip was heavily political. In a CNN story entitled, Obama gives Emanuel re-election boost: President Barack Obama went to Chicago bearing gifts Thursday for his former chief of staff, Mayor Rahm Emanuel But the day had all the trappings of a campaign and Obama even made an unannounced stop at a Kenwood campaign office for Emanuel on his way out of town. I m glad he s my mayor, and I m glad he s going to be my mayor for another four years, Obama told volunteers.Obama s travel to California was solely to raise money for the Democratic National Committee and to show his support for fellow Democrats nationwide. His visit to Los Angeles began with an appearance on ABC s late night comedy program Jimmy Kimmel Live, and continued on to include a roundtable discussion fundraiser hosted at the Santa Monica home of ICM Partners cofounder Chris Silbermann and his wife Julia Franz. Guests paid up to $33,400 per couple for attendance, donations that will be used to aid DNC activities during the approaching 2016 election cycle. Obama s March 12 fundraising trip to Los Angeles was his 32nd fundraiser in L.A. County since he became president.In Palm City, Obama played golf at the spectacular Floridian National Golf Club, where members pay a $50,000 initiation fee and $15,000 in annual dues. According to the resort s website, This stunning, yet formidable par 71 will certainly impress. At 7,114 yards, the 18-hole course offers perfectly manicured rolling fairways and greens, demanding hazards, breathtaking views of the St. Lucie River, and is surrounded by natural preserve and native wildlife. Taxpayers should be outraged that Barack Obama s wastes 4.4 million of their precious tax dollars on golf vacations and political fundraising, said Judicial Watch President Tom Fitton. And to make matters worse, the Secret Service has simply refused to respond to our requests for documents about the security costs of these controversial trips. The Obama travel scandal is about abuse of office, abuse of the taxpayer, and contempt for the rule of law. Records released earlier this year by Judicial Watch showed that Michelle Obama s 2014 trip to China cost more than $360,000 in air transportation costs. Judicial Watch uncovered an expensive combination of trips by the Obamas to Africa and Honolulu, which cost taxpayers $15,885,585.30 in flight expenses. The single largest prior known expense for accommodations was for Michelle Obama s side-trip to Dublin, Ireland, during the 2013 G-8 conference in Belfast, when she and her entourage booked 30 rooms at the five-star Shelbourne Hotel, with the first lady staying in the 1500 square-foot Princess Grace suite at a cost of $3,500 a night. The total cost to taxpayers for the Obamas Ireland trip was $7,921,638.66. To date, the known travel expenses of the Obamas and Vice President Joe Biden exceed $61million. Via: Judicial Watch",left-news,"Oct 16, 2015",0 +"WOW! WORLD’S TOP PHYSICIST AND DEMOCRAT: Obama Backs β€œWrong Side” In War On β€œClimate Change”, Follow The Money, Carbon Does Far More Good Than Harm","B b but does this mean global climate change is not man made and that man is not more powerful than God? Here s our Liar In Chief trying to tell America that all of the top scientists in America agree with him:The climate models used by alarmist scientists to predict global warming are getting worse, not better; carbon dioxide does far more good than harm; and President Obama has backed the wrong side in the war on climate change. So says one of the world s greatest theoretical physicists, Dr Freeman Dyson (pictured above), the British-born, naturalised American citizen who worked at Princeton University as a contemporary of Einstein and has advised the US government on a wide range of scientific and technical issues.In an interview with Andrew Orlowski of The Register, Dyson expressed his despair at the current scientific obsession with climate change which he says is not a scientific mystery but a human mystery. How does it happen that a whole generation of scientific experts is blind to the obvious facts. This mystery, says Dyson, can only partly be explained in terms of follow the money. Also to blame, he believes, is a kind of collective yearning for apocalyptic doom.It is true that there s a large community of people who make their money by scaring the public, so money is certainly involved to some extent, but I don t think that s the full explanation.It s like a hundred years ago, before World War I, there was this insane craving for doom, which in a way, helped cause World War I. People like the poet Rupert Brooke were glorifying war as an escape from the dullness of modern life. [There was] the feeling we d gone soft and degenerate, and war would be good for us all. That was in the air leading up to World War I, and in some ways it s in the air today.Dyson, himself a longstanding Democrat voter, is especially disappointed by his chosen party s unscientific stance on the climate change issue.It s very sad that in this country, political opinion parted [people s views on climate change]. I m 100 per cent Democrat myself, and I like Obama. But he took the wrong side on this issue, and the Republicans took the right side.Part of the problem, he says, is the Democrats conflation of pollution (a genuine problem) with climate change (a natural phenomenon quite beyond mankind s ability to control).China and India rely on coal to keep growing, so they ll clearly be burning coal in huge amounts. They need that to get rich. Whatever the rest of the world agrees to, China and India will continue to burn coal, so the discussion is quite pointless.At the same time, coal is very unpleasant stuff, and there are problems with coal quite apart from climate. I remember in England when we burned coal, everything was filthy. It was really bad, and that s the way it is now in China, but you can clean that up as we did in England. It takes a certain amount of political willpower, and that takes time. Pollution is quite separate to the climate problem: one can be solved, and the other cannot, and the public doesn t understand that.The short-to-medium term solution to the pollution problem, he argues, is the replacement of coal with much-maligned shale gas, whose rejection by much of Europe he finds unfathomable and counter-productive.As far as the next 50 years are concerned, there are two main forces of energy, which are coal and shale gas. Emissions have been going down in the US while they ve going up in Europe, and that s because of shale gas. It s only half the carbon dioxide emissions of coal. China may in fact be able to develop shale gas on a big scale and that means they burn a lot less coal.It seems complete madness to prohibit shale gas. You wondered if climate change is an Anglophone preoccupation. Well, France is even more dogmatic than Britain about shale gas!Dyson, 91, has enjoyed a long, distinguished career as a physicist, mathematician and public intellectual, showing promise as early as the age of five when he calculated the number of atoms in the sun. During World War II, he worked at the Operation Research Section of the Royal Air Force s Bomber Command, before moving to the US where Robert Oppenheimer awarded him a permanent post at the Institute for Advanced Study at Princeton. He also worked at Oak Ridge National Laboratory, looking at the climate system 25 years ago, before it became a hot political issue.The dangers of carbon dioxide, he believes, have been much overrated. In a foreword to a report for The Global Warming Policy Foundation by Indur Goklany called Carbon Dioxide: The Good News, as reported here at Breitbart he says:To any unprejudiced person reading this account, the facts should be obvious: that the non-climatic effects of carbon dioxide as a sustainer of wildlife and crop plants are enormously beneficial, that the possibly harmful climatic effects of carbon dioxide have been greatly exaggerated, and that the benefits clearly outweigh the possible damage.I consider myself an unprejudiced person and to me these facts are obvious. But the same facts are not obvious to the majority of scientists and politicians who consider carbon dioxide to be evil and dangerous. The people who are supposed to be experts and who claim to understand the science are precisely the people who are blind to the evidence.He likens the climate change issue to some of the other irrational beliefs promoted through history by famous thinkers and adopted by loyal disciples. Sometimes, as in the use of bleeding as a treatment for various diseases, irrational belief did harm to a large number of human victims. George Washington was one of the victims. Other irrational beliefs, such as the phlogiston theory of burning or the Aristotelian cosmology of circular celestial motions, only did harm by delaying the careful examination of nature. In all these cases, we see a community of people happily united in a false belief that brought leaders and followers together. Anyone who questioned the prevailing belief would upset the peace of the community.Dyson s refusal ever to accommodate himself with the modish notions of the hour may explain why, unlike some of his less distinguished and brilliant contemporaries over the years, he has never been awarded a Nobel Prize.He concludes: I am hoping that the scientists and politicians who have been blindly demonizing carbon dioxide for 37 years will one day open their eyes and look at the evidence. Via: Breitbart News",left-news,"Oct 15, 2015",0 +URGENT! Join #AntiHillaryFlashMob Rally Against Hillary In San Antonio (Click on link for details),"Event organizers are asking protesters to come out on Thursday, Oct. 15th to help them stand against Hillary and speak out against her support for amnesty. The message they are asking protesters to share with Hillary is: It s not racist to have a border! Join Infowars reporter Joe Biggs and let Hillary hear your voice!Historic Sunset Station12:30 pm1174 E. Commerce St.San Antonio, TX.Live coverage starts at 11 am at Infowars.com",left-news,"Oct 14, 2015",0 +IS LAW AND ORDER SVU PANDERING To Cop Hating Millennials And Black Lives Matter Terrorists? [VIDEO],"It s hard for millennials to escape the leftist propaganda. Progressivism virtually front and center in almost every aspect of their lives. From progressive academia to a radical leftist agenda in the entertainment industry, it s really hard for our children to find a safe place where they re not being fed a leftist agenda. Millennials love Law and Order SUV because they hate cops:While SVU is lurid and addictive and GIF-ready and all the other things millennials purportedly love, I think there s another reason for our adoration. The truth is, outside the Law & Order universe, young people tend to hate the shit out of cops. The stereotype of long-haired, rebellious youths flipping off pigs of the sixties might sound time-worn, but there s clearly something to it: An annual Gallup poll shows that 18-29 year-olds consistently trail behind older adults in reporting a great deal or quite a lot of confidence in the police. For us, the police force exists solely as a symbol of violence and racism and corruption, and news stories about NYPD rapists and stop-and-frisk and pepper-spraying Occupy Wall Street protesters do little to indicate otherwise.From Washington Post interview:Last night s episode of Law & Order: Special Victims Unit on NBC aimed to weed through the messy and emotional aftermath of one of these shootings focusing on what happens after New York police officers, in desperate search for a rape suspect, shoot and kill an unarmed black college student who happens to match the description of the suspect. (It s not the first time the series, which is in its 17th season, has pulled inspiration for a story line from the headlines.)https://youtu.be/zTqTfSpPfYAWhy write an episode based around a police shooting, and why on SVU ?Something seems to be going on in the nation right now, and it seems that we re looking at, at least anecdotally, an epidemic of cops shooting unarmed people, often unarmed black men, but not exclusively black men.We ve just seen a spate of incidents in which that has been the case, and we have a police show. One of the things that is frustrating to me is that too few shows are tackling the tough issues. There are way more shows about zombies than about what s going on in our judicial system. Very few shows are allowed to get away with this right now.Our mantra is that we shed light on the darker corners of society. Police shootings of unarmed people is something that needs to be discussed. Via: Washington PostLaw and Order SVU promotes show on Twitter:https://twitter.com/nbcsvu/status/654310751759298560",left-news,"Oct 14, 2015",0 +GUN CONTROL FOR KIDS: [Video] 13 Yr Old Told To Remove β€œBattlefield Cross For Fallen Soldiers” T-shirt Or Face Suspension,"Meanwhile, a Muslim boy with a radical activist father and a history of discipline issues can bring a fake bomb to school on 9-11 and is an instant hero with the Left You just can t make this up.A 13-year-old Oregon boy was disciplined by his school for wearing the battlefield cross on his shirt.Alan Holmes, a student at Dexter McCarty Middle School, wore a shirt that displays the image of a rifle propped up with a helmet perched on top and boots below. It s commonly referred to as a battlefield cross for fallen soldiers and is meant as a a sign of support for the troops. The shirt read Standing for those who stood for us. The Military Times is reporting the Gresham-Barlow School District has a dress code policy that prohibits weapons. District spokeswoman Athena Vadnals wrote Weapons on a shirt are not appropriate in a school setting. It s not standing for violence, I tell you that much, Holmes said. It s standing for the memorial for the soldiers, who have died for us and our freedom, and I 100 percent support them because they re supporting us. Holmes said he was told by the vice principal to put on a different shirt or take an in-school suspension. He decided to keep the shirt on and call his mom.The story has gone viral and the family is fighting back against the school and the district. Via: DownTrend",left-news,"Oct 14, 2015",0 +BURIED BY MEDIA: Aide To Leftist US Congressman Sander Levin (D-MI) Arrested For Brutally Beating Male Lover With Shovel… β€œI want to kill you. Die dirty faggy”,"Just when you thought Muslims had cornered the market on abusing gays! Since you won t see this story in the mainstream media. Please feel free to share it Baltimore City Police arrested an aide to Rep. Sander M. Levin, D-Mich., at around 2:30 a.m. on Oct. 8 for criminal domestic violence charges.Tim Foster, a native of Henderson, Ky., brutally beat his male lover with a small black and red shovel, according to a police report obtained by CQ Roll Call, leaving the victim hospitalized with abrasions and bruises on his upper back, neck and torso.The dispute started around 12:30 a.m. inside a Northwest Baltimore home, when Foster, 32, got into a verbal argument with the 39-year-old black male identified as his boyfriend.Foster put his boyfriend in a choke hold and stated, I want to kill you. Die dirty faggy, the man later told police. Foster released him, then allegedly grabbed a stainless kitchen knife. As the boyfriend fled toward the stairs, Foster chased him and warned, When you reach the fifth step, I am going to stab you. Foster lunged at his boyfriend with the knife. But Foster s wife got in the way and the knife then fell to the floor, the report states.The boyfriend told police he attempted to escape the property, but was again assaulted by Foster. This time, Foster struck him in his upper back with a small black and red shovel. Foster continued to assault the man until he got into his vehicle, the report states.Police responded to Union Memorial Hospital, where they spoke to the victim.Foster was placed under arrest early Thursday morning, and locked up in the Baltimore County Detention Center. The shovel was submitted as evidence.Court records show Foster was committed overnight, then released. He faces second degree assault and dangerous weapons charges.Levin has employed Foster for seven years. Foster started his current post, as online communication manager, in May 2013. In the wake of the incident, he was placed on unpaid leave.Via: Roll Call",left-news,"Oct 14, 2015",0 +TOP 10 TWEETS From Democrat Debate,"Here s the fake black guy, Shaun King weighing in on how awesome it is that Bernie Sanders can now come out of the socialist closet. Because America is soooo ready (or so Shaun thinks anyhow) to embrace a socialist. Here is his tweet:#1.https://twitter.com/ShaunKing/status/654100720929632256Here is a great question from the Janie Johnson:#2.The bottom 49% of earners pay zero taxes how much more fair do you want the tax system? #DemDebate Janie Johnson (@jjauthor) October 14, 2015Truth!#3.https://twitter.com/weknowwhatsbest/status/654128633385107456And this tweet is priceless:#4.https://twitter.com/weknowwhatsbest/status/654128132295802880Some race baiters were not satisfied that enough divisive questions were posed to the candidates. How much time exactly should we giving to the issue of race during our presidential debates? Would 50% of the debate time be acceptable to the #BlackLivesMatter terrorists?The first is from #BLM activist and George Soros favorite, Deray McKesson:#5..@AndersonCooper, you were strong tonight, though I hope there are more questions about race at the next debate. #DemDebate deray mckesson (@deray) October 14, 2015Next is from the fake black guy, Shaun King who bemoans the lack of diversity on the debate stage:#6 and #7https://twitter.com/ShaunKing/status/654095075069296640https://twitter.com/ShaunKing/status/654113225005510656And then we have the self proclaimed Trump girls, Diamond and Silk weighing in on the debate hilarious!#8.We out. This is not a debate. This is a disgrace. Hope .@realDonaldTrump come to save the day. #stump4trumpbaby pic.twitter.com/I1CcLL31lX Diamond and Silk (@DiamondandSilk) October 14, 2015Best tweet of the night goes to the Donald:#9""@releafpen: Dem debate message summary = More free handouts. They will be voting in droves. We need to get out and vote Trump BIG TIME!"" Donald J. Trump (@realDonaldTrump) October 14, 2015And the runners-up are Two from conservative actor James Woods:#10.Thank God money grows on trees. This bunch has no allergy to spending it. Free college not only for Americans, but anybody from anywhere James Woods (@RealJamesWoods) October 14, 2015We actually fibbed, there are 12 favorite tweets. We save 2 of our favorites from @iowahawk for last:I got 10 bucks that more people are following the debate on Trump's Twitter feed than on CNN David Burge (@iowahawkblog) October 14, 2015How to make college affordable: don't go David Burge (@iowahawkblog) October 14, 2015 ",left-news,"Oct 14, 2015",0 +"Katy Perry, Christina Aguilera, Kim and Kanye, Justin Bieber, Anti-American Ariana Grande And More A-listers Fundraise For Rich, White Democrat Presidential Candidate","There s so much diversity in the Democrat presidential candidate pool, it must be hard for these celebrities to choose who they re going to throw their money and support behind..Katy Perry is publicly showing her support for Hillary Clinton.The pop singer, in her first appearance for the 2016 campaign, will rally Clinton supporters on Oct. 24 in downtown Des Moines before the presidential nominee attends the Iowa Democratic Party s annual Jefferson-Jackson Dinner, Clinton s campaign announced Saturday morning.Perry had a hand in rallying supporters for President Barack Obama when he was a candidate by performing at numerous events and wearing patriotic outfits she designed herself, including a dress she wore to a rally that displayed his campaign slogan Forward and a ballot dress she sported at a Las Vegas rally.She was a key part of the Obama campaign s strategy to get members of various communities to attend events. Campaign volunteers would sign up attendees to vote and even offer to take them to voting locations if they needed transportation.The Hollywood Reporter exclusively announced Friday that Christina Aguilera and her producer-fiance Matthew Rutler will host Clinton s last big fundraiser of the year on Nov. 4.The Des Moines event is free and open to the public, and registration is encouraged.Christina Aguilera and her producer fianc Matthew Rutler will host Hillary Clinton s last big fundraiser of the year at their Los Angeles house on Nov. 4, sources tell The Hollywood Reporter.Clinton s trip falls shortly after her Oct. 26 birthday and is expected to draw a large celebrity crowd. Her last event was held at Lionsgate s Rob Friedman s home; the Nov. 4 fundraiser is expected to be a sold-out event.The final fundraiser is being put together by Clinton s Hollywood bundlers, including CAA s Darnell Strom and Michael Kives.On Nov. 5, Michelle and Rob Reiner, Cynthia Telles and Joe Waz will hold a discussion with Clinton from 12 p.m. to 2 p.m. The event, Conversation With Hillary, will allow attendees to make contributions ranging from $1,000-$2,700.After announcing her candidacy in April, she has made monthly trips to Los Angeles, where she has raised tens of thousands in Hollywood contributions.A-listers including Kanye West, Kim Kardashian, Tom Hanks and wife Rita Wilson, Usher, Jessica Alba, Jeffrey Katzenberg and more previously gathered this past August to support Clinton at the house of talent manager Scooter Braun, who boasts a large list of young talent including Justin Bieber and Ariana Grande. Kardashian and West even took a selfie with the presidential candidate after hearing her goals for the country, where she defended Planned Parenthood and supported President Barack Obama s environmental initiatives.",left-news,"Oct 13, 2015",0 +"MAINSTREAM MEDIA IGNORES MASSIVE PROTEST Against Obama’s Sweetheart Deal For Corporations: β€œBiggest protest this country has seen for many, many years”","Wait we thought Obama and the Democrats were supposed to be standing up to the evil corporations and standing up for the every day American?When it comes to official and media opinion on Obama s crowning trade achievements , the Trans-Pacific Partnership (TPP) and the Transatlantic Trade And Investment Partnership (TTIP), the party line is united. As previously noted, Barack Obama has assured the population that this treaty is going to be wonderful for everyone:In hailing the agreement, Obama said, Congress and the American people will have months to read every word before he signs the deal that he described as a win for all sides. If we can get this agreement to my desk, then we can help our businesses sell more Made in America goods and services around the world, and we can help more American workers compete and win, Obama said.The mainstream media s chorus of support for these trade deal is likewise deafening: here are some indicative headlines from this past Monday:Time Magazine: Pacific Trade Deal Is Good for the U.S. and Obama s Legacy The Washington Post: The Trans-Pacific Partnership is a trade deal worth celebrating The far less popular opposing view, one repeatedly presented here, is that like with every other free trade agreement that the U.S. has entered into since World War II, the exact opposite is what will actually happen: the outcome will be that the US trade deficit (which excluding petroleum is already back to record levels) will get even larger, and we will see even more jobs and even more businesses go overseas, thus explaining the secrecy and the fast-track nature of the TPP and TTIP s passage through Congress.And while the US population, which is far more perturbed by what Caitlyn Jenner will wear tomorrow than D.C. s plans on the future of world trade, has been mute in its response to the passage of the first part of the trade treaty, the TPP after all the MSM isn t there to tell it how to feel about it, aside to assure it that everything will be great even as millions of highly-paid jobs mysteriously become line cooks other countries are standing up against globalist trade interests meant to serve a handful of corporations.Case in point Germany, where today hundreds of thousands of people marched in Berlin in protest against the planned free trade deal between Europe and the United States which they say is anti-democratic and will lower food safety, labor and environmental standards.TTIP critics fear that it would lead to worse safeguards in Europe, bringing down standards for consumer safety, food and health or labor rights down to those in America. European nations have stricter regulations for things like genetically modified foods or workers benefits than the US does. There is also discontent with the secretive nature of the negotiations, which prompts skeptics to assume the worst about the document they would eventually produce.The organizers an alliance of environmental groups, charities and opposition parties claimed that 250,000 people were taking part in the rally against free trade deals with both the United States and Canada, far more than they had anticipated. This is the biggest protest that this country has seen for many, many years, Christoph Bautz, director of citizens movement Campact told protesters in a speech.According to Reuters, opposition to the so-called Transatlantic Trade and Investment Partnership (TTIP) has risen over the past year in Germany, with critics fearing the pact will hand too much power to big multinationals at the expense of consumers and workers. Popular anger appears to be focused on the encroachment by corporations into every corner around the globe: What bothers me the most is that I don t want all our consumer laws to be softened, Oliver Zloty told Reuters TV. And I don t want to have a dictatorship by any companies. Via: Zero Hedge",left-news,"Oct 13, 2015",1 +"Obama Tells 60 Minutes He Could Win A Third Term, But Says He Won’t Run…Watch Surprisingly Hard-Hitting Interview Here","No Obama won t run again, but he ll use every dirty political Chicago-style trick available to him to make sure Joe Biden ends up in the White House, so he can still manage chaos from the outside..President Obama insisted that he could run and win a third term as president if he wanted to, but assured Americans that he would follow the lead of previous presidents before him.When asked directly by Steve Kroft in a 60 Minutes interview if he could win a third term as president he replied without hesitation, Yes. I do. He pointed out that it was bittersweet heading into his last year in office admitting that he would love to do some more to help the country.But he compared his own struggle with that of the nation s first president, George Washington, to explain why he would step down. I think having a fresh set of legs in this seat, I think having a fresh perspective, new personnel and new ideas and a new conversation with the American people about issues that may be different a year from now than they were when I started eight years ago, I think that s all good for our democracy, he concluded.It s not the first time Obama has signaled confidence that he could win a third term if he wanted to. While speaking to political leaders in Africa, he pointed out that he was a pretty good president. I think if I ran, I could win. But I can t, he said in July There s a lot that I d like to do to keep America moving. But the law is the law, and no person is above the law, not even the president. Via: Breitbart NewsWatch entire interview here: ",left-news,"Oct 12, 2015",0 +College Punishes Success By Not Allowing Yacht Club At Prestigious School [VIDEO],"The shaming of the rich should not surprise anyone coming from a whacked out college that actually offers a major in the non-belief of God. The Left s attempt to redefine the core values and beliefs that make America the greatest country in the world offends us. California College Denies Student Yacht Club, Says Yacht Clubs Are OffensiveAre yacht clubs in and of themselves offensive? According to Pitzer College in Claremont, California, the answer is yes.Last week, the student Senate at Pitzer voted to deny instating a yacht club at the school as the majority of Senators found the name yacht club to have a particularly offensive association with yacht clubs and a recreation known for being exclusive, according to Taylor Novick-Finder, a Pitzer College Senator.This morning on Fox and Friends, Anna Kooiman welcomed Claremont Independent publisher Steven Glick to the program to discuss. I think the P.C. police have been going further and further every day with what they re deeming offensive, said Glick, who is also a student at nearby Pamona College. It s becoming increasingly trivial, concerning what should be censored or banned. It s unfortunately not a surprise to see, he added.Via: FOX News ",left-news,"Oct 11, 2015",0 +Cities Across America Are Replacing Columbus Day With Indigenous People’s Day,"It won t be long before the progressives start demanding we rename Christmas the Winter Holiday. God forbid we start offending the Left with our Christian holidays Several city councils across the country are voting to abolish Columbus Day and celebrate the holiday as Indigenous People s Day.Officials in Portland, Ore., on Wednesday became the most recent to approve the new name for the holiday.The day which is traditionally celebrated on the second Monday in October celebrates Christopher Columbus discovering the so-called New World.However, historians and activists over the years have tried to dethrone Columbus reign as a famed explorer and instead hold him responsible for the mass genocide and enslavement of natives who had been in the Americas long before Columbus sailed the ocean blue. Learning about the history of Columbus and transforming this day into a celebration of indigenous people and a celebration of social justice allows us to make a connection between this painful history and the ongoing marginalization, discrimination, and poverty that indigenous communities face to this day, Kshama Sawant, a Seattle City Council member told the Seattle Times in 2014.In recent weeks, more city councils throughout the U.S. have voted to abolish Columbus Day in their towns and recognize Native American indigenous populations on the day.Seattle similar to cities like Albuquerque, N.M., and Minneapolis, Minn. approved changing the meaning of the holiday in 2014.Officials Berkeley, Calif., replaced Columbus Day with the celebration of Indigenous People s Day in 1992.Columbus Day, which is next Monday, is known to many Italians as a celebration of Columbus voyage from Europe and discovering the Americas. Via: NYDailyNewsh/t Weasel Zippers",left-news,"Oct 11, 2015",0 +"BOYCOTT! Pro-Gun Control Seth (Racist) Rogen, Star Of Newly Released β€œSteve Jobs” Movie Sends Vulgar Tweet: β€œF*ck You Ben Carson”","If you only attack black conservatives, does that make you exempt from being called a racist? When will Americans stop supporting foreigners like Josh Rogen who openly spout off about about their disdain for conservatives while advocating for gun control in our country?On the eve of the release of Universal s Steve Jobs, star Seth Rogen fired off a hate-tweet at black Republican presidential candidate Ben Carson. Fuck you @realBenCarson, the tweet said. In another tweet, Rogen, a high-profile Hillary Clinton supporter (and Canadian citizen), expressed his anger over comments Carson made about gun control and Nazi Germany.Carson believes Jews might have had a better chance at resisting the Nazi regime had they not been disarmed by that regime in advance. Rogen, who is Jewish, and much of the national media are horrified over the idea of Jews with guns fighting Nazis, something Jews did frequently throughout WWII with scrounged guns.Whether it is kids in classrooms or Jews in Nazi Germany, Carson proved this week that if you want to enrage a Leftist, suggest that they might have been better off had they been in a position to fight back.The social media backlash against both Rogen and his upcoming film was immediate, and some 12 hours later, even though it is very early in the morning, is still intense.Here is Rogan s vulgar tweet:A search of tweets containing only Seth Rogen s names finds that almost all of them are critical of the comedian s attack on Carson, many accusing Rogen of outright racism. The venomous, dehumanizing attacks black conservatives face from leftists like Rogen have been well-documented going back to Clarence Thomas. Via: Breitbart News",left-news,"Oct 10, 2015",0 +RABID PRO-AMNESTY LEGISLATOR Luis GutiΓ©rrez On Paul Ryan For Speaker β€œHe would work with Democrats in order to solve the problems of America” [VIDEO],"When you re a Republican and get a ringing endorsement from radical pro-amnesty carnival barker, Luis Guti rrez you should probably re-think your party affiliation Friday on MSNBC, Rep. Luis Guti rrez (D-IL) said Rep. Paul Ryan (R-WI)doesn t want to be House Speaker because he would have to work with the extreme Republicans who want to take away the rights of gays, woman and minorities.Guti rrez said, Look, they cannibalize their own. First Cantor, then McCarthy, before that Boehner. That s why Paul Ryan doesn t want to be the Speaker of the House. He doesn t want to be the Speaker of the House because he understands that there are 35, 40 Republican members of the House that didn t come here to govern. They came here to destroy government. They came here to take the government down. They don t want to coalesce and work with the other side of the aisle. They want to take the country backwards. He continued, Yesterday I was at a hearing, the judiciary committee. What do they want to do now they have a new committee and a new investigation into Planned Parenthood. Why? Because they want to turn the clock back on women. They want women to go back to the 50s and that Mad Men series that we watch on cable TV where women didn t have rights. That s what they want to do, and that s why he doesn t want to take on the Speakership. They want to turn the clock back, and they have chaos. Look, if they can t do something as fundamental as pick a new leader, as fundamental as pick a new leader, and every time they pick a leader, they cannibalize that leader. How are they going to lead this nation? Complementing Ryan he continued, Let me just say this. smartest person, I believe, in the GOP conference and would be good for the country, would be good for the Republican Party, would be good for the House of Representatives because Paul Ryan is the kind of individual that will work with other people on the other side of the aisle, and I think that that s what need. He added, He would work with Democrats in order to solve the problems of America and that s exactly what the 35, 40 members, these extreme members, very vocal, organized, extreme members of the Republican caucus don t want. They don t want an American solution. They think, you know what, gay people should go back in the closet, women should be at home in the kitchen, and those Latinos and Asians, why don t we just make them invisible again or deport them altogether? That s their philosophy of government. They want to go back before there was a Voting Rights and a Civil Rights Act in America. When I was born in America in 1953, it was separate but equal. But let me assure you, it was separate but not real equal for people like me. That s the America they want to take us back to. and guess what? the vast majority of the American people are going to push back strong against that attempt to take us backwards. Via: Breitbart News",left-news,"Oct 9, 2015",0 +GQ Magazine Pens Repulsive Article On Brilliant Neurosurgeon: β€œF*CK Ben Carson”,"How would have America reacted if this article was written by GQ Magazine during Barack Hussein Obama s run for President in 2008? Where is the cry of racism from the right for calling one of the most brilliant pediatric neurosurgeons in history stupid. The double standards and clear hypocrisy of the so called media that American consumers support when they purchase this trash is outrageous! The real problem with the Left is that they just can t get their little minds around the fact that Dr. Ben Carson would suggest he would be willing to risk his own life for the sake of saving several others. The wussification of America is happening at warp speed and unless every day Americans are willing to stand up to these freaks, we are going to lose our country. Screen grab of article published in GQ Magazine.Here is a portion of the repulsive article written by GQ:You know, the only thing more alarming than Donald Trump leading the Republican presidential field is the fact that Ben Carson is the guy right behind him. While establishment puds like Jeb! Bush and Marco Rubio can t decide if they want to beat Trump or emulate him, the Good Doctor made it clear this week that he is not only willing to replicate Trump s signature brand of hot-garbage-spewing, but he ll say even DUMBER shit. Here is Carson from earlier in the week on the Oregon shooter: Not only would I probably not cooperate with him, I would not just stand there and let him shoot me. I would say, Hey, guys, everybody attack him. He may shoot me, but he can t get us all. Oh, but he wasn t done yet. Carson knows a goldmine of asinine cannon fire when he sees it, so he went in again: I never saw a body with bullet holes that was more devastating than taking the right to arm ourselves away. And again: I have had a gun held on me when I was in a Popeyes organization. Guy comes in, put the gun in my ribs. And I just said, I believe that you want the guy behind the counter. That s right, Carson just threw the poor cashier right under the bus. Whatever happened to having everyone attack the gunman, Doctor? Does that strategy get tossed out the window when there s a convenient low-level cashier around to take the brunt of the crossfire?Here s the thing: I don t believe Carson when he says any of this. I bet he wasn t even held up at that chicken joint. Carson is a soft-spoken fella who knows that he has to make even sillier comments than the competition just so that his silly comments are heard. You saw Bobby Jindal do the same thing this week when he called out the Oregon shooter s father as the main culprit in the massacre.You are now bearing witness to an arms race of stupid, because stupid is in such high demand from the GOP base at the present moment. Stupid is what gets you attention, and attention is what gets you better polling numbers.Wow just wow!!For entire story: GQ",left-news,"Oct 9, 2015",0 +"MIGRANT JIHAD: Muslim Migrants Attack Hospital Staff With Knifes, Leave Sick Children Behind, Bring AIDS, Syphilis, TB And Many Exotic Diseases To Europe [VIDEO]","Europe will never be the same. The millions of mostly Muslim men flooding their countries rich in heritage and unique cultures will not assimilate. They come with no health checks, no passports, no ID very few women and children. These are the same men who complain about lack of sex and good bars in refugee camps This is unbelievable.A Czech doctor, who works in a German hospital, is so disgusted and overwhelmed with the Muslim migrant invaders that she is threatening to leave the country and go back home to the Czech Republic. She explains, via an email letter (because the press is forbidden from reporting on this), how horrific the conditions are in these hospitals, with the Muslim invaders bringing diseases they weren t even prepared to treat. But that s just part of it. The superior attitudes of these Muslims and their belief that they should get everything for free is wreaking havoc everywhere, from the hospitals to the pharmacies.Really, you must watch this video where an independent Czech television host reads the letter in full. Or, if you prefer, read the transcription I made below which matches the English captions with slight corrections.We will return to the topic of the migrants because I have another letter here regarding the effect of immigrants on the everyday flow of operations.Eyewitness from a Munich hospital:A friend in Prague has a friend, who, as a retired physician, had returned to work at a Munich area hospital where they needed an anaesthesiologist. I correspond with her and she forwarded me her email. Yesterday, at the hospital we had a meeting about how the situation here and at the other Munich hospitals is unsustainable. Clinics cannot handle emergencies, so they are starting to send everything to the hospitals.Many Muslims are refusing treatment by female staff and, we, women, are refusing to go among those animals, especially from Africa. Relations between the staff and migrants are going from bad to worse. Since last weekend, migrants going to the hospitals must be accompanied by police with K-9 units.Many migrants have AIDS, syphilis, open TB and many exotic diseases that we, in Europe, do not know how to treat them. If they receive a prescription in the pharmacy, they learn they have to pay cash. This leads to unbelievable outbursts, especially when it is about drugs for the children. They abandon the children with pharmacy staff with the words: So, cure them here yourselves! So the police are not just guarding the clinics and hospitals, but also large pharmacies.Truly we said openly: Where are all those who had welcomed in front of TV cameras, with signs at train stations?! Yes, for now, the border has been closed, but a million of them are already here and we will definitely not be able to get rid of them.Until now, the number of unemployed in Germany was 2.2 million. Now it will be at least 3.5 million. Most of these people are completely unemployable. A bare minimum of them have any education. What is more, their women usually do not work at all. I estimate that one in ten is pregnant. Hundreds of thousands of them have brought along infants and little kids under six, many emaciated and neglected. If this continues and German re-opens its borders, I m going home to the Czech Republic. Nobody can keep me here in this situation, not even double the salary than at home. I went to Germany, not to Africa or the Middle East.Even the professor who heads our department told us how sad it makes him to see the cleaning woman, who for 800 Euros cleans every day for years, and then meets young men in the hallways who just wait with their hand outstretched, want everything for free, and when they don t get it they throw a fit.I really don t need this! But I m afraid that if I return, that at some point it will be the same in the Czech Republic. If the Germans, with their nature cannot handle this, there in Czechia it would be total chaos. Nobody who has not come in contact with them has no idea what kind of animals they are, especially the ones from Africa, and how Muslims act superior to our staff, regarding their religious accommodation.For now, the local hospital staff has not come down with the diseases they brought here, but, with so many hundreds of patients every day this is just a question of time.In a hospital near the Rhine, migrants attacked the staff with knives after they had handed over an 8-month-old on the brink of death, which they had dragged across half of Europe for three months. The child died in two days, despite having received top care at one of the best pediatric clinics in Germany. The physician had to undergo surgery and two nurses are laid up in the ICU. Nobody has been punished.The local press is forbidden to write about it, so we know about it through email. What would have happened to a German if he had stabbed a doctor and nurses with a knife? Or if he had flung his own syphilis-infected urine into a nurse s face and so threatened her with infection? At a minimum he d go straight to jail and later to court. With these people so far, nothing has happened.And so I ask, where are all those greeters and receivers from the train stations? Sitting pretty at home, enjoying their non-profits and looking forward to more trains and their next batch of cash from acting like greeters at the stations. If it were up to me I would round up all these greeters and bring them here first to our hospital s emergency ward, as attendants. Then, into one building with the migrants so they can look after them there themselves, without armed police, without police dogs who today are in every hospital here in Bavaria, and without medical help.Via: The Right Scoop",left-news,"Oct 9, 2015",0 +β€œYou’re Not Welcome!” Obama As Welcome At Roseberg Funerals As Westboro Baptist Church Members [Videos],"Roseberg residents and families of victims are speaking out against Obama and are repulsed by his obvious desire to use the deaths and injuries of their loved ones to promote his leftist agenda. Of course, he s going anyhow. It is of no consequence to him that basically the whole town wants him to stay away. Keep it classy Barry Maybe the Roseberg residents should make the same kind of human chain between Barack and the cameras that they do around the Westboro Baptist Church members at funerals Roseberg residents and even relatives of victims are telling Barack Obama to stay home and don t come here to dance on the graves of our loved ones. You re not welcome! Tomorrow President Obama is scheduled to visit Rosenburg, Oregon, where 10 people were killed last week at Umpqua Community College by a deranged killer who happened to use a gun to carry out his crimes.We ve already reported on the repulsed reaction from the community as people who live there continue to reject Obama s visit. Now Stacy Boylan, the father of shooting victim Ana Boylan, is directly speaking out against Obama s visit and has no interest in putting up with his exploitation of the tragedy for political purposes. I do believe it was Rahm Emanuel who said Never let a good tragedy go to waste, and I really feel that his [Obama] visit here is to completely to support his gun control agenda. I can t understand why he wouldn t make a mention of the families and the victims. I mean, he did say that it was a tragic incident and I do thank him for lowering the flags but he made it all about gun control. He was very clear about that and we saw this in Sandy Hook and now we re seeing it again and I just question his motives, Boylan said. I ve spoken to my family and for myself and for my family, my daughter and son, on principle I find that we are in disagreement with his policies on gun control and therefore we will not be attending the visit. My position on this is that gun free zones are an issue, they re a target for crazy people because they know they re not going to be met with resistance. You know, my daughter said to me, What if somebody would have had a gun? Gun free and gun control takes that option off the table. Somebody doesn t have to use their gun in defense, but to take that option entirely, I don t think that s the right course, he continued. Via: Townhall On Monday, David Jacques, publisher of the Roseburg Beacon, appeared on a Fox News segment with Bill O Reilly.He made it clear President Obama was not welcome in Roseburg and certainly not to crash the funerals of those killed in the Umpqua Community College mass shooting by using it for his own liberal agenda.https://youtu.be/F-fS9SBLTGkVia: Downtrend",left-news,"Oct 7, 2015",0 +Ben Carson Outwits Dimwits On The View…A MUST Watch!,"The progressive dimwits on The View proved today that they are no match for the brilliance of Dr. Ben Carson. It s almost painful to watch him run intellectual circles around these vapid windbags Famed neurosurgeon and 2016 presidential contender Dr. Ben Carson faced-off against the women of The View on Tuesday after he decried abortion and said that we re killing babies all over the place. In my case, I spent my entire career trying to preserve life and give people quality of life, he said, explaining his past operations on premature babies and babies still in the womb. There is no way you re going to convince me that they re not important, that they re just a mass of cells. Host Whoopi Goldberg countered by asking whether Carson has met with the women who have to make these horrendous decisions, and questioned whether the Republican candidate is empathetic to which he said that he is.Carson then explained his belief that the private sector must provide adequate daycare so that mothers who choose to have their babies can get GEDs and finish their education. You re assuming that these are mothers who aren t educated, Goldberg countered, with the crowd gasping and moaning when Carson said that most of them fit that description. A lot of those young girls who are having babies out of wedlock when they have that first baby, they stop their education and that child is four times as likely to grow up in poverty, Carson said. We, as a society, have an obligation to do what s necessary to stop that cycle. That s when Joy Behar stepped in to defend Planned Parenthood against recent Republican attacks. So, how important is birth control then to the Republican Party? she said. They should be out there applauding Planned Parenthood for supplying birth control, mammograms and everything else. Via: The Blaze",left-news,"Oct 6, 2015",0 +First Open Lesbian Bishop Wants To Add Muslim Prayer Room And Remove All Crosses From Church…Here’s Why,"Wake up Christians the left won t stop until they ve removed any mention of Christ in your church The Bishop of Stockholm has proposed a church in her diocese remove all signs of the cross and put down markings showing the direction to Mecca for the benefit of Muslim worshippers.Eva Brunne, who was made the world s first openly lesbian bishop by the church of Sweden in 2009, and has a young son with her wife and fellow lesbian priest Gunilla Linden, made the suggestion to make those of other faiths more welcome.The church targeted is the Seamen s mission church in Stockholm s eastern dockyards. The Bishop held a meeting there this year and challenged the priest to explain what he d do if a ship s crew came into port who weren t Christian but wanted to pray.Calling Muslim guests to the church angels , the Bishop later took to her official blog to explain that removing Christian symbols from the church and preparing the building for Muslim prayer doesn t make a priest any less a defender of the faith. Rather, to do any less would make one stingy towards people of other faiths .The bishop insisted this wasn t an issue, after all airports and hospitals already had multi-faith prayer rooms, and converting the dockyard church would only bring it up to speed. Regardless, the announcement has aroused protest.Father Patrik Pettersson, one of the priests in her diocese and active in the same parish as the Seaman s mission church has hit back in a blog of his own, complaining there is no way you could equate a consecrated church with a prayer room, remarking I should have thought a bishop would be able to tell the difference .Calling the bishop s words theologically unthinking , he asked what was to be done with crucifixes screwed to the walls, and heavy items such as baptismal fonts. Ignoring the rhetorical murmuring , Pettersson wrote: The only argument bishop Eva really put forward in support of her view is hospitality How do you respond to that? Not much of a basis for discussion, as one colleague put it. The theological, ecclesiological, pastoral and working issues are left untouched .Via: Breitbart News",left-news,"Oct 6, 2015",0 +Why Did CNN Doctor Killer’s Photo To Disguise His Race And Why Is The Press Scrubbing His Profile?,"The cover-ups and mistruths appear to be numerous. The question Americans need to be asking is why?The Oregon murderer was a black male. If you don t believe us, look at the picture of his mother below:Birth Certificate Name is: Christopher Sean Mercer 07/26/1989.Mother: Laurel Margaret Harper 04/05/1951Dad: Ian Bernard Mercer 05/15/1960 Divorced in 2006REAL IMAGE (left) CNN IMAGE (right)On the left is the selfie Christopher Mercer uploaded to his social media. On the right is how CNN presented the same selfie in broadcast stories about him. Why did CNN need to change the complexion (color) of their broadcast? Why is no-one showing pictures of mom, Laurel Margaret Harper.Why change to hyphenated name? Real name is Christopher Sean Mercer. Media using Christopher Harper-Mercer and Chris Harper-Mercer.Several months ago The Last Refuge shared the story of Eric Sheppard Jr. a radical Black Lives Matter , F**k The Police and Islamic radical who used a philosophy of black supremacy similar to the New Black Panthers. Sheppard gained brief notoriety when he held a U.S. Flag Stomping event at Valdosta State University.After his public exposure, and after the police filed a warrant for his arrest on firearms violations, and after he mailed a racist manifesto to a local Georgia Newspaper while on the run, he was finally arrested in Tampa Florida by U.S. Marshals.Eric Sheppard s story disappeared from the headlines and never resurfaced. Yesterday, while reviewing the social footprint of Oregon shooter Chris Harper-Mercer, (aka Chris Sean Mercer) an almost identical world-view to Eric Sheppard Jr. was evident in Mercer s social media history.Chris Harper-Mercer, a mixed-race angry 26-year-old, was essentially the mirror image on social media as Eric Sheppard Jr.Mercer held sympathetic words and thoughts for the Virginia shooter Vester Flanagan, and similarly raged against white people, and expressed sympathy toward the Black Lives Matter movement. (Example Below):However, today almost all of that social media history is GONE -> Example Here. It is either removed entirely, and/or edited for content. How it could be edited is a mystery unless there is some other issue at hand.In addition, as several researchers have noted, anyone who held attachment to Mercer appears to be deleting the content of their association. Including Umpqua Community College itself.As D-Man was pointing out Mercer was part of a production class going to present a play at Umpqua Community College named BLITHE SPIRIT . The play was scheduled to run later this month:From the cache Centerstage Theatre at UCCPlease join me in congratulating the team for our Fall show! This is going to be an awesome comedy to start out the year. This British comedy comes with witty language and spooky effects. We are especially delighted to feature our local star who is now based out of NYC, Josh Carlton! BLITHE SPIRIT, by Noel Coward Presented by UCC Theatre Arts Oct 30-Nov 8 CHARLES: Josh Carlton RUTH: Rebecca Miles EDITH: Abby Dooley DR. BRADMAN: Devin Barnett MRS. BRADMAN: Alexandra Duvall MADAME ARCATI: Rachel Fitzhugh ELVIRA, the Blithe Spirit: Chloe Quinn Understudy for DR. BRADMAN: Benjamin Jacobsen Directed by Stephanie Newman Assistant Director: Aaron Carter Stage Manager: Anna Mae Whatley Production Assistants: Alex Frier, Joel Macha, Mary Chitwood, Chris Harper-Mercer, Isaac Guerrero, Ashley Jakubos Lighting Assistant: Devin Barnett Special Effects: Jim Smith, Keith Weikum Program/Ads: Fred Brenchley Marketing: Travis Newman Other Volunteers: YOU! Get involved and have some fun!However, everything to do with that production has been scrubbed and deleted. Including the FaceBook page (since deleted) But visible on Cache HERE and more HERE (See FB page screen shot below).Being part of an Umpqua college production class and performance etc. would run counter to the seemingly preferred media narrative of Chris Harper-Mercer being a loner, no?Mercer has also apparently given a manifesto (another similarity to E. Sheppard Jr) to a surviving student of the shooting.Summary: The immediate on-line web history of Chris Harper-Mercer showed him to be a mixed-race, angry young man in general alignment with various radical racially aligned groups such as Black Lives Matter, Fuck The Police and Fuck Yo Flag all of which carry a sentiment of favorability and ideological alignment with Islam which was similarly evident in the Ferguson protest movement.[ Against this backdrop shooting White Christians makes sense. ]However, in the course of several hours (one media cycle) the media narrative is selling a profile of a loner, mentally disturbed individual without any mention of his previous writings (deleted/changed), behaviors (hidden) and social tendencies (ignored).Why?Perhaps the answer lies within the response to the shooting from the White House where President Obama took quickly to the microphones to decry another school shooting without fully understanding the motive and intent.Watch Obama s speech following the Oregon mass shooting. His motive and intent in this video are pretty clear. His lack of concern for the victims takes a back seat to his gun control narrative:For entire story: The Last Refuge",left-news,"Oct 4, 2015",0 +AUTHOR OF CHILDREN’S BOOKS BRAGS ABOUT GIVING $1 MILLION To Baby Body Parts Harvester,"Because ripping babies from the womb and then carefully separating their body parts so as to procure top dollar from their vendors is very nobel indeed Just don t expect my children to ever read a book that was written by you, illustrated by your wife, or to watch a movie that is affiliated with one of your books. The children s author known as Lemony Snicket says he s donating $1 million to Planned Parenthood.Daniel Handler made the announcement this week on his Twitter feed, (at)DanielHandler. He notes the donation to the women s health care provider is on behalf of him and his wife, illustrator Lisa Brown. He says they ve been very fortunate and good fortune should be shared with noble causes. @DanielHandler @lisabrowndraws @PPFA Killing babies and selling their body parts for profit How very noble! @thesamsorboshow @Pray_4_Life 100% FED UP! (@100PercFEDUP) October 2, 2015Planned Parenthood defends the practice as the legal donation of tissue to research firms. It says the not-for-profit tissue donation programs support lifesaving scientific research.Handler s Lemony Snicket novels, A Series of Unfortunate Events, have sold millions of copies. Via: The Blaze ",left-news,"Oct 2, 2015",0 +NEW LOW: OBAMA RACES TO MICROPHONE To Capitalize On Oregon Tragedy…Couldn’t Find Mic When Multiple Cops Were Killed By Thugs With Guns [Video],"Somebody needs to point out to this incompetent Gun Grabber In Chief, that if someone in that college was allowed to carry a gun to class, we may not be talking about a single murder.Does anyone remember Barry running to the microphone after any of our brave law enforcement officers lost their lives to thugs with guns?Here s the video of our Gun Grabber In Chief who apparently couldn t even wait for the ambulances to pull away from the scene of the crime before he started up with his gun control rhetoric. This won t be information coming from me it ll be coming you. Newsflash Barry if it comes from the media, it s essentially the same thing as coming from you. Obama says we know the majority of Americans say we should be changing our gun laws. Really Barack? Where do you get your data from Rosie O Donnell?We like to deal in facts Barry not in platitudes. Here are two of the most recent polls given to Americans by Pew Research in regard to gun ownership and gun rights. Barack couldn t be more wrong or in his case, more misleading. ",left-news,"Oct 1, 2015",0 +MEDIA LIES EXPOSED By Arab Speaking Woman Who Tells Truth About Muslim β€œRefugees” [VIDEO],"CNN, MSNBC, AlJazeera, NBC, ABC, CBS and the other mainstream media outlets would like you to believe these refugees are just good wholesome people looking for a better way of life. Who the heck is vetting these people? Does anyone even care that we have no idea who is gaining admittance into our countries with no background checks? Has anyone thought through what it will mean to flood all of Europe and America with Muslim refugees who have no intention of assimilating with our cultures and heritage? The propaganda and spin on this crisis is completely insane! Where were these bleeding heart nations when Christians were watching entire communities being burned to the ground in Pakistan by Muslims? Who was bringing boatloads of persecuted Kurds to Europe and America when ISIS came to town? How about we pay attention to the real story, as told by Aida Bolev r:Aida Bolev r, an Arabic-speaking European woman who traveled on a train departing Budapest alongside migrants reveals how the refugees robbed Hungarians, used children as human shields and threatened to take her hostage and rape her.Aida Bolev r lived in the Middle East for five years and is fluent in Arabic. At the start of the video, she stresses that she is not trying to make the migrants look bad by telling her story.Arriving at Keleti railway station in Budapest, Bolev r said she was shocked to see a mass of filthy people who refused to let her enter the building and tried to steal her luggage while hurling insults.After witnessing some of the migrants without shame, simply defecating where they stood, Bolev r said some of the women were being beaten by their own husbands. All they could think to do in the heat of the moment was to grab the luggage of passersby and shout obscenities (at) them, said Bolev r, adding that 90% of the migrants were men aged 18-45.Bolev r says the men grabbed random children and tried to use them as human shields in order to board the train, Bedlam then ensued, with windows cracking and fights breaking out as waves of people surged onto the train.Bolev r was sat near four other people who had purchased tickets for the train. They began talking to each other in a relaxed tone, considering whether or not they should rob us, since that would please Allah because we were infidels. As for me, it would really be worth raping me because I am not dressed like a proper woman, I haven t got a hijab on my head, that is, I m not Muslim, and so I am bad, said Bolev r.When Bolev r and the four other passengers attempted to get off the train, the migrants began discussing whether or not to take them as hostages and wouldn t let them leave.After Bolev r was finally able to walk back into the train station, she saw migrants carelessly throwing food onto the floor. They were all shouting one word repeatedly: Money! That is, give us money, said Bolev r. They were grabbing at people, trying to tear away some valuables, they were grabbing at luggage and wouldn t let people pass, they shoved and insulted. Those people are the same ones that Europe accepted in the name of tolerance, so before we protect these people I suggest we learn the Arabic language, she concluded.Bolev r s story provides yet more contradictions to the image of the migrants that has been portrayed by the mass media of humble people fleeing war who are polite and grateful. As the footage below illustrates, the reality is somewhat different.As we previously reported, the German media and police in some areas are covering up rapes committed by migrants to as not to offend the flood of new Muslim refugees entering the country.The Gatestone Institute has compiled a lengthy list of rapes committed by migrants in and around refugee camps in Germany, the victims of which are mainly teenagers and children (including other migrants and Germans living locally).Schools in Germany situated near migrant camps are also warning girls not to wear shorts or skirts so as not to offend migrants and provoke attacks .Meanwhile, in another video, refugees at a camp in the Netherlands complain about the facility having slow Internet, average food and not being given enough money to buy cigarettes.Via: InfoWars",left-news,"Sep 30, 2015",0 +"BREAKING: Pope Met Privately With Enemy Of Left, Kim Davis","Is the Pope s defense of same sex marriage the straw the will break the camel s back for the godless left? Washington, DC Media is buzzing about the Pope s comments in support of conscientious objection and whether he knows about the Rowan County, Kentucky, Clerk of Court who was jailed for six days for refusing to issue same-sex marriage licenses. The Pope met privately with Kim Davis and her husband, Joe, at the Vatican Embassy in Washington, D.C., on Thursday, September 24, which was the birthday of Kim s father. Pope Francis spoke with Kim and Joe Davis in English.During the meeting Pope Francis said, Thank you for your courage. Pope Francis also told Kim Davis to Stay strong. He held out his hands and asked Kim to pray for him. Kim held his hands and said, I will. Please pray for me, and the Pope said he would. The two embraced. The Pontiff presented Kim and Joe Davis each with a Rosary that he personally blessed. Kim s mother and father are Catholic, and Kim and Joe will present the Rosaries to her parents. Kim s mother was the elected Clerk of Court for Rowan County for 37 years until her retirement in 2014.Kim Davis said, I was humbled to meet Pope Francis. Of all people, why me? Davis continued, I never thought I would meet the Pope. Who am I to have this rare opportunity? I am just a County Clerk who loves Jesus and desires with all my heart to serve him. Kim said, Pope Francis was kind, genuinely caring, and very personable. He even asked me to pray for him. Pope Francis thanked me for my courage and told me to stay strong. The challenges we face in America regarding the sanctity of human life, marriage, and religious freedom are the same universal challenges Christians face around the world. Religious freedom is a human right that comes from God. These values are shared in common by people of faith, and the threats to religious freedom are universal. Kim Davis has become a symbol of this worldwide conflict between Christian faith and recent cultural challenges regarding marriage, said Mat Staver, Founder and Chairman of Liberty Counsel.Speaking with reporters on board the Papal plane to Rome, Pope Francis told Terry Moran of ABC News that conscientious objection is a human right, even for government officials: Conscientious objection is a right that is a part of every human right. It is a right. And if a person does not allow others to be a conscientious objector, he denies a right. Conscientious objection must enter into every juridical structure because it is a right, a human right. Otherwise we would end up in a situation where we select what is a right, saying this right that has merit, this one does not. It (conscientious objection) is a human right. It always moved me when I read, and I read it many times, when I read the Chanson de Roland when the people were all in line and before them was the baptismal font and they had to choose between the baptismal font or the sword. They had to choose. They weren t permitted conscientious objection. It is a right and if we want to make peace we have to respect all rights. The ABC News Chief Foreign Correspondent asked if that includes government officials as well, and the Pope reiterated that conscientious objection is a human right: It is a human right and if a government official is a human person, he has that right, Pope Francis affirmed.After the above statement of Pope Francis was published, some in the media wondered if the Pontiff knew of Kim Davis. Not only did Pope Francis know of Kim Davis, he personally met with her to express his support, concluded Staver.Via: Barbed Wire",left-news,"Sep 29, 2015",0 +FAKE BOMB INCIDENT Wasn’t First Time Muslim Clock Boy Was In Trouble,"Even though the Muslim Clock Boy s attention seeking radical father won t allow the school to tell their side of the story, sooner or later the real truth eventually leaks out Before he was put in handcuffs for bringing a homemade clock to school and became an overnight celebrity, Ahmed Mohamed racked up weeks of suspensions and clashed with authority while in middle school, the Dallas Morning News reported.While attending Sam Houston Middle School in Irving, Texas, Mohamed mastered electronics and English, once built a remote control to prank the classroom projector and bragged of reciting his First Amendment rights in the principal s office, according to the report.Despite rumors about the 14-year-old s past disciplinary problems, Mohamed s status as a minor has prevented the Irving Independent School District from speaking out on the matter.Critics have argued that his past behavior may have influenced how school officials responded to the clock that officials thought could have been a hoax bomb. Irving Mayor Beth Van Duyne recently told TheBlaze that the Mohamed family has ignored requests by the school district to allow officials to speak out about the case. The context, she said, would help explain why the situation progressed as it did.However, his seventh-grade history teacher, Ralph Kubiak, has become the first person to open up about the weird little kid that sat in his classroom. I saw a lot of him in me. That thirst for knowledge he s one of those kids that could either be CEO of a company or head of a gang, he told the Dallas Morning News.Kubiak also confirmed that Mohamed would regularly bring gadgets to school that were much more complicated than the clock assembled in a pencil box that recently got him into trouble.Via: The Blaze",left-news,"Sep 29, 2015",0 +CASTRO IGNORES DISASTROUS COMMUNIST POLICIES That Destroyed Cubans: Blames World Leaders At UN Assembly For Allowing Millions To Go Hungry,"If Obama had a communist friend he d be this poor victim Raul Castro the champion of human rights and justice What a dog and pony show.Cuban leader Raul Castro used his first speech before the United Nations General Assembly to lash out at the international body, saying Monday that member states have failed to produce much beyond an illusion of the human rights, justice and development promised in the charter.Castro made scant mention of last summer s landmark restoration of ties with the United States after a five-decade break, instead delivering a searing indictment of world superpowers for allowing millions to remain hungry, illiterate and at risk of death by curable illnesses while annual military expenses worldwide amount to more than $1.7 trillion. Barely a fraction of that figure could resolve the most pressing problems afflicting humanity, Castro said.Castro received warm applause and scattered cheers when he made his U.N. debut, and several Latin American and African leaders gave him a standing ovation at the end of his remarks, in apparent approval of his narrative that Western colonialism and imperialism are at the roots of today s conflicts. He didn t name names, but his allusions to the United States and its allies were clear as he criticized invasions and overthrows, the selective and discriminatory approach to human rights, and the threat of climate change stemming from an irrational and unsustainable consumerism. There have constantly been wars of aggression and interference in the internal affairs of the states, the ousting of sovereign governments by force, the so-called soft coups and the recolonization of territories, Castro said.Via: McClatchyDC",left-news,"Sep 29, 2015",1 +"SAY WHAT? [Video] LEFTIST COMEDIAN BILL MAHER Destroys Muslim Clock Boy, While Ronald Reagan’s Son Tries To Defend Him"," He did not invent anything. He didn t invent a clock. He took the guts out of a clock radio that he bought in a store and put it in a pencil box. This is like pouring Cheerios into a bowl and saying you invented cereal. You know what Ron [Reagan]? Try to take that through airport security. -Bill MaherCan we all just agree that the idea that the Muslim Clock Boy (a term we coined) is or has been persecuted is insane? This was nothing more than a muslim boy who wanted to see how far he could push his school by bringing a fake bomb to school.Wouldn t it be great if the left could take the same dog-on-a-bone approach to defending Christianity in this country? Where were these loudmouth defenders of Christianity when Obamacare was forcing mandates on people that violated their religious beliefs? Or how about the baker or florist or pizza shop who all said they would be happy to help serve gay people in their restaurant or perform a service for them, just not in the case of a gay marriage? Who in the media (or White House) ran to the microphone to defend them?Here s the clip from the Bill Maher show:I m not a fan of Bill Maher, but I ve got to hand it to him this time he s 100% correct about the Muslim Clock Boy and how everyone from Obama to the media gets an F for epic fail on how they handled this story. Let s just hope some teacher doesn t overlook the next Muslim kid who brings a bomb to school in a briefcase out of fear that they might be publicly flogged by the media or our pathetic Musim President. Yes we did say MUSLIM President .",left-news,"Sep 28, 2015",0 +A PICTURE IS WORTH A THOUSAND WORDS: A Lone Socialist Takes This Ironic Message To Trump,"We re gonna go out on a limb and guess that this young man s presence will only harden the resolve of most Trump supporters to support his campaign Lone Bernie fan before Trump appearance at OK State Fair. Tyler Woodfin, 21, OU student. pic.twitter.com/6YTAo4wYLr Rosie Gray (@RosieGray) September 25, 2015",left-news,"Sep 26, 2015",0 +CATHOLIC PARTIAL BIRTH-ABORTION SUPPORTING DEMOCRAT Steals Pope’s Water To Drink And Splash On Grandkids [Video]…You Won’t Believe What He’s Doing Next,"He did the same thing at Obama s inauguration Sounds like someone needs a trip to the confessional (and/or a psychiatrist) Rep. Bob Brady, a Democrat, supports partial birth abortion.h/t Gateway PunditBut wait the story gets even better:This is not the first time Brady has pulled a stunt like this, with the Philadelphia Daily News reporting he did the same thing after President Obama s inauguration, though he just saved that glass and did not drink from it.They also spoke to Representative Brady who said he had saved the cup and would have police dust it for fingerprints to prove it was used by Pope Francis.He also had police dust President Obama s glass as well.Via: Daily Mail ",left-news,"Sep 26, 2015",0 +POPE MAKES VISIT TO NUNS OBAMA REGIME IS SUING For Not Conforming To Obamacare Contraception Mandate,"Leave it to our Community Organizer In Chief to bully nuns who ve committed their lives to helping the poor in our country over a contraception mandateIf Obama s rules apply to these nuns why don t they apply to the tens of millions who are living in the United States illegally? Pope Francis paid a short visit to the Little Sisters of the Poor community in Washington, D.C. on Wednesday to support them in their court case over the contraception mandate, the Vatican s spokesman revealed.It was a short visit that was not in the program, Father Federico Lombardi, director of the Holy See Press Office, said at an evening press conference during the papal visit to the nation s capital. This is a sign, obviously, of support for them in their court case, he affirmed.The sisters have filed a lawsuit against the Obama administration for its 2012 mandate that employers provide insurance coverage for birth control, sterilizations, and drugs that can cause abortions in employee health plans. The sisters have maintained that to provide this coverage would violate their religious beliefs.Even after the Obama administration modified the rules as an accommodation for objecting organizations, the sisters held that the revised rules would force them to violate their consciences.The majority of a three-judge panel for the Tenth Circuit Court of Appeals ruled in July that the Little Sisters of the Poor did not establish that the mandate was a substantial burden on their free exercise of religion, and thus ruled they still had to abide by the mandate.The papal visit was not on the official schedule for Pope Francis Washington, D.C. visit, which included Wednesday visits to the White House, a midday prayer service with the U.S. bishops at St. Matthew s Cathedral, and the canonization mass for St. Junipero Serra at the Basilica of the National Shrine of the Immaculate Conception.It was a little addition to the program, but I think it has an important meaning, Fr. Lombardi said.He added that the visit is connected to the words that the Pope has said in support of the position of the bishops of the United States in the speech to President Obama and also in the speech to the bishops. Pope Francis, with President Obama at the White House, called religious freedom one of America s most precious possessions and had hearkened to the U.S. bishops defense of religious freedom. All are called to be vigilant, precisely as good citizens, to preserve and defend that freedom from everything that would threaten or compromise it, he had said.In response to the news of the visit with the sisters, Archbishop Joseph Kurtz of Louisville, president of the U.S. Bishops Conference, said that he was so pleased to hear of the visit. As you know the last thing the Little Sisters of the Poor want to do is sue somebody. They don t want to sue in court, he insisted. They simply want to serve people who are poor and elderly, and they want to do it in a way that doesn t conflict with their beliefs.Via: Catholic News Agency",left-news,"Sep 24, 2015",1 +YOU GOTTA LOVE THIS: [VIDEO] White Girl Told She’s Not Allowed To Wear Dreadlocks To School,"Try telling a young black girl she can t wear dreadlocks to school A Utah School has told a teenage student she can t wear dreadlocks to school, and now the mom is claiming discrimination. Except the student is lily-white.The Lincoln Academy in Pleasant Grove reprimanded eighth-grader Caycee Cunningham for wearing dreadlocks to school, saying it violates the school s dress code. Her mom, however, claims she wears them for religious reasons, Fox13Now is reporting.Caycee recently studied abroad in Guatemala and converted to Hinduism. She wears the dreadlocks as a result of that spiritual journey, mother Tonya Judd said.Students of other ethnicities are apparently allowed to wear dreadlocks, but her white daughter isn t. My daughter is white and there happens to be other kids in the school who happen to be other race and ethnicity and they have hair that can t be combed, and there s never been an issue regarding that before, Judd said. Principal Jake Hunt said the school s dress code doesn t specifically ban dreadlocks, but there are policies against unnatural hair colors and distracting hair cuts that all students must abide by. Our dress code says that our students hair must have a neat, combed appearance, be appropriate for school, and not be distracting in the classroom, which is pretty similar to what many schools in our area have, he said.Principal Hunt said Caycee will not face any repercussions for continuing to wear dreadlocks, but she is in violation of school policy. Judd and Caycee said they will stand their ground and Caycee will continue to wear the dreadlocks and transfer schools if need be. Via: DownTrend ",left-news,"Sep 24, 2015",0 +WATCH HOW COLLEGE STUDENTS RESPOND When They’re Shown A Picture Of Muslim Boy’s β€œClock” And Asked What It Is,"Students at George Mason University overwhelmingly thought Ahmed Mohamed s homemade clock looked like a bomb, according to a new video published online.Dan Joseph, with the conservative Media Research Center, visited the campus just outside D.C. and showed students a photo of the controversial clock. He then asked them what they thought it looked like. I m going to show you this and you tell me what you think it is the first thing that pops in your head, Joseph told the students.No it doesn t resemble a bomb it s actually a ticket to the White House, a job offer at Twitter and Facebook, an MIT education, a reason for an online fundraiser and instant celebrity with more interview offers than this innocent Muslim boy of an activist Muslim father can schedule ",left-news,"Sep 24, 2015",0 +BREAKING: [VIDEO] Controversial Mayor Who Refused To Allow Sharia Law In Texas City Where Muslim Clock Boy Went To School Explains Why School Can’t Tell Their Side Of Story,"There s always another side that s usually being buried by the mainstream media in order to promote a leftist agenda Media coverage on Ahmed Bomb-Clock Mohamed has been remarkably one-sided, with the Mohamed family and the media spinning a tale of Islamophobia and overreaction.However, in an appearance on Glenn Beck s The Blaze TV last night, the mayor of the city where Mohamed goes to school painted a starkly different picture. Among other revelations were her claims that the Mohamed family had stonewalled her and seemed more interested in talking with the Council on American-Islamic Relations and related groups than with city officials.Irving, Texas, Mayor Beth Van Duyne said that, since Mohamed is a juvenile, they cannot release the records of what caused police to arrest him. She says that the family has refused to allow those records to be released, according to Townhall.com. The (Irving) school district, a number of times, has asked the family to release the records, so that you can have the balanced story out there, Van Duyne said. The family is ignoring the request from the ISD. The mayor said the records would help to describe why it progressed as it did. Nobody is going to walk in and say, Oh you re a 14-year old child, you re totally cooperating, we have all the answers we need, let s arrest you, Van Duyne said, adding she had information that Mohamed was being passive aggressive and non-responsive when police questioned him.Van Duyne also noted that the family seemed more interested in seeking press than resolving the issue. We had tried to reach out to the family a number of times; this was before it ever even hit the papers on Wednesday, Van Duyne said. At the exact same time they were supposed to be meeting with us, they were on their front lawn with a press conference. Van Duyne also slammed President Barack Obama for jumping the gun on Ahmed Mohamed s case. We never even got a call from anybody at the White House asking to verify any of that information, Van Duyne said. I don t think the picture of the hoax bomb was even released before he tweeted cool clock kid. Van Duyne, adding that Irving officials were receiving death threats because of the case, said that the teacher was reacting to the device, not the student. If something had happened, and nobody had spoken up, people would be livid, Van Duyne said. Can you imagine if you were a parent at ISD and no one said anything? Via: Conservative Tribune",left-news,"Sep 24, 2015",0 +EU LEADERS PLEDGE EXTRA €1 Billion In Aid To Refugees…Slovakia Will Take EU To Court Over Forced Refugee Quotas," It won t lead to any solution. It s a kind of European Union dictatorship towards smaller members An extra 1 billion ( 733 million) has been pledged by EU leaders to help tackle the refugee crisis following an emergency summit in Brussels.It comes as Slovakia says it will go to court to challenge compulsory quotas for relocating 120,000 refugees approved by European Union ministers.Britain has not signed up to the plans, instead opting for a relocation scheme to take 20,000 Syrian refugees from countries in the Middle East over the next five years. Via: itvFour of the 28 EU countries voted against the quota system on Tuesday, with Finland abstaining. Slovakia, one of the loudest critics of the decision, which was advocated strongly by Germany and France, announced it would challenge it in court. We will go in two directions: first one, we will file a charge at the court in Luxembourg secondly, we will not implement the (decision) of the interior ministers, the Slovak Prime Minister Robert Fico told reporters on Wednesday, before leaving for an EU leaders summit in Brussels. We have been refusing this nonsense from the beginning, and as a sovereign country we have the right to sue, he added, saying his country would not submit to the quota as long as he leads it.Slovakia, which has a population of 5.4 million, objects to the relocation of 120,000 migrants and refugees from Italy and Greece throughout the EU. It currently has only a small migrant community and the public opinion is against accepting Muslim asylum seekers, who make up the majority of those looking to enter Europe this year.Fico called the decision passed by a rare vote, rather than the accepted unanimous vote by all EU member states, a dictate of the majority and said the plan fails to address the core issues of the refugee crisis.Meanwhile, Jurgen Elsaesser, editor-in-chief of the German-based magazine Compact, told RT that the way the quota vote took place, threatens European unity, while it was also a total nonsense in practical terms. It won t lead to any solution. It s a kind of European Union dictatorship towards smaller members, he said, speaking to RT. Brussels tries to press them into accepting more refugees, but the people and the governments of these countries are not willing to do so. This will become a serious rift within the European Union. Via: RT",left-news,"Sep 23, 2015",1 +SO STUPID IT HURTS: [VIDEO] NYC Jogger Threatens Dad With Stroller For Bumping Into Him…Accuses Him Of β€œWhite Privilege”…There’s Only One Problem…,"This jogger is a perfect example of how indoctrinated youth grow up to be well, just stupid people. Don t let this happen to your children. Get involved in their education, ask questions about discussions they re having in school. You have no one to blame but yourself if your child grows up to be this stupid:",left-news,"Sep 23, 2015",0 +HERE’S THE LIST Of Heartless Senators Who Voted Against Banning Late Term Abortions,"Godless heartless and without conscience .Senate Democrats have blocked the Pain-Capable Unborn Child Protection Act from moving forward in the Senate.The Pain-Capable Act needed 60 votes in order to invoke cloture, but failed Tuesday in a 54-42 vote.Sens. Joe Manchin, D-W.Va.; Bob Casey, D-Pa.; and Joe Donnelly, D-Ind., were the only Democrats to support the bill. Sens. Mark Kirk, R-Ill., and Susan Collins, R-Maine, broke with Republicans to oppose it. (See below how your senators voted.)Via: Daily Signal",left-news,"Sep 23, 2015",0 +THE REAL REASON JOE BIDEN HASN’T ANNOUNCED HE’S RUNNING YET: Reliable Investigative Reporter Shares The Disturbing Inside Scoop,"Obama couldn t just endorse Joe Biden because like a loyal dog, he s defended every one of his unconstitutional acts against America. No Obama doesn t do anything without injecting Chicago style politics into the equation. In this case, he will only endorse one of the dumbest men in Washington DC for our next President if he agrees to his radical terms.How very Putin-esque The talk in Democratic Party circles is that Barack Obama has told Joe Biden that he is prepared to endorse him for president if, in return, Biden promises to let Obama have a final say in the choice of his vice presidential running mate.According to these Democratic sources, Biden is mulling over the president s conditional offer of support.In addition, there is speculation among top Democratic sources that Obama has another quid pro quo for his endorsement: he wants Biden to choose an African American as his vice presidential running mate.In this scenario, which Obama has not yet fully explained to Biden, Biden would promise to serve only one term in the White House, after which he would back his vice president to succeed him.As Biden s vice president, Obama is said to favor former Massachusetts Governor Deval Patrick, a close Obama ally who is the first and only African American to have served as governor of the Bay State.Obama has already given Biden carte blanche to use Air Force Two, the official vice presidential plane, to crisscross the country and launch an unofficial campaign.So far, Biden has visited several key primary and general election states and hammered GOP frontrunner Donald Trump, charging that Trump is offering a sick message on immigration.Biden has also courted the Jewish vote, hinting that he will meet with Israeli Prime Minister Benjamin Netanyahu.With Obama s blessing, Biden appeared on The Late Show With Stephen Colbert, where he discussed his son Beau s death from brain cancer and came across as an authentic alternative to the stiff and overly scripted Hillary Clinton. Via: Edward Klein",left-news,"Sep 22, 2015",0 +EXPOSE THE LIES: Shut Down Planned Parenthood’s Phone Lines,"TODAY IS SCHEDULE YOUR MAMMOGRAM DAY WITH PLANNED PARENTHOOD PP LIES TO THE AMERICAN PEOPLE SO WE THINK IT S IMPORTANT TO CALL THEM OUT ON THE FACTS: They DO NOT perform mammograms!Please call your local Planned parenthood clinic and ask if you can schedule your mammogram with them Do it today! A few years ago, Cecile Richards went on television and said that if Planned Parenthood was defunded, women would lose access to services such as mammograms. As a former clinic director of Planned Parenthood, I knew this was simply not true.We scheduled our first Schedule Your Mammogram Day after that. We had over 10,000 people call Planned Parenthood. While we were hoping for an official statement from Planned Parenthood, they were silent.Just a couple nights ago at the Miss America pageant, one of the contestants stated that Planned Parenthood shouldn t be defunded because women would lose access to those dang mammograms.We figured maybe it was time to make some more calls. Hey, maybe Planned Parenthood started providing mammograms in house!? It s time to find out.We are asking prolifers everywhere to call your local Planned Parenthood clinics and ask to schedule your mammogram.GOAL: 20,000 calls!WHO CAN CALL? Anyone! If you re a guy call to schedule one for the lady in your life. WHEN: All day on September 21, 2015 WHERE: Google your local planned parenthood and call em up. IMPORTANT: AT THE END OF EVERY CALL, MAKE SURE TO TELL THE PLANNED PARENTHOOD WORKER TO GO VISIT WWW.ABORTIONWORKER.COM.We will continue to do this month after month until Planned Parenthood makes an official statement announcing that they do NOT provide mammogram services. It s time to bust this myth once and for all.AT THE END OF EVERY CALL, MAKE SURE TO TELL THE PLANNED PARENTHOOD WORKER TO GO VISIT WWW.ABORTIONWORKER.COM.PLANNED PARENTHOOD IS LYING TO YOU!The big fib that Planned Parenthood leads with, and one that is endlessly repeated by their friends in the media, is that if Planned Parenthood is defunded, where will all those women go for their mammograms? Planned Parenthood CEO Cecile Richards says this wherever she goes.Planned Parenthood does not do mammograms. Lila Rose of LiveAction showed this by having people call dozens of Planned Parenthood facilities asked for a mammogram and being told every single time, No, we don t do mammograms and then being directed to a local clinic that does.No one has to take Lila Rose s word for it though, according to a dossier prepared by Americans United for Life, As recently as 2012, the U.S. Department of Health and Human Services has confirmed that no Planned Parenthood clinic is authorized to perform mammograms. Read more: Breitbart News",left-news,"Sep 21, 2015",0 +#BlackLivesMatter Terrorists Using #BlackRail On Twitter To Organize Shut Down Of Rail Before MN Vikings Game,"Sanctioned domestic terrorists taking direction from our Organizer In Chief and funding from his billionaire marxist friend, George Soros. Are there new laws about acts of terrorism and threats against Americans that we re unaware of? Since when did it become okay to threaten innocent people taking their families on a train to a football game with their radical behavior? Are we still in America? #BlackLivesMatter St. Paul is planning to shut down light rail before the Minnesota Vikings game on Sunday. This is a typical act for the group which often tries to disrupt traffic during specific events or rush hour.FOX 9 in Minneapolis reported: Black Lives Matter plans to shut down light rail before Vikings home openerThe group Black Lives Matter Saint Paul announced their plans on Facebook Thursday to shut down the light rail before the Vikings home opener this Sunday. Sunday September 20th is the Minnesota Vikings home opener, big money day, so what better day to shut the light rail down and disrupt business as usual, they said in a press release. Enough is enough of business as usual! We must bring an end to white supremacy and the status quo. Black Lives Matter Saint Paul refers to an incident on Aug. 31 when Marcus Abrams, 17, was beaten into multiple seizures by a group of Metro Transit police officers. On Sunday, the group will be joined by Abrams, his mother, and many others to talk about Autism, police brutality, and bringing an end to white supremacy. The demonstration is set to occur around 9:30 a.m. in St. Paul, starting just south of University Ave. on Lexington across from Dairy Queen. The light rail Green Line runs along University Avenue and includes stops on the University of Minnesota campus, where the Vikings are playing at noon at TCF Bank Stadium.Organizers are using the hashtag #BlackRail for Sunday s protest.Via: Progressives Today",left-news,"Sep 19, 2015",0 +MUSLIM CLOCK BOY’S LIE EXPOSED [Video] Expert Proves Boy Who Received Invitation To White House And Thousands In Donations Story Was A Hoax,"Everything about this muslim boy s story is a lie. From the first lie that he made the clock to the lie about him being unfairly targeted by the school. But in the Muslim faith, it s okay to lie (taqiya)as long as you re promoting your faith. In Shi a Islam, taqiya ( taqiyyah/taq yah) is a form of religious veil, or a legal dispensation whereby a believing individual can deny his faith or commit otherwise illegal or blasphemous acts, especially while they are in fear or at risk of significant persecution.Our President Barack Obama brazenly supported and promoted the persecution of this poor Muslim boy:Cool clock, Ahmed. Want to bring it to the White House? We should inspire more kids like you to like science. It's what makes America great. President Obama (@POTUS44) September 16, 2015 Cool clock, Ahmed. Want to bring it to the White House? We should inspire more kids like you to like science. It s what makes America great. President Barack Obama, September 16, 2015It was a Hoax.Ahmed Mohamed s claims that he assembled a clock at home that he took to school is starting to unravel.Two investigators who have studied the image of Mohamed s device provided by Irving, Texas police have concluded that Mohamed did not make the clock. Both conclude that Mohamed disassembled a manufactured clock and installed it in a large pencil box without its casing. And both say it is possible it was done to provoke suspicion or to resemble a bomb.Update: Clock has been identified as being sold in a 1986 Radio Shack catalogue by an Art Voice reader. The headline and text for this article has been changed to reflect the update.14-year-old Mohamed, a Muslim, was briefly arrested and investigated for bringing a hoax bomb to MacArthur High School in Irving, Texas on Monday. He was subsequently cleared.Thousands of dollars have been donated to Ahmed Mohamed in just the past few days, reported CNN. On Monday, 14-year-old Mohamed was arrested for taking a homemade clock to school that his teachers thought was a bomb. So crowdfunding platform LaunchGood started a campaign to raise $100,000 for the Muslim teen. In just one day, the site had raised over $10,000 from more than 200 backers. It s hoping to raise $100,000 by October 13. The support for it has been amazing, said Chris Abdur-Rahman Blauvelt, CEO of LaunchGood, which supports projects started by Muslims or ones that are tied to the history and study of Islam. Blauvelt said his campaign has the approval of Mohamed s family. He said half of the money donated will go toward a scholarship fund for Mohamed and the rest to efforts that foster creativity and inventiveness in kids. In addition to LaunchGood, crowdfunding platform Gofundme has also launched a campaign for Mohamed. It s raised more than $4,000 with a goal of $60,000 that will go toward Mohamed s future college tuition. Thomas Talbot posted a video to YouTube explaining the various parts in the photo of Mohamed s briefcase clock belong to a manufactured alarm clock. Anthony , writing at the blog Art Voice, detailed how Mohamed s device is actually a 1980s digital alarm clock sold by Radio Shack.Via: Gateway Pundit ",left-news,"Sep 19, 2015",0 +TRUMP GETS HAMMERED [Video] For Not Condemning Question At Town Hall About Muslim Training Camps In US…But He Was Right…And Here’s The Proof,"Yeah, because taking Trump down is more important to these flame throwers on the left (and right) than exposing the truth about Obama s overt allegiance to Muslims living in America and the actual Muslim training camps that are taking place across America right now.Donald Trump pulled out of a Republican gathering in South Carolina Friday as he took hits from members of both parties for failing to correct a questioner who said President Obama is a Muslim. Mr. Trump has a significant business transaction that was expected to close Thursday. Due to the delay he is unable to attend today s Heritage Action Presidential Forum, Trump s campaign announced in a release Friday.Trump had been scheduled to join most of the Republican field at the meeting of the influential conservative group.Trump drew condemnation Friday from some of his rivals for his failure to confront the questioner at a New Hampshire town hall who had labeled the president a Muslim, asked what he would do to get rid of Muslims and mentioned Islamic training camps. New Jersey Gov. Chris Christie told NBC Friday, I wouldn t have permitted that. If someone brought that up at a town hall meeting of mine, I would ve said, No, listen. Before we answer, let s clear some things up for the rest of the audience. And I think you have an obligation as a leader to do that. If that person had been in my event I would have called him out in it, Hillary Clinton said at a press conference after a campaign event in New Hampshire. Not only is it out of place and wrong it is totally factually untrue. Sen. Bernie Sanders demanded that Trump apologize for continuing the lie that the president is not an American and not a Christian. FOX News Hidden in a remote area off a primitive dirt road lies a mysterious 70-acre compound in which more than 100 Muslims live in seclusion, following the teachings of its founder, a radical cleric with alleged ties to terrorism.It s neither a Taliban stronghold outside Jalalabad, nor an extremist madrassa on the outskirts of Karachi.It s a place called Islamberg, a closed and seemingly quiet community at the foot of the Catskill Mountains in upstate New York, about three hours north of Manhattan.It s also a compound shrouded in local rumors, mystery and fear sitting near the huge reservoir system that provides New York City with most of its drinking water.Quietly nestled in the woods, Islamberg remained unnoticed for the two decades leading up to Sept. 11, 2001, when the World Trade Center and the Pentagon were attacked by a determined band of Islamic extremists.That s when people started questioning the community s ties to a Pakistani cleric allegedly connected to worldwide terrorism. They also started talking about the unusual sounds of gunfire and explosions some said they heard emanating from the compound.But before you leap to conclusions and head to the Catskills to personally fight the war on terror you need to know the entire story. The truth, as is often the case, is a lot more complicated than the headlines suggest.Islamberg got its start about 20 years ago, when inspired by the words of the Sufi cleric Sheikh Syed Mubarik Ali Shah Gilani a group of primarily black Muslims from Brooklyn left New York City to escape crime, poverty and racism. Aiming to lead what they believed was a peaceful and holy Muslim life, they built a community of some 40 family houses, their own grocery store and a bookstore.And they weren t alone. Other groups, also inspired by Gilani, have set up similiar communities in 19 other states. According to the group s own Web site, the Islamberg community is still struggling, and is asking for donations to complete its mosque.According to locals, the land previously belonged to a Deposit, N.Y., woman who opened up her home in the in the late 1970s or early 80s to disadvantaged youths from the city so that they could avoid being led astray by a financially and morally bankrupt urban environment.Those boys, according to locals who were friendly with some of the group, eventually went on to form Islamberg, and at some point they were joined by another group of more militant Muslims, who created something of a rival faction within the community.The group lived quietly there for years with little interaction with the local communities except for forays into town for supplies or to sell baked goods at the weekly flea market. Some of the men had jobs at a local credit-processing center or working for the Port Authority in New York City (where they are said to maintain a residence near a bridge that runs between two boroughs).In the few instances when they did have relationships with the locals, they were almost always friendly, many said. Sometimes local children would visit their friends in the compound. There was a sense of camaraderie with them, one woman said.Watch video here:There was a notable exception, a situation involving the local schools in the late 1990s when some of the Islamberg boys got into a scuffle with local boys. They broke my nephew s nose, said a Hancock, N.Y., woman, who asked that her name not be used.Another man said the Muslim boys trashed the school in Deposit.Locals variously blamed the fighting on an angry attitude on the part of the Muslim boys, racism on the part of the local boys or the usual relatively trivial events that lead almost all teenage boys into a confrontation at one point or another in their lives.According to Joy Felber, 62, a retired taxidermist who s lived in Deposit for 19 years, the cause lay with a group of local boys who picked a fight with the Muslims. We had some young boys in town who were causing trouble not from the Muslim community but they were antagonizing the boys in the Muslim community, Felber said. It was lack of knowledge. When people don t know other people, they have a tendency to lash out. And you put two teenage boys together and sparks fly. After a further controversy about whether the Islamberg boys should have been going to public school in Deposit or Hancock (the compound lies on the border between the two towns, and even longtime residents differ on whether it s technically in Deposit, Hancock or nearby Tompkins), the boys were pulled from the schools and the Muslim community drew away from town life.All Islamberg children are now schooled on the compound in a school that, according to one report, has a total of 62 students.",left-news,"Sep 18, 2015",0 +"NO WONDER HE’S SMILING: Michigan’s Most Liberal College Awards President Salary Increase To $772,500","The average cost for an out of state student to attend the University of Michigan is around $45,000/year. But let s talk about how the government taxpayer should be subsidizing the tuition of college students in America The University of Michigan Board of Regents voted Thursday to give President Mark Schlissel a 3 percent pay raise, his first since taking office last year.The increase, approved unanimously and with little fanfare, means $22,500 will be added to his base salary of $750,000, raising it to $772,500.Regent Andrew Richner gave an overview of the president s accomplishments, including dealing with athletic controversies, elevating the university s profile and commissioning the university s first sexual misconduct survey. He has hit the ground running, Richner said.Schlissel took office in July 2014 as UM s 14th president.Via: Detroit News ",left-news,"Sep 17, 2015",0 +"Watch How Anti-American Actress, Emily Blunt β€œDixie-Chicked” Herself Only Days Before Her New Movie Release [VIDEO]","Does anyone remember these girls?Dixie who?Just days before the release of the drug cartel thriller Sicario, actress Emily Blunt is taking more fire for saying during an interview last weekend she regrets becoming a U.S. citizen after watching the first Republican presidential debate.The star told The Hollywood Reporter, I became an American citizen recently, and that night, we watched the Republican debate and I thought, This was a terrible mistake. What have I done? During the interview, Blunt also described Sen. Elizabeth Warren (D-MA)15% as pretty impressive. Tuesday, on Fox & Friends, co-host Anna Kooiman hit back hard at Blunt for those and other comments, saying, You know what, then why don t you leave Hollywood, California, and let some American women take on the roles that you re getting? Because Americans are watching your movies and lining your pockets. Co-host Brian Kilmeade agreed, saying, I agree with you. Longtime co-host Steve Doocy then compared Blunt s comments to those made by the country group the Dixie Chicks, who never rebounded after making critical, anti-war comments of President George W. Bush in 2003. You know what Emily Blunt just did? She just Dixie Chicked herself. She has alienated half the country, and now will think twice about going to one of her movies, said Doocy. I actually didn t know she was, and I ve seen a lot of movies, Kilmeade said.He added, Congratulations You re an American citizen and you re very unhappy. https://youtu.be/h3DmvsASbaUBlunt doubled down on the comment Tuesday during a conversation with PEOPLE, when the mag asked her if filming the movie scared her. You know, what scared me was watching the Republican debate after becoming a citizen, she said at a New York screening of Sicario.Blunt has now appeared four times in the last week to make disparaging comments about becoming an American. The actress became a naturalized citizen on Aug. 4 in Los Angeles, CA.Her comments are being portrayed by numerous media outlets as if they were made as a joke, while a number of those outlets are discounting Fox & Friends for holding her accountable for making them. Via: Breitbart NewsHere she is on the Jimmy Kimmel show admitting that she looks down her nose at Americans. I m not sure I m entirely thrilled about it. People ask me about the whole day. They were like, Oh, it must have been so emotional. I was like, It wasn t! It was sad! I like being British. : ",left-news,"Sep 16, 2015",0 +"(Video) Angry Latino Activist: β€œUltimately, it doesn’t matter if we’re undocumented.”",Anti-Trump Activist says what everyone on the left thinks His comment is at the 1:52 mark: ,left-news,"Sep 15, 2015",0 +WAS HIS DEATH COINCIDENTAL? [VIDEO] He Warned Us Obama Would Divide Us By Race And Class…He Claimed He Had Proof…Then Suddenly He Died,"Andrew Breitbart got under the skin of the left like no other. When he entered the political scene, progressives had been so used to getting a pass from polite conservatives, they didn t quite know what to make of him. By exposing the ties between unions, academia, the media and Democrat party, Andrew made their plan to disrupt everything we hold dear about our country much more difficult to implement.He was 100% correct in his predication about what Obama would do to our country. It s too bad the media did everything they could to bury his message and pretend he didn t exist.Watch Andrew explain Barack Obama s plan to divide our nation just prior to Obama s second term:This video is one of the best examples of how Andrew Breitbart boldly and brilliantly exposed the truth behind the very well organized progressive democrat party: If you can t sell freedom and liberty you s*ck! Here is the brilliant and very funny story about how Andrew Breitbart went from an apathetic liberal to a passionate conservative and the #1 enemy of the left. Truth is light and light is the best disinfectant. No one s light shined brighter on the left than our hero, Andrew Breitbart.Sheriff Arpaio talks about how he spoke with Andrew on the phone just before he died on March 1, 2012:Listen to one of the only witnesses who were present when Andrew Breitbart died:Here is Sean Hannity s tribute to Andrew that shows the amazing work by Breitbart and how he started the citizen journalism revolution :Here is the video Breitbart planned to release before he died. Watch brilliant economist Thomas Sowell explain the significance of this video and Barack Obama s relationship with radical Harvard Law School professor Derrick Bell.Here is a trailer from the brilliant movie, Hating Breitbart that was released shortly after his death. It shows his support for conservatives and tea party members: He came out of nowhere and shook things up like no other before him. There will never be another Breitbart.Rest in peace Andrew Breitbart. We ll do our part to help keep your torch lit #War ",left-news,"Sep 15, 2015",0 +[VIDEO] The Left Is Going To Really Dislike Ms South Carolina’s Answer To This Question About Guns,"South Carolina s Daja Dial could have answered a question posed to her during the Miss America pageant in a way that would have likely satisfied the judge who asked a question about gun control. We give Ms. South Carolina a perfect 10 for standing up for our 2nd Amendment. Daja chose instead, to offer viewers a logical, common sense answer to the very politically charged question.Unfortunately, her answer to the question about gun control may be the reason she s not wearing the Miss America crown today.Watch her short interview here:",left-news,"Sep 14, 2015",0 +Obamanation: Watch Black Mob Attack Fair Ride Operator For The Lamest Reason Ever,"Black mob goes crazy and attacks fair ride operator at the Delta Fair in Tennessee. what they attacked him for is just so lame he wasn t loading kids fast enough. so the poor kids looked on in horror as the ride operator was pummeled. Update: Memphis Police have arrested a man who allegedly started a fight at the Delta Fair Sunday afternoon.24-year old Antonio Butler is the man seen at the center of what appeared to be an all-out brawl in front of a ride at the fair. Police say the fight started because Butler wasn t admitted on the ride because it was full at the time. After Butler was denied he, along with a few others, became irate and the attack began.A fair patron recorded the fight and put the video on Facebook, which has since received millions of views. Many of the comments on the video express concerns about safety at the fair, and whether or not it will return for another year. Sunday was the last day for the fair.Everyone involved in the fight was escorted off the premises shortly after. Butler now faces assault charges.",left-news,"Sep 14, 2015",0 +NEVER FORGET? College Students Give DISTURBING Answers About Why America Was Attacked On 9/11 [VIDEO],Baffling the worst terrorist attack in history and you d think American college students would have a clue about why we were attacked. ,left-news,"Sep 12, 2015",0 +IT’S ALL THE RAGE: LIBERAL WRITER DECIDES TO CHANGE HER BODY TO MATCH HER GENDER NEUTRAL MIND,"As the years pass, people are doing more and more horrible things to themselves like severe mutilation to deny your gender. Of course, they might not look at it in those terms but most sane people wouldn t go to the extremes to be a nonbinary person. It s funny because we have people pretending to be a different race and people pretending to be a different or neutral gender. The world really has gone mad This is just so wrong on so many levels. This woman is severely disturbed. Author Lore Graham has now classified herself as a nonbinary person with no gender. She had her breasts, uterus, cervix and ovaries removed after taking testosterone. Now, her body is evidently in harmony with her mind and is just as screwed up. What kind of doctor would do this for a patient? If I were a doctor, I would have refused on the grounds that the patient wasn t mentally stable and that it would actually hurt the patient in the long run. Graham needs serious mental help. What she has done now can t be undone and she ll have to live with it. If she can that is. If she ever regains mental equilibrium, she may find that hard to do.From Mad World News:With the exception of rare genetic abnormalities, everyone who walks the earth is considered one of two genders male or female. Well, that was until an unsatisfied woman from Boston, Massachusetts decided that she hated being a gender and did the unimaginable to her body and it wasn t a sex change. Author Lore Graham is a self-described nonbinary person, or rather, someone who chooses not to be defined by a gender. Although she was born a female, she always despised her breasts, ovaries, and uterus. Instead of accepting her gender, she decided to do something rather extreme about it. I felt weird having breasts and I despised my body s ability to get pregnant, Lore explained, according to IJ Review. I started taking testosterone three years ago, which improved my mental health and body image but didn t solve the problem of my chest or uterus. Although the testosterone helped her body, she still felt out of harmony. In order to achieve happiness, she underwent both a mastectomy and hysterectomy this summer, ridding her body of the pesky breasts and uterus she was born with. On the day of the mastectomy in June, Lore was concerned that she may still be unhappy with the way she looked after the procedure. You would think that someone undergoing such a major surgery, especially an elective one, would be certain that what they were doing was the right move. After all was said and done, Lore was relieved and happy with her boyishly flat chest. A month later, Lore underwent the second procedure the removal of her uterus, cervix, and ovaries. Everything went well, and Lore only complained that her abdomen hurt but luckily my vagina didn t, and the doctor said everything had gone swimmingly. Well, that was until she was required to pee before she was discharged from the hospital. Unfortunately, due to the procedure, she temporarily couldn t urinate on her own. After spending some time dealing with the hassle of a catheter shoved in her urethra, she made a full recovery, much to her delight. Lore is very pleased with her newly surgically mutilated body. If desired, I put on a shirt. That s it. No bras, no binders, no support or compression, no back pain, no worrying about what type of shirt, nothing, explained Lore, according toDaily Mail. I live in my own body, that I ve customized to better harmonize with my brain, and it s working wonderfully. That says a lot doesn t it? Let s repeat that, customized to better harmonize with my brain. Yet, the liberal left denies that what Lore and people like her are experiencing is a mental disorder. In what other circumstance would cutting off appendages or ripping out organs unnecessarily to better harmonize with the brain not be considered a psychiatric disorder? Unfortunately, our world has become a place where you can pick and choose whether you want to be male, female, or neither, and obvious mental issues are ignored in the name of political correctness. What happened to enjoying and being thankful for the body God gave you and addressing psychiatric disorders when they present themselves, rather than denying them as to not offend the disturbed? What s with the androgynous craze? It s just sick, twisted and perverted. Not only that, the government is promoting it and pushing it on children. Whatever freakish perception this woman has of herself, she is still a woman. God made her that way and rather than learning to accept and embrace her identity, she is butchering it. What? Because she didn t want to wear a bra? She wanted to go shirtless? Move to France you could have saved yourself a bunch of money and pain. I wonder if she realizes by doing this she has significantly reduced her life expectancy. I wonder if a doctor even bothered to tell her that. I don t know why she is concerned with the way she looks, she is way past that burden. I can t believe no one intervened for this poor, delusional woman.Read more: Patriot Update",left-news,"Sep 11, 2015",0 +WOMAN PULLED OVER FOR 51 MPH IN SCHOOL ZONE: β€œNo wonder you people get shot” [VIDEO],"I ve never been more grateful there are so many good men and women who are willing to risk their lives for so many ignorant people Watch what happens when this Palm Beach Co., FL cop pulls over this woman for going 51 mph in a 20 mph school zone:",left-news,"Sep 11, 2015",0 +(VIDEO) NEWS MEDIA STOOPS TO A SHOCKING ALL TIME LOW WITH THIS REPORT ON PUBLIC SEX ACT,"It s certainly not a stretch to say that this is part of why we have Obama. The media has become the National Enquirer with reports on idiotic items like the one below that does nothing but dumb down Americans. Please make an effort to contact your local news station if they report on items like this. There are plenty of news items without this type of story even making it on the news. This is also a HUGE reason why Americans and people around the world are turning to the NEW MEDIA with Twitter, Facebook and blogs that report what the news doesn t or won t. If you d like to speak up against this particular news station here s the contact information to e-mail or call: WTKRNorfolk, VIRGINIA (Scroll down for video) A woman in Virginia was arrested Tuesday after having sex with her unconscious boyfriend in the parking lot of a shopping center.36-year-old Kimberly M. Jackson told WTKR: I was in the mood, and that s basically what happened. Once police arrived, they found Jackson and her boyfriend, Earl Palmer, in the parking lot. At the time, the man was unconscious and unresponsive. He was taken to Sentara Leigh Hospital for treatment. The alcohol made me think I wouldn t. I m not into erotic public sex or anything like that, says Jackson. Jackson was arrested and charged for being drunk in public. OUR MEDIA JUST CAN T SEEM TO FIND SOMETHING WORTHY TO REPORT ON SO THIS IS NEWS TO THEM: ",left-news,"Sep 11, 2015",0 +LAW ENFORCEMENT ON HIGH ALERT Following Threats Against Cops And Whites On 9-11By #BlackLivesMatter And #FYF911 Terrorists [VIDEO],"No comment is expected from Barack Obama Members of the #FYF911 or #FukYoFlag and #BlackLivesMatter movements called for the lynching and hanging of white people and cops. They encouraged others on a radio show Tuesday night to turn the tide and kill white people and cops to send a message about the killing of black people in America.One of the F***YoFlag organizers is called Sunshine. She has a radio blog show hosted from Texas called, Sunshine s F***ing Opinion Radio Show. A snapshot of her #FYF911 @LOLatWhiteFear Twitter page at 9:53 p.m. shows that she was urging supporters to Call now!! #fyf911 tonight we continue to dismantle the illusion of white Below is a SNAPSHOT Twitter Radio Call Invite #FYF911The radio show aired at 10:00 p.m. eastern standard time.During the show, callers clearly call for lynching and killing of white people.A 2:39 minute clip from the radio show can be heard here. It was provided to Breitbart Texas by someone who would like to be referred to as Hannibal. He has already received death threats as a result of interrupting #FYF911 conference calls.An unidentified black man said when those mother f**kers are by themselves, that s when when we should start f***ing them up. Like they do us, when a bunch of them ni**ers takin one of us out, that s how we should roll up. He said, Cause we already roll up in gangs anyway. There should be six or seven black mother f**ckers, see that white person, and then lynch their ass. Let s turn the tables. They conspired that if cops started losing people, then there will be a state of emergency. He speculated that one of two things would happen, a big-ass [R s?????] war, or ni**ers, they are going to start backin up. We are already getting killed out here so what the f**k we got to lose? Sunshine could be heard saying, Yep, that s true. That s so f**king true. He said, We need to turn the tables on them. Our kids are getting shot out here. Somebody needs to become a sacrifice on their side.He said, Everybody ain t down for that s**t, or whatever, but like I say, everybody has a different position of war. He continued, Because they don t give a f**k anyway. He said again, We might as well utilized them for that s**t and turn the tables on these n**ers. He said, that way we can start lookin like we ain t havin that many casualties, and there can be more causalities on their side instead of ours. They are out their killing black people, black lives don t matter, that s what those mother f**kers so we got to make it matter to them. Find a mother f**ker that is alone. Snap his ass, and then f***in hang him from a damn tree. Take a picture of it and then send it to the mother f**kers. We just need one example, and then people will start watchin . This will turn the tables on s**t, he said. He said this will start a trickle-down effect. He said that when one white person is hung and then they are just flat-hanging, that will start the trickle-down effect. He continued, Black people are good at starting trends. He said that was how to get the upper-hand. Another black man spoke up saying they needed to kill cops that are killing us. The first black male said, That will be the best method right there. Breitbart Texas previously reported how Sunshine was upset when racist white people infiltrated and disrupted one of her conference calls. She subsequently released the phone number of one of the infiltrators. The veteran immediately started receiving threatening calls.One of the #F***YoFlag movement supporters allegedly told a veteran who infiltrated their publicly posted conference call, We are going to rape and gut your pregnant wife, and your f***ing piece of sh*t unborn creature will be hung from a tree. Breitbart Texas previously encountered Sunshine at a Sandra Bland protest at the Waller County Jail in Texas, where she said all white people should be killed. She told journalists and photographers, You see this nappy-ass hair on my head? That means I am one of those more militant Negroes. She said she was at the protest because these redneck mother-f**kers murdered Sandra Bland because she had nappy hair like me. #FYF911 black radicals say they will be holding the imperial powers that are actually responsible for the terrorist attacks on September 11th accountable on that day, as reported by Breitbart Texas. There are several websites and Twitter handles for the movement. Palmetto Star describes himself as one of the head organizers. He said in a YouTube video that supporters will be burning their symbols of the illusion of their superiority, their false white supremacy, like the American flag, the British flag, police uniforms, and Ku Klux Klan hoods.Sierra McGrone or Nocturnus Libertus posted, you too can help a young Afrikan clean their a** with the rag of oppression. She posted two photos, one that appears to be herself, and a photo of a black man, wiping their naked butts with the American flag.For entire story: Breitbart News",left-news,"Sep 10, 2015",0 +FEMALE ROCK LEGEND Calls Today’s Trashy Pop Stars β€œSex workers”…Is She Right? [VIDEO],"This rock legend is not very impressed with the pop stars today. We happen to agree with her 100%She provoked fierce debate by saying it was her own fault for being sexually assaulted at 21.And now Chrissie Hynde has waded into another contentious area the overly sexualised nature of modern pop music.In an obvious reference to scantily-clad stars such as Miley Cyrus and Rihanna, the former Pretenders lead singer branded them sex workers for selling music by bumping and grinding in their underwear. The 64-year-old also accused them of doing a great deal of damage to women with their risque performances. This is what today s female pop entertainers consider performing for a live audience:***WARNING**** Graphic video****Not suitable for all ageshttps://youtu.be/M2n2iiruVLoMiss Hynde launched the scathing attack during a tense interview on BBC s Woman s Hour yesterday. She suggested that today s provocatively-dressed stars are sending the wrong message about how people should view sex.Miss Hynde added: I don t think sexual assault is a gender issue as such, I think it s very much it s all around us now. It s provoked by this pornography culture, it s provoked by pop stars who call themselves feminists. Maybe they re feminists on behalf of prostitutes but they are no feminists on behalf of music, if they are selling their music by bumping and grinding and wearing their underwear in videos. ***WARNING*** What you are about to see can t be unseen! That s a kind of feminism but, you know, you re a sex worker is what you are.Via: UK Daily Mail ",left-news,"Sep 10, 2015",0 +RADICAL β€œOCCUPY” MOM WHO LEFT 4 KIDS AND HUSBAND To Block NYC Traffic Plays Victim Card… Sues For β€œPolice Brutality”,"Occupy Wall Street 2011:The fun is over for a hippie mother who left her husband and four children to travel 1,000 miles and join the Occupy Wall Street protests.Stacey Hessler, 38, swapped the comfort of sunny DeLand, Florida, for the squalor of Zuccotti Park, New York, after following the protests online.But dramatic photos showed how she was hauled away by police from the protests in Manhattan yesterday her dreadlocks flying everywhere.Hessler, who admitted her mother said she was very selfish for leaving, was arrested for blocking a road near the New York Stock Exchange. What did I do? What did I do? she shouted as she was taken away in plastic handcuffs by three police officers, reported the New York Post.She was charged with resisting arrest and disorderly conduct for blocking vehicles and pedestrians after she refused to move, police said.The unemployed mother, who left behind four children aged seven to 17, is a Long Island native and had said she would be at the camp forever .Protesters singled out officers as another enemy, saying their crowd control tactics were an excessive, chilling use of force against free speech.At least 300 people were arrested in New York and dozens were arrested elsewhere, including five on charges they assaulted police officers. Via: Daily Mail The mom who left her family in Florida to become part of the raggedy Occupy Wall Street crowd has sued the city over her 2011 arrest testifying Tuesday that she s an innocent victim of police brutality. Somebody grabbed me by my hair and dragged me . . . behind the police officers, said Stacey Hessler, 42, in Manhattan federal court.But city attorneys said in their opening statements that Hessler had blocked pedestrian traffic during the November protest, then refused to move when cops politely asked her to make way. She also allegedly tried multiple times to escape when they finally moved to arrest her. Via: NY Post",left-news,"Sep 9, 2015",0 +FOX NEWS ANCHOR SHEPARD SMITH GOES ON A HUGE ANTI-CHRISTIAN RANT DURING KIM DAVIS RALLY,"Unprofessional? For those of you who might not know, Shep Smith is gay so this hit home with him: They set this up as a religious play again, he said. This is the same crowd that says, We don t want Sharia law, don t let them tell us what to do, keep their religion out of our lives and out of our government. Well, here we go again. ",left-news,"Sep 8, 2015",0 +BREAKING: [Video] BLACK SUPREMACY TERROR GROUP PLANNING SOMETHING BIG FOR 9-11…”Black Lives Matter Movement Wasn’t Enough…It’s Unavoidable…It’s About To Go Down…It’s Open Season On Whites And Crackers”,"The anniversary of 9-11 reminds us of the danger we face when foreign terrorists commit crimes against our citizens. Unfortunately, thanks to Obama s war against America, we have a new enemy who may be just as dangerous, as these domestic terrorists driven by hate, act out their crimes in the same cowardly way as the terrorists of 9-11. Since the FBI refuses to do anything to stop domestic terrorists within the #BlackLivesMatter movement who have publicly called for open season on crackers and cops, a national movement called #OPdethrone has just launched in an effort to stop this group, before any more innocent people lose their lives.Over the past several weeks, we have watched in horror as directives from this group have been carried out, as police officers and white people across the nation have been randomly targeted and brutally executed. And now this group is planning another act of terror this coming 9/11. Although the final details of the event are shrouded in mystery, we do know that this group is planning something big on 9/11, and they are directing their followers to bring their guns and convene at Stone Mountain, where they proclaim that things are about to go down. Although the FBI has been alerted, it appears that nothing has been done to stop this terror organization. In the meantime, this group continues to gain momentum and supporters. In a last-ditch effort to warn his fellow Americans and beacon the FBI to intervene, investigator Hannibal from IllWriteIt.com has compiled a short documentary video highlighting this group s acts of terror. Hopefully this video will help put an end to the group s activities before anymore of their violent calls to action come to fruition.We are asking that everyone watch and share this video, as this is our final attempt to stop this group before they carry out their violent plans on 9/11. It is quite lengthy at over 18 minutes long, but every detail is incredibly important, and vital for telling the full story and making all the connections.Via: Universal Free Press",left-news,"Sep 8, 2015",0 +"BREAKING: [AUDIO] CHILLING 911 CALL THREATENS LIVES OF POLICE OFFICERS IN AURORA, CO…Hours Later, Shots Are Taken At Cops"," We re not gonna go away, we re not gonna quit. Cuz if you re willing to kill me, who else are you gonna kill? An Aurora police officer wants this person (or people) threatening cops to know they are only strengthening his resolve to be a police officer because it s people like this creep who they re protecting others from. The Aurora Police Dept. has released audio of an alarming 911 call over the weekend, when an anonymous caller threatened to shoot any officer found alone in the streets. It s a credible threat, police said one that they wanted the community to be aware of.According to 9News, the menacing call came in about 5:45 p.m Sunday via a disconnected Cricket cell phone. The male caller heard on the audio recording appears to be disguising his voice and possibly using a recording, several local news stations reported.Police announced over the holiday weekend, and following the call, that they will always have two people to a car, to ensure the safety of their officers. The threat involved shooting down officers in both Denver and Aurora, Colorado.FOX31 Denver obtained the audio recording, in which the caller says in part: It s time that you guys know we are no longer playing around with the police departments. Aurora and Denver, we are about to start striking fear shooting down all cops that we see by their selves. Both Aurora and Denver police say they are not scared away by this, it s only making them stronger. It s going on nationally. It s going to come here. There s nobody that s immune to it. Nobody in law enforcement, Denver police Det. Nick Rogers said. Via: LEO AffairsAccording to a warning sent to law enforcement Monday, a caller contacted Aurora 911 dispatch around 5:45 p.m Sunday via a disconnected Cricket cell phone. The male caller sounded as if he was attempting to disguise his voice, or was possibly using a recording, the warning said.The call lasted 37 seconds, and the caller reportedly said It s time you guys know that we are no longer playing around with the police departments. Aurora and Denver we are about to start striking fear, shooting down all cops that we see by their selves. The caller went on to say, You guys are evicting innocent people. Let us catch you by yourself and it s shots fired. Approximately four hours later, Aurora police officers were fired upon while responding to a call, the warning said. It is unclear if the shooting was an ambush situation. Via: 9 News ",left-news,"Sep 8, 2015",0 +"SHOCKING! EVIDENCE SHOWS WHY OBAMA IS HEART OF VIOLENT #BlackLivesMatter COP KILLING, ANTI-WHITE MOVEMENT"," There will be no peace in America until whites begin to hate their whiteness -Reverend Jeremiah Wright, Barack Hussein Obama s pastor for over 20 yearsWhen the organization known as Black Lives Matter (BLM) was first formed right after George Zimmerman s acquittal in the death of Trayvon Martin on July 13, 2013, most overlooked the true intentions of the group beyond their calls for justice . Fast forward to today and it can no longer be overlooked that their calls for justice now result in retaliatory violence against those whom they believe are the oppressors, namely those being white people in general and police officers specifically. By tracing the origins of the organization back to its philosophical formation in the 1960 s, we can begin to see how BLM is rooted in the radical ideological beliefs espoused by none other than President Barack Obama.Before we get to that point though, it is crucial for us to understand that BLM was founded by three militant feminists by the name of Alicia Garza, Patrisse Cullors, and Opel Tometi.While each played their part in contributing to the creation of the group, Garza is the driving force as she detailed the philosophy behind BLM in her October 2014 article titled A Herstory of the #BlackLivesMatter Movement. Garza writes the following in regards to BLM s philosophy: Black Lives Matter is a unique contribution that goes beyond extrajudicial killings of Black people by police and vigilantes. It goes beyond the narrow nationalism that can be prevalent within some Black communities, which merely call on Black people to love Black, live Black and buy Black, keeping straight cis Black men in the front of the movement while our sisters, queer and trans and disabled folk take up roles in the background or not at all. Black Lives Matter affirms the lives of Black queer and trans folks, disabled folks, Black-undocumented folks, folks with records, women and all Black lives along the gender spectrum. It centers those that have been marginalized within Black liberation movements. It is a tactic to (re)build the Black liberation movement. The key takeaway from Garza s statement is found in the last two sentences primarily as she notes that BLM was created with the intention to (re)build the Black liberation movement. The reason this statement is of utter importance is because it ties directly to the idea of Black Liberation theology, which was the doctrine taught to Obama for over twenty years at his church in Chicago made famous by Obama s pastor, Jeremiah Wright. Black Liberation theology was first formed on July 31, 1966. In an article published by NPR it is noted that: Black liberation theology originated on July 31, 1966, when 51 black pastors bought a full page ad in the New York Times and demanded a more aggressive approach to eradicating racism echo[ing] the demands of the black power movement. What is often overlooked in the formation of the group is the linkage between the Nation of Islam and Black Liberation theology as Wright s mentor and founder of Black Liberation theology James Cone credited Malcolm X with shaking him out of his theological complacency. Stanley Kurtz of National Review highlighted this synergy in noting that according to Cone, The black intellectual s goal is to aid in the destruction of America as he knows it. Such destruction requires both black anger and white guilt. The black-power theologian s goal is to tell the story of American oppression so powerfully and precisely that white men will tremble, curse, and go mad, because they will be drenched with the filth of their evil , wrote Cone.In an excerpt from Stanley Kurtz s piece drawing on the influence of Malcom X on Black Liberation theology, Kurtz states:So what exactly is black power ? Echoing Malcolm X, Cone defines it as complete emancipation of black people from white oppression by whatever means black people deem necessary. Open, violent rebellion is very much included in whatever means ; like the radical anti-colonial theorist Frantz Fanon, on whom he sometimes draws, Cone sees violent rebellion as a transformative expression of the humanity of the oppressed Theologically, Cone affirms, Malcolm X was not far wrong when he called the white man the devil. The false Christianity of the white-devil oppressor must be replaced. Couple these words to Obama s pastor Jeremiah Wright s statement that there will be no peace in America until whites begin to hate their whiteness and you can begin to understand that the rhetoric behind Black Lives Matter that blames white privilege for virtually everything is rooted in Black Liberation theology. However Wright was radicalized , notes Bud White of NoQuarterUSA, it is clear that he consciously appropriated the language and tenor of the Nation of Islam. White documents the following:Wright s statement that 9/11 was deserved retribution ( We have supported state terrorism against the Palestinians and black South Africans America s chickens are coming home to roost ) is a perfect echo of Malcolm X s statement that The assassination of Kennedy is a result of that way of life and thinking. The chickens came home to roost. Although it appears that Wright began his focus on Black Liberation Theology sometime after 1966, his racial attitudes and rhetoric have imitated that of NOI since at least 1970. Wright s blaming the United States for creating AIDS to kill minorities is but just one example of his thinking being in lockstep with NOI.The Nation of Islam and Black Liberation Theology are two doors to the same room.Black Liberation Theology is a palatable form of Christian black nationalism. The fiery anti-American, race-baiting words of Wright, Cone, and others behind the theology of Black Liberation are from the same philosophical cauldron as the Nation of Islam , concludes White.From the beliefs that served as Obama s bedrock foundation for his ideology, is it any wonder that today that the radicals behind Black Lives Matter and the Nation of Islam are allowed a free pass to incite as much hatred and retaliation against those they deem are the oppressors? As violence has ramped up in the first half of 2015 in targeted assassinations against police officers, little to no coverage by the media is given to a meeting that was hosted by the White House on December 1st.On December 1, 2014, Barack Obama, Vice President Joe Biden and Attorney General Eric Holder met with seven Black and Latino organizers from Ferguson, Mo.; Columbus, Ohio; Miami, Florida; and New York City, who had been leading the ongoing actions to disrupt the status quo. In an article posted by the website FergusonAction, it is explained that during this meeting activists such as Ashley Yates were given the platform by the White House in order to reaffirm their belief that most violence in our (their) community is coming from the police departments, and something needs to be done about it. On December 20th something was done about it as two uniformed NYPD officers were assassinated in their marked car by Ismaaiyl Brinsley in what Brinsley himself boasted as an act of retaliation for the death of Michael Brown in Missouri and Eric Garner in New York at the hands of the police.Ashley Yates, BLM Organizer who created t-shirt praising cop killer, Assata ShakurThe reason Yates is emphasized here is because she, like BlackLivesMatter founder Alicia Garza, praise cop killer and former Black Liberation member Assata Shakur as a martyr for their cause.Alicia Garza, BLM founderYates even created T-shirts and hoodies that read ASSATA TAUGHT ME in a reference to Shakur that has become part of BLM s iconography. The fact that the president would even entertain the thought of meeting with those like Yates and other activists who hold cop killers as icons for their movement further goes to show how Obama s belief in Black Liberation theology, primarily that retaliation and violence should be used to further their cause, has never left him. Why else would Obama have met with these activists unless he was sympathetic to their plight, which given the fact that Obama spent over twenty years of his life listening to Jeremiah Wright s sermons, he very much is. Since this meeting though, what cannot be dismissed is the fact that violence in the form of targeted assassinations of both white people and police officers, have ramped up.And it will only get worse the longer we continue to allow Obama s Department of Justice to remain idly complicit.Via: Politically Short",left-news,"Sep 8, 2015",0 +DC CHIEF OF POLICE DENIES CONCEALED WEAPONS PERMITS…NO JAIL…Christian Clerk Refuses To Issue Same Sex Marriage Licenses…Guess Where She Ends Up,"This is a perfect example of how the left is able to decide which laws they follow and which laws the rest of America follows Kim Davis, the Democrat Kentucky county clerk who refused to issue same-sex marriage licenses because of religious objections, was ordered to jail for contempt of court last Thursday. She suggested a compromise of removing her name from the licenses, but Federal District Court Judge David Bunning wouldn t even grant that reasonable compromise.Contrast this with Cathy Lanier, chief of the Metropolitan Police Department of the District of Columbia, refusing to issue concealed weapons permits to people unless they can arbitrarily show a good reason, nothing required by law. A federal judge issued a preliminary injunction in May stopping her from denying the permits, although notably he did not send Lanier to jail for contempt.Similarly, county sheriffs in California had been denying concealed weapons permits to applicants who failed to show a need beyond self-defense. Last November, the Ninth Circuit ruled that the sheriffs were violating the law. None of those sheriffs were sent to jail, despite the fact that people around the country have died unable to obtain a permit to carry concealed.Or contrast it with the irony of San Francisco Mayor Gavin Newsom ordering clerks to issue same-sex marriage licenses in 2004, contrary to state law. The California Attorney General sued him and the California Supreme Court ultimately put an end to the practice, but Newsom was never sent to jail.Newsom also violated federal law by making San Francisco a sanctuary city in 2007, contrary to existing federal law, but nothing happened to him. The city s sanctuary status resulted in the death of Kate Steinle in July, who was shot by an illegal immigrant who had been deported five times and had seven felony convictions. This is a far more drastic result than a clerk who merely does not want her name on marriage licenses, yet nothing is being done to the current mayor of San Francisco, Ed Lee. In 2012, Tonya Parker, a lesbian judge in Texas said she would not issue marriage licenses to heterosexual couples until same-sex marriage was legalized. She wasn t put in jail for violating the law, nor does it appear she was even disciplined at all.Not everyone would have taken the position Davis did, some Christians might have resigned rather than deal with a huge battle. Others might not have had such strong objections, viewing matters of sexuality best left alone and without government interference. When I was an Assistant Attorney General for the State of Arizona, I represented agencies like the Arizona Commission on the Arts. Philosophically, I disagreed with its very existence. But I was able to separate my personal views from government laws to perform my job.The one thing all reasonable people can agree upon is that Davis was singled out and punished disproportionately compared to other public officials who didn t comply with controversial laws.This isn t about same-sex marriage, nor is it even about gay issues. It is merely one tactic in a larger goal to remove Christianity from the public sphere. There are reasonable compromises that could have been made between those Christians with conscientious objections and the LGBT community plenty of gays consider themselves Christians but the left is deliberately pushing for maximum conflict between the two groups in order to push one out of society.An Oregon judge announced on Friday that he will not perform same-sex marriages. Unlike the lesbian judge who said she would not perform heterosexual marriages, Judge Vance Day was immediately put under an ethics investigation by the Oregon Commission of Judicial Fitness and Disability, which plans to hold a hearing in November.This won t end with public employment. As the public sphere goes, so goes the private sphere. If companies balk, anti-discrimination laws can be used to force them to comply. The left intends to stamp religion out of society, until Christians are left secretly worshiping in their homes, hiding their status outside of the home. This is because the left fundamentally disagrees with Judeo-Christian ethics, which contradict its foundation of anything goes.Until conservatives wake up and start realizing the judicial branch, controlled by the left, has become the most lethal branch, the biggest threat of the three branches to our country and freedom, it will continue abusing the legal system to stamp out conservatism and religion from society. Via: Townhill",left-news,"Sep 7, 2015",0 +"IN A RULING THAT WILL MAKE OBAMA’S HEAD SPIN, Fed Judge Says Telling Illegals β€œShow Us Your Papers” Is Not Discriminatory","Another victory for one of the most bad ass Sheriff s in America A federal judge has upheld part of Arizona s contentious immigration law, rejecting claims that the so-called show your papers section of the law discriminated against Hispanics.The ruling by U.S. District Judge Susan Bolton on Friday was on the last of seven challenges to the 2010 law. The section being upheld allows police in Arizona to check the immigration status of anyone they stop.Bolton ruled that immigration rights activists failed to show that police would enforce the law differently for Hispanics than other people. The section is sometimes called the show your papers provision.The judge also upheld a section that let police check to see if a detainee is in the United States illegally. Bolton voided any laws targeting day laborers.Karen Tumlin, the legal director of the National Immigration Law Center, one of the parties to the suit, said the group was evaluating its options. We will continue working on behalf of our courageous plaintiffs to show that Arizona can do better than this disgraceful law, she said in a statement.Bolton s ruling came two days after a federal judge approved a deal between the U.S. Department of Justice and Arizona s Maricopa County to resolve accusations of civil rights abuses and dismissed the department s lawsuit against Sheriff Joe Arpaio and his deputies. Via: Reuters",left-news,"Sep 5, 2015",1 +FOR BERNIE SANDERS FANS: Prisoners Eating Cats To Survive In Socialist Venezuela,"When Other People s Money Runs Out An NGO operating in Venezuela has published videos of starved prisoners in the socialist nation killing, skinning, and cooking cats on aluminum pans in order to survive, as wardens have forbidden families from bringing food and serve only a small cup of rice and water per day.The NGO A Window for Liberty published the videos on their social media pages and have issued a statement condemning the Venezuelan government for human rights abuses against prisoners. The videos were smuggled out by relatives of those in multiple prisons across the country. According to NGO head Carlos Nieto Palma, relatives of inmates from at least four prisons denounced both the lack of food and various forms of physical abuse, including beatings with bats, chains, and heavy wet cloths.The video and photos published by the NGO are from the Centro Penitenciario Metropolitano Yare 3 prison in the northern state of Miranda. Miranda is an opposition stronghold governed by former presidential candidate Henrique Capriles Radonski. Relatives of inmates at a different prison in Lara state have protested that they have been banned from bringing food to the inmates despite the fact that the government has claimed the current economic crisis makes it difficult for the state to pay for sufficient food for the inmates.The video of inmates preparing their protein has been posted to Youtube. ****Warning: Graphic****https://youtu.be/d5vQZmky900The NGO also published photos following the skinning of the cat showing how inmates use a makeshift stove made out of aluminum foil and what appears to be a match to cook the meat:Reclusos de todo el pa s pasan hambre por falta de alimentaci n en recintos carcelariosLa organizaci n no Posted by UNA VENTANA A LA LIBERTAD on Sunday, August 30, 2015Some inmates have nicknamed the new diet the Chinese menu, due to rice being the only thing officially served in prison. Eighty percent of prisons have banned relatives from bringing inmates food despite the crisis. Those outside of prison also suffer through great food shortages, however, as the nation imposed a ration system in supermarkets that has made it nearly impossible to legally purchase such necessary home goods as milk, vegetable oil, and flour. As a result, a black market on the Venezuelan-Colombian border has flourished, where Venezuelans trade their cheap oil for basic foods easily purchased in Colombia.Such human rights violations raise particular questions in Venezuela, where being publicly opposed to the socialist regime of President Nicol s Maduro could easily land anyone in prison. At its peak, the regime was arresting one anti-socialist protester every half hour in 2014. Prisons in the country are overflowing with prisoners of conscience, not just standard criminals.Via: Breitbart News",left-news,"Sep 2, 2015",0 +TED CRUZ: Vilification of Law Enforcement Coming From Top…All The Way To President Of United States,"Ferguson was the a launching pad for Obama s war against law enforcement Following the shooting of a sheriff in Houston, Texas by a black man as well as chants from Black Lives Matter protesters advocating violence against police, GOP presidential candidate Sen. Ted Cruz (R-TX) issued a statement saying he is proud to stand with law enforcement.While campaigning in New Hampshire, Cruz addressed the attacks. both physical and verbal, which have been made against police officers across America.Cruz is calling for leadership to act against this assault on all law enforcement officers, in light of the killing of Harris Country deputy sheriff Darren Goforth, which took place in Cruz s hometown. We stand with our police officers, we stand with our fire fighters, with our EMS, with our first responders, Cruz s statement began. These are brave humans who risk their lives keeping us safe. We are seeing a manifestation of the rhetoric and vilification of law enforcement that is coming form the top all the way to the President of the United States and senior administration officials. Cruz continued:Cops across this country are feeling the assault. They re feeling the assault from the President, from the top on down as we see, whether it s in Ferguson or Baltimore, the response of senior officials of the President, of the Attorney General, is to vilify law enforcement. That is fundamentally wrong, and it is endangering the safety and security of us all.I m proud to stand with law enforcement, to stand with the police and fire fighters and first responders. They are American heroes. And they need a President who doesn t attack and vilify them and who doesn t seek to tear us apart along racial lines to inflame racial divisions. Instead we need a President who works to bring us together and unify us behind shared American values. Via: Breitbart News",left-news,"Sep 1, 2015",0 +HILLARY EXPOSED: WATCH UNCOVERED VIDEO The Hillary Campaign Does NOT Want You To See,Hillary shows her true colors when a female student speaking broken English accidentally refers to Barack Obama as Mr. Clinton . Her overreaction to this woman s innocent error shows what really happens when you unintentionally displease the Queen of the Democrat party We re doing our part to expose this video she never thought would surface. Here it is: ,left-news,"Aug 31, 2015",0 +PC GONE WILD: PROFESSORS THREATEN STUDENTS WITH BAD GRADES FOR SAYING β€œIllegal Alien”…Expected To Defer To Non-White Students,"The left has waged a full scale war against our values and the greatness of America. Unless we are willing to teach our children and grandchildren to stand up and fight back against liberal academia, we will surely lose all that is unique and great about our country Multiple professors at Washington State University have explicitly told students their grades will suffer if they use terms such as illegal alien, male, and female, or if they fail to defer to non-white students.According to the syllabus for Selena Lester Breikss Women & Popular Culture class, students risk a failing grade if they use any common descriptors that Breikss considers oppressive and hateful language. The punishment for repeatedly using the banned words, Breikss warns, includes but [is] not limited to removal from the class without attendance or participation points, failure of the assignment, and in extreme cases failure for the semester. Breikss is not the only WSU faculty member implementing such policies.Much like in Selena Breikss s classroom, students taking Professor Rebecca Fowler s Introduction to Comparative Ethnic Studies course will see their grades suffer if they use the term illegal alien in their assigned writing.According to her syllabus, students will lose one point every time they use the words illegal alien or illegals rather than the preferred terms of undocumented migrants/immigrants/persons. Throughout the course, Fowler says, students will come to recognize how white privilege functions in everyday social structures and institutions. In an email to Campus Reform, Fowler complained that the term illegal alien has permeated dominant discourses that circulate in the news to the extent that our society has come to associate ALL unauthorized border crossings with those immigrants originating from countries south of our border (and not with Asian immigrants, for example, many of whom are also in the country without legal documents and make up a considerable portion of undocumented immigrants living in the country). The socio-legal production of migrant illegality works to systematically dehumanize and exploit these brown bodies for their labor, Fowler continued.White students in Professor John Streamas s Introduction to Multicultural Literature class, are expected to defer to non-white students, among other community guidelines, if they want to do well in this class. In the guidelines in his syllabus, Streamas elaborates that he requires students to reflect on their grasp of history and social relations by respecting shy and quiet classmates and by deferring to the experiences of people of color. Streamas who previously generated controversy by calling a student a white shitbag and declared that WSU should stand for White Supremacist University also demands that students understand and consider the rage of people who are victims of systematic injustice. Later in the syllabus, Streamas goes even further and accuses Glenn Beck of being an insensitive white. Several other WSU professors require their students to acknowledge that racism, classism, sexism, heterosexism, and other institutionalized forms of oppression exist or that we do not live in a post-racial world. Ari Cohn, a lawyer with the Foundation for Individual Rights in Education, told Campus Reformhe considers such requirements to be contradictory, even given the sensitive nature of the courses. It is notable that one of the syllabus provisions warns: The subject material of this class is sensitive and controversial. Strive to keep an open mind. How are students supposed to approach these sensitive and controversial materials at all, let alone to keep an open mind, if they have to fear that a misconstrued statement, or one that unreasonably offends a classmate will lead to a grade reduction or even removal from class? Neither Breikss nor Streamas replied to Campus Reform s request for comment.Via: Campus Reform",left-news,"Aug 29, 2015",0 +MUST SEE RESULTS OF NEW POLL Asking Americans One Word They Associate With Hillary,"Somehow we don t think this is what the Queen of the Clinton Crime Syndicate expected at this stage of her campaign The latest Q-poll numbers have dropped and there aren t really a lot of surprises in the top lines. (Well there are a couple of exceptions but we ll get to those in a minute.) What was really startling, though, was the results of the open ended questions about several of the candidates. Most specifically, the massively leading, top of the list responses for Hillary Clinton have to be giving her team nightmares. (Connecticut Post emphasis added)Clinton leads the Democratic field with 45 percent, down from 55 percent July 30, with U.S. Sen. Bernie Sanders of Vermont at 22 percent and Biden at 18 percent. No other candidate tops 1 percent with 11 percent undecided. This is Sanders highest tally and closest margin.Clinton tops the Democrats no way list with 11 percent. Liar is the first word that comes to mind more than others in an open-ended question when voters think of Clinton. Arrogant is the word for Trump and voters say Bush when they think of Bush. Here s the high end of the list.Holy cow. You get 394 responses just by combining the top three results of Liar, Dishonest and Untrustworthy. You pretty much have to add up all of the other words on the list to catch up with those three. And this isn t just a list of responses by Republicans that s everyone. What s truly amazing is that this is clearly the prevailing American perception at this point and yet, Clinton is still the Democrat frontrunner. I m not sure if that says more about her or the party. Via: HotAir ",left-news,"Aug 27, 2015",0 +BREAKING: WDBJ KILLER WAS ANGRY BLACK DEMOCRAT…Reprimanded For Wearing Obama Sticker At Work,"An angry black, gay, racist, Democrat victim the poster child for today s progressive in America Gay Black reporter Vester Flanagan was an Angry Barack Obama Democrat. ** He was reprimanded for wearing a Barack Obama sticker at work. ** He had his racial suits tossed from court ** He was a high paid companion ** He attempted to subpoena personnel records on both of his victimsThen he shot them dead Killer Vester Flanagan was a big Obama supporter.The Huffington Post reported:Vester Lee Flanagan, the man suspected of killing two Virginia television reporters Wednesday morning, attempted to subpoena personnel records on both of those victims, as well as other staff members, as part of a lawsuit against the TV station.Flanagan s lawsuit, filed in the Roanoke City General District Court in March 2014, requested $25,000 from WDBJ, the station, which had terminated his employment the previous year. The suit cited wrongful termination, unpaid overtime wages, racial discrimination and sexual harassment for identifying as gay. The case was dismissed due to lack of evidence, although it s unclear whether a settlement was reached.According to an internal memo included in the court documents, after Flanagan was presented with a severance letter in February 2013, he said, You better call police because I m going to make a big stink. A newsroom employee called 911, and police officers arrived to physically escort Flanagan from the building.Memos indicate that Ward videotaped Flanagan as he was escorted out. Flanagan told Ward to lose your big gut, and flipped off the camera.WDBJ objected to Flanagan s request for employee documents, claiming the personnel records were proprietary information and irrelevant to his claims.The court filings also include Flanagan s application for employment at WDBJ and his resume, in which he reported graduating from San Francisco State University with a 3.7 grade point average and his affiliation with the National Association of Black Journalists.Flanagan was offered a position with WDBJ on March 6, 2012, as a multimedia journalist/general assignment reporter with an annual salary of $36,000. However, he quickly racked up a misconduct record during his year of employment.In a performance review in August 2012, Flanagan was given a 1, the lowest rating, for being respectful to coworkers at all times, but a 4 for work diligence and attendance. He was written up in November 2012 for wearing a Barack Obama sticker.By the end of that year, his supervisor was expressing dissatisfaction with the quality of Flanagan s work, as well as his attitude towards his co-workers. Dan Dennison, the station s news director at the time, cited a story in which Flanagan reported on a local church s response to the mass shooting at Newtown, Connecticut. Via: Gateway Pundit",left-news,"Aug 26, 2015",0 +"RACE OBSESSED VESTER FLANAGAN, AKA BRYCE WILLIAMS SUED FORMER EMPLOYER FOR RACISM: Former Employer Said He Was β€œA Crappy Employee Who Used Profanity In Workplace”","Bryce Williams aka Vester Flanagan sued his former bosses at a TV station in Florida back in 2000 claiming his bosses verbally abused him because of his race, and even called him a monkey. After killing 2 members of a TV news crew this morning, Flanagan accused one of the victims of racism.Now, we ve learned it wasn t the first time he hurled such accusations because in his lawsuit, filed against WTWC-TV in Florida, Vester claimed he was constantly targeted because of his race.Here are his allegations: Claims producer called him a monkey Claims an official joked about a black murder suspect with gold and green grillz, saying he had collared greens stuck in his teeth Claims he heard a manager tell another black employee to stop talking ebonics. Vester claims he filed a complaint with the powers that be and was fired because he blew the whistle.WTWC adamantly DENIED race had anything to do with his termination claiming he was a crappy employee who often used profanity in the workplace.Ultimately, the case was settled out of court in 2001. Via: TMZ ",left-news,"Aug 26, 2015",0 +DIRECTOR OF SOME OF MOST VIOLENT FILMS IN HOLLYWOOD JOINS CAMPAIGN FOR DESTRUCTION OF GUNS,"No hypocrisy here Director Martin Scorsese well known for violent films like Goodfellas, The Departed, and Casino has joined a campaign for the destruction of guns.Scorsese will take part in Carl McCrow s Gun Neutral Campaign, which asks that a real gun be destroyed for every fake gun that is used in a Hollywood production.In December 2014 Breitbart News reported that McCrow was a part of a London-based gun control group called One Less Gun. At that time they were asking for donations to cover the destruction of a firearm and the donor was told he or she would receive a thank you note in the form of a bullet casing with the serial number of the weapon destroyed etched upon it.One Less Gun said:Like it or not, guns are a part of popular culture. They are integral to many of our favorite games and films [and] are in all likelihood to remain so for many generations to comes. One Less Gun is simply dedicated to reducing their number and promoting a social responsibility to this fact. One Less Gun offers everybody the opportunity to contribute to the solution of this largely ignored problem. By texting onelessgun to 70007 on your mobile phone you can destroy a gun for 5. Our target is to destroy one million weapons. That will save lives, stabilize communities and make a safer world.That campaign has now been complimented by the Gun Neutral Campaign and Scorsese is on board. For every fake gun used in one of his violent films a real gun that a law-abiding citizen could use for self-defense will be destroyed. According to The Guardian, McCrow responded to Scorsese s pledge by saying, I m really pleased. If we can set this as a standard, then who knows how many lives could be saved. The simple fact is that there are too many guns and they ruin people s lives every day. By joining the gun control push after making untold millions of dollars creating films riddled with violence, murder, depictions of criminal gun use, and mayhem, Scorsese comes across much like gun-toting action star Liam Neeson. It was Neeson who emerged after the January 7 terror attacks on Charlie Hebdo headquarters in France to say, There are too many [bleeping] guns out there, especially in America. Via: Breitbart News",left-news,"Aug 26, 2015",0 +SPIRIT HALLOWEEN CAVES TO TRANS MAFIA: Takes β€œOffensive” Caitlyn Jenner Costume Off Website,"Is Spirit Halloween really foolish enough to believe no one else will sell this costume? Thanks to conservative news sources posting about this story, it will likely be the hottest halloween costume this year. We sure hope bowing down to the PC Police is worth the huge revenue you re going lose you big dummies!Spirit Halloween has taken its Caitlyn Jenner costume off its website, after the Internet exploded in outrage.Right. Making fun of celebrities is just mean.Based on Jenner s Vanity Fair cover shot from earlier this year, the Call Me Caitlyn Halloween costume sold for $74.99 and included a wig, shorts, padded bustier, and a sash emblazoned with Call Me Caitlyn. The costume was labeled as unisex with a photo showing a big, hairy guy wearing it.Spirit Halloween hasn t publicly commented on why the costume disappeared, according to USA Today, which added it s still available at AnytimeCostumes.com and at WholesaleHalloweenCostumes.com, for only $49.95.Spirit s marketing director Lisa Barr earlier said the get-up was a celebration of Jenner.Of course it was. Which is why the guy modeling it looked like someone s sloppy Uncle Lenny. There s no tasteful way to celebrate Caitlyn Jenner or respect transgender people this way on the one night of the year when people use their most twisted imaginations to pretend to be villains and monsters, Vincent Villano, the spokesman for the National Center for Transgender Equality in Washington, told USA Today.Here s an easy homemade costume idea for anyone who doesn t want to spend the money for a manufactured Bruce Jenner costume:As one might imagine, GLAAD wasn t very pleased either. When transgender women step out into the world as their authentic selves, they aren t wearing a costume, said organization spokesman Nick Adams. Companies should think twice before seeking to profit from mocking trans women. Via: Mercury News",left-news,"Aug 26, 2015",0 +DIRECTOR OF COMMUNITY RELATIONS AT UNIV of WI: β€œStealing From Wal-Mart Shouldn’t Be A Crime” [VIDEO],"As the anarchists and local thugs sit and nod their heads in agreement Everett D. Mitchell is the Director of Community Relations at the University of Wisconsin-Madison. He is also an attorney, pastor, and community leader.At a recent panel discussing Best Policing Practices, Mitchell said that police should stop prosecuting individuals who shoplift from Wal-Mart and Target.His reasoning? He simply does not believe that police have any justification to engage in policing practices with thieves who steal from Wal-Mart or Target because they are big box stores with insurance: I just don t think they should be prosecuting cases for people who steal from Wal-Mart. I don t think that. I don t think that Target, and all them other places the big boxes that have insurance they should be using the people that steal from there as justification to start engaging in aggressive police behavior. He begins his speech by advocating legal relativism the notion that communities should decide for themselves which laws be enforced and which laws are not in order to better recognize what safety means for the specific community.Where is the line drawn with these anti-police activists?Just a few weeks prior to his speech, fellow Wisconsin professors, Karma Ch vez and Sara L. McKinnon wrote a letter to the Capital Times (progressive Wisconsin news outlet) titled: Sara L. McKinnon and Karma Ch vez: Request for no police interaction is reasonable In it, they argue that police are an occupying force and have no valid reason to patrol certain neighborhoods.Via: MRCTV",left-news,"Aug 25, 2015",0 +CALIFORNIA PIZZA SHOP GETS REAL LIFE LESSON IN ECONOMICS AFTER SELLING β€œLIVING WAGE PIZZA”,"The bad news for these bleeding heart liberals is there are even more reasonably priced pizza shop options who understand economics and reality Image via Lanesplitter Pizza and Subs Facebook pageLiberals love the idea of the minimum wage and a living wage at least until it hits their bottom line.Lanesplitter Pizza & Pub in Emeryville, California is learning that economics lesson the hard way.Cities up and down California have been considering hiking up their minimum wage so Vic Gumper, the owner of Lanesplitter, decided to get ahead of the curve and do it on his own.Rather than just raise the minimum wage for his employees, he decided to do it in the form of creating a living wage pizza. This business model means that all workers now earn $15 to $25 an hour as part of an experimental business model that also did away with gratuities and raised prices, making meals at all five locations sustainably served, really no tips necessary, the Los Angeles Times reported. This movement, it s going on everywhere, Gumper told the paper. We just decided to manage the situation and get to a place where we can sustain it. Image via Lanesplitter Pizza and Subs Facebook pageBut while patrons have applauded the move verbally, they haven t put their money where their mouth is.The living wage pizza costs more than $30 and people haven t been too keen on paying for it.Gumper has seen a 25% drop in sales since April and has had to eliminate lunch hours at a few of his locations, according to the L.A. Times. The necessity of paying people a living wage in the Bay Area is clear, so it s hard to argue against it, and it s something I m really proud to be able to try doing, he said. At the same time, I m terrified of going out of business after 18 years. Via: Red Alert Politics ",left-news,"Aug 24, 2015",0 +SAY WHAT? #BlackLivesMatter TEXTBOOKS TO BE USED AS PART OF COMMON CORE CURRICULUM IN GRADES 6-12 [Video],"When will American citizens stop being afraid to stand up and SPEAK OUT against the politically correct thugs of the left?A new Black Lives Matter textbook will soon be available to middle school and high school classrooms.According to the publisher s description, Black Lives Matter covers the shootings that touched off passionate protests, the work of activists to bring about a more just legal system, and the tensions in U.S. society that these events have brought to light. ABDO Publishing specifies that the book was written for sixth graders through high school students, and says the textbook is aligned to Common Core Standards and correlated to state standards. Until now, no authoritative text designed to teach non-black children about historical-structural inequalities productive of anti-black violence in U.S. law and society has been made available for commercial consumption, reads a review in The Feminist Wire. Parents as well as teachers eager to teach middle and/or high school students about the routine vulnerability and terror generative of the rejoined, Black Lives Matter, will find an invaluable resource in this special report. Conservative radio commentator Larry Elder weighed in on Fox and Friends over the weekend. [The textbook] is indoctrinating young kids, teaching them black people are victims, Elder said.He argued that the movement would be better off addressing black-on-black crime. If the Black Lives Matter people are really concerned, they ought to say something about the fact that last year 6,000 blacks shot other blacks, and far and away the number one cause of preventable death for young black men is homicide, he added. The textbook was co-authored by Missouri journalist Sue Bradford Edwards and Duchess Harris, a professor of American Studies at Macalester College in Minnesota. Harris is also the author of Black Feminist Politics from Kennedy to Obama and a co-editor of Racially Writing the Republic: Racists, Race Rebels, and Transformations of American Identity. Black Lives Matter is part of ABDO Publishing s Special Report series of books that aim to help readers develop an essential understanding of current events and encourage them to form their own opinions. There are a total of eight titles in the Special Report series, including Ebola Outbreak, ISIS, and Transgender Rights and Issues. Via: Red Alert Politics ",left-news,"Aug 24, 2015",0 +BOOM! DONALD TRUMP HAMMERS BERNIE SANDERS WITH THIS ONE QUESTION,"Bernie Sanders can t effectively handle two loud mouthed female #BlackLiesMatter activists/thugs (see video below), but he wants America to believe he s ready to defend our nation against some of the most horrific enemies we ve ever faced?How is Bernie Sanders going to defend our country if he can t even defend his own microphone? Very sad! Donald J. Trump (@realDonaldTrump) August 22, 2015",left-news,"Aug 24, 2015",0 +BRILLIANT: [VIDEO] SHERIFF CLARKE EXPLAINS HOW #BlackLIESMatter IS BASTARD CHILD OF #HandsUpDontShoot LIE,"Nothing like a good dose of Sheriff Clarke to expose the lies of the left After showing a clip of the confrontation between Hillary Clinton and some Black Lives Matter representatives in which things became tense and Clinton was clearly uncomfortable, Sheriff David Clarke is asked to weigh in on what is happening.He leads off by saying, Hillary meet Frankenstein, they created this monster and now they realize that if you cannot continue to feed it the beast the beast will turn on you and eat you and that s what s going on here. He said that he refers to the group as Black Lies Matter because they are perpetuating lies built upon a foundation of lies, the bastard child of the original lie of the Hands Up Don t Shoot narrative built upon the justified self-defense shooting of hood rat Michael Brown.Sheriff Clarke describes the group as a conglomeration of misfits, noting their ranks include retreads and operatives from the occupy movement, organized labor, criminals, black racialists, cop haters and anarchists. He fails to include their funding source, billionaire America-hater George Soros. Any Marxist associated or otherwise subversive movement in this nation invariably has the stain of Soros visible just below the surface.Sheriff Clarke says, No longer in the United States, and I think that I m living proof of that, no longer can blacks as a whole claim victim status except for one situation. They are victims to the Democrat Party in the United States of America and what modern liberalism has done to the black family. The speak to the absurdity of Democrat candidate for president Martin O Malley caving to Black Lives Matter pressure to walk back a statement that all lives matter.Clarke says It s an example of the monster that they ve created that they cannot feed anymore. They re not in control of this movement. This was created to mobilize the black vote for the 2016 election. The problem is we ve got a long way to go and there s only so long that you can keep that sort of negative movement going before you lose control of it. I though O Malley, his reaction after that was pathetic. They point to how well the cowering to the black thugs has demonstrated the lack of character on the part of both O Malley and Barry Surrender the mic Sanders and their unfitness for the world leadership stage.They also note the hypocrisy of the faux-movement in that only the black lives which they can use to foment unrest matter. The black on black violence is never mentioned and it doesn t matter because it carries with it no political capital. Via: Rick Wells",left-news,"Aug 23, 2015",0 +WHY COLLEGE GRADS CAN’T GET JOBS: List Of Most Ridiculous Courses At Some Of America’s Most Elite (Expensive) Colleges,"This is why American kids who are graduating from schools where tuition is over $60,000 per year can t find a job America s elite colleges offer plenty of ridiculous courses. Many are taught by hilariously leftist professors straight out of central casting. Other classes transcend politics and exist on their own fabulous plane of stupidity. Many of them cost a ton of money.For The Daily Caller s list of pathetic college classes for 2015, the course descriptions are reprinted here exactly as they appear in the colleges course manuals.Cornell University, Physical Education: Tree Climbing. Whether you are a rain forest canopy researcher, an arborist, or just a kid at heart, everyone loves to climb trees. Recall the excitement and your sense of adventure when you first crawled into the branches to look inside a bird s nest. Then you swung from limb to limb without a thought of ropes and harnesses. But what about that big tree down the street you always wanted to climb, but couldn t reach the first branch? Cornell Outdoor Education s Tree Climbing course will teach you how to get up into the canopy of any tree, to move around, even to climb from one tree to another without touching the ground. This course will teach you how to use ropes and technical climbing gear to reach the top of any tree, to move around, and even to climb from tree to tree without returning to the ground. All equipment is included in the course fee. Total cost for a year at Cornell: $64,164.Brown University, English: On Being Bored. This course explores texts/films that represent and formally express states of non-productivity or non-desire. Beginning with the Enlightenment and romantic periods, we will reflect on narratives with neither progress nor plot, characters that resist characterization, and poems that deny assertion and revelation. Authors include: Kleist, Kant, Rousseau, Coleridge, de Quincey, Keats, Blanchot, Levinas, Beckett, Ashbery, Schuyler. Total cost for a year at Brown: $65,380.University of Pennsylvania, English: Wasting Time On The Internet. We spend our lives in front of screens, mostly wasting time: checking social media, watching cat videos, chatting, and shopping. What if these activities clicking, SMSing, status-updating, and random surfing were used as raw material for creating compelling and emotional works of literature? Could we reconstruct our autobiography using only Facebook? Could we write a great novella by plundering our Twitter feed? Could we reframe the internet as the greatest poem ever written? Using our laptops and a wifi connection as our only materials, this class will focus on the alchemical recuperation of aimless surfing into substantial works of literature. Students will be required to stare at the screen for three hours, only interacting through chat rooms, bots, social media and listservs. To bolster our practice, we ll explore the long history of the recuperation of boredom and time-wasting through critical texts about affect theory, ASMR, situationism and everyday life by thinkers such as Guy Debord, Mary Kelly Erving Goffman, Betty Friedan, Raymond Williams, John Cage, Georges Perec, Michel de Certeau, Henri Lefevbre, Trin Minh-ha, Stuart Hall, Sianne Ngai, Siegfried Kracauer and others. Distraction, multi-tasking, and aimless drifting is mandatory. Total cost for a year at Penn: $66,800.Oberlin College, Contemporary American Studies: How to Win a Beauty Pageant: Race, Gender, Culture, and U.S. National Identity. This course examines US beauty pageants from the 1920s to the present. Our aim will be to analyze pageantry as a unique site for the interplay of race,gender, class, sexuality, and nation. We will learn about cultural studies methodology, including close reading, cultural history, critical discourse analysis, and ethnography, and use those methods to understand the changing identity of the US over time. This course includes a field visit to a pageant in Ohio. Total cost for a year at Oberlin: $66,174.Occidental College, Critical Theory & Social Justice: Stupidity. Stupidity is neither ignorance nor organicity, but rather, a corollary of knowing and an element of normalcy, the double of intelligence rather than its opposite. It is an artifact of our nature as finite beings and one of the most powerful determinants of human destiny. Stupidity is always the name of the Other, and it is the sign of the feminine. This course in Critical Psychology follows the work of Friedrich Nietzsche, Gilles Deleuze, and most recently, Avital Ronell, in a philosophical examination of those operations and technologies that we conduct in order to render ourselves uncomprehending. Stupidity, which has been evicted from the philosophical premises and dumbed down by psychometric psychology, has returned in the postmodern discourse against Nation, Self, and Truth and makes itself felt in political life ranging from the presidency to Beavis and Butthead. Total cost for a year at Occidental: $63,194.Pitzer College, Asian American Studies: Tattoos, Piercing, and Body Adornment. This course Introduces students to various body modification practices, with particular focus on regional developments in Asia, Pacific, and America. Key issues include: identity and community formation, agency, power, and social control; colonialism and post-colonialism; cultural property and appropriation; global circulations of bodies, aesthetics, and labor. Total cost for a year at Pitzer: $63,880.Rutgers University New Brunswick, Women s and Gender Studies: Women, Culture, and Society: Pop Culture Politics. In this class we will analyze mainstream U.S. media and discuss everything Pop Culture from memes to advertising, music videos, TV shows, news, sports and reality TV: What are we being told to believe? We will talk about ideas as trivialized (and political) as sex, love, war and freedom; and we will explore how the field of gender studies can transform our understandings of knowledge, power, history and -ultimately- what we ve come to call society. Yup! You guessed it. This will not be your everyday class. There will be no papers and no final, so active participation is key. We will read a little and watch lots of media for example, check out Beyonc s awesome video Grown Woman, AXE s 2014 Super Bowl Commercial, and Shit Girls Say to inquire what it means to stop for a minute, look around, and ask why. Total cost for a year at Rutgers for New Jersey residents: $29,875.Georgia State University, English: Kanye Versus Everbody! [sic] Kanye West has been talking your head off. Over the past several years especially, the variously prolific rapper has been waxing poetic, making a series of public proclamations and postulations regarding aspects of his own aesthetic genius and the plight of the black creative mind today all while tussling with paparazzi (literally and figuratively) in an effort to be accurately understood. The designer and defender of his own celebrity, Kanye expresses an intellectual stance and an extreme sense of agency that arguably exemplify the critical perspective of our latest generation of public thinkers. But where does this conversation about cultural production and artistic temperament actually begin? And where is the discourse heading? Total cost for a year at Georgia State for Georgia residents: $24,448.University of Iowa, American Studies: The American Vacation. Vacations are more serious events than you might think. One hundred years ago a vacation might have been beyond your grasp now we take them for granted. Explore Coney Island, Atlantic City, Lake Okoboji, Yellowstone, Disney World and more. Total cost for a year at Georgia State for Iowa residents: $21,010.Skidmore College, Sociology: The Sociology of Miley Cyrus: Race, Class, Gender, and Media (Summer 2014). From Disney tween to twerking machine, Miley Cyrus has grown up in the public eye, trying on and discarding very different identities onscreen and off. She provides rich examples for analyzing aspects of intersectional identities and media representation, including: The rise of the Disney Princess; gender stratification and the hyper-commodification of childhood; transitions to Disney stars as they age (see Justin Timberlake, Britney Spears, Christina Aguilera, and more); Allies and appropriation; uses of culture across race, class, and gender; bisexuality, queerness and the female body. Ongoing media frenzy focused on Miley Cyrus s public image, music and body highlights the ways in which intersectional identities are shaped by pop culture and mass media. In this special topics course, we will explore core issues of intersectionality theory, looking at race, class, and gender, as well as issues of taking feminist critique of media, using Miley as a lens though which to explore sociological thinking about identity entertainment, media, and fame. Total cost for a year at Skidmore: $62,042.And of course, no college experience would be complete without exploring the benefits of having an abortion:University of California, San Francisco, Online course: Abortion: Quality Care and Public Health Implications. In this six-week course, over twenty faculty from various institutions and multiple disciplines will place abortion within the context of public health and fill in the gaps left by its exclusion from mainstream curricula in health professions. Each week s lectures will incorporate the stories of women who seek abortion in order to better portray abortion significance and rationale. Other topics will include a brief history of abortion, the clinical aspects of medication and procedural abortions in and after the first trimester, an overview of patient-centered abortion-care, the basics of abortion counseling, the professional obligations of health care practitioners to ensure that women have access to safe abortion care, and the maze of restrictions that make safe abortion care inaccessible to many women. In addition to video lectures, there will be weekly quizzes, peer assessments, and optional additional content and reading for learners who want to explore the topic further. This course is an online course from Coursera.For entire list: Daily Caller ",left-news,"Aug 23, 2015",0 +FLASHBACK: UNCOVERED VIDEO SHOWS HYPOCRITE HARRY REID TELLING CONGRESS β€œNo Sane Country Would Have Birthright Citizenship”,"In 1993 Harry Reid wrote the Immigration Stabilization Act of 1993, a bill that would have denied birthright citizenship to children born in the United States to illegal alien parents. Today the leftist lackey is onboard with the Democrats amnesty for votes plan. The hell with America the Democrats goal is socialism, and the only way to make that happen is to eliminate the voice of any sane member of the GOP who would oppose more government control ",left-news,"Aug 23, 2015",0 +HOW LEFT- LEANING GOOGLE’S SECRET DECISIONS COULD CHOOSE OUR NEXT PRESIDENT,"America s next president could be eased into office not just by TV ads or speeches, but by Google s secret decisions, and no one except for me and perhaps a few other obscure researchers would know how this was accomplished.Research I have been directing in recent years suggests that Google, Inc., has amassed far more power to control elections indeed, to control a wide variety of opinions and beliefs than any company in history has ever had. Google s search algorithm can easily shift the voting preferences of undecided voters by 20 percent or more up to 80 percent in some demographic groups with virtually no one knowing they are being manipulated, according to experiments I conducted recently with Ronald E. Robertson.Given that many elections are won by small margins, this gives Google the power, right now, to flip upwards of 25 percent of the national elections worldwide. In the United States, half of our presidential elections have been won by margins under 7.6 percent, and the 2012 election was won by a margin of only 3.9 percent well within Google s control.There are at least three very real scenarios whereby Google perhaps even without its leaders knowledge could shape or even decide the election next year. Whether or not Google executives see it this way, the employees who constantly adjust the search giant s algorithms are manipulating people every minute of every day. The adjustments they make increasingly influence our thinking including, it turns out, our voting preferences.What we call in our research the Search Engine Manipulation Effect (SEME) turns out to be one of the largest behavioral effects ever discovered. Our comprehensive new study, just published in the Proceedings of the National Academy of Sciences (PNAS), includes the results of five experiments we conducted with more than 4,500 participants in two countries. Because SEME is virtually invisible as a form of social influence, because the effect is so large and because there are currently no specific regulations anywhere in the world that would prevent Google from using and abusing this technique, we believe SEME is a serious threat to the democratic system of government.According to Google Trends, at this writing Donald Trump is currently trouncing all other candidates in search activity in 47 of 50 states. Could this activity push him higher in search rankings, and could higher rankings in turn bring him more support? Most definitely depending, that is, on how Google employees choose to adjust numeric weightings in the search algorithm. Google acknowledges adjusting the algorithm 600 times a year, but the process is secret, so what effect Mr. Trump s success will have on how he shows up in Google searches is presumably out of his hands.***Our new research leaves little doubt about whether Google has the ability to control voters. In laboratory and online experiments conducted in the United States, we were able to boost the proportion of people who favored any candidate by between 37 and 63 percent after just one search session. The impact of viewing biased rankings repeatedly over a period of weeks or months would undoubtedly be larger.In our basic experiment, participants were randomly assigned to one of three groups in which search rankings favored either Candidate A, Candidate B or neither candidate. Participants were given brief descriptions of each candidate and then asked how much they liked and trusted each candidate and whom they would vote for. Then they were allowed up to 15 minutes to conduct online research on the candidates using a Google-like search engine we created called Kadoodle.Each group had access to the same 30 search results all real search results linking to real web pages from a past election. Only the ordering of the results differed in the three groups. People could click freely on any result or shift between any of five different results pages, just as one can on Google s search engine.When our participants were done searching, we asked them those questions again, and, voil : On all measures, opinions shifted in the direction of the candidate who was favored in the rankings. Trust, liking and voting preferences all shifted predictably.More alarmingly, we also demonstrated this shift with real voters during an actual electoral campaign in an experiment conducted with more than 2,000 eligible, undecided voters throughout India during the 2014 Lok Sabha election there the largest democratic election in history, with more than 800 million eligible voters and 480 million votes ultimately cast. Even here, with real voters who were highly familiar with the candidates and who were being bombarded with campaign rhetoric every day, we showed that search rankings could boost the proportion of people favoring any candidate by more than 20 percent more than 60 percent in some demographic groups.Given how powerful this effect is, it s possible that Google decided the winner of the Indian election. Google s own daily data on election-related search activity (subsequently removed from the Internet, but not before my colleagues and I downloaded the pages) showed that Narendra Modi, the ultimate winner, outscored his rivals in search activity by more than 25 percent for sixty-one consecutive days before the final votes were cast. That high volume of search activity could easily have been generated by higher search rankings for Modi.Google s official comment on SEME research is always the same: Providing relevant answers has been the cornerstone of Google s approach to search from the very beginning. It would undermine the people s trust in our results and company if we were to change course. Could any comment be more meaningless? How does providing relevant answers to election-related questions rule out the possibility of favoring one candidate over another in search rankings? Google s statement seems far short of a blanket denial that it ever puts its finger on the scales.There are three credible scenarios under which Google could easily be flipping elections worldwide as you read this:First, there is the Western Union ScenarioGoogle s executives decide which candidate is best for us and for the company, of course and they fiddle with search rankings accordingly. There is precedent in the United States for this kind of backroom king-making. Rutherford B. Hayes, the 19th president of the United States, was put into office in part because of strong support by Western Union. In the late 1800s, Western Union had a monopoly on communications in America, and just before the election of 1876, the company did its best to assure that only positive news stories about Hayes appeared in newspapers nationwide. It also shared all the telegrams sent by his opponent s campaign staff with Hayes s staff. Perhaps the most effective way to wield political influence in today s high-tech world is to donate money to a candidate and then to use technology to make sure he or she wins. The technology guarantees the win, and the donation guarantees allegiance, which Google has certainly tapped in recent years with the Obama administration.Given Google s strong ties to Democrats, there is reason to suspect that if Google or its employees intervene to favor their candidates, it will be to adjust the search algorithm to favor Hillary Clinton. In 2012, Google and its top executives donated more than $800,000 to Obama but only $37,000 to Romney. At least six top tech officials in the Obama administration, including Megan Smith, the country s chief technology officer, are former Google employees. According to a recent report by the Wall Street Journal, since Obama took office, Google representatives have visited the White House ten times as frequently as representatives from comparable companies once a week, on average.Hillary Clinton clearly has Google s support and is well aware of Google s value in elections. In April of this year, she hired a top Google executive, Stephanie Hannon, to serve as her chief technology officer. I don t have any reason to suspect Hannon would use her old connections to aid her candidate, but the fact that she or any other individual with sufficient clout at Google has the power to decide elections threatens to undermine the legitimacy of our electoral system, particularly in close elections.This is, in any case, the most implausible scenario. What company would risk the public outrage and corporate punishment that would follow from being caught manipulating an election? Second, there is the Marius Milner ScenarioA rogue employee at Google who has sufficient password authority or hacking skills makes a few tweaks in the rankings (perhaps after receiving a text message from some old friend who now works on a campaign), and the deed is done. In 2010, when Google got caught sweeping up personal information from unprotected Wi-Fi networks in more than 30 countries using its Street View vehicles, the entire operation was blamed on one Google employee: software engineer Marius Milner. So they fired him, right? Nope. He s still there, and on LinkedIn he currently identifies his profession as hacker. If, somehow, you have gotten the impression that at least a few of Google s 37,000 employees are every bit as smart as Milner and possess a certain mischievousness well, you are probably right, which is why the rogue employee scenario isn t as far-fetched as it might seem. And third and this is the scariest possibility there is the Algorithm ScenarioUnder this scenario, all of Google s employees are innocent little lambs, but the software is evil. Google s search algorithm is pushing one candidate to the top of rankings because of what the company coyly dismisses as organic search activity by users; it s harmless, you see, because it s all natural. Under this scenario, a computer program is picking our elected officials.To put this another way, our research suggests that no matter how innocent or disinterested Google s employees may be, Google s search algorithm, propelled by user activity, has been determining the outcomes of close elections worldwide for years, with increasing impact every year because of increasing Internet penetration. SEME is powerful precisely because Google is so good at what it does; its search results are generally superb. Having learned that fact over time, we have come to trust those results to a high degree. We have also learned that higher rankings mean better material, which is why 50 percent of our clicks go to the first two items, with more than 90 percent of all clicks going to that precious first search page. Unfortunately, when it comes to elections, that extreme trust we have developed makes us vulnerable to manipulation.In the final days of a campaign, fortunes are spent on media blitzes directed at a handful of counties where swing voters will determine the winners in the all-important swing states. What a waste of resources! The right person at Google could influence those key voters more than any stump speech could; there is no cheaper, more efficient or subtler way to turn swing voters than SEME. SEME also has one eerie advantage over billboards: when people are unaware of a source of influence, they believe they weren t being influenced at all; they believe they made up their own minds.Republicans, take note: A manipulation on Hillary Clinton s behalf would be particularly easy for Google to carry out, because of all the demographic groups we have looked at so far, no group has been more vulnerable to SEME in other words, so blindly trusting of search rankings than moderate Republicans. In a national experiment we conducted in the United States, we were able to shift a whopping 80 percent of moderate Republicans in any direction we chose just by varying search rankings.There are many ways to influence voters more ways than ever these days, thanks to cable television, mobile devices and the Internet. Why be so afraid of Google s search engine? If rankings are so influential, won t all the candidates be using the latest SEO techniques to make sure they rank high?SEO is competitive, as are billboards and TV commercials. No problem there. The problem is that for all practical purposes, there is just one search engine. More than 75 percent of online search in the United States is conducted on Google, and in most other countries that proportion is 90 percent. That means that if Google s CEO, a rogue employee or even just the search algorithm itself favors one candidate, there is no way to counteract that influence. It would be as if Fox News were the only television channel in the country. As Internet penetration grows and more people get their information about candidates online, SEME will become an increasingly powerful form of influence, which means that the programmers and executives who control search engines will also become more powerful.Worse still, our research shows that even when people do notice they are seeing biased search rankings, their voting preferences still shift in the desired directions even more than the preferences of people who are oblivious to the bias. In our national study in the United States, 36 percent of people who were unaware of the rankings bias shifted toward the candidate we chose for them, but 45 percent of those who were aware of the bias also shifted. It s as if the bias was serving as a form of social proof; the search engine clearly prefers one candidate, so that candidate must be the best. (Search results are supposed to be biased, after all; they re supposed to show us what s best, second best, and so on.)Biased rankings are hard for individuals to detect, but what about regulators or election watchdogs? Unfortunately, SEME is easy to hide. The best way to wield this type of influence is to do what Google is becoming better at doing every day: send out customized search results. If search results favoring one candidate were sent only to vulnerable individuals, regulators and watchdogs would be especially hard pressed to find them.For the record, by the way, our experiments meet the gold standards of research in the behavioral sciences: They are randomized (which means people are randomly assigned to different groups), controlled (which means they include groups in which interventions are either present or absent), counterbalanced (which means critical details, such as names, are presented to half the participants in one order and to half in the opposite order) and double-blind (which means that neither the subjects nor anyone who interacts with them has any idea what the hypotheses are or what groups people are assigned to). Our subject pools are diverse, matched as closely as possible to characteristics of a country s electorate. Finally, our recent report in PNAS included four replications; in other words, we showed repeatedly under different conditions and with different groups that SEME is real.Our newest research on SEME, conducted with nearly 4,000 people just before the national elections in the UK this past spring, is looking at ways we might be able to protect people from the manipulation. We found the monster; now we re trying to figure out how to kill it. What we have learned so far is that the only way to protect people from biased search rankings is to break the trust Google has worked so hard to build. When we deliberately mix rankings up, or when we display various kinds of alerts that identify bias, we can suppress SEME to some extent.It s hard to imagine Google ever degrading its product and undermining its credibility in such ways, however. To protect the free and fair election, that might leave only one option, as unpalatable as it might seem: government regulation.Authored by Robert Epstein (@DrREpstein senior research psychologist at the American Institute for Behavioral Research and Technology), originally posted at Politico.com Via: Zero Hedge",left-news,"Aug 23, 2015",0 +HILLARY’S CHICKENS ARE COMIN’ HOME TO ROOST: News Reports Suggest Hillary May Have Used A Second Private Server,"Hillary may have gotten away with lying to the public for decades, but what she underestimated this time around was the enormous power of Chicago thugs, Valerie Jarrett and Barack Hussein Obama. If the two of them decide they don t want you running for office, you likely won t stand a chance The tens of thousands of emails on Hillary Clinton s private server from when she was secretary of state could also be on a second device or server, according to news reports.The FBI now has the only confirmed private server, as part of a Justice Department probe to determine whether it sent of received classified information for Clinton when she was the country s top diplomat from 2009 to 2013.Platte River Networks, which managed Clinton s server and private email network after she left the State Department, has indicated it transfer or migrated emails from the original server in 2013, according to The Washington Examiner.However, Clinton, the front-running Democratic presidential candidate, has suggested that she gave the department 55,000 pages of official emails and deleted roughly 30,000 personal ones in January, which raises the possibility they were culled from a second device.Neither a Clinton spokesman nor an attorney for the Colorado-based Platte River Networks returned an Examiner s request for comment, the news gathering agency reported Saturday.The DailyMail.com on Aug. 14 was among the first to report the possibility of a second server.The FBI took the server last week, after a U.S. Intelligence Community inspector general reportedly found two Clinton emails that included sensitive information, then asked the FBI to further investigate.Platte River Networks has told news agencies that the server, now in New Jersey, has been wiped clean. But forensics experts still might be able to recover some information.There have been reports that some of the emails that Clinton turned over included classified information. Clinton maintains that she neither sent nor received classified data, which suggests the missives might have been marked after the fact as classified or with some other top-secret classification.The emails that Clinton gave to the State Department were on multiple storage devices. A Clinton lawyer turned over at least one thumb drive that reportedly included copies of the emails that his client has already given to the federal government.Clinton has maintained that she has done nothing wrong or illegal and says she will cooperate fully with the non-criminal investigations.Via: FOX News ",left-news,"Aug 23, 2015",0 +BREAKING: WATCHDOG DOCUMENTS PROVE EPA KNEW OF POTENTIAL FOR CATASTROPHIC β€œBLOWOUT” Of Toxic Waste At CO Mine,"More redacted government documents covering up another scandal in Obama s most transparent government ever .Internal documents released late Friday show managers at the U.S. Environmental Protection Agency were aware of the potential for a catastrophic blowout at an abandoned mine that could release large volumes of wastewater laced with toxic heavy metals.EPA released the documents following weeks of prodding from The Associated Press and other media organizations. EPA and contract workers accidentally unleashed 3 million gallons of contaminated wastewater on Aug. 5 as they inspected the idled Gold King Mine near Silverton, Colorado.Among the documents is a June 2014 work order for a planned cleanup that noted that the old mine had not been accessible since 1995, when the entrance partially collapsed. The plan appears to have been produced by Environmental Restoration, a private contractor working for EPA. This condition has likely caused impounding of water behind the collapse, the report says. ln addition, other collapses within the workings may have occurred creating additional water impounding conditions. Conditions may exist that could result in a blowout of the blockages and cause a release of large volumes of contaminated mine waters and sediment from inside the mine, which contain concentrated heavy metals. A subsequent May 2015 action plan for the mine also notes the potential for a blowout.There are at least three ongoing investigations into exactly how EPA triggered the disaster, which tainted rivers in Colorado, New Mexico and Utah with lead, arsenic and other contaminates. EPA says its water testing has shown contamination levels have since fallen back to pre-spill levels, though experts warn the heavy metals have likely sunk and mixed with bottom sediments that could someday be stirred back up.The documents, which the agency released about 10:30 p.m. eastern time, do not include any account of what happened immediately before or after the spill. The wastewater flowed into a tributary of the Animas and San Juan rivers, turning them a sickly yellow.Elected officials in affected states and elsewhere have been highly critical of the EPA s initial response. Among the unanswered questions is why it took the agency nearly a day to inform local officials in downstream communities that rely on the rivers for drinking water.Much of the text in the documents released Friday was redacted by EPA officials. Among the items blacked out is the line in a 2013 safety plan for the Gold King job that specifies whether workers were required to have phones that could work at the remote site, which is more than 11,000 feet up a mountain.EPA did not immediately respond Friday night to questions from the AP. In the wake of the spill, it has typically taken days to get any detailed response from the agency, if at all.On its website, contractor Environmental Restoration posted a brief statement last week confirming its employees were present at the mine when the spill occurred. The company declined to provide more detail, saying that to do so would violate contractual confidentiality obligations. Via: AP News",left-news,"Aug 22, 2015",1 +"JOIN NATIONWIDE PLANNED PARENTHOOD PROTEST SATURDAY, AUG 22: Details For Protests In Your State Listed Here","STAND UP TO EVIL for profit! Join thousands of people committed to holding Planned Parenthood accountable for their evil actions. MissionProtestPP is a coalition of pro-life groups calling for a National Day of Protest on August 22, 2015 at Planned Parenthood facilities all across America. Our goal is to raise awareness of the heartless and even illegal activities of Planned Parenthood by going to where the killing and harvesting of body parts from aborted children takes place. The four main sponsors are: Created Equal, the Pro-Life Action League, 40 Days for Life, and Citizens for a Pro-Life Society.Creating a presence at neighborhood Planned Parenthood facilities is essential to inform the public about what is going on behind closed doors. Local sidewalk counselors and activists are a key component to shutting down Planned Parenthood in the long term.The National Day of Protest will strengthen local efforts by raising their profile with the local press, the community and other pro-life activists. Together, the protests held on August 22 will put pressure on the media, both local and national, to report the truth about Planned Parenthood, and on government officials to stop funding this discredited organization.Click here for MAP to find protest locations.WHAT: Protest PP s harvesting and selling of aborted baby parts WHERE: Over 300 Planned Parenthood facilities across America Click here to find a location near you. WHEN: August 22, 2015 from 9:00am-11:00am CONTACT: Email or call 773-777-2900Via: ProtestPP ",left-news,"Aug 21, 2015",0 +BEYOND EVIL: 8TH Planned Parenthood Video Stem Cell CEO Laughs About Intact Babies Shocking Lab Workers When Opening Shipments [VIDEO],"The Center For Medical Progress warned us these videos would get worse .Just a short time after a judge issued a ruling that the biotech firm StemExpress can t block the Center for Medical Progress from releasing another video that shows what it does with aborted babies Planned Parenthood sells to it, the pro-life group put up a preview of the 8th video in its series showing the scandal of Planned Parenthood selling aborted baby body parts.While the videos have focused on the Planned Parenthood abortion business, the biotech firm StemExpress, which buys and resells aborted baby body parts from the abortion giant, has filed a lawsuit seeking to block some information the Center for Medical Progress obtained in its three year undercover operation.Last month, a court in California blocked the pro-life group from releasing any videos regarding certain meetings of the middleman, StemExpress. The restraining order does not apply to the Planned Parenthood abortion business or even to StemExpress in its entirety, making it so additional videos were released.Today, a judge lifted the order and Center for Medical Progress immediately released a new video.SIGN THE PETITION! Congress Must De-Fund Planned Parenthood ImmediatelyIn the video, Cate Dyer, the CEO of StemExpress, is shown in a lunch meeting with undercover operatives posing as representatives of a biotech firm. Dyer is laughing about how StemExpress purchases fully intact aborted babies from Planned Parenthood. She laughs about how shippers of the aborted babies would give a warning to lab workers to expect such a baby. Oh yeah, if you have intact cases which we ve done a lot we sometimes ship those back to our lab in its entirety, she says. Tell the lab its coming, she laughs about the intact unborn babies. You know, open the box and go Oh my God, Dyer adds.UPDATE: The following is a 2-minute preview of the full 8th video CMP plans to release as early as later today or tomorrow morning.After the swarm of negative publicity surrounding Planned Parenthood selling aborted babies and their body parts, StemExpress was forced to cut ties with the abortion company.Meanwhile, two committees in the House of Representatives have already launched investigations of Planned Parenthood. One committee is looking into whether or not the abortion business is breaking federal law by altering abortion procedures to better obtain aborted baby body parts for sale. Another committee, among other things, is investigating the Obama administration and whether there is any connection between it and the abortion giant.The House Committee on Oversight and Government Reform was to know if the Obama administration, via the Department of Health and Human Services, provided any federal grants to Planned Parenthood that ultimately went to pay for the sales of aborted baby body parts and if they were used by Planned Parenthood to support transactions involving fetal tissue. The expose videos catching Planned Parenthood officials selling the body parts of aborted babies have shocked the nation.As LifeNews reported, the first video of undercover footage shows Planned Parenthood Federation of America s Senior Director of Medical Services, Dr. Deborah Nucatola, describing how Planned Parenthood sells the body parts of aborted unborn children and admitting she uses partial-birth abortions to supply intact body parts.In the second video, Planned Parenthood doctor Mary Gatter discusses the pricing of aborted baby body parts telling the biotech company officials that the prices for such things as a baby s liver, head or heart are negotiable. She also tells the officials that she could talk with the Planned Parenthood abortion practitioners to potentially alter the abortion procedure to kill the baby in a way that would best preserve those body parts after the unborn child is killed in the abortion.So far, 12 states have responded to the Planned Parenthood videos and launched investigations into their abortion and organ harvesting business including South Carolina, Florida, Tennessee, Massachusetts, Kansas, Missouri, Arizona, Indiana, Ohio, Georgia, Texas and Louisiana. The district attorney in Houston Texas is also investigating after the Houston-based Planned Parenthood abortion facility was caught selling aborted babies.Congress has expanded its investigation into the Planned Parenthood abortion business and five states have revoked taxpayer funding for Planned Parenthood s abortion business, including Utah, Arkansas, Alabama, New Hampshire and Louisiana and Iowa s governor has ordered a review of Planned Parenthood funding.The full, unedited videos have confirmed that revelations that some aborted baby remains sold by Planned Parenthood go to biotech companies for the purpose of creating humanized mice. Meanwhile, Planned Parenthood has been exposed as having sold body parts from aborted babies for as much as 15 years.The federal law that technically prohibits the sale of aborted babies and their body parts was written by a pro-abortion Congressman decades ago and essentially spells out a process by which sellers of aborted baby body parts can meet certain criteria that allows the sales to be legal. That s why a Colorado congressman has introduced legislation to totally ban the sales of aborted baby body parts. Via: Life News",left-news,"Aug 21, 2015",0 +[PHOTOS] SECOND FAKE BLACK ACTIVIST EMERGES: #BlackLivesMatter ORGANIZER CLAIMED HE WAS TERRORIZED BY β€œdecades old racial tensions”,"Are these faux blacks cashing in on victim status or simply taking white guilt too far?An investigative blogger has accused Shaun King, a key figure in the Black Lives Matter movement, of misleading media icon Oprah Winfrey by pretending to be biracial in order to qualify for an Oprah scholarship to historically black Morehouse College. The blogger says King is white and has been lying about his ethnicity for years. King is a high-profile campaigner against police brutality and justice correspondent for the liberal Daily Kos website who told Rebel magazine in 2012 that he was biracial, with the magazine reporting that he is the son of a Caucasian mother and an African-American father. He has also described himself as mixed with a black family on Twitter.King has been lionised by the press, praised as hero of civil rights and social activism. He has written extensively about a childhood in which he was terrorised by decades old racial tensions. He claims to have been the focus of constant abuse of the resident rednecks of my school. Yet, in recent weeks, rumours have been circulating about his ethnicity. A 1995 police incident report lists Shaun King s ethnicity as white. And blogger Vicki Pate, who has been assembling forensic accounts of Shaun King s background and family tree on her blog, Re-NewsIt!, has published her findings.She claims that King is entirely white and says a birth certificate, which Breitbart has since independently acquired from the Kentucky Office of Vital Statistics, names a white man as his father. King s case echoes that of Rachel Dolezal, a civil rights activist from Washington who claimed to be biracial while in fact being of caucasian origin. Dolezal continues to insist she identifies as black, despite her parents revealing that she is entirely white.If Pate is right, Shaun King, who often uses black and white photographs of himself online rather than colour images, may have misled African-American hero Winfrey by applying for and accepting an Oprah Scholarship to the historically black Morehouse College. Oprah Scholarships are given exclusively to black men.In his Daily Kos diary, King refers to himself as a brother, writing: Oprah Winfrey paid my way through Morehouse. The leadership scholarship that I received from her is why I have a college degree today. Five hundred other brothers have the exact same story. Shaun King s biography has attracted the attention of bloggers and journalists thanks to several bizarre inconsistencies in his public claims. He often struggles when asked to recall basic facts about his own life. For instance, in August 2014, King wrote on Twitter that he was father to three black girls, while, six months earlier, he claimed to be father to four.It is of course possible that a family tragedy is responsible for the inconsistency, but the unexplained change in biographical details is not a one-off. In October 2009, King claimed to have endured four spinal surgeries. By February 2010, the number of surgeries had shrunk to three. There is also some confusion about when an alleged car crash may or may not have happened.As it turns out, these explosive new racial allegations are just the latest in a string of controversies surrounding Shaun King: on July 21, a conservative blog reported that his account of a brutal, racially-motivated beating in 1995, which at least two reports have described as Kentucky s first hate crime, did not match up with a police report from the case. King, 35, has related the story of the hate crime on his blogs and in his recent self-help book, seemingly to bolster his credibility as an activist and as a self-help guru, wrote the Daily Caller s Chuck Ross. While King has said that he was attacked by up to a dozen racist and redneck students, official records show that the altercation involved only one other student. And while King has claimed that he suffered a brutal beating that left him clinging to life, the police report characterized King s injuries as minor, Ross reported.This month, more details have emerged from King s account that do not match up with the police report or eyewitness accounts from journalists who noticed that King s public claims did not square with reality.Remarkably, King s own publication the Daily Kos, at which he is listed as a staff writer, ran a provocatively titled blog post in July of this year: Is there something fishy about Shaun King? The post alleged that people had been asking questions about King for some time and linked to the earlier Daily Caller report. While I know that it s in a right-wing publication, there was something that prevented me from instantly dismissing the article I ve seen a number of people on Daily Kos complain that Shaun plays fast and loose with the truth, wrote contributor Burt Miles. So I started to do some digging on the Internet and found a lot of information which, if true, makes me very concerned about Shaun, his motives, and how his actions could reflect badly on this site and be used to smear the Black Lives Matter movement. Miles continued: Is there anything to all this, or is it some kind of organized smear campaign? And, if it is a smear campaign, how does it involve so many different sites, publications and individuals? It was around the same time that Breitbart contacted Vicki Pate, who has been investigating King s claims for several years. Pate provided key documents that appear to show that King has two white parents and that he has been lying to the public about his race. Here is a picture of Shaun King (left) with his mother and brother(left) via: RenewsitOne of them is his birth certificate, listing his parents as Naomi Kay Fleming and Jeffery Wayne King and a birth date of September 17, 1979 in Versailles, Kentucky. King had already told journalists his mother was white. So all that remained for Pate to determine was whether his father was white too.King has always claimed that his father is black. But King s father, Jeffery, is white, says Pate. She points to a man born 11 November 1955 in Campbell, Kentucky who has been the subject of multiple arrests, including for motoring and drug offences. That birth date would make him 23 at the time of Shaun King s birth, the same age given on Shaun s birth certificate.The Jeffery Wayne King whose name and date of birth concord with Shaun King s birth certificate is pictured below, in a 2007 police mug shot. Various documents give his name as Jeffery and Jeffrey Wayne King, names which are common variants of one another, but King Snr s date of birth and place of residence is the same in all records. Jeffrey King, King s alleged father, who he has claimed in the past is black (top); King s brother Jason is pictured (bottom)What s more, Pate says she has definitively linked the man pictured in these mugshots to Shaun King via Shaun s brother, Kentucky Air Guard Russ King, who is also clearly caucasian. Finally, public records show only one J Wayne King in the state.By 2015, Shaun King had finessed his account of growing up black and suffering discrimination. I was raised in rural Kentucky, he told the blog Generation Progress. It was actually pretty rough. African Americans faced a lot of racism and discrimination growing up. I never really experienced overt racism myself until high school, he claimed. I was put into a weird position when a huge group of students (who called themselves rednecks ) hated me for no reason. King must have known while giving interviews as late as 2015 that Vicki Pate was tracking down his family history. But he continued to deliver craftily-worded answers to interview questions that gave the impression he was a person of color and that he had been the victim of hate crimes.Neither is true, says Pate. She told Breitbart last night that King has never denied her accusations. Shaun King has not denied the story to me, or anyone else, as far as I know, she said. Whenever it is mentioned on Twitter he simply blocks whoever is asking and reports them for harassment. He did reply to one person but only to say, Haters gonna hate. I myself have been suspended from Twitter just for posing the question. Via: Breitbart News",left-news,"Aug 19, 2015",0 +NATIONAL TREND? Jimmy John’s Employee Refuses To Serve Police Officer [VIDEO],"How many of these punks treating police officers with disrespect will be the first to call them when they need help?A Minnesota sandwich shop worker should have thought twice before refusing to serve a police officer his lunch.The problem started Thursday when Edina Police Officer Marcus Limbeck went to a the Bloomington Jimmy John s restaurant and was confronted in the parking lot by an angry delivery driver who told him they would not serve him because the police ticket too many of the company s drivers, Fox 9 reported.Officer Limbeck emailed some other officers to tell them of his experience with the unruly driver, according to Fox 9.Edina patrol officer, Marcus Limbeck told his fellow officers in an e-mail the delivery driver yelled at him in the parking lot, you coming down here to give us tickets now? inside, the same driver told him, you re not getting a sandwich here. you ve given almost everybody here a ticket. go get your sandwich someplace else. The officer says the other workers were just laughing and snickering. Customers were in disbelief that they actually refused to serve the officer. But the story has a happy ending for the cops, if not for the employee. The comments were so egregious we terminated the employee immediatel, the franchise owner Dan Vansteenburg told Fox 9. We have a lot of respect for law enforcement. We are a law-abiding sandwich shop, but we are on the road and we deliver sandwiches. Vansteenburg also said he s like to treat all Edina officers to free sandwiches or make a special donation to make up for it.According to Fox 9 Edina does write more tickets than any town in Minnesota but it also have one of the state s lowest accident fatality rates.Via: BizPac Review",left-news,"Aug 18, 2015",0 +THROWBACK: HOW SOCIALIST BERNIE SANDERS Used Other People’s Money To Pay Family Members Over $150K,"Socialism sounds great until you realize the money government takes from you goes to whomever they choose (like family members) Bernie Sanders constantly says that he wants big money out of politics, it s one of the central pillars of his presidential campaign.While it hasn t been reported by any major media outlets during this election cycle, the fact is that Sanders has used campaign funds to enrich members of his family in the past.This report appeared in the Vermont Guardian in 2005:Nepotism crosses party linesWASHINGTON The news that House Majority Leader Tom DeLay, R-TX, paid his wife and daughter $473,801 as campaign staff members was just the beginning. At least 38 other members of Congress, including Vermont Rep. Bernie Sanders, have paid spouses, children, or other relatives out of campaign funds, or have hired companies in which a family member had a financial interest, according to news reports.Since 2000, Sanders has used campaign donations to pay his wife and stepdaughter more than $150,000, according to records filed with the Federal Election Commission.His wife Jane O Meara Sanders received $91,020 for consultation and to negotiate the purchase of television and radio ads. Approximately $61,000 of that was pass through money used to pay for the ads, O Meara Sanders told the Bennington Banner. She kept about $30,000 as pay for her services.Her daughter Carina Driscoll, Sanders stepdaughter, earned $65,002 from the Sanders campaign between 2000 and 2004, records show.A similar report appeared in the Times Argus of Vermont:Sanders campaign paid family membersMONTPELIER Rep. Bernard Sanders wife Jane was paid about $30,000 from 2002 to 2004 for work on his campaigns, while his stepdaughter Carina Driscoll got about $65,000 over a five-year period ending last year, a Sanders aide said Wednesday.The issue resurfaced in 2006 and was covered by Roll Call:GOP Hits Sanders on Wife s BusinessSanders, who is seeking the Senate seat being vacated by Sen. Jim Jeffords (I-Vt.), is fighting back, saying that his likely Republican opponent, millionaire businessman Richard Tarrant, is lying.The Tarrant campaign has resurrected news stories revealing that Sanders wife, Jane O Meara Sanders a former professional media buyer was paid $30,000 for working on Sanders 2002 and 2004 House campaigns and his step-daughter, Carina Driscoll, had been paid about $65,000 over a five-year period.What Sanders did is technically not illegal, but it s astonishing that someone campaigning on the removal of big money in politics used campaign funds to pay large sums of money to members of his own family. Via: Progressives Today ",left-news,"Aug 17, 2015",0 +SECRET DUMPS OF TOXIC WASTE ON PRIVATE PROPERTY BY EPA: Will The Government Bullies At The EPA Finally Be Exposed?,"This story gets more and more unbelievable every day The EPA has a record of releasing toxic runoff from mines in two tiny Colorado towns that dates to 2005, a local mine owner claims.The 3-million-gallon heavy-metal spill two weeks ago in Silverton polluted three states and touched off national outrage. But the EPA escaped public wrath in 2005 when it secretly dumped up to 15,000 tons of poisonous waste into another mine 124 miles away. That dump containing arsenic, lead and other materials materialized in runoff in the town of Leadville, said Todd Hennis, who owns both mines along with numerous others. If a private company had done this, they would ve been fined out of existence, Hennis said. I have been battling the EPA for 10 years and they have done nothing but create pollution. About 20 percent (of Silverton residents) think it s on purpose so they can declare the whole area a Superfund site. Like Silverton to the south, Leadville was founded in the late 1800s as a mining town and is the only municipality in its county. Today, tourism is its livelihood.It s against this backdrop that the Environmental Protection Agency began lobbying to declare part of Leadville a Superfund site in order to develop a recreational area called the Mineral Belt Trail. The project was officially completed in 2000, but apparently the agency stayed on and continued to work in town.In late 2005, the EPA collected tons of sludge from two Leadville mines and secretly dumped it down the shaft of the New Mikado mine without notifying Hennis, its owner, according to documents reviewed by Watchdog.A drainage tunnel had been installed at the bottom of the mine shaft by the U.S. government in 1942, meaning that any snow or rain would leach toxins into the surrounding land.Hennis said the EPA claims it has installed a treatment pond near the tunnel to clean runoff. The EPA rebuffed his demands to clean up the mess it created in his mine, he said. In frustration, Hennis sent the county sheriff a certified notice that any EPA officials found near his property were trespassing and should be arrested.Despite that history of bitterness, in 2010, the EPA asked Hennis to grant its agents access to Gold King Mine in Silverton because the agency was investigating hazardous runoff from other mines in the region. I said, No, I don t want you on my land out of fear that you will create additional pollution like you did in Leadville, Hennis said. The official request turned into a threat, Hennis said: They said, If you don t give us access within four days, we will fine you $35,000 a day. An EPA administrative order dated May 12, 2011 said its inspectors wanted to conduct drilling of holes and installing monitoring wells, sampling and monitoring water, soil, and mine waste material from mine water rock dumps as necessary to evaluate releases of hazardous substances When the EPA hit Hennis with $300,000 in fines, he said, he waved the white flag and allowed the agency on his property.So for the past four years, the EPA has been working at the mine and two others nearby all which border a creek that funnels into the Animas River. One mine to the north had been walled off with cement by its owner but it continued to leak water into Gold King. The EPA installed a drainage ditch on the Gold King side of the mine to alleviate the problem, but then accidentally filled the ditch with dirt and rocks last summer while building a water-retention wall.That was the wall that burst when a contractor punched a hole in the top on Aug. 5, sending a bright orange stream cascading down. The EPA looked like the Keystone Kops as anger intensified in the media and general public: 24 hours passed with no notification to the lower states or Navajo Nation; the White House ignored mentioning the incident; and it took a week for the EPA administrator to tour Durango downstream, while refusing to visit Silverton itself.The EPA says cleaning ponds have been installed to leach toxins from the water, and claims that anything released now is actually cleaner than before the spill occurred. The fallout from this disaster in the lower states is still unknown.Also unknown is the fate of Silverton itself. For months, the EPA has been pushing town leaders into allowing designation as a Superfund site out of belief that the whole town is contaminated. This is something the town has resisted, as its reputation is at stake and no current tests have shown any evidence of toxic soil levels. Whenever we hear the word EPA, we think of Superfund, said Silverton Town Board Trustee David Zanoni. They say, We want to work together. That s B.S. They want to come in and take over. The water up here is naturally filled with minerals. They don t need to be here cleaning up. If the EPA s litany of mistakes at Gold King mine is a barometer, Zanoni said, handing over the reins of Silverton would be a disaster. They had no contingency plan in case all of this went to hell, he said.The EPA could not be reached for comment.Via: Watchdog.org",left-news,"Aug 17, 2015",0 +(VIDEO) DEMOCRATS FRUSTRATED BY CLINTON JOKING ABOUT E-MAIL SCANDAL: Not a β€˜joking matter’.,The liberal pundits are pretty frustrated by the Clinton campaign and it shows: ,left-news,"Aug 17, 2015",0 +(VIDEO) TED CRUZ PROTESTERS GET ALL WET WHEN RESTAURANT OWNER HAS HAD ENOUGH,"Disrupting people when they re trying to have dinner came to an end when Ted Cruz protesters got all wet. Can we do that to the Black Lives Matter folks?An Arkansas restauranteur thought some Ted Cruz protesters were all wet then he made sure of it!The Texas senator and Republican presidential hopeful was enjoying a meal with Republican Arkansas Gov. Asa Hutchinson in Little Rock last week when the loud group of protesters arrived. We wanted to make sure that [Cruz] heard from us, protester Robert Nunn told ABC affiliate KATV.They made sure a lot of people heard them. Including a guy who dumped a bucket of water right down on them. KATV Breaking News, Weather and Razorback Sports I looked up and I saw, it was clearly one of the employees, he had a white jacket on and he had a bucket and I was like, Hmm, what s going on with that? Nunn told reporters. And before I knew what happened, he had dumped it. Via: BPR",left-news,"Aug 16, 2015",0 +"AS HILLARY CRASHES AND BURNS… The Dems Look To A Recycled Rich White Guy To Save Their β€œDiverse, Working Class” Party","Is the world s biggest global warming liar getting ready for a Bush vs Gore re-match?Democrats more and more desperate to find anybody but Hillary Clinton to be their nominee are now looking to Al Gore to save them.That s right. Al Gore.Should Gore toss his hat into the ring and Joe Biden jump in, that would put five old white men against one old white woman for the Democratic Nomination. Not a Hispanic or African-American in the bunch.It s a stark contrast to the GOP field, with a woman, African American, two Latinos and some younger than 60!Gore won the popular vote in 2000, as you may recall from the harping Democrats made for George W. Bush s entire term. According to BuzzFeed, they re getting the old gang together. The senior Democrat and other sources cautioned not to overstate Gore s interest. He has not made any formal or informal moves toward running, or even met with his political advisers about a potential run.Gore who s now probably a billionaire has spent most of his post Vice-President career focusing on causes that cost American jobs like opposing the Keystone XP pipeline.The senior Democrat and other sources cautioned not to overstate Gore s interest. He has not made any formal or informal moves toward running, or even met with his political advisers about a potential run.A member of Gore s inner circle asked to be quoted pouring lukewarm water not, note, cold water on the chatter. This is people talking to people, some of whom may or may not have talked to him, the Gore adviser said.Via: DownTrend",left-news,"Aug 14, 2015",0 +HOW OBAMA USED NWA (Niggaz Wit Attitudes) Famous For β€œFβ€”k the Police” Rap To Promote His Dangerous Iran Deal On Twitter [VIDEO],"Has the Obama regime really sunk to a new low level? Is that even possible? What do hateful racist and anti-cop messages have to do with a dangerous deal with Iran?The White House is getting hammered for a tweet that was posted on Thursday using a popular hip hop theme for a meme promoting Obama s dangerous Iran deal. The meme is fashioned after a popular movie poster for the movie Straight Outta Compton about the World s Most Dangerous Group, N.W.A. who in the early 80 s used lyrics like F ck the police. This isn t your dad s N.W.A: Dre is now 50 and a mogul, Cube is 46 and a Hollywood powerhouse. And yeah, the guys who sang F tha Police and One Less Bitch have been married for decades. So what s left after you poked mainstream America out of its race slumber 30 years ago? The hot biopic Straight Outta Compton : All this shit really happened. It s crazy how we were getting criticized for this years ago, says Dre of N.W.A s provocative songs about inner-city life. And now, it s just like, OK, we understand. This movie will keep shining a light on the problem, especially because of all the situations that are happening in Ferguson and here in Los Angeles. It s definitely going to keep this situation in people s minds and make sure that everyone out there knows that this is a problem that keeps happening still today. Hollywood ReporterHere s the official White House Twitter account for the deal posted its own version:.@BuzzFeed And thanks to the #IranDeal, Iran will be pic.twitter.com/zEHN1EpEX7 The Iran Deal (NARA) (@TheIranDeal) August 13, 2015Here is the trailer to the Straight Outta Compton movie:In 1991, N.W.A. was reveling in its self-described role as the World s Most Dangerous Group, condemned by politicians and law enforcement authorities alike. Straight Outta Compton had sold some 2 million copies, and its hotly anticipated second full album Efil4zaggin (read it backwards) brought the group fresh infamy when it was released in June of that year.The album s cover showed N.W.A. now without Cube, who had left to start a solo career in 1989 after falling out with manager Jerry Heller as ghosts rising from gunned-down corpses, and its content was no less violent or nihilistic. Songs about violence and sex were punctuated with skits that were just as extreme; the band used the N-word some 249 times. Having been roundly condemned as a menace to society, the group was doing its best to live up to the label. And it worked; the album was banned from some record chains in the U.S., and British authorities, under the authority of the Obscene Publications Act, seized 25,000 copies of the album upon its release. Critics weren t impressed. TIME s Jay Cocks branded the album grotesque in a July 1991 review, not for its threat to the moral order but for its relentless negativity and misogyny:The fact is, Efil4zaggin is an entire open season for negative stereotyping. That s the classic rap posture, black male division, of course: turning the comic-book white fantasy of the black male as a murderous sexual stud into a hyperbolic reality. Rappers like N.W.A. and Public Enemy want to scare the living hell out of white America and sell it a whole mess of records by making its worst racial nightmares come true.N.W.A. s runaway success was driven not by street-seasoned bloods, Cocks wrote. Instead, he continued, the group appealed to white, middle-class teenage boys thousands of miles from South Central L.A. who were looking for a way to rebel. Via: TIMEHERE IS THE VERY EXPLICIT VIDEO F*ck The Police by NWA who our White House has chosen to tie in to their pro-Iran deal message: ",left-news,"Aug 14, 2015",0 +OH BOY! TARGET CUSTOMERS RESPOND TO THE NEW GENDER NEUTRAL TOY LABELING,"Oh boy! Target customers are hot under the collar on this pc move to give toys gender neutrality. Angry customers are ditching Target and have been very vocal about their displeasure on social media: @thehill so now being PC is more important than helping customers. No more Target shopping for me Target is bringing Americans one step closer to a gender-neutral society. The department store chain announced what it called something exciting Friday. After some customers complained about certain toys being designated as appropriate for girls, it is doing away with signs denoting gender classifications. Over the past year, guests have raised important questions about a handful of signs in our stores that offer product suggestions based on gender, according to Target s online publication, A Bullseye View. Toys no longer will be labeled according to sex and displayed on either pink or blue shelving. Gender-neutral signage also will appear in the children s bedding section. The only place gender labels will remain is in the children s clothing department.The gender-labeling brouhaha began last June when Target customer and Ohio mother Abi Bechtel snapped a photo of Target signage indicating Building Sets and Girls Building Sets and tweeted it to the chain along with a stern message. It stood out to me as a good example of the way our culture tends to view boys and men as the default, normal option, and girls and women as the specialized option, Bechtel told CNN.Maybe that particular sign was a bit ridiculous, but it certainly didn t require eliminating all gender classifications to correct it.Oddly, Target said that we use signs and displays specially designed to help guests get through the store efficiently, and signs that sort by brand, age or gender help them get ideas and find things faster. So, the answer is to remove signs that help customers get through the store efficiently ?Read more: BIZ PAC REVIEW",left-news,"Aug 13, 2015",0 +[VIDEO] FED UP DRIVER IN SUV PLOWS THROUGH FERGUSON PROTESTERS BLOCKING BUSY HIGHWAY… #DontPlayInTheStreets,This fed up driver was not going to be bullied into submission by these ignorant protesters. Was he wrong to keep driving when these people know they re blocking traffic and putting themselves in grave danger standing in front of traffic? How do these fools know what circumstances of each one of the drivers may be facing as they re blocked by a pack of ignorant people? Someone may be rushing their child to the hospital or trying to get to work on time for fear of losing their jobs. No one should never have to sit behind a wall of human protesters on a busy highway it doesn t matter what you re protesting that s just common sense to stay off the highways and roads.The best part of this whole video is when one of the brave protesters announces to everyone that he got the license plate number so he could report him to the cops they re standing in traffic to protest! #LowInformationVoters .https://twitter.com/CassandraRules/status/630873997735911424 ,left-news,"Aug 13, 2015",0 +WOW! BRAVE VETERAN CONFRONTS FERGUSON THUGS STOMPING ON U.S. FLAG: β€œMy Brothers Died For That Flag!” [VIDEO], My brothers DIED for that flag! ,left-news,"Aug 12, 2015",0 +[VIDEO] WHY THE RACE WAR IS NOT REALLY ABOUT RACE IT’S β€œANARCHY IN ACTION”," The left believes they are winning this war. Radical organizations funded by George Soros and other radical leftists are paying protesters to join anarchists in the war against America. This is a must watch debate with two conservative men who are unafraid to take on one of the mouthpieces of the left and call them out on their agenda.Steve Malzberg from NewsMax TV and Nomiki Konst, the radical executive director of the Accountability Project, joined Jim Hoft of Gateway Pundit to discuss the Ferguson mobs and myths and Barack Obama s stellar record on race relations.Nomiki is a committed leftist and accused Donald Trump of being a racist. Steve Malzberg let her have it. We ended with a discussion on how Barack Obama destroyed race relations in this country. Enjoy.Via: Gateway Pundit",left-news,"Aug 12, 2015",0 +[VIDEO] SHERIFF CLARKE EXPOSES THE LEFT: β€œThis (Ferguson protests) Is Nothing More Than An Attempt To Try To Energize and Mobilize The Black Vote Through The 2016 Election”," A bunch of thugs, a bunch of creeps, criminals, race hustlers with a scattering of law abiding people converged in this area and ripped the town up again. I would ve like to think this phony (#BlackLivesMatter) Movement Would ve Come Back To Apologize To The Good Law-Abiding People Of Ferguson, MO, but instead, we get this whole phony movement. In the first round there was an over-reliance by the police on avoiding confrontation. Look, the police are not looking for confrontation, but if someone s gonna bring the fight, then they have to respond quickly. If there s looting, if there s gun fire like last night, if there s rioting, if there s other sort of criminal behavior, law enforcement needs to use the resources they have. Respond quickly and crush it. And give the impression to these individuals that this stuff is not gonna stand. They re (the left) gonna keep this thing going and it s an unfortunate thing. Because look, this isn t Selma, Alabama this isn t Montgomery, it isn t the civl rights movement. Mike Brown was engaged in felonious conduct.This is a slap in the face to people like Rosa Parks and Martin Luther King, Jr. They oughta go back and study Dr. Martin Luther King, Jr. I don t remember gun fire and rioting breaking out at a protest that he held. ",left-news,"Aug 11, 2015",0 +TRANSGENDER PRISONER IN CA JAIL FOR MURDER IS GRANTED PAROLE FOR SEX CHANGE,"Just when you find yourself wondering if the world has gone completely mad you read a story like this that confirms that indeed, it has Gov. Jerry Brown is allowing parole for a transgender inmate who is trying to force California to become the first state to pay for sex reassignment surgery.A federal judge in April ordered the state to provide the surgery, which had been scheduled for July. It was delayed after the state appealed.The governor s office said Friday that Brown was taking no action on the Board of Parole Hearings recommendation to release Michelle-Lael Norsworthy, which means her parole will proceed.The decision makes it less likely that the 51-year-old will be able to have surgery funded by the prison before she is released. Parole board spokesman Luis Patino said it usually takes about a week for an inmate to be released after the governor allows a parole to proceed.Brown decided Norsworthy is no longer dangerous, 30 years after she fatally shot Franklin Gordon Liefer Jr., 26, following an argument in a Fullerton bar in November 1985.Norsworthy, then 21, was convicted of second-degree murder after she shot Liefer three times. He died six weeks later.She is being held at Mule Creek State Prison, a men s prison in Ione, near Sacramento. Prison records refer to her by her birth name of Jeffrey Bryan Norsworthy, though she has lived as a woman since the 1990s.She was diagnosed with gender identity disorder in 1999 and began taking female hormones. She began asking the corrections department for the surgery in 2012 after learning a judge for the first time had ordered Massachusetts to provide an inmate with the procedure. However, that decision was overturned on appeal in December, and the U.S. Supreme Court declined to intervene.The 9th Circuit agreed to hear California s appeal of U.S. District Judge Jon Tigar s ruling and a hearing is scheduled for Thursday. The appellate court noted that the case raises serious legal questions about whether denying the surgery violates Norsworthy s constitutional rights against cruel and unusual punishment.The California Department of Corrections and Rehabilitation says it has met all of its legal requirements by providing Norsworthy with counseling and hormone therapy.The state filed paperwork in federal court Friday saying it has agreed to provide sex reassignment surgery for another inmate, Shiloh Quine, 56, to settle a separate lawsuit. CDCR evaluates every case individually, and in the Quine case, every medical doctor and mental health clinician who has reviewed this case, including two independent mental health experts, determined that this surgery is medically necessary for Quine, corrections department spokesman Jeffrey Callison said in an emailed statement.Quine, formerly known as Rodney James Quine, is serving a life sentence for murder, kidnapping and robbery.Norsworthy testified at her parole hearing in May that she accepts responsibility for her crime. She said at the time, she was pretty much drinking every day all day but is now sober and attends Alcoholics Anonymous meetings in prison.She said she also takes steps to control her anger and make better judgments.Via: FOX News",left-news,"Aug 11, 2015",0 +HILLARY CLINTON CRASHING IN POLLS: Moves To Obama Strategy…Using Taxpayer Money To Give Away Free Sh*T,"So, the working people of America are basically supposed to sit back and watch Bernie Sanders and Hillary compete to see who can pander to get more votes by promising Americans and illegal aliens more free sh*t with our hard earned money? Like healthcare, education is a sclerotic, overexpensive, underperforming industry. Both have strong parallels: they re dominated by government subsidies and controls, though not entirely socialized; they re perhaps the only growth industries in our moribund economy; and they dominate the thought life of the nation. As Arnold Kling and Nick Schulz pointed out in 2011:These are our foremost growth sectors the ones most central to employment and consumption; the ones that, increasingly, drive our economy. And it is in precisely these two sectors that the case for extensive government intervention and planning, if not outright control, is dominant and becoming ever more so.If there is to be any hope of reversing this trend, champions of market economics must come to see these two sectors as the front lines in the battle for capitalism. At stake is not only an ideological or theoretical point, but also American prosperity. The historical record makes this clear: In the nations where it was practiced, government control of the old commanding heights of the economy made those industries less efficient and less innovative bringing overall economic performance down with them.Today, Hillary Clinton is touting her plan for Obamacare-izing higher education. Competing Democratic presidential candidates Martin O Malley and Bernie Sanders have already proposed essentially socializing college straight up. Clinton s proposal, like Obamacare, is also collectivist and unjustified wealth redistribution, but with a more complicated, less direct, crony capitalist flavor. In other words, it s not direct socialism, but it might as well be.By mucking around this way, Clinton gains the benefit of deception: She can argue that both the left and the right (by right, she of course means the craziest of Republicans, not actual conservatives) have proposed elements of her plan. So she gets to smear her Frankenstein with pretty bipartisan makeup. And the average voter won t care, because the average voter doesn t give jack about enslaving his children (or other people s children) to the unseen but growing monstrosity of federal debt, as long as he gets feel-goodies now, regardless of whether they actually benefit anyone. But it s still a Frankenstein.What Does Hillary Clinton Propose, Exactly? Before we get into the mud-slinging, let s do what most journalists do not and give some actual hard facts about Clinton s proposal. (Do any of you also scan news articles looking for actual facts instead of paid spokespeople s lying spin? It s hard to find those, isn t it?) The full proposal doesn t seem available (probably so they can tweak its details in response to initial criticism); reporters have gotten three fact sheets, MSNBC says. Inside Higher Ed kindly posted them. A news summary of the major points: Under the plan, which was outlined by Clinton advisers on Sunday, about $175 billion in grants would go to states that guarantee students would not have to take out loans to cover tuition at four-year public colleges and universities. In return for the money, states would have to end budget cuts to increase spending over time on higher education, while also working to slow the growth of tuition, thought the plan does not require states to cap it. (NYT) military veterans, lower-income students and those who complete a national service program, like AmeriCorps, would go to school for free in the Clinton plan (AP). She would also expand income-based repayment programs, allowing every student borrower to enroll in a plan that would cap their payments at 10 percent of their income with remaining debt forgiven after 20 years. (AP) Student borrowers would be expected to work at least 10 hours a week to contribute, while their families would continue contributing under the current income-based model. Clinton s plan would also expand a tax credit from $1,000 to $2,500 for families paying for college. (MSNBC) Her campaign says she will create a dedicated fund for Historically Black Colleges and Universities, and will expand AmeriCorps from 75,000 to 250,000 members. (MSNBC) Mrs. Clinton would pay for the [supposedly $350 billion] plan by capping the value of itemized deductions that wealthy families can take on their tax returns. (NYT)So more income redistribution and more federal micromanagement because, clearly, central planners know better how to manage college costs than colleges and families. Topped off, of course, by (what else?) playing self-appointed Robin Hood against people who earn lots less money than she does. Envy and greed are our society s favorite sins, after all.Federal Meddling Is the Problem, Not the AnswerThe most expensive portion of Clinton s proposal involves bullying states into following federal marching orders in order for them to receive cash the feds scooped from taxpayers.For entire story: The Federalist",left-news,"Aug 10, 2015",0 +"BUSTED! DEM TX REP PLAYS RACE CARD, LIES ABOUT TREATMENT BY COP…Uncovered Dash Cam Shows Truth [VIDEO]","The race card thing is getting old fast The Austin County Sheriff s Office released the dash camera video of a July 14 traffic stop of State Representative Garnet Coleman Tuesday to refute claims Coleman made last week about being disrespected and treated like a child. Coleman, as the chair of the Committee on County Affairs, held a hearing last Thursday in Austin as the first public inquiry into the arrest and death of Sandra Bland in Waller County. In that hearing, Coleman recounted his own history of being pulled over in traffic stops and gave this account of an I-10 traffic stop that happened just two weeks ago. He talked to me like I was a child, he said of the sheriff s deputy who pulled him over for speeding. He was so rude and nasty. Even when he found out I was a legislator, he became more rude and nasty. And I didn t understand why this guy was continuing to go on and on and treat me like a child. And basically like I m saying is treat me like a boy. I want to be very clear about that, Coleman said in the committee hearing. Via: Breaking 911KHOU The Texas Municipal Police Association, the Harris County Deputies Organization, the Houston Police Officers Union and the Dallas Police Union all issued demands for Coleman to apologize for his fabrication of the events in the traffic stop. Sheriff Brandes asked Coleman to apologize for his remarks about the sheriff s deputy. Instead, Coleman seemed to double down on the race card boy word. They may not have [thought it was rude], Coleman told KHOU. But they weren t sitting in my seat. And, if you know the history of my people, you know that being treated like a child or a boy is not something that we accept very well. The Houston Police Officers Union (HPOU) issued a strong rebuke to Coleman. Our organization has supported Representative Coleman during his tenure in the Texas Legislature, however, since Representative Coleman refuses to own up to the fact that his statements in committee regarding the stop were in fact not true and completely out of line, we have no choice but to discontinue our support of him. Via: Weasel Zippers Black Democratic Texas State Rep Claims Mistreatment By Police During Traffic Stop, Video Shows Anything But",left-news,"Aug 9, 2015",0 +β€œBLOOD ON THEIR HANDS” FOR VOTING RIGHTS: The Truth About Shocking Number Of Murders By Illegal Aliens In US Hidden By Media And Dems [VIDEO],"It s time to stop hitting the snooze button America! This crisis is no longer on our doorstep it s here. The Democrats, corporations and the Chamber of Commerce want to give these criminals the same rights as you and me Republican presidential candidate Donald Trump deserves credit for forcing all 17 Republican candidates to talk about the social costs of illegal immigration, but it is not Trump s issue. We will be making a fatal mistake if we let the media discuss it that way.As Ann Coulter has pointed out, this is the most critical issue of the 2016 race because this is the issue that will define whether or not there will even be an American nation recognizable as the home of the free and land of the brave. But illegal immigration is not Ann Coulter s issue any more than it is Tom Tancredo s issue. It is America s issue not only because it will define America in the 21st Century but because it also defines American elections and who will be voting in elections in 2020 and beyond. It also illuminates the power of the mainstream media to keep issues off the national stage.Think of illegal immigration this way: If the liberal media can keep illegal alien crime out of the kitchen table debate, they can keep any issue out of the debate. And they will if they can get away with it. For those reasons, illegal immigration is much more than an issue of public policy; it is the poster child for media malpractice.The media s attempt to suppress public awareness over illegal alien crime and the effects of illegal immigration on American workers jobs and wages is nothing less than censorship on a massive scale. We need to start talking about it in those terms and hold the media accountable for the lack of ethical standards.The mainstream media including, sadly, major segments of the presumably conservative media, like the Wall Street Journal are working overtime to keep the American public and the American voters in the dark on the scope of illegal alien crime. The murder of Kate Steinle in San Francisco exposed only the tip of a massive iceberg, and the media establishment is desperate to avoid dealing with the iceberg underneath.Let s look at a few numbers. You haven t seen them in the New York Times, Atlanta Constitution, or the Miami Herald, nor have they been featured on NBC Nightly news or CNN. So, the average American is blissfully unaware of them.Between 2008 and 2014, 40% of all murder convictions in Florida were criminal aliens. In New York it was 34% and Arizona 17.8%. During those years, criminal aliens accounted for 38% of all murder convictions in the five states of California, Texas, Arizona, Florida and New York, while illegal aliens constitute only 5.6% of the total population in those states. That 38% represents 7,085 murders out of the total of 18,643. That 5.6% figure for the average illegal alien population in those five states comes from US Census estimates. We know the real number is double that official estimate. Yet, even if it is 11%, it is still shameful that the percentage of murders by criminal aliens is more than triple the illegal population in those states.Those astounding numbers were compiled by the Government Accountability Office (GAO) using official Department of Justice data on criminal aliens in the nation s correctional system. The numbers were the basis for a presentation at a recent New Hampshire conference sponsored by the highly respected Center for Security Policy. You can view the full presentation here:The federal Bureau of Prisons category criminal aliens includes legal immigrants who have been convicted of serious crimes, but over 90% of incarcerated criminal aliens are illegal aliens, so it is reasonable to use these numbers as a close approximation of the extent of illegal alien crime.Similar data is available at the state level if state officials have the desire to look for it. The Texas Department of Public Safety reports that between 2008 and 2014, 35% of the all murder convictions were illegal aliens averaging 472 murders each year from 2004 to 2008.Do you know the numbers for your state? Does your congressman, Senator, or Governor know those numbers? Of course not. If you are afraid of the answer, don t ask the question.There is widespread public ignorance of illegal alien crime in every state because the mainstream media does investigate such matters. Why? Because they do not want the public to think about such things. The media, from the Associated Press down to the Main Street News, does not even allow the phrase illegal immigrant to appear in print.So, the numbers are out there in the criminal justice system and correctional institutions, waiting to be compiled and published. State attorneys general and state legislators could access the data if they were interested, and so could the media, but they don t. In fact, in Colorado in 2006, the state legislature passed a law ordering the state Attorney General to compile accurate data on the costs of incarcerating illegal aliens and send a bill for reimbursement to the federal government. The state AG sent the feds a bill for only half the real costs the cost of inmates in the state prison system and not the costs imposed on taxpayers by an equal number of inmates in county jails across the state.The US Department of Justice s Bureau of Justice Programs publishes an annual report on the State Criminal Alien Assistance Program, a report that includes data on the number of criminal aliens incarcerated each state prison system and each county jail. It takes some prodigious digging to find the data, but it is there.But our mainstream media, our self-described guardians of the First Amendment, consciously avoids the effort and declines to put a public spotlight on the problem or demand public scrutiny and public accountability. Why?The answer is that public debate on the problem of illegal alien crime does not serve the progressive political agenda. The issue is swept under the rug and anyone who raises it is called a racist.This is media malpractice of historic proportions, and publishers and editors are the unindicted coconspirators in those 7,085 murders.",left-news,"Aug 9, 2015",0 +PC WORLD GONE MAD: HARVARD BUSINESS SCHOOL GRAD RUNS MARATHON WITHOUT TAMPON To Highlight The Sentiment Of Period-Shaming,"Yes, we did say she s a Harvard Business School graduate. Just goes to show, you can t buy brains Kiran Gandhi, who has played drums for singer M.I.A. and Thievery Corporation, decided to run the London Marathon without a tampon. Gandhi let her blood flow freely to raise awareness about women who have no access to feminine products and to encourage women to not be embarrassed about their periods. I ran the whole marathon with my period blood running down my legs, the 26-year-old wrote of the April race on her website.Gandhi, a Harvard Business School graduate, wrote that she got her period the night before the big race and thought that a tampon would be uncomfortable while she ran. But that isn t the only reason she decided to let it flow. I ran with blood dripping down my legs for sisters who don t have access to tampons and sisters who, despite cramping and pain, hide it away and pretend like it doesn t exist. She added: I ran to say, it does exist, and we overcome it every day. After the race, she took photos with her family and friends, wearing her period-stained running pants proudly.Gandhi tells PEOPLE that she decided to run without a tampon to highlight the sentiment of period-shaming and the language surrounding women s menstrual cycles. She wrote on her site that on the marathon course, sexism can be beaten. If there s one way to transcend oppression, it s to run a marathon in whatever way you want, she wrote. Where the stigma of a woman s period is irrelevant, and we can re-write the rules as we choose. All photos courtesy of Kiran GandhiVia: People",left-news,"Aug 8, 2015",0 +TARGET STORES TO REMOVE GENDER LABELS FROM KIDS DEPARTMENTS,"The LGBT Mafia and PC Police doing what they do best shaming Americans and businesses into conformity. Does anyone have the courage or fortitude to fight back, or are we just going to allow these PC thugs to strip our children of the genders God clearly assigned to each of us? Target Corp. is removing gender labels from most of its children s departments after customers complained about signs designating certain toys for girls.The kids bedding section will no longer feature boy and girl signage, and the toy department will be without labels and pink or blue paper on the shelves, Minneapolis-based Target said on its website Friday. Gender labels will remain in the kids clothing section because of sizing and fit differences.Retailers have been moving away from gender stereotypes, and some startups have emerged to break down the divide in kids clothing and toys. The signage that sparked the dispute at Target was for building sets, like GoldieBlox, that are targeted at girls. As guests have pointed out, in some departments like toys, home or entertainment, suggesting products by gender is unnecessary, Target said. We heard you, and we agree. Right now, our teams are working across the store to identify areas where we can phase out gender-based signage to help strike a better balance. In June, Ohio mom Abi Bechtel called out Target s gender designations in its toy aisle. She posted a photo to Twitter that showed store signs for Girls Building Sets next to regular Building Sets. The outcry was swift, with angry shoppers calling for change. It stood out to me as a good example of the way our culture tends to view boys and men as the default, normal option and girls and women as the specialized option, Bechtel told CNN at the time.Via: Bloomberg",left-news,"Aug 8, 2015",0 +CHICAGO THUG PRESIDENT PERSONALLY LEAKED CHUCK SCHUMER’S OPPOSITION TO HIS DANGEROUS IRAN DEAL,"Schumer asked the President not to mention his decision publicly until he could make a formal announcement on Friday.If that s how Obama treats his closest friends who refuse to align with his reckless Iran deal, just think how he treats his enemies President Obama personally leaked news that Senator Chuck Schumer had decided to oppose his Iran deal, even after Schumer personally asked the President not to mention it until he could make an announcement Friday.During last night s widely-viewed GOP debate, word began to circulate that Sen. Schumer had decided to oppose President Obama s nuclear deal with Iran. The leak appeared timed to make sure the high-level Democratic defection Schumer is the 3rd highest ranking Democrat in Congress got as little attention as possible.A story at Politico confirms the leak was in fact timed for minimum impact, but not by Schumer himself. According to an unnamed source familiar with Schumer s decision, the Senator called President Obama Thursday afternoon to say he had decided to oppose the deal. Schumer asked the President not to mention his decision publicly until he could make a formal announcement on Friday. Politico s source was careful to emphasize that Schumer told no one else about his decision, meaning only President Obama himself could have made the decision to leak the story to the press.After word leaked out, Sen. Schumer issued a lengthy statement about his opposition to the deal on his website. The statement breaks his opposition into three parts. He writes that he finds the arguments for the deal over the first 10-years plausible but says the inspections regime has serious weaknesses and that the snap back of sanctions process is cumbersome. In addition, Schumer believes that after 10-years Iran will have a nuclear program approved by the United States. Finally, Schumer considers the non-nuclear parts of the deal and concludes, When it comes to the non-nuclear aspects of the deal, I think there is a strong case that we are better off without an agreement than with one. Congress is expected to vote against the deal when they return from the August recess. However, that decision can be vetoed by the President. Congress needs a 2/3 vote to override that expected veto. That means the President needs just 34 Senators to take his side. So far he has at least twelve.But as a high ranking Democrat in line to become the next Senate leader of his party, Schumer s defection has the potential to weaken the resolve of other Democrats. Rep. Eliot Engel (D-NY) announced his opposition to the deal last night, shortly after word of Schumer s decision broke. For this reason, the White House had urged Schumer to avoid announcing his decision until the very end of the process, or at least after enough Senators had declared themselves to make it a non-issue.The spin coming out of the White House now is that Schumer s defection is a clear signal that a win for their side is inevitable. The thinking goes that an insider like Schumer wouldn t really put Obama s foreign policy legacy at risk, therefore his planned Friday announcement must be a signal that the votes are there to prevent a veto override vote without him. As Politico frames it, Bad news is being taken as almost good news at the White House. Contradicting this claim is the fact that the White House seemed to be expressing some anger at Schumer earlier in the day. White House spokesman Josh Earnest suggested Friday that Schumer s defection could become an obstacle to his becoming Democratic leader after Sen. Harry Reid (D-NV) leaves the Senate. Other White House surrogates made similar noises.Via: Breitbart News",left-news,"Aug 8, 2015",0 +AWESOME: PATRIOTS AND SHERIFF STAND GUARD As Feds Try To Confiscate Navy Vet’s Guns,"Do you hear that sucking sound? That s the Obama regime sucking more and more of your freedoms away every day In northern Idaho, residents are standing guard against a federal government determined to disarm those they deem unworthy. About 100 locals in Bonner County are stationed outside the home of U.S. Navy Veteran John Arnold, including Sheriff Daryl Wheeler and two state lawmakers.Arnold, who lives in Priest River, received a letter from the Department of Veterans Affairs warning him he is not permitted to purchase or possess firearms, the AP is reporting.Rep. Matthew Shea of Spokane Valley, who described the event as a defiance against tyranny. I took an oath to uphold the U.S. Constitution and uphold the laws of Idaho, Wheeler said. This seemed appropriate to show my support. I was going to make sure Mr. Arnold s rights weren t going to be breached. During Thursday s demonstration, the group at times broke out in song to sing God Bless America and pray while waving both the American flag and the Don t tread on me flag. With a population of just 1,700, Priest River is near the tip of northern Idaho- a region known for its strong tea party roots and gun-rights activism.Arnold had a stroke one year ago. In January, paperwork filed with the VA stated that Arnold was financially incompetent and could not handle his own affairs.Arnold claimed the box that was checked was done in error and he was always competent to handle himself. However, the VA said that due to the paperwork, Arnold was no longer allowed to buy, sell or possess firearms. If somebody else makes an error and they cause you grief they should fix it, said Arnold. That s all I want is that stuff to get fixed. The Department of Veterans Affairs can declare a vet incompetent by fiat if they so wish, in direct violation of the Second Amendment.Republican U.S. Sen. John Cornyn of Texas proposed legislation that would require court action before barring gun purchases by veterans declared incompetent.Via: DownTrend",left-news,"Aug 7, 2015",0 +INSANE SALARY PAID TO PROGRESSIVE UNIV OF WISCONSIN’S β€œQUEER MIGRATION” TEACHER,"Because only a Right Wing Nut believes if you re paying a fortune to attend college, you should get an actual education The guiding principle of the University of Wisconsin is the Wisconsin Idea, a concept first outlined in 1904 by then-UW President Charles Van Hise who declared, I shall never be content until the beneficent influence of the University reaches every home in the state. With the rise of the Progressive Movement, which pioneered populist and socialist reforms, the UW came to view the Wisconsin Idea as a mandate to use its research powers to influence and direct government policy.Today, the university proclaims: The Wisconsin Idea is the principle that the university should improve people s lives beyond the classroom. It spans UW Madison s teaching, research, outreach and public service. With higher education costs skyrocketing and student loan debt hanging over graduates for decades after college, Media Trackers is launching a weekly feature that looks at individual University of Wisconsin professors and measures their area of research, and the classes they teach, against the standard of the Wisconsin Idea.Prof. Karma R. Chavez is an associate professor at UW-Madison s Department of Communication Arts. According to a UW employee salary database maintained by the Wisconsin State Journal, Chavez made $87,224 during the 2014-2015 fiscal year, and has achieved tenure at the school.Chavez teaches seven different courses, ranging from Queer Theory (CA 969) to Queer Migrations (CA 610) and Rhetoric and Queer Theory (also CA 610).Chavez takes pride in her work co-founding of the Queer Migration Research Network, and the UW s Comparative US Studies (CUSS) group. I work with various grassroots social justice organizations and collectives, claims on her official UW biography.The Queer Migration Research Network describes what it does as, Queer migration scholarship critically explores how sexual and gender normativities shape, regulate, and contest contemporary international migration processes that stem from histories of colonialism, global capitalism, genocide, slavery, and racialized patriarchy. In a 2012 essay, Chavez argued that academics and the media should work together to eliminate references to border security when discussing the southern border in the context of the immigration debate, and instead talk about border militarization. Chavez claims in her piece that, President Reagan s administration was most responsible for rolling out the immense infrastructure that would lead to the most drastic border militarization. She further claimed that border security efforts use military tactics to control targeted populations along the border.According to Chavez, the consequence of border security efforts to date has led to the rape of women, including rape perpetrated by U.S. border officials. She cites no proof of this shocking assertion, writing only that, many migrant women have reported being raped under the conditions of militarization for reasons that would not exist if not for militarization. Put another way, Chavez claims that if the U.S. abolishes all border security efforts, women seeking to cross the border will no longer be raped by U.S. border officials or those who ply in the smuggling of humans across the border.A weekly radio host on WORT, Chavez recently hosted shows that criticized Israel s efforts to defend itself from the terrorist group Hamas and examined the cultural history of American nudism. Nowhere on her website does Chavez try to connect the study of queer migration to the Wisconsin Idea of improve[ing] people s lives beyond the classroom. Via: EAG News",left-news,"Aug 5, 2015",0 +WHERE IS THE OUTRAGE? INDIEGOGO HOSTS FUNDRAISER FOR BLACK MAN AND BANK ROBBER WHO MURDERED WHITE COP AND MARINE VETERAN [Video],"Because #BlackCopKillersLivesMatter right?Supporters of Tremain Wilbourn, the Memphis ex-con accused of shooting Officer Sean Bolton when he interrupted a drug deal on Saturday night, have started an IndieGoGo campaign to funnel money to him and his family.Wilbourn turned himself in after a two-day manhunt. I want you to know that one, I m not a cold-blooded killer and two, I am not a coward, he reportedly told Memphis Police Director Toney Armstrong. The campaign repeats his claims and says that cops are waging terrorism on black communities, and so they have to support ex-cons who kill.The description of the campaign reads in full:This year, police have killed 558 people. 68% of those people were black. Most of them were unarmed. Police brutality and terrorism on the black community remains largely unchecked and less than 1% of those police officers who murder black people without cause are charged with murder or manslaughter.Tremaine Wilbourn turned himself in to police on Monday, August 3rd for fatally shooting a police officer during a traffic stop and he wanted to make clear two things: one- he is not a cold-blooded killer, and two- he is not a coward. While the murderers of Freddie Gray, Trayvon Martin, Eric Garner, 12 year old Tamir Rice, Sandra Bland and countless others are free to enjoy their families and lives, these men are no longer among the living.These barbaric, unjustified murders of black men, women, and children are supported under the rule of law. We have to step up and support our people like the murderers of these men, women, and children have been supported. Please donate anything you can to support Tremaine s children and his family during this difficult time for them.So far, the campaign has raised $116 with 12 funders out of its stated $61,000 goal. We have to support our people, the campaign s founder, PK EI wrote as a comment. If Darren Wilson can raise enough to put his children through college twice, we should be able to put together this change for Tremaine s family. We Should Always Support Our Own People, Especially When The Situation Is Grime And Questionable, Or When We Are Completely Within Our Rights. Because We Are All We have To Support Us, reads another from user thinkanotherway. The campaign declares that Wilbourn did in fact, shoot Bolton to death. If nothing else, its adherence to IndieGoGo s community guidelines is questionable: Indiegogo is not a place for hatred, abuse, discrimination, disrespect, profanity, meanness, harassment, or spam, the community guidelines read. Do no [u]se the Services to promote violence, degradation, subjugation, discrimination or hatred against individuals or groups based on race, ethnic origin, religion, disability, gender, age, veteran status, sexual orientation, or gender identity. IndieGoGo did kill an April campaign helping a cop accused of murder: South Carolina police officer Michael Slager, charged for shooting fleeing suspect Walter Scott to death. Our Trust & Safety team regularly conducts verifications and checks and this campaign did not meet their standards, the company said at the time.Via: Breitbart News",left-news,"Aug 4, 2015",0 +IS HILLARY GOING DOWN IN FLAMES? Latest Poll Shows Her Losing Big Time Credibility With Her Most Important Voters,"The good news is the Clinton Crime Syndicate is finally starting to come apart at the seams. The bad news is socialist Bernie Sanders is gaining steam, Joe (the clown) Biden and Fauxcahantas (Elizabeth Warren) are patiently waiting in the wings Hillary Clinton s popularity is plunging among white women, a slice of Americans she desperately needs to win over if she is to become president.A poll released Tuesday by the Wall Street Journal and NBC News found that just 34 per cent of Caucasian females have a positive view of the former secretary of state. That figure has dropped 10 points in the last month.Her unfavorable number among the same group climbed by ten points. Now 53 per cent of white women in the U.S. simply don t like her. Even in America s suburbs, Clinton is under water by five points, with more of those voters seeing her negatively than positively.A similar dynamic is dogging her among college-educated white women, just 43 per cent of whom have a positive view of Clinton compared to 47 per cent who view her unfavorably. A month ago she was in positive territory with that group, by a 51-38 margin.Barack Obama won the White House on the strength of a massive groundswell of black voters something that won t likely repeat itself in 2016.Clinton still posts strong numbers among blacks, but those statistics, too, are slipping.Sixty-six per cent of them told pollsters that they view her favorably, compared with 15 per cent who disagreed. But a month ago the same question brought an 81-3 runaway love-fest.Black voters overwhelmingly choose Democratic candidates, but large numbers of them might not be motivated to vote at all if the party doesn t field a nominee whom they find appealing. Clinton s case for claiming the Oval Office is being hurt by growing scandals related to Clinton s private email server, her role in burying bad news about the Benghazi terror attack just weeks before the last presidential election, and foreign donations to her family foundation.Many Democrats have long hoped Hillary Clinton might expand Barack Obama s electoral coalition by drawing in more white women voters. There is no way you can say she s in the same position this month compared to last month, said Bill McInturff, a Republican pollster who co-directs the WSJ/NBC News survey. She s been dented and she s in a weaker position. The poll sampled opinions from 1,000 adults last week. It also found that self-described independent voters, those with no party affiliation who make up the crucial and uncommitted middle of the electorate, are solidly against Clinton on the favorable/unfavorable question, by a 27-52 margin.Even with her baggage and dwindling support among a few key demographic groups, Clinton remains the Democratic Party s odds-on favorite to be its presidential nominee.Her closest competitor, self-described socialist senator Bernie Sanders of Vermont, trails her by a 59-25 margin when Democrats. But that number might also be soft: In June her 34-point spread over the raw-emotion populist Sanders was 60.Via: Daily Mail",left-news,"Aug 4, 2015",0 +TWO ILLEGAL ALIENS TO BECOME FIRST APPOINTED CITY COMMISSIONERS: Hope To Create More Opportunities For Illegals,"Is there really any point to go through the work and expense to become an American citizen anymore?Huntington Park may become the first city in California to appoint two undocumented immigrants as commissioners on city advisory boards, a lawmaker confirms.City Councilman Jhonny Pineda has picked Francisco Medina to join the health and education commission and Julian Zatarain for the parks and recreation commission.The 32-year-old lawmaker told CBSLA online producer Deborah Meron that he promised voters while running for office that he would create more opportunities for undocumented residents. Huntington Park is a city of opportunity and a city of hope for all individuals regardless of socioeconomic status, race, creed, or in this case, citizenship, the councilman said in a statement. Both these gentlemen have accomplished a great deal for the city. For that, on behalf of the city council, mayor, and our city, I want to say thank you to them both and I am confident they will do an excellent job on their commission posts. Pineda says he cleared the appointments with the city attorney, who confirmed there s nothing that requires a commissioner to be a registered voter, a documented citizen or even a resident, which technically means someone here without legal residency can serve.Appointees first pass a LifeScan background check.Medina and Zatarain would not be paid for the volunteer positions and would not have a direct hand in constructing policy but would help advise the council on legislation. Other commissioners receive a $75 monthly stipend on months when they hold meetings.Coming the same year that California allowed residents to apply for a driver s license, regardless of immigration status, this move is the latest in an effort to recognize an increasingly sizable demographic in the state.Pineda says at 13 years old he emigrated alone to the United States. He established legal residency and told Meron he feels blessed to have been able to come here and work. He s served as a district representative on the California State Senate and legislative assistant for the U.S. House of Representatives. He currently is president of the California Latino Leadership Institute, an organization designed for young professionals interested in leadership development and serving their community.A graduate from Cal State Dominguez Hills with a bachelor s degree in sociology and Chicano studies, Medina interned for then-Assemblyman Gil Cedillo, who now serves on the Los Angeles City Council, Pineda says. Medina also organizes immigration forums aimed a helping working-class communities.Pineda says the decision will be announced at the City Council meeting scheduled for 6 p.m. Monday and will become official after being processed by the council.Via: CBS Los Angeles",left-news,"Aug 3, 2015",1 +"WHY HAS THIS MAN NOT BEEN ARRESTED FOR TERRORISM? BLACK MUSLIM LEADER, FARRAKAHN CALLS FOR ARMY OF 10,000: β€œStalk Them And Kill Them (White Man)…The Koran Says Retaliation Is Prescribed” [VIDEO]",THE MOST HATEFUL BLACK MUSLIM MAN IN AMERICA is apparently allowed to give insane speeches in front of large crowds in America calling for the killing of white men in the name of the Koran and yet no one bats an eye? This is TERRORISM!,left-news,"Aug 3, 2015",0 +BUSINESS OWNER LEARNS PAINFUL LESSON: Why Re-Distribution Of Earnings In The Workplace Doesn’t Work,"Socialism has never been proven to be a successful economic system. Yet here in America, Bernie Sanders, an avowed socialist is the clear front-runner in the Democrat party.When Dan Price, founder of Gravity Payments, announced that he would be cutting his $1 million dollar salary to $70,000 and that $70,000 would be the new minimum wage at his Seattle-based company, you can only imagine how excited his 120 employees were. Before his big announcement, the average salary at Gravity, a credit card payment processing company was $48,000. Everyone start[ed] screaming and cheering and just going crazy, Price told Business Insider shortly after he broke the news in April.One employee told him the raise would allow him to fly his mom out from Puerto Rico to visit him in Seattle. Another said the raise would make it possible for him to raise a family with his wife. Overnight, Price became something of a folk hero a small-business owner taking income inequality into his own hands.Newsmax The market rate for me as a CEO compared to a regular person is ridiculous, it s absurd, Price said, according to The New York Times. As much as I m a capitalist, there is nothing in the market that is making me do it. But in the weeks since then, it s become clear that not everyone is equally pleased. Among the critics? Some of Price s own employees.The New York Times reports that two of Gravity Payments most valued members have left the company, spurred in part by their view that it was unfair to double the pay of some new hires while the longest-serving staff members got small or no raises. Maisey McMaster once a big supporter of the plan is one of the employees that quit. McMaster, 26, joined the company five years ago, eventually working her way up to financial manager. She put in long hours that left little time for her husband and extended family, The Times says, but she loved the special culture of the place.But while she was initially on board, helping to calculate whether the company could afford to raise salaries so drastically (the plan is a minimum of $70,000 over the course of three years), McMaster later began to have doubts. He gave raises to people who have the least skills and are the least equipped to do the job, and the ones who were taking on the most didn t get much of a bump, she told The Times. A fairer plan, she told the paper, would give newer employees smaller increases, along with the chance to earn a more substantial raise with more experience.Gravity s web developer, Grant Moran, 29, had similar concerns. While his own salary saw a bump to $50,000, up from $41,000, in the first stage of the raise he worried the new policy didn t reward work ethic. Now the people who were just clocking in and out were making the same as me, he tells The Times. It shackles high performers to less motivated team members. He also didn t like that his salary was now so public, thanks to the media attention, and he worried that if he got used to the salary boost, he might never leave to pursue his ultimate goal of moving to a digital company. Like McMaster, Moran opted to leave.But according to the Times, even employees who are exhilarated by the raises have new concerns, worrying that maybe their performances don t merit the money. (Arguably, this is evidence the increase is actually a good idea, potentially motivating people to achieve more.)For his part, Price who s also under fire from other local business owners and his brother, who says Price owes him money stands by his plan, but doesn t begrudge his critics. There s no perfect way to do this and no way to handle complex workplace issues that doesn t have any downsides or trade-offs, he tells the Times. I came up with the best solution I could. And certainly, many of his employees agree.Via: Business Insider ",left-news,"Aug 3, 2015",0 +WATCH RESPONSES BY NH FOCUS GROUP TO QUESTIONS ABOUT TRUMP SHOCK MSNBC HOSTS,The answers to questions about Donald Trump by a room full of mostly Democrats and Independent NH voters leave these leftist MSNBC hosts in shock https://youtu.be/ylrpG-SLdEU,left-news,"Aug 3, 2015",0 +EMBARRASSING: [VIDEO] DNC DINGBAT CAN’T TELL MSNBC HOST The Difference Between A Democrat And Socialist,"There used to be a difference. Of all people, Chris Matthews should have known he was asking his party s chairman a trick question The chair of the Democratic National Committee was momentarily speechless after being asked an awkward question about her party and socialism on Thursday. What is the difference between a Democrat and a socialist? MSNBC host Chris Matthews asked Rep. Debbie Wasserman-Schultz (D., Fla.). Uh, Wasserman-Schultz responded. I used to think there was a big difference, Matthews said. What do you think? The difference between the real question is what s the difference between being a Democrat and being a Republican, Wasserman-Schultz said.Matthews didn t let her off easily. Yeah but what s the big difference between being a Democrat and being a socialist? Matthews said. You re the chairwoman of the Democratic Party. Tell me the difference between you and a socialist. https://youtu.be/fkr7DsQTwno The relevant debate that we ll be having over the course of this campaign is what s the difference between being a Democrat and being a Republican, Wasserman-Schultz repeated.Via: WFB",left-news,"Aug 2, 2015",0 +"HOLLYWOOD LIBS CREATE INSANE PROPAGANDA VIDEO FOR OBAMA: Warning Iran Will Bomb Us With Nukes If Congress Blocks Obama’s Deal,”Like a really dark unpleasant death toast”","Hmmm .If we didn t know better, we d almost think Obama and Valerie Jarrett had a hand in writing this whacked out script. Don t let some hot-headed member of Congress screw this up. ???This propaganda piece was clearly created for the low information voter A group of celebrities and public figures have come together in a new video to get behind the Obama administration s nuclear deal with Iran, urging the public not to let Congress sabotage the agreement.Actors Morgan Freeman and Jack Black joined forces with Queen Noor of Jordan and former US Ambassador to Israel Thomas Pickering to suggest that the result of the Iran deal falling through would have dangerous consequences.The video was produced by Global Zero, a non-profit organization with the stated mission of the elimination of all nuclear weapons. It would be like a really dark unpleasant cloud of death, Black says, referring to the possibility of a nuclear attack on the United States in a tongue-in-cheek manner.Queen Noor makes it clear that paranoia about Armageddon isn t what they are selling, though. We re not actually worried about Iran dropping a nuclear weapon on the United States, she says. It is true that if Congress sabotages this deal, there would be nothing stopping Iran from getting the bomb, Pickering adds. That would likely spark an arms race throughout the region. Ultimately, we could be forced into a war with Iran, another dangerous, drawn-out and expensive conflict in the Middle East with many lives lost, says Freeman.Meanwhile, Natasha Lyonne from the popular Orange is the New Black TV show chimes in with: Don t let some hot-headed member of Congress screw this up. Via: RT Since they were nice enough to give you Congress phone number, we re going to do the same: 877-630-4032. We re going to ask that you make the call and DEMAND Congress STOPS Obama from making a reckless deal with Iran, a country who is still chanting Death to America! There s a reason we don t negotiate with terrorists and it s not because we don t want peace it s because we understand that a peaceful resolution can never be reached with people who only want to see your country wiped off the map ",left-news,"Jul 31, 2015",0 +BREAKING: PLANNED PARENTHOOD PULLS A LAME PR STUNT AND GETS BUSTED,"Desperation has set in and Planned parenthood is resorting to messy stunts that try and make anti-abortion groups look bad. I just don t think these ghouls realize that no matter what they do, this is evil and wrong Planned Parenthood claims on several of its websites that the organization s web operations have been attacked by extremists, but this so-called hacking has all the hallmarks of an orchestrated public relations stunt.Numerous people on Twitter pointed to evidence suggesting that this so-called hack wasn t a hack at all:A review of the source code of the main page that appears at PlannedParenthood.org shows that as of 9:30 a.m. today, the page is listed as a Campaign and uses a specific template named Site Down Tempalte (the typo is theirs). The same page then directs visitors to the Facebook page of Planned Parenthood Action Fund, the political fundraising arm of the nation s largest abortion provider.And that s where Planned Parenthood s hacking facade begins to crumble. On the splash page declaring that the organization was hacked, visitors are asked Why do you stand with Planned Parenthood and invited to share their stories on a separate page.And wouldn t you know it, that page functions perfectly.What next Planned Parenthood, you gonna stage a fake bombing or arson at one of your abortion clinics as a fundraising hoax? I m sure your pals at the SPLC could supply a list of likely suspects to frame.It s just a shame these ghouls can t cry racism or homophobia. Hey, maybe they should expand their services to include sex change operations or race reassignments . I bet Bruce Jenner and Rachel Dolezal would be onboard with that.Via: Blur Brain",left-news,"Jul 30, 2015",0 +SHOCKING HYPOCRISY: THE MOST RACIST INDUSTRY IN AMERICA,"So much for tolerance and diversity How would you describe an industry in which the number of blacks employed has now dropped to 1968 levels?Think about it. In 1968 democrats were still fighting to keep blacks from being equal to whites. Actually the number of blacks employed in this industry is worse than in 1968 when you take their percentage of the overall population into account. In 1968 blacks accounted for 10.9% of the population. Today they constitute 13.2% of the population. So, what industry is the most rife with racism? The media.Is this just too delicious for words or what? The same media who inflate and lie about news stories in order to inject racism into the mix, themselves are the biggest racists in America. Today, only 4.78% of all newsroom employees are black. In 1968 there were less than 5% employed in the newsroom. So basically the same percentage despite the fact that there are many more blacks today that in 1968.Take a look at this White House press conference and tell me how many blacks you see:This is typical of liberals, Do as I say and not as I do. Alex T. Williams of the Columbia Journalism Review (CJR) breaks down the numbers for al minorities: The percentage of minorities employed in daily newspapers (the ASNE looks at black, Hispanic, Asian American, Native American, and multiracial populations) has increased from 3.95 percent in 1978, when the ASNE began conducting the census, to 13.34 percent in 2014. The Radio Television Digital News Association estimates that in 2014, minorities made up 13 percent of journalists in radio and 22.4 percent of journalists in television. Still, these figures are a far cry from the 37.4 percent of Americans that are minorities. It s not a matter of blacks not wanting to be newsroom workers. To the contrary, there are plenty of black college graduates who majored in journalism. It s just that the media won t hire them. More from Williams of CJR: Here, I found an alarming trend. Comparing the 2013 job placement rates, graduating minorities that specialized in print were 17 percentage points less likely to find a full-time job than non-minorities; minorities specializing in broadcasting were 17 percentage points less likely to find a full-time job; and minorities specializing in public relations were 25 percentage points less likely to find a full-time job. In contrast, minorities specializing in advertising were only 2 percentage points less likely to find a full-time job than their white counterparts. Via: PC GraveyardSorry friends, the media may suffer from an inability to tell the truth, but these facts don t lie ",left-news,"Jul 29, 2015",0 +WHY WOULD OBAMA’S SEND THEIR DAUGHTER TO NYC TO INTERN With A Self Described β€œSexual Predator” Of Her Little Sister?,"Malia s internship with pedophile Lena Dunham comes on the heels of her taxpayer funded European tour to London, Venice and Milan with her sister Sasha, Mooch and of course, Mooch s mom (as no taxpayer funded vacation would be complete without).Dream job?Malia Obama has landed a summer internship on the set of HBO s raunchy show Girls during which she ll be working with actress and proud feminist Lena Dunham, according to a report in US Weekly.Specifically, a source close to the television show s production team told the magazine of Malia, She s a fan, and she mentioned that to Lena [Dunham] when she came to the White House. I m not sure how long she ll be interning for. It s a bit of a trial thing for her. They ve known each other and discussed for a while. Lena and her get along great. The gig would make sense, as Malia was was photographed last week in Brooklyn drinking a soda on the set of Girls, though at the time it was uncertain whether she was working on the set or perhaps playing a guest role in an episode. Via: Red Alert PoliticsTruth Revolt: In her newly published collection of personal essays, Not That Kind of Girl, Lena Dunham describes experimenting sexually with her younger sister Grace, whom she says she attempted to persuade to kiss her using anything a sexual predator might do. In one particularly unsettling passage, Dunham experimented with her six-year younger sister s vagina. This was within the spectrum of things I did, she writes. anything a sexual predator might do to woo a small suburban girl I was trying. In the collection of nonfiction personal accounts, Dunham describes using her little sister at times essentially as a sexual outlet, bribing her to kiss her for prolonged periods and even masturbating while she is in the bed beside her. But perhaps the most disturbing is an account she proudly gives of an episode that occurred when she was seven and her sister was one.Here s the full passage (p. 158-9): Do we all have uteruses? I asked my mother when I was seven. Yes, she told me. We re born with them, and with all our eggs, but they start out very small. And they aren t ready to make babies until we re older. I look at my sister, now a slim, tough one-year-old, and at her tiny belly. I imagined her eggs inside her, like the sack of spider eggs in Charlotte s Web, and her uterus, the size of a thimble. Does her vagina look like mine? I guess so, my mother said. Just smaller. One day, as I sat in our driveway in Long Island playing with blocks and buckets, my curiosity got the best of me. Grace was sitting up, babbling and smiling, and I leaned down between her legs and carefully spread open her vagina. She didn t resist and when I saw what was inside I shrieked.My mother came running. Mama, Mama! Grace has something in there! My mother didn t bother asking why I had opened Grace s vagina. This was within the spectrum of things I did. She just got on her knees and looked for herself. It quickly became apparent that Grace had stuffed six or seven pebbles in there. My mother removed them patiently while Grace cackled, thrilled that her prank had been a success.Dunham describes the book as a work of nonfiction in which some names and identifying details have been changed. She also states that she considers herself an unreliable narrator, which gives her some wiggle room on the truth of her accounts. As National Review s Kevin D. Williamson notes, this passage is especially suspicious. The one-year old Grace s prank is supposedly done with the expectation of her older sister poking around in her genitals. There is no non-horrific interpretation of this episode. UpdateAfter Lena Dunham went on a self-described rage spiral in response to this article, which she called f*cking upsetting and disgusting, her lawyer sent a cease and desist letter to TruthRevolt threatening to sue us for millions of dollars if we did not pull the piece and post a retraction stating that this story was false. TruthRevolt refused.Monday, TruthRevolt editor-in-chief Ben Shapiro posted a response to the cease and desist letter, which includes more of the passages from her book upon which our assessment was based and argues that quoting a woman s book does not constitute a false story :Lena Dunham may not like our interpretation of her book, but unfortunately for her and her attorneys, she wrote that book and the First Amendment covers a good deal of material she may not like.",left-news,"Jul 28, 2015",0 +"[VIDEO] OBAMA TELLS HOMETOWN KENYANS: β€œI’m A Pretty Good President, And If I Ran For A Third Term, I Could Win”","We re not sure what s funnier, the fact that he talks about being a pretty good president or that he actually thinks anyone believes him when he says he can t run again because the Constitution prohibits it, saying: the law s the law. When did this President ever let a little thing like the Constitution or the law get in the way of his agenda?",left-news,"Jul 28, 2015",0 +"OBAMA’S ARMY: BLACK LIVES MATTER TERRORIST SHOUTS, β€œBurn Everything Down” IN LARGE ACTIVIST MEETING, AS CO-FOUNDER CHEERS [VIDEO]","And why is this person not up on domestic terrorism charges? Can you imagine a white person being caught on camera making such claims in a crowded room of white racists? Lorretta Lynch s DOJ would have already descended on them if the color of their skin was anything but black. We are witnessing something very ugly taking place in America, orchestrated by a man the majority of Americans voted for as their two-term president, because they actually believed he would make our country even better In rarely seen angle on the Black Lives Matter mob takeover of a NetRoots Nation Presidential Town Hall last weekend in Phoenix, Arizona, activists from the group scream explicit calls for violence and chaos, using an Occupy Wall Street style call-and-response technique to advocate burn everything down, shut this shit down, and rise the f*ck up. By the way, it s worth mentioning that spineless, pandering Democrat presidential candidate Martin O Malley was on the stage witnessing this whole scene unfold. Does anyone remember O Malley apologizing to the crowd following this event for having the audacity to say: All lives matter ?The shouted manifesto lays bare the theory behind the burning, looting, and rioting that have transpired in recent months in Baltimore and Ferguson, and it also lays out the group s agenda on current news events like immigration reform, transgender activism, and the fables about the death of convicted criminal Sandra Bland that the group is spreading through the media.The nascent Black Lives Matter movement cannot claim that these statements were made by a few fringe members: the entire rant was orchestrated by Black Lives Matter Founder Patrisee Cullors, who can be seen in the video enthusiastically pumping her fist and shouting along with every incendiary statement.Nor is Black Lives Matter a fringe group; they have been embraced and given fealty by the highest levels of the Democratic power structure. Cullors told a British interviewer, We re going into halls of power now. Many of us are meeting with mayors or meeting with local government. Some of us have met with President Obama himself to talk about the demands. Ms. Cullors name appears on White House visitor records.Last week, Breitbart News exposed that convicted cop killer Assata Shakur is one of the heroes of the Black Lives Matter founders. Black Lives Matter pays homage to Cuban exile Shakur and quotes the Communist Manifesto at every single Black Lives Matter event.In one of the only cases of any coverage of the Black Lives Matter shrieks of angry poety at Netroots, CNN glossed over some of the crowd s chants in their reporting, but just as they did with Occupy movement, most of mainstream media has completely ignored the radical and revolutionary agenda revealed in Black Liver Matter s scripted call-and-response at NetRoots Nation. Even though the horde of screamers is surrounded by cameras, there has been no public criticism of Cullors and her folloers shouting burn everything down, nor any calls for her to apologize for her group s offensive statements.That media fail is unfortunate, because every American should hear who Black Lives Matter is, what they stand for and what they want, in the group s own words.Guided Transcript of What Black Lives Matter Said The group starts by pointing out that both leftist journalists like CNN s openly gay Don Lemon and mainstream racer baiting Democrats like the Reverend Al Sharpton and Rev. Jesse Jackson are actually too moderate for them:If I die in police custody do not let my parents talk to Don Lemon, Al Sharpton, Jesse Jackson or any of the motherfuckers that would destroy my name. Let them know that my sisters got this.Then another activist links the group with the LGBTQ political left. Black Lives Matter was founded by Cullors and two other women who self-identify as queer.The speaker makes reference to being called by the name I choose, not the name I was given ; a familiar demand for anyone who has followed the recent Bruce Caitlyn Jenner controversy.If I die in police custody say my name, say my name the name that I chose, not the one I was given. If I die in police custody make sure that I m remembered. Make sure my sisters are remembered. Say their names. Say their names. Marsha P. Johnson. [Unintelligible] Say their names! Say that Black Lives Matter! Black Lives Matter!https://youtu.be/raK8kI7oKW0Marsha P. Johnson is name used by Malcolm Michaels, Jr., a New York drag queen who died in 1992 in a death ruled a suicide. Johnson / Michaels was not in police custody.The group then turns to its pro-illegal immigration position. Two of Black Lives Matter s founders head up pro-Illegal alien groups.If I die in ICE custody say I am not a criminal. Stop funding prisons and detention centers! Shut ICE down and (unintelligible) jails and our prisons! Not one more deportation!The line about ending all deportations got huge applause and cheers from the Netroots.The group then begins to turn their screeched narrative into an emotional and paranoid attack on white people. In strident language, they shout their fear that white supremacy wants to kill black Americans en masse.If I die in police custody, know your silence helped kill me. White sumprecacy helped kill me. And my child is parentless now.If I die in police custody know that I want to live! We want to live! We fight to live! Black lives matter! All black lives matter!Then the mob makes a thinly veiled reference to Sandra Bland, a woman whose death the group has been exploiting and spreading false information and conspiracy theories about for several weeks.Bland s death in jail after she was arrested for assaulting a police officer was ruled a suicide, and an autopsy confirmed that suicide finding with physical evidence. The autopsy also revealed that Bland had a large amount of marijuana in her system.Additionally, Bland had made a previous suicide attempt, had spoken about depression in a video she d posted on social and during intake at the jail had written herself that she was very depressed that day. Further, Bland had had at least ten prior run-ins with law enforcement that had resulted in numerous conviction and over $7,500 in outstanding fines.Despite the mountain of evidence about Sandra Bland s sad history, the Black Lives Matter movement has continued to push the idea that Bland was an activist who was the victim of murder by the police. They push this narrative at Netroots with a series of calls to violent action:If I die in police custody don t believe the hype, I was murdered! Protect my family! Indict the system! Shut that shit down!If I die in police custody. Avenge my death! By any means necessary!If I die in police custody burn everything down! Because no building is worth more than my life! And that s the only way motherfuckers like you listen!If I die in police custody make sure I m the last person to die in police custody by any means necessary!If I die in police custody do not hold a moment of silence for me! Rise the fuck up! Because your silence is killing us!At this point, the group is interrupted by Netroots Nation official.As National Journal reported in a story that mentions none of these calls to violent action Netroots Nation itself announced plans to work with Black Lives Matter.For its part, Netroots declined to criticize the protest. Although we wish the candidates had more time to respond to the issues, what happened today is reflective of an urgent moment that America is facing today, the group said in a statement. In 2016, we re heading to St. Louis. We plan to work with activists there just as we did in Phoenix with local leaders, including the #BlackLivesMatter movement, to amplify issues like racial profiling and police brutality in a major way. As the old song goes, see you in St. Louis. Bring a fire extinguisher.Via: Breitbart News",left-news,"Jul 28, 2015",0 +IRONY: Only Political Party With Black Presidential Candidate Is Threatened By #BlackLivesMatter Co-Founder (Not George Soros),"Who knew the radical leftist #BlackLivesMatter activists had a co-founder?Who knew the only political party with a black Presidential candidate would be the target of the radical black left?Cullors was asked by guest co-host Janet Mock what her plan was for Republican candidates, specifically Jeb Bush, for calling black lives matter a slogan. Cullors replied, Trust and believe that any opportunity we have to shut down a Republican convention, we will. We will make sure that our voices are made loud and clear. Via: Breitbart News",left-news,"Jul 28, 2015",0 +OBAMA IGNORES PLANNED PARENTHOOD BABY PARTS HARVESTER STORY…His DOJ Goes After Whistleblower Group Who Exposed Them,"Justice the Obama way Instead of investigating whether Planned Parenthood illegally trafficked baby body parts, Obama s DOJ is targeting the group behind the undercover videosThe U.S. Department of Justice announced plans to investigate the group that produced undercover videos showing Planned Parenthood employees admitting that they harvest and sell organs ripped from the bodies aborted babies. Politico reported the news of the coming DOJ investigation earlier today:JUSTICE TO PROBE CENTER FOR MEDICAL PROGRESS While congressional committees investigate Planned Parenthood s practices, the Justice Department agreed to look into whether the group that released the sting videos obtained the footage legally. In response to a request by House Democrats, Attorney General Loretta Lynch said Wednesday afternoon that Justice would review all of the information and determine what the appropriate steps moving forward would be. Planned Parenthood has staunchly defended its practices and claims that the Center for Medical Progress illegally obtained its footage, then excessively edited it to misrepresent what the organization does. The DOJ investigation of the Center for Medical Progress, which, unlike Planned Parenthood, is not in the business of killing healthy, viable unborn babies in order to sell their organs for cash, was announced after several Democratic lawmakers called for the organization to be targeted:Four Democrats in Congress Reps. Jan Schakowsky, Zoe Lofgren, Jerry Nadler, and Yvette Clarke have written to Attorney General Loretta Lynch and California Attorney General Kamala Harris, asking them to open investigations into the Center for Medical Progress. The Democrats say the videos were filmed as part of an elaborate scheme using fake identification and without the approval of the Planned Parenthood doctor who appears in them. It s interesting that Lynch decided so early to make a statement about the group. There are certainly more videos to come, and if Planned Parenthood s panicked press releases are any indication, the footage may be far more damaging than anything that s been revealed thus far. However, given the abject politicization of multiple agencies under Obama s command including the Internal Revenue Service, which targeted conservative non-profits, and the DOJ, which has been hesitant to investigate Obama allies it seems unlikely that Lynch and those who report to her will ever crack down on Abortion, Inc.Via: The Federalist",left-news,"Jul 27, 2015",0 +"WHILE OBAMA VACATIONS AND HANDS OUT A BILLION DOLLAR GIFT TO KENYANS, IRAN’S AYATOLLAH TWEETS PICTURE OF BARACK WITH GUN TO HIS HEAD","Hey Barry tell us again about what a great deal for America you cut with Iran Ayatollah Ali Khamenei, Iran s supreme leader, tweeted a graphic Saturday morning that appears to depict President Barack Obama committing suicide by holding a gun to his head.US president has said he could knock out Iran s military. We welcome no war, nor do we initiate any war, but.. pic.twitter.com/D4Co7fVuVg Khamenei.ir (@khamenei_ir) July 25, 2015 We welcome no war, nor do we initiate any war, but if any war happens, the one who will emerge loser will be the aggressive and criminal U.S., the quote attributed to Khamenei said. Khamenei oftentimes blasts the U.S. and Obama over Twitter, even after the U.S. and other world powers came together to reach a historic nuclear deal with Iran. US is the supporter& plotter of terrorism. #Iran has fought #terrorism, has slapped it,has hit in the head and will continue to do so. #ISIS Khamenei.ir (@khamenei_ir) May 16, 2015 The term Great Satan for US was coined by @IRKhomeini ; when you consider sb or an entity as Satan then it s clear how you should behave. Khamenei.ir (@khamenei_ir) June 4, 2015US Govs accuse #Lebanon s #Hezbollah and resistance who are most devoted national defense forces of being terrorists. 1/2 Khamenei.ir (@khamenei_ir) July 18, 2015US Govs are supporting terrorist, child-killer #Zionist regime. How can we negotiate and agree with such policies? 2/2 Khamenei.ir (@khamenei_ir) July 18, 2015I have an advice for US officials. pic.twitter.com/HK27ReHh1V Khamenei.ir (@khamenei_ir) July 18, 2015US pres. said he could knock out Iran s army. Of course we neither welcome, nor begin war, but in case of war, US will leave it disgraced. Khamenei.ir (@khamenei_ir) July 18, 2015 I have an advice for US officials. pic.twitter.com/HK27ReHh1V Khamenei.ir (@khamenei_ir) July 18, 2015 Via: The Blaze",left-news,"Jul 25, 2015",0 +OH THE IRONY! PLANNED PARENTHOOD USES A FAMOUS CARTOON CHARACTER TO DEFEND ABORTION,"Babies in bags and in a freezer yes, this is the reality of the abortion industry. This is what Planned Parenthood doesn t want you to see. The truth is difficult but thousands upon thousands of babies were killed last year at all stages of development but NOT just a big glob of cells these were little humans with feelings. It s the truth and NOT a cartoon .Just Google Late Term Abortion or just Abortion and you ll see plenty of examples of little babies literally ripped apart. Go ahead, I dare you THE TRAIL OF FETAL BODY PARTS USED FOR RESEARCHMaybe the undercover investigation conducted by the Center for Medical Progress needed to happen so people could see and hear the gruesomeness of Planned Parenthood s harvesting and sale of fetal body parts. Maybe it was too easy to ignore without video-taped evidence in plain, gory language.But anyone who has followed scientific research on the Human Genome Project, cloning, genetic, evolution, and stem cell research knows that the use of fetal and embryonic body parts and tissues is nothing new. Here, let me show you how the information is presented in scientific literature:Doing scientific lab work is much like cooking. The Materials and Methods sections, which all full scientific papers have, are kind of like cookbooks. There is often not enough room to detail all the steps in a full paper, so sometimes the rest of the story is given in Supplemental Materials. Science journal puts those in a separate document. The link is found at the end of the paper. Here it is, and you have to download the Materials and Methods to read them. Right at the top, there is the paragraph. Go ahead. Read it all: Human fetal brain tissue was obtained. The age of fetuses ranged from 12 to 13 wpc (12 wpc, n = 1; 13 wpc, n = 2) as assessed by ultrasound measurements of crown-rump length and other standard criteria of developmental stage determination. Human fetuses were placed on ice immediately after abortion and neocortices were dissected in ice-cold Tyrode s Solution (TS) and either processed for DiI labeling or fixed for at least 3 h at room temperature followed by 24 h at 4 C in 4% PFA in 120 mM phosphate buffer (pH 7.4). The 16 wpc human brain used for immunofluorescence analyses (shown in Fig. S8) was obtained from Novogenix Laboratories (Torrance, CA), following informed consent and elective termination. Developmental age was determined by ultrasound.Catch that? Novogenix Laboratories in CA is the company who comes to Planned Parenthood, signs the patients up, and collects the tissues to sell to researchers. They are mentioned in the Center for Medical Progress video. There s also Agilent Technologies and the list of infant body parts: Human Fetal Brain, Human Fetal Colon, Human Fetal Heart, Human Fetal Bladder, Human Fetal Kidney, Human Fetal Lung, Human Fetal Skin, Human Fetal Aorta, Human Fetal Skeletal Muscle.There s tons more to this article by Stacy Trasancos I ve edited out but and it should be required reading for every American. It should also make you want to throw up.There are Frankensteinian things going on in labs around the world and we re all supposed to apparently accept that because it s considered science, it s ok, because it s being done in the name of medical research, it s ok, because this is what the left sees to be progress, it s ok.It s not ok.It s evil.This photo is from Dr. Gosnell s abortion clinic:Isn t it ironic that Planned Parenthood uses a children s little cartoon character to fight the bullying from anti-abortion minions ? It s interesting that this organization gets $500 million taxpayer dollars a year and can t seem to have an adult conversation about the truth of how they re profiting off of dead baby parts. So let s get real with Planned Parenthood and demand that they answer for their actions instead of hiding behind a kiddie cartoon character. Planned Parenthood is calling on everyone s favorite marbled-mouthed, yellow creatures for a PR rescue.THE GOVERNMENT FUNDED ORGANIZATION SENT OUT THIS TWEET: Friends who #StandWithPP: Stay strong. The anti-abortion minions want to bully us into silence. That s not happening.CLICK ON THE ARROW TO SEE:After the conservative group Center for Medical Progress released a video in which Planned Parenthood s senior director of medical services Dr. Deborah Nucatola is heard discussing selling tissue from aborted fetuses, the reproductive-rights group is urging supporters to stand tall against anti-abortion bullies. The hashtag #StandwithPP has gained steam on Twitter, with politicians like Illinois Rep. Tammy Duckworth, presidential candidate Hillary Clinton and House of Representatives Minority Leader Nancy Pelosi expressing their allegiance. The group has also launched a petition to stop Congress from stripping the organization of its funding. The movie studio Universal, which released Minions, did not respond to a request for comment, according to The Hill.Via: NYP",left-news,"Jul 24, 2015",0 +BREAKING: IT TURNS OUT BOWE AND B.O. HAVE SOMETHING ELSE IN COMMON [Video],"Besides being a muslim terrorist sympathizer, it appears Bowe and B.O. have something else in common Why is this guy (who is still considered active duty ) free to roam around while he awaits his trial? Has everyone forgotten the lives of 6 brave Army members were lost searching for this idiot? Additionally, gave 5 terrorists back in a deal to get this traitor back on U.S. soil, and we release him into the general public? Who s got time for remorse? It s party time for Bowe!Here are the 6 soldiers that were killed looking for Bergdahl: Here are the 5 Taliban terrorists we released in order to obtain Bergdahl:Bowe Bergdahl was detained as part of the raid but was not arrested. He was subsequently delivered to the Army in Oakland by Sheriff s personnel.Army deserter Bowe Bergdahl was caught this week at a northern California pot farm during a raid last weekend. The Politico reported:https://youtu.be/1duRQb1khkEArmy Sgt. Bowe Bergdahl was seen at a Northern California marijuana farm during a raid last weekend, where the former captive of the Taliban-linked Haqqani network in Afghanistan was reportedly visiting friends.According to the initial report from The Anderson Valley Advertiser, Bergdahl was an unexpected visitor at the Mendocino County farm, which is approximately 120 miles up the coast from San Francisco. He had no connection to the dope grow, according to that report.Authorities from the county sheriff s department confirmed to NBC Bay Area that Bergdahl did not face any charges and was not arrested during the raid.The initial report from the Advertiser said that military officials were notified, quoting county sheriff Tom Allman who said that Bergdahl was not involved in the growing of marijuana and was above politeness, showing his military ID as others in the house were being arrested. Via: Gateway Pundit ",left-news,"Jul 24, 2015",0 +BREAKING: LA SHOOTER ADMITTED HE WAS OBAMA SUPPORTER…Media Still Attempts To Make Tea Party Connection,"Another horrible story about a deranged killer with mental health issues. I Was For His (Barack Obama s) Re-Election, I Liked His Spending Lafayette officials identified the Grand Theater shooter as John Russell Houser from Alabama. WJBF reported:The gunman who opened fire inside a packed movie theater in Lafayette, Louisiana, Thursday night, was 59-year-old John Russell Houser, police said at a news conference today.Houser is among three people who died, police said.Nine others were injured.Houser is from Phoenix City, Alabama, and has no known connection to Lafayette, police said. Houser was described as a drifter by police, who said he had likely been in Lafayette since early July.The shooting occurred at the Grand 16 Theater on Johnston Street where a screening of Amy Schumer s Trainwreck was reportedly playing. Conditions of those injured range from non-life-threatening to critical and their ages ranged from the late teens to their 60s, Lafayette Police Chief Jim Craft said at a news conference.The shooting comes one week after James Holmes was convicted of killing 12 people and wounding 70 others in a movie theater in Aurora, Colorado.Police said they believed one person had been released from the hospital as of early Friday morning. They also said that one person was in surgery and not doing well.Houser was estranged from his family and had mental health issues.He applied for gun but did not pass the background check.Houser also supported Barack Obama.He wrote this in his Manifesto (why do mass murderers always seem to have a rambling manifesto?) I accepted this it came to me that the president is doing exactly what Tim McVeigh did, only the president is much more effective. The way I see it, the faster he wrecks this nation, which in no way resembles what it s founders envisioned, the faster working people with morals may re-assume command.ie I was for his re-election. I like his spending habits.etc Via: Gateway PunditA screen shot of the story from leftist rag,The Daily Beast:From the Daily Beast Officials say they know little about Houser, and are requesting that people with information about him contact local authorities. A Google search for the name reveals a Tea Party Nation page registered to a person with that name. Authorities have not confirmed whether the page, registered in June 2013, belonged to the shooter. The owner of the Tea Party Nation page identifies his hometown as Phenix, Alabama. He appears to have called himself Rusty Houser on another forum in which he describes himself as very conservative and asks how to find white-power groups.And for good measure, the Daily Beast is doubling down on their unsubstantiated claim about the LA killer: ",left-news,"Jul 24, 2015",0 +HULK HOGAN IS KICKED TO CURB BY WWE FOR SPECULATION OVER RACIST COMMENTS,"No actual verifiable evidence is available, but hey in a world where PC rules the day who needs to verify a story? ****Strong language warning (video)****Here s the WWE s statement:WWE terminated its contract with Terry Bollea (aka Hulk Hogan). WWE is committed to embracing and celebrating individuals from all backgrounds as demonstrated by the diversity of our employees, performers and fans worldwide.Why is not completely clear yet, although obviously the statement points to him saying or doing something that they found offensive.Some have speculated that it is due to this video from 2012, in which he talks about people s use of the term nigga :https://youtu.be/oVyTgh_kBD0One would hope that they would not act so thoroughly and completely to sever the 30 year relationship over something as benign as that. But in present PC climate, one wouldn t doubt it.Others are pointing to another story, that he supposedly used the terminology fucking n**gers repeatedly on a tape filed in a deposition in a Florida court, this one would be much more problematic, where he calls himself a racist:At that point on the tape, the former Hogan Knows Best star bemoaned how a black billionaire guy had offered to fund his 27 year old daughter Brooke s music career.He also attempts to use bizarre, twisted logic in an attempt to justify his bigotry at the man. I don t know if Brooke was f*cking the black guy s son, Hulk raved, the sources add. I mean, I don t have double standards. I mean, I am a racist, to a point, f*cking n*ggers. But then when it comes to nice people and sh*t, and whatever. Then, in a tirade to rival the racism embarrassments suffered by Mel Gibson and Dog The Bounty Hunter, Hulk unloaded even more hatred!According to sources, he said: I mean, I d rather if she was going to f*ck some n*gger, I d rather have her marry an 8-foot-tall n*gger worth a hundred million dollars! Like a basketball player! I guess we re all a little racist. Fucking n*gger. Of course, according the original news source, THE NATIONAL ENQUIRER, these records are sealed in a Florida court so there is no actual evidence available to the public that can be used to verify this story.Via: Weasel Zippers",left-news,"Jul 24, 2015",0 +DISABLED MAN WITH CANE CONFRONTS 3 PUNKS STANDING ON AMERICAN FLAG ON UCLA CAMPUS: What He Does Next Is Awesome! [VIDEO],"This brave man stood up to this ungrateful group of punks and did what every American should do when they encounter someone disrespecting our American flag.Although none of the UCLA students were willing to step in and help this disabled man with a can wrestle the American flag from these punks, they did (surprisingly) applaud his efforts.For the ultimate in hypocrisy, listen to the woman with the mega-phone at the 2:51 mark say Obama says we are a nation of laws. This country was founded on slavery. The idiocy of this group hurts my head! ",left-news,"Jul 23, 2015",0 +NEWSFLASH FOR OUR IMPERIAL PRESIDENT: STATES CAN REFUSE IRAN DEAL [Video],"As Barack Hussein Obama tours around the country trying to convince the low information voter that the lopsided and dangerous deal he and John Kerry cut with Iran is somehow beneficial to the United States of America he may want to consider the states can shut down his deal if they so choose to act.The Obama administration has sent the Iran nuclear deal to Congress for a 60-day review provided by the Corker bill. However, President Barack Obama has pre-empted Congress by going to the UN Security Council first, which has already voted to end international sanctions and accept the deal. Furthermore, even if Congress rejects the deal, it will struggle to muster a two-thirds majority to override the president s veto.There is one effective way, however, that the Iran deal can be rejected: states and local governments can refuse to comply with it.That may come as a surprise. States and local governments do not play much of a role in foreign policy. However, they cannot be forced to implement an international treaty or agreement that is not self-executing i.e. one whose implementation requires new congressional laws.Thanks to the victory at the Supreme Court by then-Texas Solicitor General Sen. Ted Cruz (R-TX)96% in Medell n v. Texas (2008), it is a settled principle in constitutional law that states cannot be forced to comply with international treaties unless Congress has passed statutes giving them effect.The Iran deal stipulates (p. 15):25. If a law at the state or local level in the United States is preventing the implementation of the sanctions lifting as specified in this JCPOA, the United States will take appropriate steps, taking into account all available authorities, with a view to achieving such implementation. The United States will actively encourage officials at the state or local level to take into account the changes in the U.S. policy reflected in the lifting of sanctions under this JCPOA and to refrain from actions inconsistent with this change in policy.The sanctions to which the deal refers are the array of divestment laws that have been passed in recent years to prevent pension funds and contractors from providing economic benefits to Iranian companies the Iranian regime. 30 states have passed divestment laws, roughly a dozen have passed contracting restrictions, and some have passed supplemental legislation, such as a 2012 law passed in California that applies to the state s insurance industry.Many of the states that have applied harsh restrictions on Iran, moreover, are liberal blue states. New York, for example, maintains a blacklist of persons determined to be engaged in investment activities in Iran. As the state government explains further: Once an entity appears on the list, it will be considered a non-responsive bidder/offerer and prohibited from entering into contracts with New York State or local governments. That includes companies that are not Iranian themselves, but do business with Iran.The Iran deal lifts sanctions on some companies that appear on New York s blacklist. However, the state restrictions remain in force.The Iran deal obligates the federal government to take appropriate steps to cancel state and local restrictions, and requires the government to refrain from further sanctions in the future. The truth is that the federal government has no constitutional authority to do so.Divestment laws and contracting restrictions can remain in place at the state and local level until they are superseded by federal statute. The language of the Iran deal itself is not enough to constitute such statutory authority, even if the Iran deal does pass by failure to override Obama s veto.If the states want, they can add new sanctions and restrictions on Iran perhaps to replace those that the federal government is lifting, such as restrictions on Iranian engineers studying nuclear technology at American universities.The Iran deal specifies that Iran will treat an an imposition of new nuclear-related sanctions, as grounds to cease performing its commitments. That paragraph (27) deals with federal sanctions, but is written vaguely.That leaves great power in the states hands to trigger the deal s collapse or force Obama to re-negotiate.Via: Breitbart News",left-news,"Jul 23, 2015",1 +"[Video] TRUMP TO CNN’S ANDERSON COOPER β€œThe people don’t trust you, and the people don’t trust the media”","Love him or hate him Trump s speaking up and saying the things conservatives in America have been dying for someone in the Republican party to say. Republicans just want a presidential candidate with a backbone. Is that too much to ask for? Republican presidential candidate Donald Trump took a jab at CNN anchor Anderson Cooper during an interview that aired Wednesday, telling him bluntly, The people don t trust you. Trump grew visibly irritated after Cooper cited a poll that the Republican said he didn t even know existed. He also accused the anchor of focusing only on the negative. I am leading across the board, and then you hit me with this poll that I didn t even see before, Trump said. Let me tell you, the people don t trust you and the people don t trust the media. https://youtu.be/114cA3Bm1SA Or politicians, Cooper replied.Trump argued he was previously covered accurately by the media before he got into politics and stories about him were mostly related to finance and business. Those days are over, he said. I find that 60-70 percent of the political media is really, really dishonest, he said. Via: Blazeh/t mediaite",left-news,"Jul 23, 2015",0 +OBAMA’S AMERICA: INCOMING U.S. CITIZENS NO LONGER REQUIRED TO PLEDGE THEY WILL β€œbear arms on behalf of the United States”,"If it were up to this President, we wouldn t have any arms to bear U.S. Citizenship and Immigration Services on Tuesday said it will no longer require incoming U.S. citizens to pledge that they will bear arms on behalf of the United States or perform noncombatant service in the Armed Forces as part of the naturalization process.Those lines are in the Oath of Allegiance that people recite as they become U.S. citizens. But USCIS said people may be able to exclude those phrases for reasons related to religion or if they have a conscientious objection.USCIS said people with certain religious training or with a deeply held moral or ethical code may not have to say the phrases as they are naturalized.The agency said people don t have to belong to a specific church or religion to use this exemption, and may attest to U.S. officials administering the oath that they have these beliefs.Via: Washington Examiner",left-news,"Jul 22, 2015",0 +[UPDATE] THESE 3 COMPANIES Have Demanded Their Names Be Removed From Baby Harvester Planned Parenthood’s List of 40 Major Company Donors,"All of these companies should be ashamed to be contributing to a to a company that kills babies, then shamelessly negotiates for top dollar for their aborted body parts UPDATE:Until this Thursday, Planned Parenthood kept a list of corporate allies and sponsors on its website. Once Coca-Cola became the third corporation to ask to be taken off the list, Planned Parenthood took it down altogether.A snapshot of Planned Parenthood s donation page archived one day ago touts support from very large corporations:The news organization Daily Signal contacted several companies on the list asking about their purported donations to Planned Parenthood in light of videos revealing the organization s harvesting of fetal organs. Representatives from Xerox, Ford, and Coca-Cola deserted the abortion giant, saying they were incorrectly listed as donors They said their companies do not contribute to Planned Parenthood and do not match employee gifts to the organization. All three said they have contacted or will contact Planned Parenthood to be removed from its website. There are likely more desertions to come. Pro-life grassroots activists will likely keep calling and asking the remaining corporate giants from the list whether they support the sale of aborted baby parts for medical experimentation. But now that the list is down, the world will not know how many more corporations will ask to be taken off the list of Planned Parenthood supporters.Since the gruesome videos began to appear last week, news has gone from bad to worse for the abortion giant. Two Congressional committees are investigating, along with eight state governments. A bill has been introduced in Congress to withhold Planned Parenthood funding for one year. That would cost the $1.3 billion dollar a year nonprofit corporation $500 million. Via-Breitbart NewsIn the wake of two videos allegedly showing Planned Parenthood officials discussing the sale of aborted fetal body parts, Republicans in Congress are working to ensure that Planned Parenthood is stripped of its federal funding.However, it s not only the government that fills Planned Parenthood s coffers. According to 2nd Vote, a website and app that tracks the flow of money from consumers to political causes, more than 25 percent of Planned Parenthood s $1.3-billion annual revenue comes from private donations, which includes corporate contributions.2nd Vote researched the corporations and organizations to find which supported Planned Parenthood and found that more than three dozen donated to the group. Some companies donated directly, while others matched employee gifts.Forty corporations and organizations directly contribute to the group.Planned Parenthood has come under heavy fire following the release of videos from the Center for Medical Progress.The first video, released last week, showed Planned Parenthood senior executive Dr. Deborah Nucatola meeting with actors portraying buyers from a human biologics company. The buyers discussed the sale of fetal body parts with Nucatola over lunch.In the second video, Dr. Mary Gatter, president of Planned Parenthood s medical directors council, is seen negotiating the price of aborted fetal body parts.Here are the 40 companies that have directly funded Planned Parenthood. Via: Daily SignalAdobe American Cancer Society American Express AT&T Avon Bank of America Bath & Body Works Ben & Jerry s Clorox Coca-Cola Converse Deutsche Bank Dockers Energizer Expedia ExxonMobil Fannie Mae Ford Groupon Intuit Johnson & Johnson La Senza Levi Strauss Liberty Mutual Macy s March of Dimes Microsoft Morgan Stanley Nike Oracle PepsiCo Pfizer Progressive Starbucks Susan G. Komen Tostitos Unilever United Way Verizon Wells FargoEvery one of these companies should be called out for donating to this evil murdered baby parts for-profit organization. ",left-news,"Jul 22, 2015",0 +BLACK ESPN SPORTS ANNOUNCER GOES OFF ON DIVISIVE LEFTIST NARRATIVE: β€œSo what are we saying…That black lives matter only when we’re killed by somebody who’s not black?”,"Black ESPN host, Steven A. Smith defended Democratic presidential candidate Gov. Martin O Malley(D-MD) for saying all lives matter after he was booed by a crowd of Net Roots Nation members for saying: All lives matter in an awesome rant: Let me preface by comments by saying I am fully aware of the fact that no one white can say what I m saying, but dammit, I m gonna say it I have to say this, I guess rhetorically to my brothers and sisters, because I am a black man. Where s the noise about all black lives matter when black folks are killing black folks? You see..that s where you lose me. So we mandate that they say: Black lives matter' but we got black folks dying at the hands of black folks and we re not hearing that. Don t get me started on the murders in Chicago, and to some degree throughout other parts of this country. I m just sayin This is a sports show and I m gonna get back to sports. But ain t too many black men hosting a national radio show, and I just can t let this slide. All lives do matter. Now black lives matter resonates with us because of what we endured throughout our community. And I m not saying that somebody shouldn t say: that black lives matter. What I m saying is, there s nothing wrong with somebody highlighting that All lives matter. That s not a reason for somebody to be booed. It s not a reason for a presidential candidate to have to apologize! Apologize?! Does anybody take a moment to realize how we look when we force someone to apologize for saying All lives matter? Do you have any idea how this makes us look? Especially when black folks are getting killed by black folks every day. And that s not to say that white folks ain t killing white folks, cuz that happens too. But black folks are killing black folks every day and we never heard black lives matter. So what are we saying? That black lives matter only when we re killed by somebody who s not black? C mon now c mon now There s a presidential election coming up in a little over a year Let s keep our eye on the prize. Focus on the issues and stop allowing stuff like this to distract us.All lives do matter Black plus White, plus Hispanic, plus Asian plus Native Americans! All lives do matter!If you want someone to emphasize that black lives do matter fine, considering what we just went through. But don t act like they need to apologize for saying: All lives matter, and then wonder why a nation rife with people who don t happen to be black don t appear care about enough about us! When we re not only caring about them, but we re not caring about ourselves enough to bring attention to that issue when we kill one another.I apologize for having to spend that kind of time on that particular subject and veering away from the subject of sports, but dammit, it needed to be said! ",left-news,"Jul 22, 2015",0 +HEAD OF NATION’S TOP IMMIGRATION LAW ENFORCEMENT AGENCY THREATENS Lawlessness In Sanctuary Cities Unless Amnesty Is Passed,"Obama s ICE Director Sarah Saldana is not the only one determined to help Obama fundamentally transform America. In 2013, Border Agents pleaded with Congress to not pass the Gang of Eight bill. They warned that passing it would make America less safe. ICE Agents warned:The 1,200 page substitute bill before the Senate will provide instant legalization and a path to citizenship to gang members and other dangerous criminal aliens, and handcuff ICE officers from enforcing immigration laws in the future. It provides no means of effectively enforcing visa overstays which account for almost half of the nation s illegal immigration crisis.WE WERE WARNEDU.S. Senator Jeff Sessions (R-AL), a senior member of the Senate Judiciary Committee, voiced his objections to Sarah Saldana s nomination in 2014 when he submitted the following remarks for the Congressional record on the nomination of Sarah Saldana as Assistant Secretary for Immigration and Customs Enforcement (ICE): Mr. President, I rise to speak in opposition to the nomination of Sarah Saldana. Ms. Salda a has been nominated to head the nation s top immigration law enforcement agency, which has been at the epicenter of this administration s refusal to enforce our nation s immigration laws.When asked whether she rejects the President s unlawful action to unilaterally grant legal residence and work permits to 5 million individuals illegally in the country, Ms. Salda a, currently the United States Attorney for the Northern District of Texas, responded no. Her answer reflects a remarkable disregard for the rule of law that demonstrates that, if confirmed, she will continue the pattern of lawlessness perpetuated by the President and the political leadership of the Department of Homeland Security.Breitbart News- President Obama s Immigration and Customs Enforcement (ICE) director tells lawmakers that no consequences are planned for sanctuary cities until Congress first passes comprehensive immigration reform. Sarah Salda a testified before a Senate Judiciary Committee hearing on criminal alien violence.After hearing emotional testimony from families torn apart by illegal immigrant murderers, Republican members of Congress grilled two administration witnesses: Leon Rodriquez, Director of United States Citizenship and Immigration Services (USCIS), and Sarah Salda a, Director of Immigration and Customs Enforcement (ICE). Both Rodriquez and Salda a have been tasked with carrying out President Obama s executive amnesty for so-called DREAMers, which includes work permits and medical benefits for low-income illegal aliens funded by citizen taxpayers.Sen. David Vitter (R-LA) repeatedly pressed Salda a on why the Administration was taking no action against sanctuary jurisdictions that refuse to turn over dangerous criminal aliens from their prisons and jails to federal law officers. Salda a replied that Congress would first have to pass comprehensive immigration reform. Vitter: This has been going on for years and you still are not prepared to say that there is ever going to be any negative consequence to those [sanctuary] jurisdictions. When is that going to change? Salda a: I presume when you all address comprehensive immigration reform; perhaps it can be addressed there. Vitter described Salda a s answer as ridiculous and kept pressing: And absent Congress passing that [Senate immigration] bill, that you and the Obama Administration prefer, you don t think right now we can stop sanctuary cities from flaunting federal law? You don t think right now there can be any negative consequences when they do not properly cooperate under existing federal law with immigration enforcement? Salda a gave a muddled reply: That s what I understand that all of you are working on. Ironically, an immigration bill pushed by Senators Sen. Marco Rubio (R-FL) and Sen. Charles Schumer (D-NY) would have given amnesty to many of the criminal aliens the families who testified today wish to see deported. As Chris Crane, president of the National Immigration and Customs Enforcement (ICE) Council, noted at the time:Senator Rubio left unchanged legislative provisions that he himself admitted to us in private were detrimental, flawed and must be changed. Legislation written behind closed doors by handpicked special interest groups which put their political agendas and financial gains before sound and effective law and the welfare and safety of the American public. As a result, the 1,200 page substitute bill before the Senate will provide instant legalization and a path to citizenship to gang members and other dangerous criminal aliens, and handcuff ICE officers from enforcing immigration laws in the future. It provides no means of effectively enforcing visa overstays which account for almost half of the nation s illegal immigration crisis.Senator Grassley offered an amendment that would that would have barred gang members, such as the notorious MS-13 gang members who have wreaked havoc across the country, from getting amnesty but that amendment was defeated in the Judiciary Committee. The final bill 68 senators voted for therefore expressly made amnesty available to gang members an amnesty that included access to green cards, welfare and the prize of U.S. citizenship.As The Washington Post reported at the time, this was part of a coordinated effort by members of the Gang of Eight to quash amendments that might have damaged the likelihood of the bill s speedy passage:The eight met in private before each committee hearing, hashing out which amendments they would support and which oppose as a united coalition. Senate aides said amendments were rejected if either side felt they would shatter the deal.Politico confirmed this report:During the Judiciary Committee markup in May, the Gang routinely met to decide which amendments they would support or oppose. In one meeting, the senators thought they had all agreed to defeat a proposal from Sen. Jeff Sessions (R-AL) to require a biometric exit and entry at points of entry before undocumented immigrants could secure green cards, according to one Senate Democratic aide.The day the bill passed the Senate, National Citizenship and Immigration Services Council president Ken Palinkas and president of the National ICE Council Chris Crane, who together represent more than 20,000 Department of Homeland Security (DHS) employees on the front line of immigration enforcement, issued this joint statement:ICE officers and USCIS adjudications officers have pleaded with lawmakers not to adopt this bill, they wrote, The Schumer-Rubio-Corker-Hoeven proposal will make Americans less safe and it will ensure more illegal immigration especially visa overstays in the future. It provides legalization for thousands of dangerous criminals while making it more difficult for our officers to identity public safety and national security threats. The legislation was guided from the beginning by anti-enforcement special interests and, should it become law, will have the desired effect of these groups: blocking immigration enforcement. This is anti-public safety bill and an anti-law enforcement bill.Immigration and the transformation of America is shaping up to be the most passionate issue of the 2016 race.When Governor. Scott Walker (R-WI) was question by a DREAMer during a recent campaign stop and said illegal aliens seeking to become Americans needed to return home. He also suggested at the same stop that foreign worker visas should be limited when American jobs and wages are in danger, a position that polls well with liberals and conservatives alike.Via: Breitbart News",left-news,"Jul 21, 2015",0 +OBAMA’S DREAM TEAM: ILLEGAL ALIEN DRUG DEALERS SUSPECTED Of KILLING Innocent Woman Sleeping In Apt Below Illegals [VIDEO],"This news comes on the heels of Obama s release the drug offenders in prisons tour. All part of the fundamental transformation of America President Barack Obama s gutting of enforcement of immigration laws claimed another life, this time in Lawrence, Massachusetts.Mirta Rivera, a 41-year-old nurse and grandmother who was an American citizen born in Puerto Rico, was shot and killed early in the morning on July 4 as she lay in her bed by a bullet that came through the ceiling of her apartment beneath illegal alien drug dealers, according to police. Three men have been arrested, two of them are illegal aliens. Both men were known to be illegal aliens and freed by the Obama administration.Illegal aliens Jose Lara-Mejia (white t-shirt) and Wilton Lara-Calmona (plaid shirt) in court. Photo, WHDH-TV.The Boston Herald has done in depth reporting on the case which has been ignored by the national media. Deportation orders failed to oust two illegal immigrants who are now up on drug charges and under investigation in the July 4 shooting death of a Lawrence grandmother in an alarming case that critics say illustrates a revolving immigration door with dangerous consequences. Dominican Republic nationals Wilton Lara-Calmona and Jose M. Lara-Mejia were arrested on drug charges by police investigating the shooting death of Mirta Rivera, 41. The Lawrence nurse was killed in her sleep by a gunshot fired through the ceiling from an upstairs apartment, where both men lived. But Immigration and Customs Enforcement records reviewed by the Herald show the men shouldn t have been in the country in the first place. Lara-Calmona, 38, was deported in April 2012 and arrested for re-entering the country last November, the records show. Lara-Mejia, 35, was nabbed crossing the border in August 2013 and ordered deported in April 2014, but had remained in the country illegally. ICE spokesman Shawn Neudauer confirmed that Lara-Mejia was ordered removed by a federal immigration judge on April 9, 2014, after failing to appear before the immigration court. He was considered an ICE fugitive until his July 4, 2015, arrest by local authorities in Lawrence, Massachusetts. 7News Boston WHDH-TV 7News Boston WHDH-TVThe Boston Globe reported on the shooting and preliminary charges. Mirta Rivera was asleep Saturday morning when a bullet pierced through a hardwood floor in the apartment above, hitting her in the abdomen, traveling through her mattress and into the floor before bouncing back into her box spring. Rivera s boyfriend, Jorge Villalta, and responding officers tried to save her, but the 41-year-old woman was pronounced dead at Lawrence General Hospital. Moments after the shooting, police discovered a bullet hole in the ceiling above Rivera s bed, leading officers to a second-floor unit where they found three men, a woman, heroin and cocaine worth about $75,000, a scale, material for packaging drugs and firearms. When officers entered the unit around 4:26 a.m., the fresh stench of gunpowder hung in the air, police said. Christopher Paganmoux, 23; Jose Lara-Mejia, 35; and Wilton Lara-Calmona, 38, were arraigned on charges of trafficking in heroin over 200 grams, trafficking in cocaine over 14 grams, and possession with intent to distribute a Class A substance near a school or park, according to court records. Lawrence District Court Judge Lynn Rooney ordered Paganmoux, who faces an additional charge of trafficking heroine over 14 grams, held on $250,000 cash bail. Lara-Mejia and Lara-Calmona were ordered held on $500,000 cash bail. Police found a black handgun between the mattress and box spring of a bed in the apartment on Exchange Street, court records show, as well as drug paraphernalia and a rifle. A mushroomed bullet found in Rivera s box spring matched the rifle and a casing that was found, police said. Via: BizPac Review",left-news,"Jul 21, 2015",0 +BEST TWEET OF THE DAY,"Why should armed civilians have to protect and defend our US military recruitment centers? Muslim terrorists have made it clear that they intend to target these brave men and women who defend our nation. Is it really too much to ask that we allow them to defend themselves?Civilians, with semi-automatic carbines, eating Chick-fil-A, guarding Marines. Up yours, @WhiteHouse. pic.twitter.com/o5FVTpSqeG Bob Owens (@bob_owens) July 21, 2015h/t Weasel Zippers",left-news,"Jul 21, 2015",0 +HILLARY ANNOUNCES DEFENSE OF KILLING BABIES AFTER 20 WEEKS…Okay With Keeping Babies Alive If Used For Campaign Props,"Way to go Granny! Perfect timing for your announcement with the discovery of the Planned Parenthood s aborted baby parts business in the headlines Yesterday, Hilary Clinton defending late-term abortion on Twitter and called Wisconsin s abortion ban dangerous and unacceptable.As LifeNews previously reported, on July 19th, pro-life Governor Scott Walker signed the Pain Capable Unborn Protection Act, making Wisconsin the 15th state to ban abortions after 20-weeks of pregnancy. Prior to signing the bill, he said, At five months an unborn child can feel pain. As a society we should be protecting that child. But Hillary Clinton has a vastly different view:Gov. Walker signed dangerous abortion restrictions into law in WI without exceptions for rape or incest. Extreme and unacceptable. -H Hillary Clinton (@HillaryClinton) July 21, 2015 Governor Walker responded with his own rejoinder calling Clinton out of touch: Hillary shows she s out of touch with the majority of Americans who believe babies at 5 months deserve life. -SW https://t.co/5NG0llQRbd Scott Walker (@ScottWalker) July 21, 2015 Unfortunately, if Hillary Clinton becomes our next president she will further abortion-on-demand in America even though she once said she believes abortion should be rare. Bill Donohue from the Catholic League responded to her remarks and highlighted her radical abortion agenda.He said, We know that Hillary lied when she said she wants abortions to be rare. To be exact, she opposed the ban on partial-birth abortions: if she is okay with killing a baby who is 80 percent born, there are no instances left for her to register an objection. Now we know that Hillary lied when she said she wants to keep abortions safe. As soon as Walker signed the law protecting unborn babies from feeling pain, Hillary labeled his decision dangerous. He added that Hillary should explain what she means when she says that this ban is dangerous, considering the fact that some of these babies feel immense pain while being dismembered. Donohue concluded, Hillary needs to elaborate on this. Why is it not uncomfortable forget about dangerous for a sensate human being to be pierced with a surgical knife? Why, for example, do these babies put their fingers up to the knife in an attempt to shield them from more pain? The public has a right to know what s going on in her mind. In May, Clinton joined President Obama in opposing the federal 20-week ban and said the following through a spokesperson: Politicians should not interfere with personal medical decisions, which should be left to a woman, her family and her faith, in consultation with her doctor or health care provider. She added, This bill is a direct challenge to Roe v. Wade, which has protected a woman s constitutional right to privacy for over forty years. The bill puts women s health and rights at risk, undermines the role doctors play in health care decisions, burdens survivors of sexual assault, and is not based on sound science. However, the science behind fetal pain is solid, which is why so many states in the U.S. have worked to end late abortion. Unborn children have the biological equipment necessary to feel pain no later than 20 weeks after fertilization, and nerves link receptors to the brain s thalamus and sub-cortical plate around that same time. Researchers also found that unborn children react to pain by recoiling, which is the same way adult humans react to pain. In fact, during surgery on these little humans, fetal surgeons found that anesthesia was necessary to decrease their reaction to stress hormones.Via: LifeNews",left-news,"Jul 21, 2015",0 +TAXPAYERS PAID SAME WOMEN WHO CRUSHED BABIES’ SKULLS FOR LIVING AND SOLD THEIR LUNGS TO ADVISE OBAMA ADMIN ON β€œHealthy Baby” BIRTHS,"No conflict of interest here! Only the most pro-abortion president in the history of the United States would have an expert who butchers babies for a living being paid by the American taxpayer to advise on healthy baby births Deborah Nucatola the Planned Parenthood doc with the stone-cold heart and the lucrative skill of crushing babies in just the right spot has been advising the Obama administration on family planning policy since 2010.From April 2010 through April 2014, Nucatola was one of several experts the U.S. Health and Human Services Office of Population Affairs (OPA) and the U.S. Centers for Disease Control and Prevention (CDC) Division of Reproductive Health tasked with creating federal guidelines for quality family planning services. A member of the Expert Work Group and the Technical Panel on Clinical Women s Services, Nucatola was actively engaged in the multistage process that produced the government s 2014 report, Providing Quality Family Planning Services (QFP).Her responsibilities as a technical consultant and an expert included analyzing research summaries and professional advisories, providing individual feedback on the government s initial recommendations, reviewing the CDC-OPA staff s core recommendations, giving her expert opinion, and then approving the recommendations. (See the report s appendices for the names of Expert Work Group members and technical experts, and detailed descriptions of the experts involvement in formulating the report s recommendations.)What s the goal of those government recommendations? To help clients achieve their desired number and spacing of children and increase the likelihood that those children are born healthy. Leave it to the Obama administration to tap an abortionist for expert advice on ensuring that children are born healthy an abortionist, mind you, who relishes butchering a 17-weeker and bagging up a tiny infant s heart, lung, liver to sell for a few extra bucks.Taxpayers Reward BarbarismThe barbaric nature of Nucatola s chosen work, however, is all too clear. That s reprehensible. Sen. Rand Paul and others have announced plans to defund Planned Parenthood in light of the Nucatola debacle. Good, but not enough.We need to delegitimize Planned Parenthood and delegitimize the cruel doctors whose expertise consists in knowing which parts of the unborn baby to crush in order to to harvest the money-producing parts intact. We need to insist that being an expert in baby dismemberment disqualifies instead of qualifies a doctor from being an expert consultant for the government an expert on making sure children are born healthy, no less.Planned Parenthood runs a bloody business. Many Americans are seeing, for the first time, the chilling, violent reality of abortion and the insatiable greed driving America s abortion business. Now, the question is: What is Congress willing to do about it?Read more of exclusive story: The Federalist",left-news,"Jul 21, 2015",0 +"[Video] DEM PREZ CANDIDATE BOOED OFF STAGE, FORCED TO APOLOGIZE FOR SAYING β€œAll Lives Matter”","When you have a crowd of people listening to this kind of idiotic drama, I think it s safe to say you should expect to be booed off the stage if you don t tow the line. Here r the Black Net Roots speaker s dramatic introduction for Governor O Malley: Let s be clear Every single day folks are dying! Not being able to take another breath! We are in a state of emergency! We are in a state of emergency and if you don t fill that emergency you are not human! As the Washington Examiner noted Saturday, former Maryland governor and current presidential candidate Martin O Malley was being interviewed at the annual Netroots Nation conference and was making a statement about the need for civilian police review boards. The interview was interrupted by a group of protestors chanting, Say, black lives matter! In response to a question by one of the protestors about alleged instances of police brutality against African Americans, O Malley stated, I think all of us have a responsibility to recognize the pain and grief caused by lives lost to violence. Black lives matter. White lives matter. All lives matter. The statement is said to have drawn boos from the crowd. A minute or two later, O Malley apologized.The incident illustrated neatly illustrated the cultural divide between the left and the rest of America. Most people, without much of a thought, would agree that all lives matter, whether they belong to someone killed in an altercation with police or say a Marine gunned down by a terrorist. The crowd at Netroots Nation disagreed.More importantly, O Malley failed the Sister Souljah test by apologizing for saying something that should be axiomatic. A Sister Souljah Moment refers to an incident during the 1992 presidential campaign in which then Governor Bill Clinton condemned a rapper named Sister Souljah for racially incendiary lyrics in some of her songs. The statement caused a great deal of consternation, but Clinton received praise for taking on an extremist who was part of an important Democratic constituency. Clinton went on to be elected and then reelected four years later. Via: The Examiner",left-news,"Jul 21, 2015",0 +REMEMBER WHEN THE LEFT THOUGHT IT WAS β€˜FUNNY’ TO SAY ABOUT MCCAIN: β€œI don’t buy the war hero thing”,"Because it was a joke before it was politically incorrect?Before Al Franken became a United States Senator from Minnesota, he had a long career as a comedian (save for Stuart Saves His Family), an original writer on Saturday Night Live, and later as a political radio host on Air America.During that time, and when he was writing books like Rush Limbaugh Is a Big Fat Liar and Lies and the Lying Liars Who Tell Them: A Fair and Balanced Look at the Right, Franken took some shots at his now-fellow senator John McCain s military service. He also made one joke in a 2000 Salon.com essay just as presidential election season started picking up steam. Here s the remark: I have tremendous respect for McCain but I don t buy the war hero thing. Anybody can be captured. I thought the idea was to capture them. As far as I m concerned he sat out the war. Before everyone suggests Franken need to apologize just like Donald Trump should, here s why this is different: Back in 2000, Franken was not a political figure. He wasn t a sitting anything or a candidate for anything; the closest he came to political officialdom was as a revered satirist. More importantly, he even re-told the joke to McCain s face in 2004, when the senator was on Franken s own radio show.Here s how Franken s spokesperson commented on the joke:The fact that a statement came so quickly from Franken s office demonstrates that he is well-aware it is a terrible thing to say about McCain.On the other hand, Trump is not just not apologizing, he s doubling down. Because he knows we ll all keep writing about it.But hey we all need a good clown, even if unintentional. It s a long presidential race. Via: Mediaite[h/t Politico]",left-news,"Jul 20, 2015",0 +OBAMA LIGHTS UP WHITE HOUSE HOURS AFTER GAY MARRIAGE DECISION…Still Won’t Lower Flags For Unarmed Marines Murdered By Muslim Terrorist,"Every day Barack Obama rubs his radical transformation of America in our noses as we sit back and watch Republican Presidential candidates tear each other apart over comments they make about each other This Sunday marks three days since an Islamist gunman opened fire Thursday on military facilities in Chattanooga, Tennessee, killing five unarmed servicemen and wounding a policeman.President Barack Obama still has not ordered the lowering of the U.S. flag to half-staff at the White House and federal properties as a sign of respect and mourning for those killed, even though he (and former President George W. Bush) did so for previous mass killings by lone gunmen.In contrast it was only a matter of hours after the Supreme Court legalized same-sex marriage last month before Obama bathed the White House in the rainbow hues of the LGBTQ movement.Also, Obama issued same-day orders lowering the flag following the the July 20, 2012 Aurora, Colorado mass shooting, December 14, 2012 Sandy Hook, Connecticut mass shooting and the September 16, 2013 Washington Navy Yard mass shooting.Obama ordered the flag flown at half-staff the day after the November 5, 2009 Fort Hood, Texas massacre.President George W. Bush ordered the flag lowered for the April 16, 2007 Virginia Tech massacre the day after that attack.Obama apparently did not order flags lowered following the Charleston mass shooting last month, however he went to Charleston and delivered the eulogy at the funeral for the Reverend Clementa Pinckney. Several state governors did issue orders to lower flags in their respective states to honor the Charleston victims.Obama s selectivity on whether to honor victims of terror attacks or mass shootings was in evidence in May when Obama made no public or written statement on the Islamist terror attack in Garland, Texas.Obama vacationed in New York City this weekend. Meanwhile several state governors took steps to arm National Guard troops under their command and issued proclamations ordering flags in their respective states be flown at half-staff to honor those killed in the Chattanooga attack.The Pentagon said the day after the attack it would continue to leave recruiters unarmed and unprotected, and ordered Marine recruiters to not wear their uniforms to work.Via: Gateway Pundit",left-news,"Jul 20, 2015",0 +[VIDEO] LEFTIST CNN HOST ACTUALLY SAID THIS: Chattanooga Terrorist Is β€œGOOD LOOKING…This guy actually reminds me of Dzhokhar Tsarnaev”,"When she s not shamelessly bashing people who don t think human action is dangerously warming the planet or radically confusing the role of the First Lady, CNN anchor Carol Costello is busy making ridiculously stupid comments on-air.This mainstream media dummy actually said the Chattanooga mass murderer Mohammad Youssef Abdulazeez reminded her of Boston Marathon bomber Dzhokhar Tsarnaev. The Muslim murderer who slaughtered four Marines before being blasted by police was a good-looking kid and was also popular in high school, Costello said. This guy actually reminds me of Dzhokhar Tsarnaev, she said. Good-looking guy. Everybody liked him. He was popular in high school. Very well-educated. Both of them were wrestlers, and then something happened. This is just another example of a media madam living in a bubble where she s blinded to see that the only comparison that should be made between the Marine Murderer and the Boston Marathon bombers is that they were all sick animals and cowards. Idiot. Via: Daily Surge ",left-news,"Jul 18, 2015",0 +[VIDEO] FOX News’ Greg Gutfield Asks If The Left Would Care If Planned Parenthood Was Selling Harvested Dolphin Organs,"Greg Gutfield asks the question we all would like to know about this horrific woman working for Planned Parenthood in the undercover aborted baby parts brokering video. After discussing the dicing of aborted baby parts over salad and a glass of wine, he asks: I wonder if she made room for dessert? ",left-news,"Jul 17, 2015",0 +SHOCKING ACT OF β€œTOLERANCE”: TRANSGENDER THUG THREATENS Reporter for disagreeing with him on T.V.: β€œYou cut that out or you’re going to leave here in an ambulance”,"Transgender activist and bully, Hanna Zoey Tur threatened conservative reporter Ben Shapiro when he refused to call Bruce Caitlyn Jenner a woman. After Shapiro refused to back down from his statement that Jenner is a man, things became heated with the oh so tolerant Tur:https://youtu.be/pckjiU6iYEU",left-news,"Jul 17, 2015",0 +HUFFING TON POST WON’T COVER REPUBLICAN FRONTRUNNER DONALD TRUMP’S CAMPAIGN,"Just confirming what anyone paying attention already knew. The Huffington Post isn t interested in reporting the news they re strictly serving as a propaganda arm of the progressive left Earlier this month, while political news organizations were wrestling with the rise of Donald Trump, Washington Post senior politics editor Steven Ginsberg offered a philosophy: In my view, making decisions solely according to who may win the nomination is the worst way to cover a presidential election, he said. A whole lot happens on the way to the nomination and you can t explain what s happening with the candidates or the country without being on top of all of it. Since then, Trump s influence in the Republican primary has only grown. He has surged to the front of the pack, leading his rivals by 3 points in the most recent Fox News and USA Today/Suffolk polls, respectively. He has raised issues that have resonated with conservative voters and forced other GOP candidates to come forward on where they stand. It is very likely that he will appear near center-stage at the inaugural Republican debate, on Aug. 6, and lead the pile-on against Jeb Bush.In other words, Trump is a major character in this chapter of the 2016 presidential election story. And as Ginsberg said, you can t explain what s happening with the candidates or the country without being on top of all of it. On Friday, however, the Huffington Post s politics team announced that they would no longer cover the candidate as a political story. After watching and listening to Donald Trump since he announced his candidacy for president, we have decided we won t report on Trump s campaign as part of The Huffington Post s political coverage. Instead, we will cover his campaign as part of our Entertainment section, they wrote. Our reason is simple: Trump s campaign is a sideshow. We won t take the bait. If you are interested in what The Donald has to say, you ll find it next to our stories on the Kardashians and The Bachelorette. A quick fact-check: 1. Huffington Post is taking the bait, because they re continuing to cover Trump and will continue to benefit from the clicks. 2. Trump s campaign isn t a sideshow. He s leading the field, and is therefore a daily preoccupation for other candidates. (Hours after posting its note, Huffington Post sent an email clarifying that the impact [Trump is] having on the Republican Party and the immigration debate is itself a real thing, which it will cover as substance, but anything that tumbles out of his mouth will land on the Entertainment page. )One might conclude that Huffington Post s announcement amounts to the same Trump-style grandstanding they claim to condemn. On a larger level, they seem to miss the point that all politics is theater. Countless statements have tumbled forth from the mouth of candidates top-tier and third-tier that were made precisely to rile up the base, bait an opponent, get free play in the media, etc. The Huffington Post politics team has covered these stories, and will almost surely continue to do so even when they come from candidates who have a less of a shot at their party s nomination than Trump.Via: Politico",left-news,"Jul 17, 2015",0 +REP LUIS GUTIERREZ (D-NY) CALLS MURDER OF KATE STEINLE BY ILLEGAL ALIEN β€œA little thing” [Video],"Die-hard amnesty for illegal aliens cheerleader Rep. Luis Gutierrez: Every time a little thing like this happens, they use the most extreme example to say it must be eliminated. Reporting on a recently released survey by Rasmussen Reports that indicates that 62% of Americans oppose sanctuary city policies, Telemundo, the nation s second largest Spanish-language network, slanted its coverage in favor of maintaining the controversial policy. Reporting from the sanctuary city of Chicago, Telemundo correspondent Janet Rodr guez cited an unauthorized immigrant in favor of the policy, along with two quotes from Congressman Luis Guti rrez (D-IL), who had the gall to minimize Kate Steinle s murder, at the hands of a hardened criminal and five-time deportee, in the sanctuary city of San Francisco.Although Rodr guez reported the study s findings that the majority of Americans not only oppose the policy, but also support withholding federal funding to make sanctuary cities comply with immigration authorities, she included only one critical view of the policy, that of presidential candidate Donald Trump calling sanctuary cities a disgrace. To make matters worse, Rodr guez also misled viewers about the considerable trans-partisan nature of the opposition to sanctuary city policies. Rodr guez stated on air that it has to be emphasized that the poll reveals that the majority of those who agree on eliminating sanctuary cities or that in some way they lose federal funds, all are Republicans. However, the poll actually indicates that 79% of Republicans, 61% of unaffiliated voters, and 46% of Democrats believe sanctuary cities should lose federal funds. Similarly, 79% of Republicans, 65% of unaffiliated voters and 43% of Democrats support U.S. Justice Department legal action against sanctuary cities.Via: Newsbusters ",left-news,"Jul 17, 2015",0 +SEATTLE MAYOR WANTS TO HELP MUSLIMS FOLLOW SHARIA LAW BY OFFERING PLAN TO HELP BUY HOMES,"No word yet about the Mayor developing a plan to help Christians who refuse to bake wedding cakes for gays based on their religious beliefs For some Muslims, it can be hard to buy a house, and Mayor Ed Murray plans to do something about it.On Monday, Murray s housing committee released its recommendations for ways the city can increase housing in the city. Most ideas were what you d expect, including increasing the city s housing levy and implementing new rules and regulations to foster development of market-rate and lower-income housing.One suggestion would help followers of Sharia law buy houses. That s virtually impossible now because Sharia law prohibits payment of interest on loans. The 28-member committee recommended the city convene lenders and community leaders to explore options for increasing access to Sharia-compliant loan products.Based on what he called rough anecdotal evidence, Bukhari estimated a couple hundred people aren t borrowing money for houses due to their religion. He said this includes even high-wage earners, such as the more than 1,000 Muslims who work for Microsoft (Nasdaq: MFST) and more than 500 Amazon.com (Nasdaq: AMZN) employees.They could easily qualify for home loans but opt not to apply simply because they don t want to pay interest, Bukhari said.Murray will send legislation based on the committee s ideas to the City Council for consideration. During a press conference, he said he wants to help Muslims. We will work to develop new tools for Muslims who are prevented from using conventional mortgage products due to their religious beliefs, Murray said.More and more lenders are offering Sharia-compliant financing, according to a USA Today report. The sector has grown to more than $1.6 trillion in assets worldwide over the past three decades, and analysts see potential for continued growth as the number of Muslims in the United States and Europe grows.It s unclear how many Muslims in Seattle would benefit from Murray s plan. The Washington state chapter of the Council on American-Islamic Relations (CAIR) estimates more than 30,000 Muslims live in the greater Seattle area, and Chapter Executive Director Arsalan Bukhari on Tuesday said it s fairly common for some not to seek loans. Via: Biz Journals",left-news,"Jul 17, 2015",1 +BENGHAZI SPOKESLIAR SUSAN RICE TELLS CNN: β€˜We should expect’ Iran To Use Funds It Gets For Terrorist Operations [VIDEO],"Tell us Susan what s worse, Iran with a nuclear weapon and billions of dollars to help fund muslim terrorists or Iran with a nuclear weapon and frozen assets? President Obama s National Security Advisor, Susan Rice, told CNN s Wolf Blitzer on Wednesday that we should expect Iran to use the money it gets under sanctions relief for military and even terrorist operations.As part of Obama s nuclear agreement with Iran, tens of billions of dollars frozen as part of the sanctions on Iran will be released over time provided Iran complies with a list of deadlines outlined in the agreement. What do we think they ll spend that money on? We think, for the most part, they re going to need to spend it on the Iranian people and their economy which has tanked, she told Blitzer.Of course, murderous regimes like Iran don t generally limit themselves to domestic infrastructure projects and welfare schemes, which Rice quickly acknowledged. But yes, it is real, it is possible, and, in fact, we should expect that some portion of that money would go to the Iranian military and could potentially be used for the kinds of bad behavior that we have seen in the region up until now, she said.By bad behavior Rice is presumably referring to Iran s funding of terrorist organizations, and its expanding military operations throughout areas such as Yemen.Despite the fact that the Obama administration fully expects Iran to use its newly released billions to fund terrorism, Rice told Blitzer those concerns didn t play an important role in negotiations. The goal here, Wolf, was never, and was not designed to prevent them from engaging in bad behavior in the region. They re doing that today, she said. The goal is to ensure that they don t have a nuclear weapon, and therefore, when they are engaging in that bad behavior, are that much more dangerous. Rice s acknowledgement of Iran s bad faith might not bother the administration, but it is likely to cause a little concern in congress.After all, Iran s bad behavior is a pretty good indication that the murderous regime in Tehran has no intention of cleaning up its act which makes it somewhat hard to trust they will abide by an Obama sponsored agreement.Via: BizPacReview",left-news,"Jul 17, 2015",0 +[Video] KANSAS DEM MAYOR BRAGS ABOUT REDUCTION IN WHITE POPULATION: Thanks Radical Socialist Hispanic Group,"What would a speech from a modern Democrat be if they didn t include the LGBT crowd and embrace illegal aliens? It s almost as if they were trying to divide our nation in order to gain votes.??The mayor of Kansas City, Kansas, in an address to the radical socialist organization National Council of La Raza, bragged that his city is no longer majority white and the city s schools now have students who speak 62 different languages.According to the 2010 U.S. Census, Kansas City, Kansas, was 52 percent white.But in a speech before the La Raza National Affiliates Luncheon earlier this week in Kansas City, Mayor Mark Holland boasted that only five years later his city s white population has been reduced to 40 percent.He seemed to suggest that La Raza was at least partly responsible for the progress. But he also cited the refugee resettlement work of the United Nations and U.S. State Department for the city s transformation into a gleaming example of multicultural diversity.Kansas City, he said, is very proud of the work of National Council of La Raza. Kansas City, Kansas, is a city with no ethnic majority. Kansas City, Kansas, is 40 percent white, 28 percent Latino, and 26 percent African-American, Holland said. Our school district speaks 62 different languages by the children every single day. And Kansas City, Kansas, has a proud heritage of welcoming all people into the community, people who are not welcome in other places. Latinos started coming with the Santa Fe railroad more than 100 years ago, to build the railroad, he said. Another railroad, the Underground Railroad, brought African-Americans to Kansas. If they could get across the river they were free and settled in a township of Quindero. We continue to have a number of groups of refugees from around the world, he added, mentioning the large Hmong community that came in the 1970s and 80s following the Vietnam War.In recent years, the city has welcomed more refugees from other parts of the world, including Muslim Somalia, Afghanistan and Iraq, Hindus from Bhutan and Buddhists and Muslims from Burma.LGBTs welcome in KCKansas City has also thrown open its arms to the LGBT community, Holland said, even though most of the state of Kansas leans Republican.He said the city is the home of another persecuted group the Democrats. The Democrats still have a foothold in Kansas City and we re very proud of that, said the Democrat mayor. And because Democrats are in Wyandotte County, we welcome our gay and lesbian brothers and sisters and celebrate their life and their love, and always will. Holland, an ordained Methodist minister, then went on the attack against any Christians who don t share his liberal theological views on same-sex marriage.He applauded the recent 5-4 Supreme Court decision that redefined marriage for all 50 states. But we cannot let our guard down. This religious freedom component, I believe is the Confederate Flag of religious bigotry, being flown long after the fact, Holland said. As an ordained United Methodist pastor myself, I m offended to note, when they say Christians are offended by the ruling. In fact, many of us Christians celebrate the ruling and the continued welcome and recognition of all people. But I want to close by saying we just couldn t be more proud that La Raza is here in Kansas City and it s an honor to be able to greet you. The U.S. State Department, working with the United Nations, has sent 2,371 international refugees to Kansas City, Kansas, since 2002. The State Department s database does not include U.N. refugees dispersed throughout the U.S. before 2002 but the program has been ongoing in its current form since 1980. The U.N. picks about 95 percent of the refugees sent to the U.S. The State Department, working with nine major contractors such as the U.S. Conference of Catholic Bishops, Hebrew Immigrant Aid Society and Lutheran Immigration and Refugee Service, distributes about 70,000 refugees annually from mostly Third World nations into 190 U.S. cities and towns.U.N. sends KC 2,371 refugees since 2002The refugees, unlike most other classifications of immigrants, immediately qualify for a smorgasbord of state and federal welfare benefits and are placed on a fast-track toward full citizenship, which is obtainable within five years.Since 2002 Kansas City has received 1,090 refugees from Burma, 577 from Bhutan, 190 from Somalia, 126 from Iraq, 47 from Liberia, 37 from Eritrea, 36 from Russia, 34 from Burundi, 33 from Afghanistan, 26 from Vietnam, 24 from Sudan, 18 from Uzbekistan, and 11 from Iran, according to State Department data.Via: WND",left-news,"Jul 16, 2015",0 +OBAMA WILL GIVE AWAY FREE INTERNET (To Those He Deems Worthy) : β€œThe internet is not a luxury”,"Don t turn off your paid internet service quite yet. If you have a job and contribute to our tax base, you won t qualify. You also have to be living in cities the Obama regime considers worthy of free internet service. Those cities have likely provided some form of support for Obama s radical agenda for America.Because internet service is a human right or something like that Calling the Internet a 21st century necessity, President Barack Obama on Wednesday unveiled a program to bring faster Internet connections to more low-income households, particularly to help students living in public and assisted housing stay ahead in school.Under ConnectHome, the public, private and nonprofit sectors have pledged to work together to provide high-speed connections and digital devices to more families at lower cost.More than 90 percent of households headed by a college graduate have Internet access, Obama said. But fewer than half of low-income households have similar access.In this day and age, Obama said the digital divide puts these individuals at a disadvantage by limiting their educational and economic opportunities because the Internet is increasingly needed to find a job, finish homework or keep in touch with family and friends. In this digital age, when you can apply for a job, take a course, pay your bills with a tap of your phone, the Internet is not a luxury. It s a necessity, Obama said in Durant, Oklahoma, on the first day of a two-day visit to the state. You cannot connect with today s economy without having access to the Internet, he said.ConnectHome is similar to ConnectEd, a federal program that Obama said is on track to wire 99 percent of K-12 classrooms and libraries with high-speed Internet by the end of 2017.ConnectHome will begin in 27 cities and the Choctaw Nation of Oklahoma, which is headquartered in Durant. With about 200,000 members spread across much of southeastern Oklahoma, the Choctaw Nation is the nation s third-largest Native American tribe.The Choctaw Nation was also among the administration s first Promise Zones, a designation that makes it eligible for tax incentives and grants to help fight poverty.The only federal money expected to be spent on ConnectHome is a $50,000 Agriculture Department grant to the Choctaw Nation, officials said.The 27 cities the U.S. Department of Housing and Urban Development selected for ConnectHome are: Albany, Georgia; Atlanta; Baltimore; Baton Rouge, Louisiana; Boston; Camden, New Jersey; Cleveland; Denver; Durham, North Carolina; Fresno, California; Kansas City, Missouri; Little Rock, Arkansas; Los Angeles; Macon, Georgia; Memphis, Tennessee; Meriden, Connecticut; Nashville, Tennessee; New Orleans; New York; Newark, New Jersey; Philadelphia; Rockford, Illinois; San Antonio; Seattle; Springfield, Massachusetts; Tampa, Florida; and the District of Columbia.Obama was spending the night in Oklahoma and on Thursday continuing a weeklong focus on making the criminal justice system fairer.He planned to meet Thursday with law enforcement officials and inmates during a historic tour of the El Reno Federal Correctional Institution, a medium-security facility west of Oklahoma City that holds about 1,300 male offenders. I will be the first sitting president to visit a federal prison, Obama said in a speech Tuesday to the NAACP meeting in Philadelphia.",left-news,"Jul 16, 2015",0 +FAMILY THREATENED AT GUNPOINT FOR DISPLAYING CONFEDERATE FLAG ON PRIVATE PROPERTY…Police Let Suspect Go [Video],"Nothing says tolerance like putting a loaded gun to a strangers head because you disagree with the flag they re holding A family was threatened at gunpoint for waving the Confederate flag on their own private property in another illustration of how controversy surrounding the flag is only driving more animosity.The incident occurred on Monday night in Moseley, Virginia while the family was expressing their First Amendment right by waving the flag in their own driveway next to a busy highway. A man driving an SUV pulled into the driveway, took out his gun, chambered a round, pointed it at the family and started yelling. He slammed on the brakes and when he got right beside me, he pulled out a gun, chambered a round and told me my cause wasn t worth anything now, Mark Wilson told CBS 6. He got out of the car and took three steps towards me and the gun was maybe six inches off my head. Wilson said he was concerned that the gunman would shoot his children. 46-year-old James Baker was later arrested by police for brandishing a weapon. Baker dubiously claimed that the family had threatened his life. This is a busy highway and he is in a vehicle going 70 miles per hour, how are we threatening him by walking across? said Wilson, who called for Baker to be sent to jail. The police went and investigated it and they let him go, he admitted everything and they just let him go, added Wilson.Baker is in court on September 3 facing a class one misdemeanor charge.Wilson asserted that his decision to fly the flag is founded on a desire to express pride in his southern heritage and has nothing to do with racism. I m not gonna be scared away from people that are acting ignorant and trying to act violent when it s not a violent thing. This shouldn t be a race thing, it should be a heritage thing, Wilson told NBC 12.The nature of the confrontation clearly illustrates how the gunman had a political gripe with the family displaying the Confederate flag, which has become a target for irate leftists in the aftermath of the Charleston shooting.On Monday we reported on the new viral Twitter craze called #NoFlaggingChallenge which Black Lives Matter supporters are using to encourage Americans to violate people s private property rights and steal Confederate flags being displayed on privately owned homes and vehicles.Given that the flags are predominantly displayed in southern states where private ownership of firearms is common, many on social media are warning that the stunt could end up with people being shot dead.Via: Infowars",left-news,"Jul 16, 2015",0 +OBAMA’S ARROGANCE: WATCH As He Admonishes Reporter For Asking If He Was β€œContent” With 4 Americans Held In Iran Jail [VIDEO],"Being called out for his utter incompetence as a leader by the press is not something Obama is used to CBS News s Major Garrett asked President Obama at a press conference Wednesday if he was content with four Americans held in Iranian jails while his administration celebrated the nuclear deal. Can you tell the country, sir, why you are content with all the fanfare around this deal to leave the conscious of this nation, the strength of this nation unaccounted for in relation to these four Americans? Garrett asked. That s nonsense and you should know better, Obama bit back. Nobody s content and our diplomats and our teams are working diligently to try to get them out. Garrett later brushed off the scolding on CBS s news streaming network, saying, Clearly, it struck a nerve. That was my intention Was it provocative? Yes. Was it intended to be as such? Absolutely. The Daily Beast s Shane Harris reported yesterday that the Americans came up during negotiations over Iran s nuclear program. We believe very strongly that this is an opportunity for Iran to let the Americans come home, an administration official said.Via: The Daily Beast",left-news,"Jul 15, 2015",0 +BREAKING: SCREEN SHOTS OF WEBSITE SHOW BULK DISCOUNTS ON ABORTED BABY PARTS FROM PLANNED PARENTHOOD PARTNER,"Yesterday we told you about the company who buys aborted baby organs from Planned Parenthood. Many of our readers were in disbelief and demanded proof that StemExpress was an actual company that sold baby parts online. Here is the undercover video that exposed Planned Butcherhood: Here is your proof: StemExpress, the California-based company that serves as a middleman between Planned Parenthood and the organizations that seek body parts harvested from aborted babies, once advertised bulk discounts for baby organs and body parts. A screencap taken from a StemExpress page listing fetal liver products shows that the company openly boasted of bulk buying discounts available to new customers. Become a StemExpress customer today to receive 25% off your first order up to $1,000! blasted an archived web page from 2012.The baby organ trade is a lucrative one for StemExpress. As recently as December 2014, packages of what StemExpress described as fresh fetal liver stem cells were listed at more than $24,000, according to an archived page listing its products and prices.Yesterday morning news broke that Planned Parenthood, the nation s largest and most profitable abortion provider, was in the business of trafficking organs taken from aborted unborn babies. Planned Parenthood s top medical director, Deborah Nucatola, was captured on tape trying to sell body parts from aborted babies and bragging about how she conducts abortions in order to maximize the number of organs and body parts that can be extracted from the children.StemExpress also advertised the financial rewards and benefits that can come from buying and selling baby body parts.Although Planned Parenthood vehemently attacked the Center for Medical Progress for releasing its damning video, the billion-dollar abortion provider did not deny charges that it was harvesting organs, tissue, and body parts from aborted babies.Via: The Federalist",left-news,"Jul 15, 2015",0 +FOREIGN BORN ALIEN WITH 4 FELONIES ARRESTED FOR BRUTAL BEATING AND RAPE OF WOMEN WHO WAS HELPING HIM,"The consequences of a failure to control immigration in America A foreign-born alien who sought help with his immigration papers has been arrested for the alleged brutal beating and rape of the woman who was helping him. Zenen Alvarez-Alguezabal, is behind bars in Seneca, South Carolina and has four previous felony convictions in the United States. It is currently unclear how the man had immigration papers, considering he had four felonies that spanned South Carolina, Texas, California, and Washington state. The victim told police she pretended to pass out, then when Alvarez passed out, she ran to her apartment without pants or shoes and called her son who reported the incident, reported local FoxCarolina.com. The victim had bruises on her face, along with scratches on her hands and the back of her neck. The victim was transported by ambulance to a hospital. Their report stated:Police said they arrived at Alvarez s home and found a handgun on the sofa. Police also located a gold earring and a pair of women s pants.The victim said she had tried to help Alvarez get his immigration papers in order, according to an incident report.The victim told police she went to the restroom and when she returned found Alvarez naked. She tried to leave, but Alvarez struck her in the face and assaulted her, according to police.The victim pushed the alarm on her car key and Alvarez threatened to kill her if she called the police, according to the police report.Via: Breitbart News",left-news,"Jul 15, 2015",0 +SHAKEDOWN AL SHARPTON MEETS WITH GM TO PRESSURE THEM INTO DROPPING KID ROCK OVER CONFEDERATEF FLAG [Video],"I m a mom who grew up in Romeo, MI., the same town where Robert Ritchie, aka Kid Rock was born and raised. I am also a huge Kid Rock fan. I remember sitting across from his entire family in church every Sunday. His mother was my youngest sister s religious education teacher. He was raised in the country until he left to make his music way in Mt. Clemens, MI, located just outside of Detroit. It was there he met his girlfriend (who is black) and had a child with her. He gained full custody of his son and sent him to a Catholic school near my current home. He is one of the kindest, most generous and selfless musicians in the business. He is now the latest target of Al Sharpton and his shakedown organization, NAN.Kid Rock s philosophy is: Help your neighbor first. Here are a few examples of his generosity:When is the last time Al Sharpton did anything to bring jobs to Americans or to help give back to NYC? Kid Rock doesn t just talk about providing jobs for Americans, he puts his money where his mouth is:Here is Kid Rock donating a home to an injured veteran in a Detroit suburb:While Al Sharpton has made it his goal to assist Barack Obama in the division our nation with his #BlackLivesMatter campaign of racism, hate and violence, Kid Rock has been busy working to ensure we take care of our veterans when they return through a campaign called #VeteransMatter:And lastly how many times has Al Sharpton jumped on an airplane and headed overseas during Christmas to help lift the spirits of our troops while they spend their holidays away from their families in the desert? (Brief language warning.)Compare Kid Rock s service to our military, kids with disabilities and to the city of Detroit to Al Sharpton s service to his community:Americans need to stand up to this shakedown artist and let this two-bit, tax cheating extortionist know we are not going to let him define the direction of our great nation. Call GM and let them know how much you appreciate them sponsoring Kid Rock, a man who does so much for our military and for those less fortunate at:Tony Cervone Senior Vice President, Global Communications Phone 313-667-3437 Mobile 313-920-8175 tony.cervone@gm.comor: Juli Huston-Rough News Operations Director Phone 313-665-3183 Mobile 313-549-6977 julie.huston-rough@gm.comBreitbart News Detroit members of Al Sharpton s National Action Network now plan to pressure General Motors to cut ties with musician Kid Rock over his use of the Confederate flag at concerts, and the company is hearing them out.Legally named Robert James Ritchie, Kid Rock may hail from the Detroit, MI area, but his love for southern music and culture is strong, and he has used imagery of the rebel symbol at shows throughout his career.Members of the Detroit chapter of the NAN began protesting a Kid Rock exhibit at a local museum over the matter earlier this month. The rocker finally responded to the activists through a statement to Fox News host Megyn Kelly last week, simply saying: Kiss my a**. The group s members demanded Ritchie renounce the flag, but now that it has become apparent he has no plans to do so, the NAN plans to hit him where it hurts: though a sponsor.According to the Detroit Free Press, members of the group, which is helmed by Rev. Charles Williams II, plan to meet with Detroit-based General Motors, whose Chevrolet brand is sponsoring Kid Rock s summer tour. We will be furthering our call to ask GM to remove their support of funds for Kid Rock s tour, said Williams.A statement released to the paper by GM confirmed the meeting would take place later this week on Tuesday: We have been in touch with Reverend Williams, and representatives from Chevrolet will be meeting with him later this week to better understand his concerns. We need to let some open and constructive dialogue occur as a first step, and we ll go from there. Rev. Williams also told the Associated Press Tuesday that the best resolution is for GM to pull their sponsorship. He added: The entire civil rights community is ready to open up a campaign on this issue if General Motors doesn t want to take responsibility on this bad business issue. Williams was previously quoted as saying, the hometown hero who is a zero with the Confederate flag, while the group s political director Sam Riddle asked, How in the hell can Kid Rock represent Detroit and wave that flag just generating millions and millions in ticket sales a flag that represents genocide to most of Detroit? Kid Rock received the Great Expectations Award from the Detroit NAACP in 2011, and called the accolade by far the coolest award I ve received. After receiving the honor, the artist responded to similar protests from the NAACP, and told the Free Press waving the flag was not about hatred or being a racist. I like Southern rock music, and a lot of people died under that flag for beliefs they had, right or wrong, he said. But it stands for rebel, and my love of Southern rock. ",left-news,"Jul 15, 2015",0 +"NEW DISCOVERY REVEALS BALTIMORE STATE’S ATTORNEY’S PARENTS WEREN’T MODEL COPS : Mom Received 20+ Disciplinary Actions, Dad Fired For Criminal Activity","Baltimore City State s Attorney Marilyn Mosby tells FOX News reporter during hostile exchange (at the 1 minute mark) that she comes from five generations of police officers in response to his statement that Baltimore Police officers are concerned she doesn t have their backs: https://youtu.be/nbDeRqCxJbsThe mother of Baltimore city state s attorney Marilyn Mosby faced numerous disciplinary actions during her 20-year career as a Boston police officer, though the public wouldn t know it based on the Freddie Gray case prosecutor s public statements touting her family s strong policing history.The 35-year-old Mosby has used her family s police ties to rebut critics who say she rushed to judgement and overcharged the six cops involved in Gray s April 12 arrest. The 25-year-old Gray died a week later, touching off rioting in Baltimore and nationwide protests. Law enforcement is pretty much instilled within my being, Mosby told MSNBC s Chris Hayes on May 1, the day she publicly announced charges against the officers. I come from five generations of police officers, she added, pointing out that her mother, father, grandfather and uncles have all served as cops.But there s more to the story than Mosby has let on.Personnel records obtained by The Daily Caller show that Mosby s mother, Linda Thompson, first violated the Boston police department s substance abuse policy in 2006. After serving a 45-day rehab stint, Thompson violated the drug code again and voluntarily resigned on Feb. 1, 2008, rather than be fired.The early retirement allowed Thompson, now 52, to draw a $1,810.69 monthly pension.Thompson is not the only member of Mosby s family to have had a rocky policing career. Mosby s father was fired from the Boston police department in 1991 following accusations that he and his partner robbed drug dealers at gun point. Mosby s uncle was fired from Boston PD in 2001 after testing positive for cocaine. Her grandfather was a well-respected Boston cop, but he ultimately and unsuccessfully sued the department for racial discrimination in the 1980s.Personnel records obtained by The Daily Caller show that Mosby s mother, Linda Thompson, first violated the Boston police department s substance abuse policy in 2006. After serving a 45-day rehab stint, Thompson violated the drug code again and voluntarily resigned on Feb. 1, 2008, rather than be fired.The early retirement allowed Thompson, now 52, to draw a $1,810.69 monthly pension.Thompson is not the only member of Mosby s family to have had a rocky policing career. Mosby s father was fired from the Boston police department in 1991 following accusations that he and his partner robbed drug dealers at gun point. Mosby s uncle was fired from Boston PD in 2001 after testing positive for cocaine. Her grandfather was a well-respected Boston cop, but he ultimately and unsuccessfully sued the department for racial discrimination in the 1980s.Mosby has not publicly mentioned any of that during her speeches when running for Baltimore state s attorney or since taking on the Gray case. A majority of police officers are risking their lives day-in and day-out, Mosby told Hayes during her interview. Recognizing that, because that s what my family did, I also recognize that there are those individuals that usurp their authority who will go past the public trust. When they do that, you have to hold those individuals accountable, Mosby added.Mosby s claims are disingenuous, say three retired Boston police officers interviewed by TheDC. Linda Thompson s daughter is lecturing police officers about the right thing to do? You ve got to be kidding me, said one former cop who reached the highest levels of the Boston police department and has known Thompson since the beginning of her career.The retired officer, who asked not to be named, said that Mosby s message has been, You can trust me, I come from a family of cops. Mosby has proved a polarizing figure so far in the Gray case. Elected to office last year, she became a national star to many after her public announcement of charges against the cops. But her many critics say her case is flimsy and that she charged the officers for political reasons.The prosecution s theory seems to be that the officers did not do enough to restrain Gray in the back of a police van after his April 12 arrest. Some of the six officers also failed to provide proper medical attention, Mosby has claimed.Gray s April 19 death was ruled a homicide due to an act of omission. Mosby charged the driver of Gray s police van with second-degree depraved heart murder and manslaughter. Three other cops face manslaughter charges.Mosby has also been heavily criticized for using activist rhetoric when publicly discussing the case. During her May 1 speech she said that she heard protesters battle-cry of no justice, no peace. Days before that speech and before the medical examiner s office had even determined Gray s cause of death she told a group of local clergy members that she was going to seek justice for Gray by any and all means necessary. Via: Daily Caller ",left-news,"Jul 15, 2015",0 +"WOW! COMPANY THAT BUYS ABORTED BABY PARTS FROM PLANNED PARENTHOOD HAS WEBSITE WITH DROP DOWN MENU CHOICES LIKE: Heart, Liver, Veins, Arteries, Lungs, etc.","Last we checked harvesting and selling body parts in America was illegal. Perhaps the abortion industry has some sort of special exception since killing babies is such an important service to Americans In the gruesome and now viral video that shows a Planned Parenthood medical officer talking to undercover actors posing as biotech entrepreneurs about the prospects of buying fetal body parts, the name of one company pops up several times:In the context of selling aborted fetal tissue, Dr. Deborah Nucatola is seen and heard discussing her ongoing relationship with a company called StemExpress that works as the middleman between Planned Parenthood affiliates and research institutes that use the body parts in scientific experimentation.The video, provided by the pro-life group Center for Medical Progress, purports to show an actual online order form from StemExpress where buyers can order the parts they want and the age of gestation.The pull down menu shows brain, heart, heart (veins and arteries attached), lungs, liver, liver and thymus, spleen, large intestine and so on. The order form allows the buyer to choose the gestational age of the baby to be aborted from four weeks upward.StemExpress is a five-year old privately held for-profit business located in Placerville, California that describes itself as a multi-million dollar company that supplies human blood, tissue products, primary cells and other clinical specimens to biomedical researchers. The company says it offers the largest variety of raw material in the industry, as well as fresh, fixed and cryopreserved human primary cells. StemExpress calls itself as the only company of its kind to both procure tissues and isolate cells for researchers individual needs in its own labs. Our human tissue products range from fetal to adult and healthy to diseased, and we also collect bone marrow and leukapheresis for isolation. StemExpress promises that by partnering with them you ll get the high quality samples you need so that you can focus on the research. Some will wonder how something that is apparently illegal goes on so openly. David Daleiden of the Center for Medical Progress told Breitbart News, It is the Kermit Gosnell effect. There is simply a lack of interest in enforcing this kind of law because of abortion. On the video Nucatola is heard talking about pricing, that specimens would range from $30 to $100. It is expected that Planned Parenthood will claim these charges are merely for their services and do not include a profit. Daleiden told Breitbart News that there are no extra services because companies like StemExpress are there at the facility to harvest the organs on order and walk out with them, not even shipping charges.Daleiden said that while the practice goes on around the country, it is especially hard to prosecute in California because of the political power of the abortion industry.The buying and selling of human body parts is illegal under the U.S. Criminal Code though companies can charge for expenses. The question becomes how a multi-million dollar for-profit company buys fetal body parts and sells them but makes no profit.Repeated calls to StemExpress for a comment have gone unreturned. The company website crashed sometime today.Via: Breitbart News",left-news,"Jul 14, 2015",0 +KING OBAMA THREATENS CONGRESS TO NOT MESS WITH IRAN DEAL: Will Congress Have Will To Pull White Flag From Obama’s Hands? [Video], Tough talk from Washington does not solve problems says our Thug in Chief as he threatens Congress not to cross him on this dangerous Iran deal Here is why FOX News Britt Hume says Obama doesn t need to sell this Iran deal to Congress:,left-news,"Jul 14, 2015",0 +BREAKING STORY! TRUE EVIL EXPOSED: [Video] PLANNED PARENTHOOD DIRECTOR Caught On Video Selling Aborted Baby Parts,"B b but I thought they said they re just trying to provide quality health care for women .An undercover video recorded by the non-profit organization, Center for Medical Progress, shows Planned Parenthood Federation Senior Director of Medical Services, Dr. Deborah Nucatola, discussing their fetal parts business.Nucatola is seen in the video having lunch with actors posing as buyers who are interested in purchasing the body parts of babies who have been aborted. The Planned Parenthood senior staffer notes how abortion procedures are modified to ensure that requested body parts can be collected. She says: We ve been very good at getting heart, lung, liver, because we know that, so I m not gonna crush that part, I m gonna basically crush below, I m gonna crush above, and I m gonna see if I can get it all intact. Nucatola also describes how Planned Parenthood abortionists move the preborn child into a breech delivery position so that the body can be preserved. This account is an almost exact medical description of partial-birth abortions which are illegal in the United States. In the video, Nucatola describes the procedure: I d say a lot of people want liver. And for that reason, most providers will do this case under ultrasound guidance, so they ll know where they re putting their forceps. The kind of rate-limiting step of the procedure is calvarium. Calvarium the head is basically the biggest part. We ve been very good at getting heart, lung, liver, because we know that, so I m not gonna crush that part, I m gonna basically crush below, I m gonna crush above, and I m gonna see if I can get it all intact. And with the calvarium, in general, some people will actually try to change the presentation so that it s not vertex. So if you do it starting from the breech presentation, there s dilation that happens as the case goes on, and often, the last step,you can evacuate an intact calvarium at the end. Planned Parenthood, though, appears to be concerned internally about the legality of their own behavior, as Nucatola notes how, At the national office, we have a Litigation and Law Department which just really doesn t want us to be the middle people for this issue right now. U.S. federal law states that, It shall be unlawful for any person to knowingly acquire, receive, or otherwise transfer any human fetal tissue for valuable consideration if the transfer affects interstate commerce. Live Action President Lila Rose has been active for years in exposing wrongdoing at Planned Parenthood through undercover investigations. She responded to the disturbing investigative video, saying:This investigation by the Center for Medical Progress reveals the unimaginable horror that is Planned Parenthood. The exploitation of human life, the cover-up, and the black market profiteering by America s largest abortion chain is not only egregious and heartbreaking, but exposes how the abortion giant is corrupt to the core from the CEO, Cecile Richards, down to the local clinic. As Live Action has investigated through the years, Planned Parenthood s barbaric practices reveal their contempt for rule of law and human life. This latest expose of Planned Parenthood s trafficking of baby parts for profit should be the final nail in the coffin for the abortion giant. Congress must take immediate action to stop all taxpayer funding of Planned Parenthood and end the bankrolling of this horrific human rights abuser.Via: LiveActionNews",left-news,"Jul 14, 2015",0 +THE LIST OF WHO’S WHO TAKING ADVANTAGE OF FAILED EU AUSTERITY EXPERIMENT IN GREECE,"Like a spoiled child on a spending spree with no parental guidance, Greece is forced to sell some of the most beautiful real estate in the world on the cheap Wealthy foreign investors are expected to buy up Greek islands in coming months as Monday s bailout will likely force hard-hit rich Greek moguls to dump their piece of paradise. This fire sale of private Greek islands to bargain hunters is expected to take place over the next few years, according to property agent Knight Frank.Greece imposed the first-ever real estate tax last year to raise cash for creditors, making property ownership prohibitively expensive, according to Knight Frank s Island Report.Foreign investors are taking advantage of the falling property prices, which have plunged by 30 percent over the last five years thanks to Greece s debt crisis. Here are some island hunters who hoped to profit from Greece s woes:Russian billionaire s daughter buys Skorpios for ~$150 million Ekaterina Rybolovleva, the daughter of Russian billionaire and former owner of Russia s largest potassium fertilizer producer Dmitry Rybolovlev, reportedly bought the island for $150 million in 2013. Skorpios was owned since 1962 by shipping tycoon Aristotle Onassis and served as the location of his wedding to Jackie Kennedy. His daughter eventually sold it to Rybolovleva, although it was reported that Madonna and Bill Gates had expressed interest in scooping it up.Qatari Emir buys six Greek islands for $9.4 million If you can t afford Skorpios, buy a half a dozen other islands. That s what Hamad bin Khalifa Al Thani did in 2013 when Rybolovleva reportedly wouldn t lower her asking price for Skorpios. Al Thani planned to use the islands exclusively for his 24 children and three wives, The Guardian reported.Brangelina looking at $4.7 million island Gaia Brad Pitt and Angelina Jolie wanted their six children to run around in peace without the paparazzi, news outlets reported in June. The 43-acre island secured planning permission for six villas back in June, The Washington Post reported.Chinese construction magnate buys island for $770,000 In a bidding war of 48 Chinese investors in March, a Greek island up for auction on Taobao (China s eBay) was nabbed by a construction tycoon from China s Yunnan province, International Business Times reported. The same man also reportedly bought a Canadian island for 1.7 million yuan, or $273,985.Dozens of other Greek islands are listed on Private Islands Online, with more expected to crop up as once-wealthy owners are forced to liquidate their assets. A 54-acre Stroggilo Island, with a perfect 110 meters beach that can easily transform to a heaven on earth place for vacations, is available for the paltry sum of $4.5 million.Via: VocativGreece could exist outside the euroAdmittedly, it would mean yet more hardship and austerity, but maybe one day they would be able to use the freedom having their own currency would give them to rebuild a more competitive economy. It worked for Britain. That said, their euro currency debt would immediately rise in real-terms value against any New Drachma, and would make the debt burden even worse. Default would be inevitable; as it may be anyway.Even if they got their debts entirely written off, it would all start over again before longThis is the fundamental point. Greece was living beyond her means after the euro was introduced; taking advantage of the cheap interest rates on the euro bestowed by its status as a strong currency backed by Germany. They had a great big party, buying all those nice German cars and the consumer digital wonders of the noughties; and now the hangover is still taking time to work through. There is no reason to believe that such reforms as there have been in Greece will be enough to enable Greeks to live comfortably within their means. The debts will pile up and the crisis will return. Syriza has no policies to make Greece competitive with say the Slovaks or Poles, let alone Korea and China. Via: The Independent UK ",left-news,"Jul 14, 2015",1 +β€œNot a word”…That’s What The Parents Of Beautiful Young Woman Murdered By Illegal Alien In Sanctuary City Have Heard From White House [VIDEO],"Kate Steinle is the wrong race, and she was killed by someone Obama is advocating for. If they can only get FOX News to stop reporting about it, this whole nightmare for Obama s executive amnesty/votes for Democrats program will go away The parents of Kathryn Steinle said Monday in a cable television news interview that they support a proposal to give mandatory prison time to deported people who return to the U.S. illegally. Steinle, 32, was walking along a waterfront in San Francisco when she was shot by a gun allegedly fired by Juan Francisco Lopez Sanchez, a Mexican national who was in the country illegally. Steinle s brother also appeared on Fox and revealed to Megyn Kelly that the White House hasn t even bothered to reach out to the family. Not heard a word, Brad Steinle said. Instead, he said, we find solace in the fact that Kate was doing what she loved and she was with the man she loved the most, my dad. WATCH VIDEO INTERVIEW WITH BILL O REILLY HERE:Sanchez, 45, who has pleaded not guilty, had been released from jail months before the shooting, despite a federal immigration order asking local authorities to hold him.Jim Steinle and Liz Sullivan, of Pleasanton, California, were interviewed by Fox News talk-show host Bill O Reilly for a Monday segment on The O Reilly Factor.The death of their daughter has fueled a national debate on immigration, with advocates of stricter border control and even some Bay Area Democrats denouncing San Francisco as a city whose immigrant sanctuary protections harbor people who are in the country illegally.Supporters of sanctuary protections have jumped on O Reilly and others for politicizing the death. They say public safety is improved when immigrants can work with local police without fear of deportation.Steinle, who was at his daughter s side when she was shot, and his wife said the proposed Kate s Law would be a good way to keep her memory alive. O Reilly is collecting signatures for the petition, which would impose a mandatory five years in federal prison for people who are deported and return. We feel the federal, state and cities their laws are here to protect us, Jim Steinle said. But we feel that this particular set of circumstances and the people involved, the different agencies let us down. It ll be a legacy in her name and her death would not go unnoticed. The grieving parents said failings at multiple levels of government led to Sanchez being freed, but they re tired of finger-pointing. Ff Kate s Law saves one person, then it s all for good, said Steinle.Federal records show Sanchez had been deported three times before being sentenced to more than five years in federal prison. He had completed another four years in federal prison when he was shipped to San Francisco March 26 on an outstanding 1995 drug charge.The San Francisco District Attorney s office declined to prosecute, given the age of the case and the small amount of marijuana involved.Via: UK Daily Mail",left-news,"Jul 14, 2015",0 +POPE TAKES COMMUNIST CRUCIFIX GIFT HOME: Says He Was Not Offended By It [VIDEO],"Well, as a Catholic the act of the Pope of my church accepting a gruesome hammer and sickle with Christ affixed to the front was wholly offensive Pope Francis has said he wasn t offended by the communist crucifix given to him by Bolivian president Evo Morales during his South American pilgrimage.Morales surprised the pontiff with the unusual gift, a crucifix attached to a hammer and sickle, when Francis arrived in La Paz on Wednesday.The crucifix was a replica of one designed by a Jesuit priest, the Reverend Lu s Espinal, who was tortured and killed by Bolivian paramilitary squads in 1980. Francis prayed at the site of Espinal s assassination upon his arrival in Bolivia.The modified crucifix immediately raised eyebrows, with some questioning whether Morales, whose socialist and anti-church rhetoric is well-known, was trying to score a political point with a questionable, and possibly sacrilegious, melding of faith and ideology.Francis, an Argentine Jesuit, said Espinal was well-known among his fellow Jesuits as a proponent of the Marxist strain of liberation theology. The Vatican opposed it, fearing that Marxists were using liberation theology s preferential option for the poor as a call for armed revolution against oppressive rightwing regimes that were in power in much of Latin America in the 1970s and 1980s.During a news conference en route home to Rome on Sunday, Francis said he interpreted Morales gift through the prism of Espinal s Marxist bent and viewed it as protest art.After taking into consideration the time in which he lived, Francis said: I understand this work. For me it wasn t an offense. Francis added that he brought the crucifix home with him.Via: The Guardian",left-news,"Jul 13, 2015",0 +TRUMP EXPOSES TRUTH ABOUT WHY U.S. STATE DEPT CHOOSES MUSLIM SYRIAN REFUGEES OVER CHRISTIANS [Video],"It s not just Trump who s exposing the truth about the hundreds of thousands of muslims being sent to our country where they have no intention of assimilating. Expert Ann Corcoran tells us the truth about why our State Dept. is bringing mostly muslims over here in video below. Over the past several years Syrian Christians have been desperately trying to smuggle themselves out of Syria as ISIS tells them to convert or die.The Obama White House sa far has ignored their desperate plight.It is also widely known that Barack Obama has been absent as thousands of Iraqi and Syria minority populations have been persecuted and slaughtered by ISIS.Today in Las Vegas Donald Trump attacked the Obama administration s policies that have allowed thousands of Syrian Muslims in the country while Christians from Syria suffer.https://youtu.be/KdmTpHE7ZoUIf you re worried Donald may not have his facts straight on this issue, listen to our friend and expert on the US State Department s Refugee Resettlement Program, Ann Corcoran explain how it works. You will be SHOCKED:",left-news,"Jul 13, 2015",0 +EXPLODING AFRICAN REFUGEE POPULATION STRESSING WELFARE SYSTEM IN MINNESOTA Are Sending Millions Of Dollars Back To Africa,"It s not just the our open southern borders we need to be concerned about. It s our State Department who seems to be hell-bent on populating our states with refugees from mostly muslim nations in Africa and the Middle East.This is one of those feel-good stories about how Minnesota is such a wonderful state with its ever-expanding African migrant population. If you are a Minnesotan it s probably a good thing to read.However, I caution readers on the numbers. The TwinCities Pioneer Press reports that there are about 85,000 Somalis in the whole US and that just isn t so the number is much larger. We painstakingly researched the numbers for just those entering the US through the refugee program and came up with over 100,000 in the last 25 years and that doesn t include a couple generations now of producing children. See this early post.You will see mention in the story that when census takers come around, the Africans are less than truthful about how many are living at the location.From TwinCities Pioneer Press:Of the 50 states, Minnesota has the ninth-largest population of African immigrants. About 60 percent come from East African nations such as Somalia and Ethiopia, and 25 percent from West African nations such as Nigeria and Liberia. The rest come from elsewhere in Africa.Of more than 85,700 Somalis officially known to reside in the U.S., nearly a third are thought to reside in Minnesota.Corrie, a professor at Concordia University in St. Paul, believes the state s African population produces $14 million in philanthropy within Minnesota each year, on top of $150 million in annual remittances to countries in Africa.I don t know why this is considered a good thing sending money out of America that will never benefit our economy!Some of the smart people on our side should get to work doing studies that will show the real picture including how much welfare is consumed by the immigrants, how costly is their medical care and education, the cost to the criminal justice system, and include an analysis of where the money goes!I m starting to think that glowing reports about how immigrants benefit the local economy include the money flowing into a state like Minnesota from the federal tax payer via welfare programs. Someone needs to find out!By the way, I don t see any mention in the Pioneer Press story about the fact that half of the state s Somalis live in poverty, here. Via: Refugee Resettlement WatchThe State Department has helped to relocate tens of thousands of refugees from the war-torn African nation of Somalia to Minnesota, where they can take advantage of some of America s most generous welfare and charity programs.But the effort is having the unintended consequence of creating an enclave of immigrants with high unemployment that is both stressing the state s safety net and creating a rich pool of potential recruiting targets for Islamist terror groups. Via: Washington Times ",left-news,"Jul 13, 2015",0 +BUSTED: YOUNG NJ DEMOCRAT CHAIRMAN CAUGHT PUNCHING 75 YR OLD BLIND VETERAN VOLUNTEERING AT POLLS [Video],"As a poll challenger who has witnessed unbelievable blatant voter fraud by Democrats, I can only imagine what this poll worker might have done to cross this Democrat chairman.The chairman of the Essex County Democratic Committee in New Jersey is accused of punching a blind Army veteran following an argument at a polling location during East Orange s council primary last month.Video was released purportedly showing Leroy Jones punching 75-year-old Bill Graves, who was volunteering as a poll worker during the incident on primary day, June 2. I hear this rumbling, Where the blank is Bill Graves? I m gonna kick his butt! Mr. Graves told a local ABC affiliate. You can see on the tape it was intentional. The suspect, identified by Essex County Prosecutors as Mr. Jones, is seen throwing several punches at Mr. Graves following what appears to be a heated confrontation.Mr. Graves and his friends said Mr. Jones attacked him because he was backing a political candidate that Mr. Jones did not support, ABC reported.Mr. Jones, however, said he was defending his wife, who was also working at the polls. Mr. Jones said the veteran got aggressive with his wife during an argument, and she called her husband for help, a local CBS affiliate reported. This man threatened my wife. This man assaulted my wife. This man charged at my wife, Mr. Jones said.Mr. Jones has been charged with simple assault, reports said. Mr. Graves was not charged.Mr. Graves, who is completely blind in one eye and legally blind in the other, said his vision has gotten worse since the attack. Angry, disgusted, because why should I have to run back and forth to the doctor because someone decided to hit me, he told ABC. It s not good, that s all I can say. I m smiling, but I m not laughing. Via: Washington Times",left-news,"Jul 11, 2015",0 +FATHER OF HIGH SCHOOL FOOTBALL STAR SHOT AND KILLED BY ILLEGAL ALIEN INTRODUCES TRUMP TO THOUSANDS IN AZ [Video]," They shot him in the head with a 45. They found out from the coroner that he was on his back (like this)with his hands up and they shot him through his hands and through his head. Now that s the original Hands up don t shoot, cuz that really happened. And Mr. Trump is willing to go out and sacrifice, he doesn t need money, he doesn t need power, he s powerful already. He has a name, he has what he needs, but he loves America. He loves America. He wants to make it good again. Jamiel Shaw Sr., the father of a high school student killed by an undocumented immigrant, will introduce Donald Trump on Saturday at a rally in Phoenix, Trump campaign officials tell CNN.Shaw s son, a high school football star, was shot and killed in Los Angeles in 2008 by a gang member born in Mexico. On Friday, Trump met in Los Angeles with Shaw and other family members of victims of crimes perpetrated by undocumented immigrants. He then gave a lengthy press conference in which he consistently railed against illegal immigration.Shaw said Friday that Trump s recent comments about illegal immigration resonated deeply with him. He s speaking for the dead. He s speaking for my son, he said. He s speaking for the people who can t speak for themselves that demand that somebody do something. At Friday s press conference, Trump claimed Mexico was sending its criminals to the United States. The fact that they are sending criminals and prisoners into our country and there are people stupid enough to put them in jails or let them roam the street, which is even worse, I have to respect (Mexico) for it, Trump said. I don t know it you know, (former Cuban leader Fidel) Castro, many years ago, opened up his prisons and sent his prisoners to the United States, he continued. In a much more sophisticated manner, Mexico is doing the same thing. Here is Jamiel Shaw Sr. s introduction today:Trump, who announced his White House campaign bid last month, sparked national outrage by saying that some people crossing the border into the United States from Mexico were rapists and criminals. A slew of corporations, including Macy s, NBC and ESPN, responded to his inflammatory remarks by severing business ties with the real estate magnate.Despite the backlash, Trump has doubled down on his rhetoric.And the support that he is receiving from Shaw and others demonstrates that the businessman s message is appealing to some* (many) voters who view illegal immigration as a serious problem. *edit by 100% FED UP!Via: CNN ",left-news,"Jul 11, 2015",0 +WALMART WILL MELT CLASS RINGS WITH CONFEDERATE FLAG: [Video] Refuses To Fulfill Order For Arkansas Woman…Will Refund Payment,"An Arkansas woman who went to pick up the class ring she ordered from Walmart left disappointed, after store officials told her the retailer s new policy barred them from turning the item over because it bore an image of the Confederate flag.Elaine Glidewell told KFSM someone from the store in Fort Smith called her to pick up the ring she d ordered for her nephew, but when she arrived on Tuesday, a clerk told her she couldn t have it. The ring had been ordered before Walmart stopped selling items bearing images of the flag, in the wake of controversy that stemmed from a racially-charged shooting in South Carolina. I wanted to cry, Glidewell told KFSM, adding that the store clerk said the ring would be melted. Glidewell said she paid $320 for the ring and was going to present it to her nephew, who recently graduated. He had expressed interest in a design that bore a Rebel mascot that incorporates the Confederate battle flag. She got her money back, but no ring. They wouldn t let me have the ring. It had a note on it, was in a plastic bag, it said do not sell. It was signed by the store manager, Glidewell said.Brian Nick, spokesman for Walmart, told FoxNews.com Glidewell was denied the ring because her transaction came after the retailer made a business decision to stop selling items with the Confederate flag on it.Via: FOX News",left-news,"Jul 11, 2015",0 +HOW FAILED DEMOCRAT LEADERSHIP IS TAKING NYC BACK TO PRE-[Rudy] GILLIANI ERA,"Miss him yet?Here s an up-close look at a quality-of-life offense the City Council wants to decriminalize.This urinating vagrant turned a busy stretch of Broadway into his own private bathroom yesterday an offense that would result in a mere summons if Council Speaker Melissa Mark-Viverito and her pals get their way.Wrapped in rags and a Mets blanket the hobo wandered into traffic at around 10:30 a.m. and relieved himself as cabs, cars and buses whizzed by between West 83rd and 84th streets on the Upper West Side.He finished his business at a nearby garbage bin, then strolled back to the front of a Victoria s Secret store at Broadway and 85th Street, where he camped out for the rest of the day.Mark-Viverito in April announced plans to decriminalize public urination along with five other low-level offenses: biking on the sidewalk, public consumption of alcohol, being in a park after dark, failure to obey a park sign and jumping subway turnstiles. Police Commissioner Bill Bratton who in the early 90s implemented a broken windows approach to policing to dramatically cut crime is against the new plan, saying such offenses lead to more serious crimes.Bill Caprese, 38, who lives on 82nd Street with his 6-year-old daughter, was appalled by the street urinator. It s absolutely a failure of government. It s a total abject failure, he said. The mayor could fix it. The governor could fix it. We need asylums. Unfortunately for NYC, radical socialist Mayor DeBlasio turned his back on the NYPD, whose job it is to control the crime. An employee at the Victoria s Secret, where the homeless man often lounges, said he drives away business. He curses people out, threatens lives, said the employee, who works in the lingerie chain s loss-prevention department. Customers complain about him all the time. And the growing problem isn t solely on city streets. Transit hubs, including Penn Station, are plagued by surging numbers of homeless people who publicly masturbate, harass bystanders and demand free food as the city looks the other way, commuters complain. It reminds me of the pre-[Rudy] Giuliani era, said Jim Hoover, 60, who has been commuting through Penn Station since 1986. The police aren t chasing them away anymore. Just outside the Port Authority Bus Terminal, a homeless man drunkenly knocked a woman to the floor while stumbling around the sidewalk.The bum, who goes by Monk, was arrested by a cop at the scene and taken away by an FDNY ambulance. He s going to get a hospital bed and a slap on the wrist, said Timothy Arroyo, who was watching from a crowd that gathered. He ll be back out here tomorrow. A PA source said there has been a noticeable uptick in vagrants at the terminal in recent months.Via: NYP",left-news,"Jul 11, 2015",0 +WHY OBAMA IGNORED MURDER BY ILLEGAL ALIEN IN SANCTUARY CITY: You Have Never Seen Megyn Kelly This Mad Before!,"Fox News host Megyn Kelly shut down a liberal guest in a blistering Thursday night exchange about President Barack Obama s silence on the senseless killing of Kate Steinle at a San Francisco tourist area.Kelly observed that the president was only too willing to speak out on the Trayvon Martin, Michael Brown and Freddie Gray killings, but was noticeably silent on Steinle, who was killed by an illegal immigrant who d been deported five times and had seven felony convictions. When asked repeatedly this week to speak to this case, White House spokesman Josh Earnest declined to weigh in, other than to refer folks to the Department of Homeland Security, Kelly said. A stark contrast to what we saw after Michael Brown was killed in Ferguson [Missouri], a man we now know was attacking a police officer at the time of his death. Liberal talk show host Richard Fowler made the ridiculous claim that the woman would be alive today if Congress had passed immigration reform legislation. Stop that! Stop that! Stop that! Answer my question please, Kelly said. Give an answer! You can t! There s no excuse for it! He picks and chooses the victims he wants to highlight. And apparently, this victim wasn t deemed worthy. When political consultant Marc Thiessen asked Fowler to explain his statement that Obama doesn t support sanctuary cities for illegal immigrants, Fowler veered off into left field and again brought up lack of immigration reform, placing the blame on Republican lawmakers for not acting on immigration reform. That s a dodge! Support what you just said, Richard! Kelly shot back. Stop it You keep making these assertions and then you dance off to the sidelines. You said the president doesn t support sanctuary city policies. What do you base that on? I base it on the fact that if we had comprehensive immigration reform there would be no need for sanctuary cities, Fowler repeated. And I m pretty sure the White House would tell you the same thing tonight. Via: Breitbart News",left-news,"Jul 11, 2015",0 +β€œCOMEDIAN” CHRIS ROCK WAS A RACIST BEFORE IT WAS COOL: β€œYou can’t beat white people at anything…nothing. But you can knock ’em out.” [VIDEO],"To watch a black comedian with a net worth of $70 million in a country with a majority white population whine about his victimhood is just pathetic. And for anyone who thinks it s okay for Rock to spew this kind of hatred for whites in a video because he s a comedian, you may want to watch this video (especially starting at the 3:10 mark) because there s nothing funny about anything he has to say: My dad used to say: You can t beat white people at anything nothing. But you can knock em out.' In my neighborhood, there s like 3- 4 black people in my neighborhood in Alpine. It s me, Gary Sheffield, Mary Jane Blige, Patrick Ewing. Hall of Famer, Hall of Famer, greatest R & B singer of our time. Who lives next to me? What s the white man next to me? He s a dentist. He didn t invent anything, he s just a dentist. That s what America is.(So, going to college and becoming a successful dentist is something that was given to him?) Tell the third generation white coal miner about his white privilege Chris. Tell the white single mom flipping burgers by day and cleaning hotel rooms by night about her white privilege Chris. Maybe, just maybe, if you took off your racist goggles for 5 minutes, you might see that blacks don t have the market on victimhood. And if you think anything has changed since victim Chris Rock made this racist video, here is a video he made about the Confederate flag 3 years ago. Watch as he attempts to mock every white person (or cracker as he calls them). The best line is when he calls Al Sharpton Martin Luther King with a perm : ",left-news,"Jul 10, 2015",0 +"DETROIT’S AL SHARPTON WANNABE Attempts To Bully NAACP Award Winning Artist, Kid Rock Into Ditching Confederate Flag [VIDEO]","Never mind the fact that Kid Rock fought for and won full custody of his black son, whom he raised by himself.Never mind that Kid Rock was chosen to recieve the Detroit chapter of the NAACP s highest award for service to the black community. He s still a racist because a flag makes him one Right little Al?None of that matters to the race hustling crowd who make a living by shaking down citizens for violating their special set of rules. These shake down artists should be in prison, but you re more likely to find them discussing strategy at the White House or attending a Democrat party fundraiser. In the land of the left, these race baiters play an important role in the victim business, and as we all know, the victim business brings in votes. Watch the Reverend Charles Williams II in action:Megyn Kelly of FOX News delivered a message to her viewers during her show from Kid Rock to Al Sharpton wannabe, Reverend William Charles II:https://youtu.be/Sic7tNLtxkQ ",left-news,"Jul 10, 2015",0 +15 YR OLDS IN THIS STATE CAN NOW GET STATE FUNDED SEX-CHANGE OPERATION WITHOUT PARENTAL CONSENT…But Need Consent To Use Tanning Bed,"The left has officially taken parenting out of our hands via legislation and handed it over to our government The list of things 15-year-olds are not legally allowed to do in Oregon is long: Drive, smoke, donate blood, get a tattoo even go to a tanning bed.But, under a first-in-the-nation policy quietly enacted in January that many parents are only now finding out about, 15-year-olds are now allowed to get a sex-change operation. Many residents are stunned to learn they can do it without parental notification and the state will even pay for it through its Medicaid program, the Oregon Health Plan. It is trespassing on the hearts, the minds, the bodies of our children, said Lori Porter of Parents Rights in Education. They re our children. And for a decision, a life-altering decision like that to be done unbeknownst to a parent or guardian, it s mindboggling. In a statement, Oregon Health Authority spokeswoman Susan Wickstrom explained it this way: Age of medical consent varies by state. Oregon law which applies to both Medicaid and non-Medicaid Oregonians states that the age of medical consent is 15. While 15 is the medical age of consent in the state, the decision to cover sex-change operations specifically was made by the Health Evidence Review Commission (HERC).Members are appointed by the governor and paid by the state of Oregon. With no public debate, HERC changed its policy to include cross-sex hormone therapy, puberty-suppressing drugs and gender-reassignment surgery as covered treatments for people with gender dysphoria, formally known as gender identity disorder.HERC officials refused repeated requests by Fox News for an interview and even gave Fox News inaccurate information about the medical director s work schedule.Oregon Health Authority officials directed Fox News to their website. It shows transgender policy was discussed at four meetings in 2014. It was passed without any opposition or even discussion about teenagers new access to undergoing a sex change.Gender dysphoria is classified by the American Psychiatric Association as a mental disorder in which a person identifies as the sex opposite of his or her birth. It is rare, affecting one out of every 20,000 males and one out of every 50,000 females.According to a 2008 study published in the Journal of the American Academy of Child and Adolescent Psychiatry, most children with gender dysphoria will not remain gender dysphoric after puberty. Dr. Paul McHugh, who led the Johns Hopkins Psychiatry Department and still practices, said Oregon s policy amounts to child abuse. We have a very radical and even mutilating treatment being offered to children without any evidence that the long-term outcome of this would be good, McHugh said.Dr. Jack Drescher, a member of the APA who worked on the Sexual and Gender Identity Disorders Work Group, says treatment for gender dysphoria has received a lot more attention in recent years. He said this year New York changed its policy to cover cross-sex hormone drugs and sex-reassignment surgery for Medicaid recipients who are at least 18 years old. He thinks Oregon is offering the treatment too early. Children age 15 may not fully understand all the consequences of the procedures they are undergoing, he said.Jenn Burleton disagrees. She underwent a sex-reassignment surgery and started the Portland non-profit group TransActive. She said requiring parental consent would lead to more suffering and teen suicide attempts. Parents may not be supportive, Burleton said. They may not be in an environment where they feel the parent will affirm their identity, this may have been going on for years. The science is unsettled. A 2010 Murad study concluded very low quality evidence suggests sex reassignment improves gender dysphoria and overall quality of life. The authors admitted the evidence was sparse and inconclusive. Lisa Maloney, a parent and Scappoose, Ore., School Board member, is outraged. To know that taxpayers are now on the hook for that, that a child can do that without their parent s knowledge or information or consent, parents have absolutely no say, that s appalling, Maloney said.The Oregon Health Authority could not say how many Medicaid recipients have been treated for gender dysphoria since the new policy took effect in January. Oregon has 935,000 people enrolled in the Oregon Health Plan. HERC assumes between 14 and 112 of them may be gender dysphoric. It estimates the total cost of adding cross-sex hormone therapy, puberty-suppressing drugs and sex reassignment surgeries to the coverage will be no more than $150,000 per year.But HERC also believes the state will save money due to fewer suicide attempts. It estimates there will be one less suicide attempt per year. The Centers for Disease Control and Prevention estimates the average cost per suicide attempt in the U.S. is $7,234.But Dr. McHugh says a sex-change operation, especially for young people with gender dysphoria, is never appropriate. We can help them if we begin to explore with them and their families what they re fearing about development, what they re fearing about being a young boy, a young adolescent appropriate to themselves. Via: FOX News",left-news,"Jul 9, 2015",0 +TRUMP THREATENS TO SUE ILLEGAL IMMIGRANT ACTIVIST AND FAV OBAMA CELEBRITY CHEF For Pulling Out Of Restaurant Deal In New DC Hotel,"America better wake up and realize we are quickly becoming victims of leftist bullies and their desire to destroy our right to free speech Celebrity chef Jose Andres is backing out of a deal to put his new flagship restaurant inside the new Trump International Hotel in Washington DC after Republican presidential candidate Donald Trump caused a media firestorm with his recent comments about illegal immigration.In a statement, Andres whose ThinkFoodGroup oversees more than a dozen restaurants in Las Vegas, Los Angeles, Miami, and Puerto Rico said comments Trump made about illegal immigration during his presidential campaign announcement last month make it impossible for him to open his restaurant in Trump s new hotel. Donald Trump s recent statements disparaging immigrants make it impossible for my company and I to move forward with opening a successful Spanish restaurant in Trump International s upcoming hotel in Washington D.C., Andres said in a statement. More than half of my team is Hispanic, as are many of our guests. And, as a proud Spanish immigrant and recently naturalized American citizen myself, I believe that every human being deserves respect, regardless of immigration status. Andres s statement comes after Washington DC resident Erick Sanchez started a Change.org petition asking the chef to pull his planned restaurant from Trump s hotel. The petition had gathered 2,750 signatures by Wednesday afternoon, but it was unclear whether it had played a role in Andres s decision.In an email to the Washington Post, Trump s son Donald Trump Jr. said that Andres had no right to back out of what he said is a 10-year lease the chef signed with the hotel and threatened legal action:Our relationship with Jos Andr s has always been a good one, but simply put, Jos has no right to terminate or otherwise abandon his obligations under the lease. In the event Mr. Andres defaults in the performance of his obligations, we will not hesitate to take legal action to recover all unpaid rent for the entire 10 year term together with all attorneys fees and additional damages we may sustain. We will also enforce the exclusivity provisions preventing Mr. Andr s from opening a competing restaurant anywhere in the D.C area. Mr. Andr s obligations under the lease are clear and unambiguous. More importantly, construction is ahead of schedule at Trump International Hotel, Washington D.C. and when completed in 2016, will be a crown jewel within the Trump Hotel Collection.Andres has been a vocal advocate for immigration reform. In a 2013 op-ed for the Post, the chef, who became a naturalized American citizen after living in the United States for decades, lobbied Congress to pass an immigration bill that had stalled in the legislature. The fellow immigrants I ve known and worked with over the years, those with legal status and those without, are here for the right reasons, Andres wrote. They don t want to cause any trouble, take any handouts or steal anyone s job. Many already pay taxes and have jobs tough, dirty, exhausting work that America depends on, such as picking our tomatoes, cleaning our fish or canning our products on cold factory floors for low wages and no benefits. Andres s decision to cut ties with Trump follows other individuals and companies who have backed away from the real estate mogul and presidential candidate in recent weeks. NBC, Univision, Macy s, PGA Golf, the Miss Universe pageant, and ESPN have all distanced themselves from Trump following his comments.Via: Breitbart News",left-news,"Jul 9, 2015",0 +"NOT SO FAST: CA LIBS TRY TO β€˜Drought Shame’ Conservative Actor Tom Selleck For β€˜Stealing’ Water, But Ventura County Sheriff Disagrees","When will the libs start Delta Smelt shaming and demand answers from the left for putting a fish before the lives and livelihood of so many TV cop Tom Selleck may or may not have improperly swiped precious water by the magnum, but he didn t commit a crime, real California cops told NBC News on Wednesday.Selleck, the 70-year-old star of Blue Bloods and formerly of Magnum, P.I., and his wife, Jillie, were sued this week by the Calleguas Municipal Water District in Ventura County for allegedly sending a water tender like the giant tanker trucks used to supply fire engines to siphon off tankloads of water from a public hydrant at a construction site at least 12 times over the last two years.The water district said in its suit that it hired a real private investigator who several times observed the same water tender leave the 61-acre ranch the fictional P.I. owns in the ritzy Hidden Valley area of Ventura County, which is in a different water district and was assessed last year at more than $10 million (and was once owned by Dean Martin).The suit says the water district sent cease-and-desist letters to Selleck after its investigator spotted the truck at the hydrant eight times the week of Sept. 29, 2013.But the truck showed up again in December of that year, and was tracked as it proceeded to Selleck s property, according to the suit.Then, on four straight days just last March, the same truck again drained tankloads of water from the construction site and delivered it to the Selleck ranch, the suit says. The suit seeks an order forcing Selleck to stop using the district s water, plus reimbursement for the $21,685.55 it paid the investigator, with damages and other costs.But the suit is a civil action, not a criminal case. Ventura County sheriff s Capt. John Riley meanwhile told NBC News that the sheriff s office did investigate allegations of criminal water theft, but we are unable to establish a crime was committed. The Ventura County district attorney s office also confirmed that no case has been referred to it for prosecution.Selleck hasn t responded to requests for comment, and it s unknown whether he has anything to do with the water truck, which is registered under a commercial license.Eric Bergh, the water district s manager of resources, said the suit wasn t meant to be an example of drought shaming, a peculiarly California activity in which people suspected of hogging water are publicly called out. Our policies have been on the books for decades, Bergh said. We just want any such activity to stop that is the bottom line for us. It s really about doing the right thing and preserving our water supply for our users. Via: CNBC",left-news,"Jul 9, 2015",0 +TOP DEMOCRAT ACTIVIST WHO LAUNCHED ONLINE CAMPAIGN TO THREATEN AND BULLY 12 YR OLD CONSERVATIVE Is Facing Charges [Video],"CJ Pearson, the 12 year old conservative social media sensation who was bullied and threatened by grown-ups on the left, has more class in his little finger than the entire Democrat party combined. Here is a video message to President Barack Obama by CJ Pearson regarding his hatred for America that has over 1 million hits:The woman who launched an online campaign of bullying and veiled threats against Internet sensation CJ Pearson, frightening the young conservative s family enough to drive the boy briefly out of politics late last week, has been identified as a top Democratic activist from Baltimore.And the Pearson family is planning to press charges.According to a Facebook posting Sunday by Ali A. Akbar of Vice and Victory, a consulting firm that works with CJ, the woman behind the Twitter account Mona Hussein Obama is actually named Mona Brown. What she did was against the law, Akbar said on the video, vowing to expose a troll, a bully, a grown adult and top Democrat activist in Maryland for bullying a 12-year-old. Late last week, Brown began her Twitter campaign of harassment against Pearson in retaliation for Internet videos harshly critical of Obama that have made the boy an Internet sensation. Her tweets ranged from insults your fam has been bowing down to white ppl to hints of violence Wish we could switch Trayvon s life for yours. On Facebook Friday, the 12-year-old announced he had had enough. After much thought and consideration, I ve decided to take a break from politics and political commentary, he wrote. I had a horribly rough night on Twitter after a woman not only threatened to sue me for expressing my opinions but threatened my family. The boy handed over his social media accounts to Vice and Victory, which quickly set up a support fund and hashtag #StandWithCJ.CJ s Facebook page now includes an apology Brown sent after her true identity became known. I apologize and am deeply ashamed of the horrible statements I made to @cjpearson, she wrote.She then goes on to complain about how the right wing is attacking her family apparently missing the irony that she earlier attacked the Pearson family and wished for their death.Pearson plans to get back into politics and says that the incident has only made his resolve stronger. After much thought and consideration, I have decided to press forward and continue to fight for what I believe in, he wrote on Facebook. Mona s hate has only strengthened my resolve and has encouraged me to continue to do what I love and what I do best. Via: Biz Pac Review",left-news,"Jul 9, 2015",0 +POP STAR ARIANA GRANDE SAYS: β€œI hate Americans. I hate America” WORDS WERE TAKEN OUT OF CONTEXT [VIDEO],"It s interesting how many of these celebrities who hate America and American citizens have no problem taking their money Pop star Ariana Grande said her words were taken out of context when she was caught on camera saying she hates America. A video of Grande slamming the U.S. was posted by TMZ on Tuesday. The video shows the singer licking a doughnut at a California doughnut shop when she thought no one was looking. When an employee brought out a tray of oversized doughnuts, the Florida-born singer blurted out, What the f k is that? I hate Americans. I hate America. The employee told CBS Los Angeles that Grande was rude and even spit on the doughnuts.Now she says that was a mistake. I am EXTREMELY proud to be an American and I ve always made it clear that I love my county (sic), Grande told FOX411 in a statement. What I said in a private moment with my friend, who was buying the donuts, was taken out of context and I am sorry for not using more discretion with my choice of words. The 22-year-old explained she was frustrated by how freely we as Americans eat and consume things without giving any thought to the consequences that it has on our health. She admitted that she should have known better in how [she] expressed [herself], but seeing the doughnuts reminded her that the United States has the highest child obesity rate in the world. We need to do more to educate ourselves and our children about the dangers of overeating and the poison that we put into our bodies, she added.Grande also addressed rumors that she pulled out of the MLB All-Star Concert because of the video after her representative said Wednesday the singer would not perform Saturday at the Paul Brown Stadium in Cincinnati. As for why I cannot be at the MLB show, I have had emergency oral surgery and due to recovery I cannot attend the show. I hope to make it up to all those fans soon. Via: FOX News",left-news,"Jul 8, 2015",0 +2009 DUKES OF HAZARD VIDEO EERILY PREDICTS THE FUTURE…This Is A Must Watch!, ,left-news,"Jul 8, 2015",0 +ILLEGAL ALIEN ARRESTED FOR SHOOTING Teen Girlfriend and 3 Yr Old Son And Lighting Them On Fire While Boy Was Still Alive Was Previously Deported [VIDEO],"Since when did future Democrat voters take precedent over enforcing the law? Family members suspect jealousy may have led to the gruesome slayings of an Othello teen and her 3-year-old son found shot and severely burned in a remote part of Franklin County.Maria G. Cruiz-Calvillo, 18, and Luis F. Lopez-Cruz were identified Monday as the bodies found last week inside a vehicle that was set on fire in a ravine near the intersection of Scootney and Ridge roads.Luis likely was still alive when the car went up in flames, according to Dan Blasdel, Franklin County coroner.Luis would have turned four years old on Thursday. She was a really good person. She was always smiling, said Karen Rodriguez, a sister-in-law of Cruiz-Calvillo who spoke for the family. He was a happy kid. He was really playful and loved to be outside. Prudencio Juan Fragos-Ramirez, 25, of Connell, reportedly had recently started dating Cruiz-Calvillo and is suspected of killing the pair.Fragos-Ramirez was arrested hours into the investigation at his home less than a mile from where the bodies were found. He appeared Monday in Franklin County Superior Court, where Judge Carrie Runge set bail at $1 million.Runge ordered Fragos-Ramirez, who has previous convictions for DUI and driving while suspended, held for up to 72 hours while prosecutors determine what charges to file. Prosecutors say Fragos-Ramirez was deported in 2014 and got back into the country illegally.https://youtu.be/lsBOZqGQ1fcThe sheriff s office initially spelled his name Flagos-Ramirez, but court records show it s spelled Fragos-Ramirez.Family members had never met Fragos-Ramirez, though Cruiz-Calvillo talked to her mother about a guy she was seeing, whom she apparently referred to by the nickname Loco, Rodriguez said. (The family) thinks she never wanted a serious relationship with him, Rodriguez said. It s jealousy. Cruiz-Calvillo and Luis had gunshot wounds, Blasdel said. Tests to confirm whether they were still alive when the fire started have been requested.Firefighters found the bodies July 2 as they battled the car fire near a large orchard, court documents said. Franklin County deputies discovered the license plates were registered to an Othello man, who told investigators his niece, Cruiz-Calvillo, drove the vehicle.Family members last saw Cruiz-Calvillo the afternoon of her death as she was leaving Othello with Luis for Pasco to make a car payment, court documents said. She routinely went to Pasco to make car payments. We checked with the bank, Rodriguez said. She made the payment at 3:43 (p.m.). Two neighbors saw Cruiz-Calvillo and Luis arrive at Fragos-Ramirez s home about 4:40 p.m., court documents said. The neighbors recognized the mother and son because they frequent the house on Hogback Road.Between 10 and 20 minutes later, the neighbors saw the pair and Fragos-Ramirez walking towards Cruiz-Calvillo s car, court documents said. They didn t see Fragos-Ramirez return to the house and didn t see him again until about 7 p.m.Smoke was spotted coming from the ravine where the bodies were found about 20 to 30 minutes after the trio was seen leaving the home. It took detectives eight minutes to drive from the home to the spot where the bodies were found.Detectives were able to track down Fragos-Ramirez for an interview after Cruiz-Calvillo s brother, Arturo Calvillo, remembered meeting a man who matched the description of Fragos-Ramirez while at a house on church business, court documents said. Calvillo took Detective Jason Nunez to the house, and Nunez contacted a woman there.The woman told Nunez she had a brother who was at the house when Calvillo came over, court documents said. She called Fragos-Ramirez and handed the phone to Nunez, who then set up an interview.Via: Tri City Herald",left-news,"Jul 8, 2015",0 +BREAKING: GUN USED BY 5 TIME DEPORTED ILLEGAL ALIEN BELONGED TO FEDERAL AGENT,"Just another interesting discovery in a story that has already exposed a very corrupt government that favors illegal aliens over American citizens The gun used in the seemingly random slaying of a woman on a San Francisco pier belonged to a federal agent, a law enforcement official briefed on the matter said Tuesday.The official, who was not authorized to speak publicly about the case and spoke on condition of anonymity, said a police check of the weapon s serial number shows it belonged to a federal agent. The official declined to elaborate further.The San Francisco Police Department, which is investigating the case, declined to comment.The revelation was the latest dramatic twist in a tragic case that has become a new flashpoint in the country s debate over immigration policies.The suspected gunman, Juan Francisco Lopez Sanchez, has been deported to his native Mexico five times and is suspected of living in the United States illegally when Kathryn Steinle, 32, was gunned down last week while on an evening stroll with her father along San Francisco s popular waterfront area.Federal officials transferred Sanchez to San Francisco s jail in March to face a 20-year-old marijuana charge after Sanchez completed his latest prison term for illegally entering the country.The San Francisco sheriff, citing the city s sanctuary city policy, released Sanchez in April after prosecutors dropped the drug charge, despite an Immigration and Customs Enforcement request to hold him for federal authorities so deportation proceedings could begin.Sanchez pleaded not guilty Tuesday to first-degree murder.He told two television stations who interviewed him in jail that he found the gun used in Steinle s killing wrapped in a shirt on the pedestrian pier she was walking on. Sanchez said the gun went off in his hands, and his public defender, Matt Gonzalez, said Tuesday that the San Francisco woman s death appeared accidental. San Francisco Sheriff Ross Mirkarimi has defended Sanchez s release and the city law requiring it to ignore ICE detainer requests. The sheriff said ICE could have obtained a warrant or court order to keep Sanchez in custody. ICE knew where he was, Mirkarimi said Monday. He said he will continue to ignore ICE detainer requests.State and federal Republicans, meanwhile, said they would look into the matter.Wisconsin Sen. Ron Johnson, who chairs the Senate s homeland security committee, criticized federal officials and demanded to know why Sanchez was not deported. Does that make any sense to you? Johnson demanded to know at a hearing Tuesday. Because I ll tell you it doesn t make any sense to the American public. Republican state Sen. Jeff Stone said he would introduce legislation in Sacramento to require cities to comply with ICE detainer requests.At Sanchez s arraignment Tuesday, prosecutor Dianna Garcia argued against releasing Sanchez on bail, saying, This was an act of random violence, shooting an innocent victim in the back. The judge set bail at $5 million, which Gonzalez said will keep Sanchez jailed pending trial.A downcast Sanchez spent most of the hearing with his head bowed, appearing to fight back tears while the judge explained the charged to him. Sanchez was aided by a Spanish-language interpreter and entered his plea in Spanish.Outside court, his attorney said Sanchez has a second-grade education and a non-violent criminal record.He could face life in prison if convicted.Via: FOX Carolina",left-news,"Jul 8, 2015",0 +OBAMA COZIES UP TO ANOTHER COMMUNIST LEADER TO DISCUSS HUMAN RIGHTS… AND TPP?,"So much for the US refusing to work with countries who are guilty of some of the worst human rights violations in the world From Human Rights Watch: Vietnam s human rights record remains dire in all key areas. A one-party communist state suppresses virtually all forms of political dissent, using a broad array of repressive measures. Freedom of expression, association and assembly are tightly controlled. The police routinely use torture and beatings to extract confessions and punish detainees. Religious minorities and activists are harassed, intimidated and imprisoned. The criminal justice system lacks independence and operates under the direction of the government and party. State-run drug rehabilitation centers exploit detainees as forced laborers making goods for local markets and export. Despite the pressure, increasing numbers of courageous bloggers and activists are vocal in calling for democracy and greater freedoms.A coalition of 14 human rights groups strongly condemns the Feb. 2014 decision by an appeals court upholding a 30-month prison sentence for Vietnamese human rights lawyer and blogger Le Quoc Quan. Mr. Quan has been detained since December 2012.The groups believe Mr. Quan s detention is politically motivated and a reaction to his blog, where he frequently exposes human rights violations by the Vietnamese government. Mr. Quan is a victim of a coordinated government crackdown on bloggers, citizen journalists and pro-democracy activists.Meanwhile President Barack Obama met Tuesday with Vietnamese communist party leader Nguy n Ph Tr ng in the hopes of strengthening ties between the two nations. The President also welcomes the opportunity to discuss other issues, including the Trans-Pacific Partnership, human rights, and bilateral defense cooperation, the White House said in a statement.The meeting came nearly four decades after the Vietnam War. Since that time, the two countries have made efforts to improve diplomatic relations. In just the past two years, Obama has met with Vietnam s President Tr ng T n Sang and Prime Minister Nguy n T n D ng. Like in any relations between two countries in the world, Vietnam and the U.S. have differences on a number of issues, such as perception on democracy, human rights and trade, Tr ng wrote, according to NPR. To resolve differences, I believe the most effective way would be open and constructive dialogues. Via: Daily Caller",left-news,"Jul 7, 2015",1 +NEW APP GIVES WOMEN OPPORTUNITY TO TALK ABOUT β€˜GUILT FREE’ ABORTIONS: β€˜I’ve had 5 abortions because I love getting pregnant but just not ready for kids.’,"Wow maybe they could include a place where the mothers could pose with their dead babies a photo gallery of sorts Women all over the world have opened up on the still relatively taboo subject of abortion on secret-sharing app Whisper.Finding relief in the anonymity aspect of the app, individuals took the opportunity to reveal their true unabashed feelings on the termination of their pregnancies.Without censorship, frank confessions varied from lack of remorse, to one woman even admitting that she visited a nightclub the very same day.Whisper is an online community that allows anonymous users to share and comment on each other s secrets, allowing individuals to air their emotions without any fear of retribution. Women of all ages, who admitted to not regretting their decision to have an abortion, were asked to shed a light on their thought processes and emotions.One woman talked about her unshakable stance, citing: Having an abortion was the easiest decision of my life. Another individual revealed her own extensive and unbridled history with terminating pregnancies, stating: I ve had 5 abortions because I love getting pregnant but just not ready for kids. Many of the Whisper users talked about other people s projection of guilt or regret, that they had failed to experience themselves. One confused woman wrote: Sometimes I feel guilty over the fact that I feel no guilt about my abortion. A rather shocking confession came from a woman that continued on with her party lifestyle after the often exhausting procedure: I had an abortion a week ago. I don t feel the slightest bit of guilt, I even went out to a club on the same day. Here are some women who shared their thoughts on abortion:Here s a woman who in 2010 made a Youtube video to share her positive experience about her abortion. She finishes her video by saying: I hope everyone on Youtube has a great and godless day. Another Whisper user talked about how time passing had no effect on the feeling of regret with her decision: 5 years and I ve not once felt regret for my abortion. No regret, no guilt, no second thoughts, nothing. Another added: I ve had two abortions in two years. I keep waiting for the guilt to come, but so far I feel nothing. Others used the opportunity as an emotional outlet to directly speak to people who had judged them.One woman argued: I don t regret my abortion regardless of how much you think I should. Some women even went so far to express the happiness at their decision, with one woman adding: I ve had 5 abortions and I don t feel bad or sad about any of them I was kinda happy. Similarly, another woman compared her own sensations of relief and happiness to other people s darker experience, writing: I actually find it strange how depressed people get after having an abortion. I don t regret mine one bit, let alone feel depressed about it. Via: UK Daily Mail",left-news,"Jul 7, 2015",0 +AN INSIDE LOOK AT OBAMA’S 5-STAR SUMMER VACATION RETREAT: Meanwhile…62% Of Americans Won’t Be Taking A Vacation This Summer,"About 62 percent of Americans say they won t be taking a vacation this summer at all. Out of that, more than half said they couldn t afford it.Just like the Obama s keep telling us it s all about fair share or something like that As the weather heats up in Washington, DC, the Obamas as planning their summer vacation.The Boston Herald reports that President Barack Obama, first lady Michelle and daughters Sasha and Malia will be staying on Martha s Vineyard from August 8-23.The Obamas have spent almost every single summer on the tony island off the coast of Massachusetts Cape Cod except for 2012 when the president was running for re-election.Continuing yet another tradition of their annual retreat, the Obamas are also expected to stay at the same $12million cottage in Chilmark they rented last year.The 8,100-square-foot home features seven bedrooms, nine bathrooms, a basketball/tennis court, hot tub, infinity pool and views of the Elizabeth Islands.The home is owned by wealthy widow Joanna Hubschman, whose husband Henry died of cancer in 2011.Four years before his death, Mr Hubschman, a General Electric executive, contributed $6,900 the maximum donation then allowed to Hillary Clinton s 2008 bid for president, according to the Center for Responsive Politics.However, it was Barack Obama who took the party s ticket and went on to win the White House.Two weeks before the general election, Mr Hubschman contributed $2,300 to Obama s campaign.This year s vacation is likely to be a bit more relaxing for Mr Obama, who faced a wave of criticism for his golf playing last year in the midst of a crisis with ISIS.Via: UK Daily Mail",left-news,"Jul 7, 2015",0 +WATCH HOW YOUNG HILLARY SUPPORTERS REACT WHEN THEY SEE ACTUAL PHOTOS OF HER β€˜Everyday American’ Homes [VIDEO],"So much for that whole dead broke nonsense Hillary Clinton has vowed to be a champion for everyday Americans. The former Secretary of State who once described herself and husband Bill Clinton as dead broke kicked off her campaign on June 13 and in her 45-minute speech on New York City s Roosevelt Island, Clinton delivered a message similar to her initial presidential announcement. Americans have fought their way back from tough economic times, Clinton said in the video announcement on April 12. But the deck is still stacked in favor of those at the top. So what do Millennials think of a candidate who criticizes the 1 percent, but simultaneously owns multi-million dollar properties in Washington, D.C. and New York and spends her summers in the Hamptons? Campus Correspondent Cabot Phillips took to the streets of our nation s capitol to find out in Campus Reform s debut of Candidate s Cribs. Via: Campus Reform",left-news,"Jul 7, 2015",0 +DISNEY’S ESPN PUNISHES TRUMP FOR FREE SPEECH…Isn’t It Time America Punished DISNEY For Putting Their Leftist Agenda Before Free Speech?,"Disney s just doing their part to advance a radical leftist agenda by punishing conservatives and anyone who dares to challenge their views ESPN has become the latest corporate entity jump on the pig-pile on Donald Trump.Following moves by Macy s, NBCUniversal, and NASCAR to distance themselves from the presidential candidate, ESPN has decided to move an annual golf tournament honoring late North Carolina State basketball coach Jim Valvano from the Trump National Golf Club. We decided it was appropriate to change the venue, and are grateful for the opportunity to stage the event at Pelican Hill on short notice, the network announced in a statement. This charity outing benefits The V Foundation s Stuart Scott Memorial Cancer Research Fund, providing resources for important cancer research for minority populations, including Hispanics and African Americans. Our decision reflects our deep feelings for our former colleague and support for inclusion of all sports fans. Diversity and inclusion are core values at ESPN and our decision also supports that commitment. Corporations seeking to limit speech have tangled with the businessman-turned-politician since his remarks critical of illegal immigration that came during his presidential announcement last month. When Mexico sends its people, they re not sending their best, Trump maintained on June 16. They re sending people that have lots of problems, and they re bringing those problems with us. They re bringing drugs. They re bringing crime. They re rapists. Via: Breitbart NewsDisney s ESPN is the top cable network in viewers, advertising and affiliate revenue, according to data from Nielsen and SNL Kagan. The all-sports network ended 2014 by ousting Comcast s USA Network from the No. 1 spot for the first time in recent memory, thanks to a stream of negative news out of the NFL that stimulated viewing along with an unquenchable interest in World Cup soccer. The flagship network is poised to see its affiliate fees per subscriber, per month, rocket from $6.04 last year to $6.55 in 2015 and as much as $7.21 in 2016, according to SNL Kagan estimates. ESPN s five networks will net $8.80 by the end of 2016, according to estimates. Meanwhile, advertising revenue at the sports networks is poised to balloon to $2.3 billion next year. Via: NY Post",left-news,"Jul 6, 2015",0 +β€˜IT’S ALL ABOUT THE KIDS’…JUST ASK THE UNIONS: Public Schools Are Broke While Shocking Number Of Chicago School Employees Make Six Figures Per Year,"If the Chicago Public Schools were a business in the private sector, they would have been bankrupt decades ago There s no doubt that Chicago Public Schools have serious money problems, and they are not all the fault of district administrators.Labor costs for union employees have been through the roof for years. And Illinois state law forces the district to directly fund a huge percentage of a pension program for retirees.Earlier this week the district, which has been operating with an budget deficit of more than $1 billion, had to borrow money to make the latest installment on the pension program, which came to a whopping $634 million, according to NBCChicago.As a result, the district announced that it will have to make about $200 million in budget cuts in the next fiscal year. That means that approximately 1,400 district jobs will be impacted one way or the other, according to the district CEO.It just so happens that there are 1,599 CPS employees a bit more than the targeted 1,400 who could easily be impacted by the budget ax without hurting them or impacting student instruction.Those are the employees mostly administrators who made more than $100,000 in straight salary in 2013-14, before their benefits were figured in, according to a salary chart obtained by EAGnews. Eighty-three of those employees made at least $150,000 in straight salary.The 1,599 employees collectively made a whopping $192 million in 2013-14. That s almost enough to cover the $200 million in budget cuts the district will be making.The 83 who made at least $150,000 took home a collective $13.2 million.Is this a classic case of too many chiefs? Now-former Chief Executive Officer Barbara Byrd Bennett made $250,000. Chief Administrative Officer Timothy Cawley made $215,000. Chief Financial Officer Ginger Ostro made $180,000. Chief Accountability Officer John Barker made $175,000. Chief of College and Career Success Aarti Dhupelia made $175,000. Chief Teaching and Learning Officer Annette Gawley made $175,000. Chief Officer of Networks Denise Little made $175,000. Chief of Staff to the Chief Executive Officer Sherry Ulery made $175,000.Let s not forget the chief lawyer General Counsel James Bebley who made $175,000. Just those nine salaries alone came to nearly $1.7 million.There were 13 employees with the title Chief of Schools who each made $151,131.One might argue that all that money went to important employees who do important work. But is that really the case, or do they pass on the work to a slightly lesser-paid network of under-chiefs?For instance, the district has a Chief of Staff ($165,000 per year) to go along with the Chief of Staff to the Chief Executive Officer. It has a Chief of Education Effectiveness ($165,000 per year) to go along with the Chief Teaching and Learning Officer. It has a Treasurer ($167,0000 per year) and Budget Manager ($107,000 per year) to go along with the Chief Financial Officer.And remember, the district has both a Chief Executive Officer and a Chief Administrative Officer, who combined to make $465,000 in straight salary in 2013-14.There was a bit of panic this week, when CPS announced that 1,400 school jobs would be impacted. Some, including union officials, assumed that the majority of the affected employees would be teachers. We are blindsided by reports that the district intends to lay off 1,400 public school educators, given that we just met with them yesterday and there was no mention of this action, Chicago Teachers Union President Karen Lewis said in a press statement.District officials quickly responded that teachers would not be primary targets, according to the news report. The 1,400 affected positions include employees in the central office, operations and other programs, said CPS spokeswoman Emily Bittner, who works for Chief Communications Officer Ronald Iori, who made $165,000 in 2013-14 while supervising a Chief of Media Relations ($150,000 per year), a Director of Media Affairs ($100,000 per year), and a Chief Speechwriter ($100,000 per year).Via: EAG News",left-news,"Jul 3, 2015",1 +MOTHER OF 7 YR OLD CHARGED WITH β€œEndangerment” For Allowing Child To Play In Park Across Street From Home Unsupervised For An Hour,"Because the government knows best when it comes to raising your children or something like that.A Maine mother faces child endangerment charges for allowing her daughter to play at the park across the street from her house without her constant supervision.Nicole Jensen told WMTW she often allows her three children to play at the park a few hundred feet from her house and parents in the neighborhood make a coordinated effort to watch each other s children. She watches from her front porch.But when Jensen s 7-year-old daughter was playing in the park by herself last week, someone at the park called 911 to report she was unattended and police intervened.But instead of simply walking the child home, police tried unsuccessfully to call Jensen, then hauled the girl to the police station when the mother didn t immediately answer her phone, according to the Personal Liberty blog.Jensen said she requires her children to check in every hour when they re playing outside, but police chastised the mother for not keeping closer tabs and insinuated the girl was in danger at the park. They said, Do you know where your daughter is? and I said, Yes, and they said, Well no you don t. She s at the police station, Jensen recalled. (The officer) said she was at the park unsupervised, no one know where she was, and if I hadn t gotten a hold of you, I would have taken her into (the Department of Health and Human Services). Westbrook Police Chief Janie Roberts told the news site she estimated the girl was at the park for about an hour before she was detained. That s a long time for a 7-year-old to be by herself in any location, let alone a public park, Roberts said.Police eventually charged Jensen with child endangerment. They brought her to the police station when her house is right there, Jensen said, according to Personal Liberty. She did nothing wrong, she said. She s followed all of my rules. Jensen told WMTW her daughter was terrified by the ordeal, and she plans to fight the child endangerment charge. She ll also have to deal with DHHS, as police referred her case to that department, as well.Via: EAG News ",left-news,"Jul 3, 2015",0 +ILLEGAL ALIEN WHO MURDERED INNOCENT WOMAN WAS DEPORTED 3 TIMES: Obama’s Solution To Increasing Crime By Illegals…Cut Back On Deportations,"Because we don t have enough crime in our country already we need to import it from Mexico and South America.To hell with America it s all about the votes The man suspected of gunning down a young woman at random at a popular San Francisco tourist spot on Wednesday has been deported to Mexico several times, according to a report by the local ABC News affiliate. The woman, 32-year-old Kathryn Steinle ( Kate ), was struck in the chest with a bullet while visiting Pier 14 on the Embarcadero with her family. She was rushed to a nearby hospital but doctors were unable to save her, as she died in her parents arms a few hours later.The suspect, Francisco Sanchez, was identified as being in his mid-40s and on probation from Texas due to previous, undisclosed crimes. He was arrested after tips from passers-by. Officials said that the killing appeared to be random. Police believe they have recovered the murder weapon from the waters of the San Francisco Bay near the pier, where the suspect allegedly tossed it.On Thursday, two news crews filming live at Pier 14 were mugged at the scene, and one cameraman was pistol-whipped.The San Francisco Chronicle described Steinle s last moments in heartbreaking detail: She fought for her life, [Liz] Sullivan said, adding that her daughter s heart had stopped two times, and was restarted, in the ambulance. It was a battle, but she just didn t make it, she said. It was horrific, but we knew the minute they came to talk to us, it wasn t good. But it was so nice to go in and be with her. Sullivan said that in their final moments together, she softly touched her daughter s face a face she used to paint when the young woman was a little girl. We have deep faith, Jim Steinle said, adding, Our faith isn t to the point where we re ready to forgive. Via: Breitbart NewsOBAMA S SOLUTION TO ILLEGAL CRIME IN AMERICA:Washington Post The Obama administration has begun a profound shift in its enforcement of the nation s immigration laws, aiming to hasten the integration of long-term illegal immigrants into society rather than targeting them for deportation, according to documents and federal officials.In recent months, the Department of Homeland Security has taken steps to ensure that the majority of the United States 11.3 million undocumented immigrants can stay in this country, with agents narrowing enforcement efforts to three groups of illegal migrants: convicted criminals, terrorism threats or those who recently crossed the border.While public attention has been focused on the court fight over President Obama s highly publicized executive action on immigration, DHS has with little fanfare been training thousands of immigration agents nationwide to carry out new policies on everyday enforcement.",left-news,"Jul 3, 2015",0 +"BREAKING: [Video] DIRTY BOMB FEARS, As NYC Police Officers With Targets Placed On Their Backs By Obama And DeBlasio Wear Nuclear Bomb Detectors July 4th Weekend","Not knowing how many members of ISIS and other terrorist groups have slipped undetected into our country is yet another serious consequence of Obama s open borders Several thousand New York City uniformed and plain clothes officers will patrol the city this weekend.7,000 closed circuit security cameras will be closely watched.Air and water patrol will be equipped with radiation detection.Police officers will also be equipped with special radiation detection monitors to be put on their belts to detect for dirty bombs. America faces the highest threat level ever this year for the 4th of July.https://youtu.be/Zflo1wizClUVia: Gateway Pundit ",left-news,"Jul 3, 2015",0 +PREGNANT β€˜Pro-Choice’ WOMAN ASKS $1 MILLION RANSOM FOR BABY: β€˜How much would you pay to stop an abortion?’,"Wow just wow!A pregnant woman has challenged pro life activists to pay her $1 million to keep her baby.In an anonymous essay titled How much would you pay to stop an abortion? , the writer claims she is 26 years old, seven weeks pregnant, with every intention of aborting her fetus.But if she receives $1 million in 72 hours she will allegedly have the baby, put it up for adoption, and put every cent into a trust fund for the child to access at 21.Otherwise, every donation will be returned and she will go through with the abortion she has scheduled for July 10.Donations will be accepted from midnight July 7.Writing one-page website called prolifeantiwoman.com, the woman says the rallying cry is a protest against extremely restrictive abortion laws recently passed in the state where she attends graduate school.The laws, she writes, require women to wait 72 hours after a doctor consultation to have an abortion.North Carolina became the fourth state to assume a law of that nature last month, following Missouri, South Dakota, and Utah.She continues: The laws impose unnecessary waiting time to get an abortion and attempt to enforce rules that bypass the doctor/patient privacy privilege. I now feel more comfortable traveling to my home state to get an abortion than I do trying to get one here. The essay concludes: I hope to give the American public a concrete example that the conservative right in America doesn t actually care about the life of a child, they care about controlling the lives and choices of women. We have to acknowledge this and we have to stop it. The Mail could not immediately verify the validity of the site or the facts stated.Via:Daily Mail ",left-news,"Jul 3, 2015",0 +"NOT HILLARY’S TURN: LIB PUBLICATIONS ARE SAYING HILLARY WILL LOSE TO OLD WHITE SOCIALIST, BERNIE SANDERS IN PRIMARY","But wait the first female president oh never mind, the Democrat party s gonna go with diversity and pick the old white guy. Because in the end, the Democrats don t really give a hoot about diversity it all comes down to voting for freebies.According to PBS, Bernie Sanders is gaining against Clinton in early polls. Salon s Bill Curry believes Hillary Clinton is going lose, primarily because millions of voters longing for a truly progressive candidate will nominate Sanders. POLITICO explained recently that Early-state polls hint at a Bernie Sanders surge, a headline that was unthinkable only several months earlier. Yahoo s Meredith Shiner calls Sanders a progressive social media star and pragmatic legislator and states that Sanders also has a much more substantial legislative history than any GOP challenger. In Iowa, 1,100 people packed a gym to hear Bernie Sanders speak in May.In contrast, Team Hillary had an intimate business roundtable discussion with five ordinary Iowans. The only problem was that according to The Washington Post, All five were selected to attend her events. In fact, Clinton s staged roundtables were attended by a total of 13 Iowans, picked by either the campaign or the host.Therefore, a paradigm shift has taken place. Many Iowans drove 50 miles to hear Sanders speak in Des Moines, primarily because Bernie Sanders has surpassed Clinton as the ideal choice for Democratic nominee. Regarding electability, Sanders has also surpassed Clinton as the realistic choice for Democratic nominee in the minds of many voters, because as one Salon piece illustrates, Hillary just doesn t get it. When it comes to everything from immigration to climate change and economic issues (most Americans side with Democrats, according to Pew research and other data) some writers believe that Democrats can nominate a ham sandwich and win the presidency. Although once thought of as an impossibility, a closer look at the electoral map shows why Bernie Sanders could realistically defeat any GOP challenger. If voters around the country still care about middle class economics, the federal budget, trade and other hot button issues in 2016, Sanders has a legitimate chance to win. Also, since Sanders isn t tied to Obama fatigue like Hillary Clinton, it s quite possible the Vermont Senator re-energizes an America that just recently decided the Confederate flag doesn t represent its value system.According to a POLITICO piece titled The 2016 Results We Can Already Predict, Assuming the lean, likely, and safe Democratic states remain loyal to the party, the nominee need only win 23 of the 85 toss-up electoral votes. Therefore, there s no need to jettison cherished values for the sake of pragmatism; those days are over. Senator Bernie Sanders, known in Washington and throughout the nation as an advocate for middle class Americans, veterans, the environment, and other cherished causes can win crucial electoral votes just as easily as Hillary Clinton.Finally, perhaps the biggest reason Sanders is surging is because he s a genuine person with real beliefs, while others become chameleons when votes and public image are at stake. It s important to note that Hillary Clinton just recently evolved on gay marriage and in 2004, Clinton s speech (forward to 0:22 on the Slate video or read the transcript of her passionate defense of marriage between only a man and woman) highlighted her views on the sacred bond of marriage:Senator Hillary Clinton (D-NY): I believe marriage is a sacred bond between a man and a woman .a fundamental bedrock principle that it exists between a man and woman, going back into the midst of history, as one of the founding, foundational institutions of history and humanity and civilization. And that it s primary principle role during those milennia has been the raising and socializing of children for the society into which they are to become adults. According to The Atlantic, Clinton s stance remained unchanged for years, and she also opposed gay marriage as recently as 2013, long after a majority of Americans already held a more gay-friendly position. In terms of identity, Hillary Clinton might be a liberal according to fivethirtyeight.com, yet their analysis gives her a free pass on war, gay marriage, and other issues liberals had championed before they were popular. Adhering to polls is fine, but the words poll driven, not progressive, come to mind for someone with this type of persona. If one s views on war and foreign policy are enough for The New York Times to publish an article titled Are neocons getting ready to ally with Hillary Clinton?, then Bernie Sanders becomes an even better candidate for people opposed to never-ending American counterinsurgency wars. Clinton might say she was duped by faulty intelligence, but Bernie Sanders had enough intelligence and wisdom to vote against the Iraq war back in 2003.Via: Huffington Post",left-news,"Jul 3, 2015",0 +FLORIDA CAR DEALER THREATENED WITH FINES FOR DISPLAYING AMERICAN FLAGS [Video],"It doesn t get much more anti-American than forcing the removal of American flags from an American owned business A Florida car dealership is facing fines for displaying its patriotism.The Kia dealership in West Palm Beach faces penalties of up to $1,000 per day for a code-enforcement violation it received from Palm Beach County for displaying six American flags on its property, WPTV reported.The county said the dealership is violating a that prohibits the display of pennants, balloons, banners and other signs made of lightweight fabric, plastic or similar substances. We re just trying to show our patriotism, dealership general manager Mike Wangle told WPTV.The notice said the dealership must remove the flags by the Fourth of July or the fine will be imposed. You would think they they would let us leave it up during the Fourth and then say, take them down after the holiday, Wangle said.He told WPTV he understands the code, but doesn t understand why the flags don t fall under the flags category.// I don t have a problem taking the banners down if we had banners saying we re open , or a big sale. Those are banners, he said. But when you re displaying the American flag, that s a little different. That s why we re kind of upset about it. He added that he will keep the banners flying until July 5 to display patriotism on Independence Day, even if he has to pay the fine himself.Via: Biz Pac Review // ]]>",left-news,"Jul 2, 2015",0 +AND SO IT BEGINS…INSPIRED BY GAY MARRIAGE RULING…Polygamists Apply For Marriage License,"Well, that didn t take long. Look for the first beastiality marriage license request in 5 4 3 2 1 Nathan Collier said he was inspired by the recent Supreme Court decision that made marriage equal. He said he was particularly struck by the words of dissenting Chief Justice John Roberts who claimed giving gay couples the right to marry, might inspire polygamy.And so this week, Mr Collier and his two wives, Victoria and Christine, entered a courthouse in Billings, Montana, and sought an application to legalise the trio s polygamous union, Right now we re waiting for an answer, Mr Collier told The Independent. I have two wives because I love two women and I want my second wife to have the same legal rights and protection as my first. He added: Most people are not us. I am not trying to define what marriage means for anybody else I am trying to define what marriage means for us. The practice of bigamy holding multiple marriage licences is outlawed in all 50 of the US states, Montana among them. But Mr Collier said he planned to sue if his application was denied.Mr Collier said he was former Mormon who had been excommunicated for polygamy and now owned a refrigeration business in Billings.He married his first wife, Victoria, 40, in 2000. The 46-year-old, who appeared in the reality TV show Sister Wives, held a religious ceremony to marry second wife, Christine, in 2007 but did not sign a marriage license to avoid bigamy charges.His first wife, Victoria, said that she and her husband s second wife got along like sisters .Via: Independent UK",left-news,"Jul 2, 2015",0 +OOPS…CDC EMPLOYEES SICK OF DEALING WITH INFLUX OF ILLEGAL MINORS SENDS EMAIL ABOUT OBAMA: β€œthe worst prez we have ever had…a marxist”,"I guess we re not the only ones who are 100% FED UP with our marxist president Following the influx of illegal immigrant minors from Central America, an official at the federal agency charged with protecting public health describes Barack Obama as the worst pres we have ever had, an amateur and Marxist, according to internal emails obtained by Judicial Watch.JW got the records as part of an investigation into the Center for Disease Control s (CDC) activation of an Emergency Operations Center (EOC) to deal with the barrage of illegal alien minors last summer. Tens of thousands of Central Americans came into the United States through the Mexican border and contagious diseases many considered to be eradicated in the U.S. became a tremendous concern. The CDC, which operates under the Department of Health and Human Services (HHS), responded by opening an emergency facility designed to monitor and coordinate response activities to eminent public health threats. This special emergency division was created after the 2001 terrorist attacks and has responded to more than 50 public health threats, including hurricanes, food borne disease outbreaks, the 2009 H1N1 influenza pandemic and the Haiti cholera outbreak. Scientists from across the CDC are brought together to analyze, validate, and efficiently exchange information during a public health emergency and connect with response partners. The EOC also coordinates the deployment of CDC staff and the procurement and management of all equipment and supplies that agency responders may need during their deployment.[ ]It s a major and costly operation that can stick American taxpayers with a huge tab. That s why JW launched a probe when the Obama administration took in the illegal immigrants, initially coined Unaccompanied Alien Children (UAC), with open arms last summer. JW has sued the Department of Homeland Security (DHS) for planning records involving the border crisis as well as information relating to the solicitation of on-demand escort services for the 65,000 UACs that remain in the U.S. Last year JW also reported that the illegal immigrant minors have brought in serious diseases, including swine flu, dengue fever, possibly Ebola virus and tuberculosis.The CDC records obtained by JW this week include email exchanges between agency officials directly involved in the activation of the EOC to handle the health threats created by the influx of illegal alien minors last summer. In an email dated June 9, 2014, CDC Logistics Management Specialist George Roark wrote to CDC Public Health Advisor William Adams that no country in the world would allow the influx. Adams replies that in ten years or less, they ll all be voting Commander s intent Roark fires back by describing Obama as the worst pres we have ever had he truly is the amateur but a Marxist too. Via: Judicial Watch",left-news,"Jul 2, 2015",0 +"GAY VOTERS AND #BlackLivesMatter TO OBAMA, But Kids With Cancer…Not So Much","There s no need for Barack Obama and Valerie Jarrett to make a statement about finding a cure for pediatric cancer, which receives 4 percent of The National Cancer Institute s $4.6 billion budget. There s no need because working together to help fund a cure for cancer doesn t divide a nation, and we all know kids can t vote Picture is from Rockstar Ronan, a website dedicated to lighting the White House gold!Quite some time ago, a petition was circulated to Light the White House Gold. The ask was simple: Come September 1, or the beginning of Childhood Cancer Awareness Month, put some gold lightbulbs in the spotlights out front of the White House and tell the childhood cancer community and all the kids fighting and dying of cancer that they matter.The president, through Paulette Aniskoff, Deputy Assistant to the President and Director of the Office of Public Engagement, dropped the news that there would be no gold lights. There was a recycled proclamation, though, so maybe we should be happy for this small token. Of course, most of you will recall that last year on October 1, a giant pink ribbon and pink lightbulbs were festooned quickly on the White House. Should the White House go pink again in a month, it will be a significant slap in the face to the childhood cancer community. Yet another gesture of inequality for our kids.Cancer remains the number one disease killer of children. Cancer kills more kids in this country than AIDS, cystic fibrosis and muscular dystrophy combined. So, when the long awaited response came from the president, you can understand why it was quite disappointing.Cancer kills more than 2,500 children in our country every year. Over 13,500 kids will be diagnosed with cancer in the next 365 days. Though these numbers are significant, the potential market is too small to attract the attention of private industry. This makes the role of the taxpayer-funded National Cancer Institute (NCI) especially critical yet approximately 4% percent of its annual budget is dedicated to childhood cancer. The result is that children are dying every day waiting for promising new treatments that lack funding. This puts an extra burden on families with a child battling cancer.Of course, lighting the White House gold would not cure any children or provide additional research funding. But that is not the point. I would gladly choose additional funding in the federal budget over a handful of gold lightbulbs. Again, that is not the point. Childhood cancer advocates fight so hard for every ounce of awareness in an effort to translate it into additional funding. What better symbol to raise the ultimate amount of awareness than the most powerful residence on the face of the earth? At the present time, a paltry 4 percent of the total National Cancer Institute Budget (NCI) is dedicated to all forms of childhood cancer. Thank you, Harold Varmus, M.D. That brings me back to the small little ask that apparently is only reserved for the ubiquitous pink ribbon.What is the message here to the childhood cancer community? Kids with cancer do not matter as much as breast cancer? If kids with cancer do not merit more than 4 percent of the federal research budget, and childhood cancer is not important enough to garner the simple gesture of a handful of gold lightbulbs, then what is our position? I wish I had the answer to that question. I hope that it does not mean that children with cancer do not merit the same simple gestures and considerations as breast cancer. It certainly appears that way though.According to the news of Take Part, White House led the celebration by lighting up rainbow-colored lights. President Obama cited a statement which was quoted by takepart.com. He said, When all Americans are treated as equal, we were all more free, this ruling is a victory for America. President Obama had long been supporting marriage equality since 2012.Niagara Falls was one of the several US landmarks that lip up rainbow-colored lights for supporting same-sex marriage.Cinderella Castle in Disney World also took part of the celebration. According to Take Part, in Florida, same-sex marriage was illegal but on Friday, people and the Disney World partied as they have heard the decision, the Cinderella Castle became more enchanting with its rainbow-colored lights as they celebrated marriage equality.The St. Louis Civil Courts Building also lit up with flying rainbow colors. Alderman Shane Cohn spent $15,000 in capital for the improvement funds of the rainbow lights in the Civil Courts Building in St. Louis. Several downtown buildings as well lit up rainbow-colored lights as a sign of support for the gay rights and St. Louis PrideFest. accrding to the report of stltoday.com, St. Louis recently was called the gayest cities in America. Other famous landmarks which supported the same-sex marriage and brighten up with rainbow colors were Terminal Tower in Cleveland, The Empire State Building (In September 2014, the Empire State Building received national backlash for their decision not to go gold for Childhood Cancer Awareness Month.)Penn Station in New York City, The Seattle Great Wheel, The Alamo in San Antonio, in San Francisco, three of their monuments have participated, including: San Francisco City Hall, San Francisco International Airport and Grace Cathedral, the Playhouse Square in Cleveland, The Davis Building in Dallas, The U.S. Grant Hotel in San Diego also participated in the celebration.Ultimately, a handful of lightbulbs and a giant gold ribbon will not find better treatments or cures for the difficult cancers that kill so many children. It will not force Harold Varmus, M.D., to change his funding allocations. And, it may not cause more people to donate money toward childhood cancer research. All may be true. What that handful of lightbulbs and fabric may do is provide an additional measure of hope. And never should we forget that hope is a dangerous commodity, especially to a community that sometimes finds itself without any. Thanks for nothing, Mr. President. Via: Huffington Post A Day Of Yellow And Gold To Fight Childhood Cancer Facebook page.",left-news,"Jul 2, 2015",0 +(VIDEO) YOU’LL BE PROUD! ONE VETERAN REMAINED AFTER FLAG BURNING EVENT IN NYC TO TAKE CARE OF BUSINESS,Be proud! One U.S. Army Veteran remained after the smoke cleared at the flag burning event in Brooklyn on Wednesday night. Mark Brummitt vowed to stay until the very end to ensure that at the end of the night there is a flag left standing. ,left-news,"Jul 2, 2015",0 +OUTRAGE OVER BARE CHESTED GAYS COMPARING GAY MARRIAGE VICTORY TO MARINES IWO JIMA FLAG RAISING,"Because according to the left, the brave men who gave their lives for our nation are apparently the equivalent of a battle to make the perversion of marriage legal A gay rights inspired adaptation of the famous image of Marines raising the flag over Iwo Jima in 1945 is sparking outrage following the recent Supreme Court decision legalizing gay marriage nation-wide.The image of four muscular, skin-baring men raising the rainbow flag posed like the Marines at Iwo Jima was taken some ten years ago and appeared on a gay magazine, but was recirculated last week following the Supreme Court decision.And dont compare gay marriage to the Marines who fought and died in Iwo Jima. The two events are not comparable pic.twitter.com/rqwtR2eoHh Paulie Walnuts (@PAULme_maybe69) July 1, 2015Replacing the soldiers on Iwo Jima standing up the American flag with the gay pride flag is disrespectful Mitchell Moyers (@m_moyers8) July 1, 2015They really recreated the Iwo Jima flag with the gay flag. Just stop Evan Moriyama (@AsMoriyama) July 1, 20156821 people died in Iwo Jima,over 19,000 wounded.Apparently that ain t nothi compared to gay people s struggle huh AmericanMuscle (@MrFakeDope) July 1, 2015#gay #TCOT this is offensive how dare you besmirch Marines at Iwo Jima who gave their lives so there is a supreme ct pic.twitter.com/ARRqXwJC0u Rosebud (@Murba1515) June 30, 2015The Washington Post highlighted the outcry Wednesday, recalling the bloody operation that spurred to the first iconic photo taken on February 23, 1945 by Associated Press photographer Joe Rosenthal. Three of the Marines pictured were killed in combat, among the nearly 7,000 other Americans who died on Iwo Jima. Another 20,000 American troops were wounded.The photographer of the gay rights image, Ed Freeman, The Post reports, has received hate mail, backlash on social media, and at least one death threat since the image went viral. He said if he ever saw me, he d kill me, Freeman told The Post. I got swamped with vitriolic hate mail. Freeman received disapproving responses to his when he posted on Facebook that Friday, When I took this picture almost ten years ago, it never, never occurred to me that it would someday come to symbolize the victory we are celebrating today. Congratulations to all of us! Love to you all. Freeman told The Post that he did not intend for the image to be disrespectful and chalked the outrage up to people s frustration with the Supreme Court decision. The principle complaint that people have is that I am equating the gay struggle with the contribution and sacrifice of American servicemen, Freeman said. But there is no equal sign here. This is not meant as a sign of disrespect. For God sake, no. I totally support people in uniform. There is no comparison going on here. The comparison is going on in people s heads, and they re spoiling for a fight. They re already on edge because of the gay marriage decision. Via: Breitbart News",left-news,"Jul 1, 2015",0 +MACY’S CELEBRATES AMERICA’S INDEPENDENCE BY PUTTING ILLEGAL ALIENS FIRST,"Americans need to put American citizens first and dump Macy s. Macy s has a Customer Service Department phone number that should be ringing off the hook with Americans who love their country and are sick and tired of the left bullying us into submission. Tell them it s time to put American citizens first and you appreciate Donald Trump standing up for LEGAL immigration: 1 (800) 289-6229 I ll be canceling my Macy s credit card today. Macy s just lost its Magic #MakeAmericaGreatAgain .Dump Macy s!Real-estate mogul and GOP presidential candidate Donald Trump called for a boycott of Macy s on Wednesday after the retail company said it would drop Trump s products. Earlier in the day, Macy s said it was snubbing Trump because of the disparaging characterizations he made about Mexican immigrants during his campaign launch. Among other things, Trump accused Mexico of sending its rapists and drug dealers to the US.In addition to blasting Macy s in an official statement, Trump attacked Macy s in a series of tweets for being weak on border security : Those who believe in tight border security, stopping illegal immigration & SMART trade deals w/other countries should boycott @Macys. Donald J. Trump (@realDonaldTrump) July 1, 2015For all of those who want to #MakeAmericaGreatAgain, boycott @Macys. They are weak on border security & stopping illegal immigration. Donald J. Trump (@realDonaldTrump) July 1, 2015Macy s is only the latest in a string of businesses that have cut ties with Trump in the past week. NBC, Univision, and the Mexican media company Televisa all recently announced they would not show Trump s Miss Universe Organization beauty pageants because of his comments about immigrants. When Mexico sends its people, they re not sending their best; they re not sending you, Trump said in his June announcement speech, according to a transcript. They re sending people that have lots of problems, and they re bringing those problems with us. They re bringing drugs. They re bringing crime. They re rapists. And some, I assume, are good people. Trump, who said he was criticizing the Mexican government and not its people, has aggressively responded to the companies that are ending their relationships with him. He said he was suing Univision for $500 million. He denounced NBC as weak. And he insisted that he was the one cutting ties with Macy s not the other way around.He also argued that the Macy s snub proved how difficult it was for billionaires like him to seek political office. I have always said that if you are successful, it is very hard to run for office, especially the office of president, he said in his Wednesday statement. I have also continually stated that I am not beholden to anyone, and this includes NBC and Macy s. Clearly, NBC and Macy s support illegal immigration. Trump products at Macy s include $70 dress shirts, $65 ties, and a fragrance called Success. Via: Business Insider ",left-news,"Jul 1, 2015",0 +DOJ CONTINUES OBSESSION WITH DISCREDITING FERGUSON POLICE With This Ridiculous New Report,"No word on when Soros will be put on trial for paying protestors to riot or when Al Sharpton will be charged with inciting the riots with his inflammatory racist rhetoric (All comments in italics are opinions of 100% FED Up!)According to a report from the U.S. Department of Justice, police responding to race-related protests and riots in Ferguson, Missouri, last summer made a series of missteps, including antagonizing crowds with attack dogs and military-style tactics.Yeah..because the people inciting riots, burning down businesses and threatening anyone who dared to drive through Ferguson are probably pretty credible witnesses when it comes to missteps by the Ferguson Police Department. The report, a copy of which was obtained by Reuters, is a draft summary of a document the DOJ plans to release in the coming weeks evaluating law enforcement actions. A Justice Department spokesperson said the after-action assessment will convey the findings and lessons learned. The report focuses on the tactics of police from Ferguson, St. Louis, St. Louis County, and the Missouri Highway Patrol. All four agencies tried to quell the protests and riots that broke out after a white Ferguson police officer shot and killed Michael Brown, an unarmed black teenager, on Aug. 9, 2014. We are always willing to engage in constructive dialogue about best practices, the St. Louis department said in a statement. We are interested in the final report to identify what we did well and what we may need to improve upon. How improving number of arrests made for arsonists/rioters who burn down businesses to make a statement? The Justice Department draft report, which covers actions over the 17 days following the shooting, found that police lacked effective protocols, were not adequately trained, struggled with communication and coordination, and made mistakes that sometimes heightened tensions.The use of dogs for crowd control during the Ferguson protests incited fear and anger in the crowd, according to the report, while the use of teargas on people without warning was also a problem.In addition, police were inconsistent in using force and making arrests, and some officers removed their nameplates to evade accountability for their actions, the Justice Department said.The report also criticized police for positioning snipers atop armored vehicles to monitor the crowd through rifle sights, saying the tactic served only to exacerbate tensions. Yeah because why would the cops in Ferguson be concerned about their own safety when clowns like this are openly walking around advocating for violence against Officer Wilson?It found that law enforcement agencies set a negative tone with the media by initially offering limited public information about Brown s shooting. The report also said police inhibited protesters constitutional right to free speech.In all, the report lists 45 findings along with recommendations for improvements.Via: Reuters",left-news,"Jun 30, 2015",0 +COINCIDENCE? CHOBANI SCORES MAJOR CONTRACT WITH MOOCH’S GOVERNMENT CONTROLLED SCHOOL LUNCH PROGRAM After Airing Naked Lesbian TV Ad To 3% Of Population [VIDEO],"Are there any coincidences in the quid pro quo world of Obama s Chicago style politics? Here s the link story we posted about Chobani and their naked lesbian ad. The video of their ad can be seen below:New York yogurt manufacturer Chobani just landed a massive U.S. Department of Agriculture contract for school lunches after years of lobbying lawmakers and President Obama on its products.The upstate-New York Greek yogurt maker will be distributing its products to schools nationwide next year as a USDA-approved meat substitute for school lunches, capping off a pilot program in a dozen states made possible by extensive lobbying efforts.Chobani Greek Yogurt first gained approval by the USDA for school lunches in 2013 as part of a pilot program after U.S. Sen. Charles Schumer and other New York lawmakers pressured USDA officials to include it in a pilot program for four states. The USDA s typically years-long approval process for new products was miraculously slashed to only about 8 months for Chobani.That pilot program was expanded last year to a dozen states after reportedly positive feedback from students, Syracuse.com reports. After at least three calls from the persistent senator, (U.S. Secretary of Agriculture Tom) Vilsack helped arranged a Sept. 20, 2012 meeting in Schumer s Capitol Hill office with Kevin Concannon, the key official for food, nutrition and consumer services, the New York Daily News reports.Chobani owner Hamdi Ulukaya was also named by President Obama as a Presidential Ambassador for Global Entrepreneurship, which included a closed-press meeting with the president at the White House, according to the Daily Sabah.The special treatment was undoubtedly the result of Ulukaya s savvy political sense.According to a Green Monsters! blog about the original pilot program: Chobani has made a significant financial investment to be at the forefront of this new program and potentially come out as the victor. The New York-based company has already paid $80,000 to Cornerstone Government Affairs to lobby Congress on its behalf. Among its lobbyists are former agricultural department employees.The lobbying firm was also hired following New York Senator Charles Schumer s petition to the USDA asking that Greek yogurt be added school lunch program.The decision on Greek yogurt came rather quickly in just eight months although the agriculture department typically takes years to assess a new product. The tofu industry waited a decade before an ok, reports NY Daily News.Senator Schumer also worked with Senator Kirsten Gillibrand of New York to push the Greek yogurt pilot program through. Both senators see it as a win-win for the children and the diary industry.The financial benefit has the potential to be quite considerable for New York in particular. Five years ago, the New York dairy industry was producing barely any revenue. Now it generates almost 40 percent of the $6.5 billion in U.S. yogurt sales annually. Businessweek magazine has even called upstate New York the Silicon Valley of yogurt. So, after a couple of years of lobbying and a pilot test program, Chobani the top selling Greek yogurt brand in the U.S. landed a contract for schools in all 50 states in April. The initial contract is worth $148,019 for the first two months of the 2015-16 school year, Syracuse.com reports.The government will then seek quarterly bids for the remainder of the school year.Chobani s fast-track to school cafeterias across the U.S. with a contract awarded faster than other companies have even gained approval for their products raises the same question Green Mosters! blogger Kristina Pepelko first raised in 2013: is the National School Lunch Program and the tightened restrictions on school food truly designed to produce healthier students, or are special interest lobbyists driving menu recommendations from Washington, D.C.?Chobani s senior director of nutrition and regulatory affairs, Robert Post, obviously wants the public to believe it s the former. This is an important step that Chobani is taking in its continued mission to bring nutritious, delicious and natural food to all people of all ages, he said in a statement. Allowing children to have healthy and delicious options for their lunch tray ingredients is one of the most important things Chobani can do as a company, and we decided to offer out products at significantly reduced prices as we want to extend our mission beyond our cups and into the communities we live in, Post said.Chobani officials have not disclosed the significantly reduced prices for their products, or the potential value of the new government contract, Syracuse.com reports.Via: EAG News",left-news,"Jun 30, 2015",1 +[VIDEO] TWO STREET PREACHERS SEVERELY BEATEN BY TOLERANT GAYS AT SEATTLE GAY PRIDE PARADE,"Gay pride? Tolerance is a one-way street for those on the left Two street preachers were brutally beaten punched and kicked by a crowd at a gay pride festival in Seattle and the entire melee was captured on video.The preachers were holding signs reading Repent or Else and Jesus Saves From Sin. The video shows a group of people initially screaming and threatening the men during Pridefest at the Seattle Space Needle.Television station KOMO reported that some of the attackers belonged to a group called NOH8A group of women tried to steal their signs but were unsuccessful. The video then shows a group of men grabbing onto one of the preacher s signs and dragging him to the ground. At some point he was punched in the back of the head a number of times while others can be seen kicking the man.Another preacher was sucker punched in the back of the head.Police arrested two suspects one of whom has a long rap sheet.It s not the first time Christians have been attacked by pro-gay activists.Last August a gunman opened fire inside the headquarters of the Family Research Council in Washington, D.C. Floyd Lee Corkins, Jr. pled guilty to committing an act of terrorism on the pro-family organization.Corkins shot FRC security guard Leo Johnson and intended to shoot others but Johnson was able to disarm the man.Last year a group called Angry Queers caused thousands of dollars in damage to the Portland, Ore. campus of Mars Hill Church. The vandals hurled stones through stain glass windows, LifeSiteNews reported.The Angry Queers sent an e-mail to television station KOIN defending their criminal acts because Mars Hill is notoriously anti-gay and anti-woman. The vandals sent an e-mail to local television station KOIN-TV stating they took the action, because Mars Hill is notoriously anti-gay and anti-woman. And when the new campus of the church opened gay rights protestors shouted profanities at children calling them homophobes and telling the boys and girls they were going to burn in Hell. Via: Todd Starnes FOX News ",left-news,"Jun 30, 2015",0 +BREAKING: OBAMA’S RACE WAR PART II…BRAWL BREAKS OUT IN FRONT OF SC STATEHOUSE OVER CONFEDERATE FLAG,"A defender of the Confederate flag who says the flag is NOT about race says: I m gonna tell you one thing, I ain t sitting down; this ll just make me walk taller. One man has been arrested after a fight over the Confederate flag in front of the South Carolina Statehouse.The brawl started about 7:15 p.m. Monday when about a dozen vehicles with Confederate flag supporters pulled up in front of the Statehouse and stopped in the middle of the street, Public Safety Department spokeswoman Sherri Iacobelli said in a statement. About 10 of the flag supporters clashed with about 30 people who were on the Statehouse grounds protesting the flag, the statement said. The blood on my face, the blood in my teeth, the blood on my hands is no comparison to the Southern blood that runs through my veins, Joe Linder told CBS News.Linder, who was hit during the fight, supports the Confederate flag and says racism has no part in it. I m gonna tell you one thing, I ain t sitting down; this ll just make me walk taller, he told CBS News.About 50 officers responded and contained the clash, including officers from the Bureau of Protective Services assigned to the Statehouse, as well as Columbia police, University of South Carolina officers and the South Carolina Highway Patrol. Two blocks of the street in front of the Statehouse was closed for a brief time during the disturbance. Sydney Baldwin told CBS News the fight began when someone took his flag. I jumped out of my truck, Baldwin said. That was all I did, was grab my flag and I got hit in the side. Nicholas Thompson, 25, of Irmo, South Carolina, has been charged with disorderly conduct. It wasn t clear if he has an attorney. The Confederate flag has been a focus of protests since the fatal shooting of nine people at a historic black church in Charleston on June 17. Public Safety Director Leroy Smith told reporters it was unfortunate that Columbia had a fight when there have been no problems reported in Charleston, where the shooting occurred. The suspect in the Charleston shooting, Dylann Storm Roof, appears in a number of photographs online with the Confederate flag, prompting calls for removal of the flag from in front of the Statehouse. South Carolina lawmakers are expected next week to consider proposals to take the flag down and move it to a museum. The flag has flown at the Statehouse since the 1960s. It was removed from the Statehouse dome and placed at a Confederate Soldier Monument in front of the Statehouse in 2000.Via: Atlanta CBS Local",left-news,"Jun 30, 2015",0 +HIGH SCHOOL TEACHER SEEKS HELP FROM UNION AFTER BEING FIRED FOR STOMPING ON AMERICAN FLAG IN CLASS [Video],"This is just another example of the rampant indoctrination of our children by the anti-American left God bless these local veterans who came forward in defense of our American flag:A teacher who allegedly stomped on the American flag during a high school lesson on free speech has been fired.The Martinsville School District board has unanimously voted 6-0 to fire English teacher Jordan Parmenter, WGLT reports.The teacher incensed students after he stepped on the flag during a May lesson on free speech at Martinsville Junior-Senior High School.According to a student in the class, Parmenter was using a small American flag as a pointer for a chart and when the student said it was disrespectful, the teacher said he then made what he says was the rash decision of dropping the flag to the floor and stepping on it to illustrate an example of free speech as part of the lesson that day, according to the Journal Gazette. We can t figure out why he actually went to the simulations of actually doing it, Jonathon Smith, a senior at the school, was quoted as saying by TristateHomePage.com last month. He talked about it being the right to do whatever he wants. That s why it was there so he could do whatever he wants, but we have no idea why he would actually take it down and basically start all this. Several residents reportedly protested outside the school after the incident to bring attention to it, walking a flag back and forth in front of the building. It s just disgraceful, protester Clifford Clouser, a U.S. Navy veteran, told WTHI-TV while fighting back tears. There s just so much history in that flag some good, some bad but it s still our flag. Protester Nicholas Gibson, a veteran of the U.S. Marines, told the TV station, It should have never happened. I m very proud of these kids that have stood up for what they believe in. Parmenter wrote a letter of apology to the school board, but it wasn t enough to save his job.The teacher wouldn t speak to the media following his termination, except to say he plans to speak with his union representative, according to Fox 2.Via: EAG News",left-news,"Jun 30, 2015",0 +PARENT FURIOUS AFTER 4TH GRADE CLASS JOINS HATEFUL PROTESTORS AND TEACHER IN CHANT ON CAPITOL STEPS: β€œ[Governor] Walker Sucks!”,"The children were greeted at the Capitol steps in the communist state of Wisconsin by protestors singing hate songs with signs that read: Republicans and Walker rape or molest women and girls.APPLETON, Wis. I don t frequent the Capitol building in Madison so I just assumed the Capitol Singers, a group protesting Governor Scott Walker in song had faded away.I learned recently however that they are, as a line censored out of the sitcom Last Man Standing said of the Clintons, They re like shingles; just when you think they are gone, they pop back up. I received an email recently from a listener to my radio show who chaperoned a field trip his daughter s 4th grade class at Horizons Elementary School in Appleton took to the State Capitol in late May. The story he shared was simply stunning:Everyone on the field trip to the capitol was eating lunch on the capitol steps. At the same time there was a group of people protesting Walker and Act 10 singing hate songs and holding up signs saying that Republicans and Walker rape or molest women and girls.Another parent pointed out to me that my daughter s teacher was down there singing with them. I thought that I needed to find out what was actually being sung down there because a bunch of students were down there listening and recording on their cell phones what was happening. That is when I realized that they were singing terrible hate songs against Walker and what the signs said.By the way, her teacher was holding a piece of paper with the words they were singing on it. When the kids were on their way back up they started chanting Walker sucks and some other mean things. That s when I stopped them and asked why they were doing that and they didn t know what to say. I asked three times and one of the boys spoke up and said that Mr. Niquette was just doing it also. That is my daughter s teacher.Feeling it inappropriate to confront the teacher in front of children, the parent contacted the school to see if such behavior violated school policy. He ended up in an email exchange with the teacher, Scott Niquette:Scott, my issue is you going down there and singing with those people on the field trip.Did you see the signs they were holding? I m guessing that you saw the words you were reading off the sheet you were holding. Do you understand what the children were doing after they saw you down there singing? Scott there is video of you singing that hate Walker song.When the kids were walking back up the hill they were chanting hate speech toward Walker until I stopped them and asked them why. The answer was obvious. Someone with influence in their lives was doing the same thing. You have influence on these children and they trust that you will lead them. For crying out loud Scott those signs were way inappropriate. Talking about molesting children and raping women.In a show of Olympian chutzpah, Niquette pleaded ignorance in his response:With respect to the Capitol Singers, I joined them during my lunch break simply because I enjoy singing. I am currently an active member in our church s choir I honestly did not see or notice any signs regarding molesting children or raping women when I entered the circle of singers. If I had, I can assure you that a most certainly would have immediately left. Again, I joined them simply because I enjoy singing. With respect to my teaching, I also take that very seriously and take great offense to accusations that I do not You have visited my classroom on numerous occasions and sat in on a few lessons. What did you see and hear I stick to the objectives and leave the politics out.He couldn t resist joining a group of Scott Walker haters in public but we re supposed to trust he keeps politics out of the classroom? He didn t see what the signs said? He was unclear of the lyrics he was singing off a sheet?I reached out to Horizons principal Karen Brice. Initially she told me she hadn t heard of the incident and frankly found it hard to believe. But she told me she would look into it. A few days later she called me back, saying only that school officials were investigating to determine whether district policy had been violated.Then there is this classic line from Niquette in his email response to the parent:In retrospect, however, I do think I will save singing with the Capitol Singers for a time when I am at the capitol of my own accord to better reduce any opportunities of misunderstanding.Via: EAG News",left-news,"Jun 29, 2015",0 +MILWAUKEE ART MUSEUM TO DISPLAY THIS HUGE PORTRAIT OF POPE FRANCIS MADE OF CONDOMS,"No threats of beheadings have been made yet oh wait those types of threats only come from the religion of peace There won t be any criticisms of this piece of art created specifically to mock the belief that Catholics hold about contraception by the mainstream media. No one will accuse this artist of asking for trouble or inciting hate or violence. Catholics will just be expected to suck it up and deal with it after all, it s just art and unlike Pamela Gellar, her freedom of speech and expression rights are protected under our Constitution.Milwaukee Art Museum is getting complaints from the Milwaukee archbishop, members of the public, and even some of its donors over its plans to display a huge portrait of Pope emeritus Benedict XVI. This piece is made out of 17,000 nonlubricated condoms, artist Niki Johnson recently told WITI television in Milwaukee. What I did was inter-stuffed them and folded them in order to create this tonal range. The portrait, titled Eggs Benedict, measures almost seven feet high and five feet wide, and it can be viewed from both the front and the back: When you come to the back, you see the condoms themselves, Johnson noted.Johnson told the WITI she decided to make the latex mosaic after Pope Benedict s visit to Africa in 2009. Benedict said condoms would not resolve the AIDS epidemic: On the contrary, it increases the problem, he said at the time. And I was just dumbfounded, Johnson said. I mean, I couldn t make any sense of that statement. And so I figured I needed to do something. Milwaukee Archbishop Jerome Listecki says the museum s decision to display the piece is insulting and callous, the Associated Press reported. Some patrons have dropped their membership, and at least one donor has ended financial support of the not-for-profit museum. This was never intended to be derisive, mocking or disrespectful of the pope, the Milwaukee Journal Sentinel quoted museum Board of Trustees President Don Layden as saying. It was to have a conversation about AIDS and AIDS education. And my hope is when the piece appears in the museum that will be the focus of the discussion. The museum announced the acquisition of the piece earlier this month. But it won t go on display until this fall because the museum s permanent collection galleries are currently closed for renovation.The $31-million renovation project is being done in partnership with Milwaukee County, which committed $10 million to repair and restore two of the museum s buildings.Membership is the primary source of revenue for the museum.Via: CNS News",left-news,"Jun 29, 2015",0 +"VAN JONES AND CNN’S DON LEMON ON OBAMA’S β€œI’m fearless” RACIST SPEECH AT CHARLESTON PASTOR’S FUNERAL: β€œOnce You’re Fearless, Once You Don’t Give A Damn…No One Can Stop You” [VIDEO]","Not a bad imitation of a black pastor from a guy who quit going to church when he entered the White House because according to Reverend Wright, of the Black Liberation Church where Barack and Michelle Obama attended for several years: Church is not their thing. It never was their thing. CNN s Don Lemon: You know, Brooke, um this is quite possibly one of the most powerful and extraordinary moments that I ve witnessed ah on television, especially a speech coming from the President. I ve never really at a loss for words, and I m almost at a loss for words right now. I mean, Van and I couldn t even look at each other.Van Jones (racist and self proclaimed communist): Yeah Because this is what happens in the black church every single morning.DL: Not only that, this is what many people around the country wanted to hear from this president, for a long, long time. It s time to step into your legacy.Van Jones: It really is. This is a different President, this year, I think has transformed him. I think a year ago Ferguson, then Baltimore, now Charleston. I think you re seeing the 3.0 version. When he first came on the scene, he was trying to talk about race, even his book was about race. He was trying DL: But he was getting hit.VJ: He kept getting hit. He became a politician. Yeah..he became the racial pi ata of the blacks saying he wasn t doing enough, the whites saying he was doing too much. Suddenly in this speech he just decides to give over to the cadences.DL: He said it in the podcast man. He said: I am fearless. And you know, once you re fearless, and once you don t give a damn no one can stop you. And I think the President is in that mode now. He knows this is his legacy.Obama was supposed to be delivering a eulogy for Pastor Clementa Pinckney, but instead he chose to turn it into another one of his divisive racist rants. Oh and by the way once the left has removed every trace of the Confederate flag, he s coming after your guns. Then, and only then will his legacy be complete. Molon Labe https://youtu.be/FWVq1WnICqYAnd for anyone who is interested in hearing the most off-key version of Amazing Grace sung by a muslim, you can see it here:https://youtu.be/WmRAxJIa0u8Not bad for a guy who quit going to church when he entered the White House because according to Reverend Wright, of the Black Liberation Church where Barack and Michelle Obama attended for several years: Church is not their thing. It never was their thing. ",left-news,"Jun 28, 2015",0 +NO PASSPORT NECESSARY: Tunnels Made By Drug Cartels Along Obama’s Open Borders Make It Easy For ISIS To Enter US [VIDEO],"Mexicans have been given a green light by Obama and his regime to enter our country. Why shouldn t the drug cartels capitalize on their expansive underground highways? Thanks to Obama s open borders and lenient policy on illegal aliens, it wouldn t make much sense for members of ISIS to bother with a passport or Visa Our southern border is long and U.S. border patrol agents work to fight illegal activity like illegal immigration, drugs and now according to an FBI consultant, the border could be an attractive region for ISIS thanks in part to powerful drug lords. Drug dealers have found a way to move money without it being followed, said Tyrone Powers, Former FBI Agent. They found a way to move people in and out and they found a way to move product. That product powers refers to is tons and tons of meth, heroin and pot transferred through a labyrinth of tunnels from Mexico.Drugs that are headed for the streets of the U.S.But these tunnels could easily be an underground highway for ISIS to spawn its brutality here.Sioux City KMEG 14, FOX 44, News, Weather, Sports The stronger they get over there, the more power they have so I can definitely see, in the future, collaboration between terrorist groups and drug dealers to our south, said Senator Lindsey Graham, South Carolina, 2016 Presidential Candidate It s individuals they bring into this country, maybe at some point, suicide bombers which is really scary and then weapons of mass destruction, said Powers.Terrorist experts say the epidemic of unstable leadership in Mexico, combined with ruthless drug cartels creates a vacuum. What s been going on in Mexico creates an opportunity for any organization to try to take advantage of it, whether it s ISIS or Al Shabbab, said Brandon Behlendorf, Terrorist Targeting Strategist.Two major drug cartels that could attract ISIS cover a lot of land in Mexico. Both skirt the U.S. border.The Sinalos Federation takes up western Mexico and borders Texas to California.Los Zetas occupies eastern Mexico and hugs the southern Texas border.Experts say Al Qaeda already tried linking up with drug lords in Mexico roughly 15 years ago. But to no avail.But Isis is far more determined than Al Qaeda. It makes logical sense for ISIS to do this, said powers. But I do not think they ll be catching the intelligence agencies off guard, because this has been a persistent problem whether it was Al Qaeda or any other group. Via: Siouxland News",left-news,"Jun 27, 2015",0 +TRUMP RESPONSE TO LEFTIST THREATS: β€œGet Off My Lawn”,"It s actually quite refreshing to see someone on the right who is unafraid to take off the gloves. His message to those who support amnesty is pretty clear and he s not backing down to political pressure from the left. Firing back at Univision for its refusal to air his Miss USA and Miss Universe pageants, the outspoken mogul and GOP presidential candidate has barred anyone who works for Univision from the greens of his Miami golf course.In a letter Friday to Randy Falco, Trump advised the Univision CEO that under no circumstances is any officer or representative of Univision allowed to use Trump National Doral, Miami its golf courses or any of its facilities. Trump also demanded that Falco, whose company s Miami office is next door to Trump National Doral, immediately stop work and close the gate which is being constructed between our respective properties. Trump gave Falco one week to take care of that matter, or we will close it. The letter was dispatched a day after Univision declared it was canceling its coverage of the Miss USA pageant July 12 on its UniMas network as well as the Miss Universe pageant, which had been scheduled to air on the flagship Univision channel next January, and was severing its business relationship with the Miss Universe Organization, which produces both pageants. The reason: what Univision called insulting remarks about Mexican immigrants recently voiced by Trump, a part owner of Miss Universe.During his presidential campaign kickoff speech last week, Trump had portrayed immigrants from Mexico as bringing drugs, they re bringing crime, they re rapists, and some, I assume, are good people. He also called for building a wall along the southern border of the U.S. The remarks drew condemnation from the Mexican government as biased and absurd, and sparked Univision s announcement.Trump, who has said his criticism was directed against U.S. policymakers, not the Mexican people or its government, stated Thursday that Univision would be defaulting on an ironclad contract if it doesn t air the pageants. He pledged to take legal action against the company.He also accused the New York-based Univision of having ties to Mexico that led the network to submit to pressure from Mexican leaders to punish him for pro-U.S. positions he expresses as a presidential candidate. They don t want me saying that Mexico is killing the United States in trade and killing the United States at the border, Trump had said.In a P.S. to his letter, which was addressed to Univision s Manhattan headquarters, Trump continued on that track. Please congratulate your Mexican Government officials for having made such outstanding trade deals with the United States, he wrote Falco. However, inform them that should I become President, those days are over. We are bringing jobs back to the U.S. Also, a meaningful border will be immediately created, not the laughingstock that currently exists. The letter was signed, Sincerely, Donald J. Trump. When asked for comment on Trump s letter, Univision seemed to be treating it as par for the course.A memo to Univision management on Thursday directed that, as part of the company s decision to cut ties with Miss Universe, employees should not stay at Trump properties while on company business or hold events/activities there. ",left-news,"Jun 27, 2015",0 +"SAY WHAT? RACIST, GUN-TOTING FLAG STOMPER WHO CAUSED MONTH LONG MAN HUNT THREATENING: β€œI am a terrorist toward white people” IS RELEASED ON BOND","Remember the racist, Black Panther punk who started the #EricSheppardChallenge which involved stomping on the American flag? Yeah well, after ADMITTING he is a terrorist to white people, he s out on bond and living in his mother s home. Apparently, being black and threatening terrorist acts against whites doesn t hold the same water as say a white cop doing his job. Eric Sheppard was originally denied bond after he was arrested by U.S. Marshals in Tampa Bay, Florida, but his attorney appealed the decision, and a Lowndes County Magistrate Judge granted Sheppard a bond of $25,000 last week.Sheppard will be required to live with his mother in Cobb County, Georgia and will be subjected to a 7 p.m. curfew, along with several other conditions of his bond.Sheppard ignited controversy when he and several other VSU student protesters walked on an American flag on the VSU campus on April 17th.Four days later, police found what they said was a gun inside a backpack belonging to Sheppard on campus. Via: WALBSheppard s flag stomping activities on the campus of Valdosta State University were brought to light when USAF veteran Michelle Manhart attempted to stop these racist, anti-American students from stomping on our flag and was arrested by the Valdosta police:Just as an FYI: (a)(1) Whoever knowingly mutilates, defaces, physically defiles, burns, maintains on the floor or ground, or tramples upon any flag of the United States shall be fined under this title or imprisoned for not more than one year, or both.April 22, 2015SHEPPARD ON THE RUN:Valdosta, GA Tensions rise at Valdosta State University as a manhunt continues for one of its own.Eric Sheppard is accused of bringing a handgun to an anti-flag protest on the University s campus Tuesday.Arrest warrants were signed by a Lowndes County Judge charging Sheppard with bringing weapons in a school safety zone, which is a felony. Authorities say Sheppard is also being investigated by the FBI for possibly making Terroristic Threats on social media.The VSU Student became the face of the anti-flag protest, after he was seen wrestling Air Force Veteran, Michelle Manhart, for an American flag; a flag protestors had been walking on.Tuesday, as anti-flag protests continued, a backpack was found abandoned on campus, that according to VSU Police, who say the gun was linked to Sheppard. Since then, Sheppard has been on the run.Eric Sheppard Jr. was the organizer of the event, and is an advocate for a militant Black Supremacy movement. He is pictured throughout his social media profile with alarming messages supporting violence and carrying numerous weapons.This afternoon, a perimeter was formed between Williams and Slater Streets near the University s campus after two citizens reported seeing Sheppard, but he was not found.Now, Sheppard s parents and police, are begging him to turn himself in. Son, you know we love you, and have always taught you to do the right thing and to make wise decisons. Please make the right decision and turn yourself in to either the authrorities, or to me, and we will handle this together , pleaded Eric Sheppard Sr. on the steps of West Hall, standing beside VSU President, William McKinney. He has not done anything to outright hurt anybody, so I m asking him and looking at cameras when I m telling you, Eric, come on in. Your parents want you to come in. We want you to come in. Come talk to us. Come talk to the police. We ll get this sorted out , said Valdosta Police Chief, Brian Childress, at the scene of the perimeter.Valdosta Police say Sheppard is considered armed and dangerous. If you see Eric Sheppard, dial 911.April 29, 2015ONE WEEK LATER AND ERIC SHEPPARD IS STILL ON THE RUN:Valdosta, GA It s been more than a week since Valdosta Police issued an arrest warrant for anti-flag protestor, Eric Sheppard. He s accused of bringing a gun onto the VSU campus.Local civil rights activist, Reverend Floyd Rose, says that s when Sheppard lost the right to call himself an activist.Reverend Rose has been arrested four times for civil disobedience during the civil rights Era. He says Sheppard lost the title of activist when he brought the gun on campus, and again when he ran. I think now, he s put himself in a position where if he doesn t turn himself in, then they go after him. And they ll get him eventually. They may know where he is now, I don t know, but I do know this; you end up with more charges when you run. If he turns himself in, he s going to be better off. And then face the music, says Reverend Rose.MAY 29, 2015:BREAKING U.S. Marshals have arrested Eric Sheppard Jr., in Tampa Florida after a month long manhunt. Sheppard was originally wanted for firearms violations, threats against students, and most recently terrorism threats specifically against white people in Georgia .",left-news,"Jun 26, 2015",0 +GAY MARRIAGE APPROVED BY SUPREME COURT With Ironic Dissenting Opinion From Justice Roberts: β€œBut this court is not a legislature”,"The Fundamental Transformation of America is almost complete. Even Barack Hussein Obama must be surprised by how few hurdles have been placed in his way In less than 24 hours, our leftist US Supreme Court delivered not one, but two sucker punches to the heart of America. The acts of these radical judicial activists will have a dramatic effect on our society and culture in the United States of America. The Supreme Court declared Friday that same-sex couples have a right to marry anywhere in the United States.Gay and lesbian couples already could marry in 36 states and the District of Columbia. The court s 5-4 ruling means the remaining 14 states, in the South and Midwest, will have to stop enforcing their bans on same-sex marriage.The outcome is the culmination of two decades of Supreme Court litigation over marriage, and gay rights generally. Justice Anthony Kennedy wrote the majority opinion, just as he did in the court s previous three major gay rights cases dating back to 1996. It came on the anniversary of two of those earlier decisions. No union is more profound than marriage, Kennedy wrote, joined by the court s four more liberal justices.The four dissenting justices each filed a separate opinion explaining their views. But this court is not a legislature. Whether same-sex marriage is a good idea should be of no concern to us, Chief Justice John Roberts wrote in dissent. Roberts read a summary of his dissent from the bench, the first time he has done so in nearly 10 years as chief justice.Justice Antonin Scalia said he is not concerned so much about same-sex marriage, but about this court s threat to American democracy. Justices Samuel Alito and Clarence Thomas also dissented.The ruling will not take effect immediately because the court gives the losing side roughly three weeks to ask for reconsideration. But some state officials and county clerks might decide there is little risk in issuing marriage licenses to same-sex couples.The cases before the court involved laws from Kentucky, Michigan, Ohio and Tennessee that define marriage as the union of a man and a woman. Those states have not allowed same-sex couples to marry within their borders and they also have refused to recognize valid marriages from elsewhere.Just two years ago, the Supreme Court struck down part of the federal anti-gay marriage law that denied a range of government benefits to legally married same-sex couples.The decision in United States v. Windsor did not address the validity of state marriage bans, but courts across the country, with few exceptions, said its logic compelled them to invalidate state laws that prohibited gay and lesbian couples from marrying.The number of states allowing same-sex marriage has grown rapidly. As recently as October, just over one-third of the states permitted same-sex marriage.There are an estimated 390,000 married same-sex couples in the United States, according to UCLA s Williams Institute, which tracks the demographics of gay and lesbian Americans. Another 70,000 couples living in states that do not currently permit them to wed would get married in the next three years, the institute says. Roughly 1 million same-sex couples, married and unmarried, live together in the United States, the institute says.Via: AP News ",left-news,"Jun 26, 2015",0 +[VIDEO] HECKLERS TAUNT HILLARY AT CAMPAIGN STOP: β€œWho wiped the blood off your hands Hillary?”,"Hillary got a bit of a surprise while leaving a campaign stop in St. Louis this week.https://youtu.be/NLGeCC4rR1M Who wiped the blood off your hands Hillary? Was it the same people who wiped your servers? How many cell phones do you have today Hillary? At the end of the video, a woman can be heard screaming over and over again: Benghazi, Benghazi, Justice for Benghazi you left four of our men to die four Americans dead, thanks to Hillary never forget ",left-news,"Jun 26, 2015",0 +REPUBLICAN PROPOSES HOUSE BILL TO FORCE Supreme Court Justices And Employees To Join Obamacare,"Of course, we d be okay with excluding three of the Justices who didn t go along with the rubber stamping of Obama s reckless socialized medicine plan. While we re at it, it s only fair for Barry and his family to be forced to use his signature Obamacare insurance plan as well A House Republican on Thursday proposed forcing the Supreme Court justices and their staff to enroll in ObamaCare.Rep. Brian Babin (R-Texas) said that his SCOTUScare Act would make all nine justices and their employees join the national healthcare law s exchanges. As the Supreme Court continues to ignore the letter of the law, it s important that these six individuals understand the full impact of their decisions on the American people, he said. That s why I introduced the SCOTUScare Act to require the Supreme Court and all of its employees to sign up for ObamaCare, Babin said.Babin s potential legislation would only let the federal government provide healthcare to the Supreme Court and its staff via ObamaCare exchanges. By eliminating their exemption from ObamaCare, they will see firsthand what the American people are forced to live with, he added.His move follows the Supreme Court s ruling Thursday morning that upheld the subsidies under ObamaCare that are provided by the government to offset the cost of buying insurance.The 6-3 decision, authored by Chief Justice John Roberts, said consumers purchasing health insurance from the federal exchange in roughly 34 states could continue to do so.The ruling in King v. Burwell has spurred anger on the right, with conservatives questioning the logic of the decision. They deserve an Olympic medal for the legal gymnastics, Rep. Joe Pitts (R-Pa.), the chairman of the House Energy and Commerce Health Subcommittee, told The Hill.Roberts argued in his decision that eliminating subsidies would have pulled state healthcare markets into a death spiral. That chain of effects, he added, was not consistent with ObamaCare s intent. The argument that the phrase established by the State would be superfluous if Congress meant to extend tax credits to both State and Federal Exchanges is unpersuasive, he wrote.Justice Antonin Scalia strongly criticized that interpretation in his dissent. We should start by calling this law SCOTUScare, he wrote, lambasting Roberts for the ObamaCare decision in 2012 declaring the law s mandate that people buy insurance constitutional.Via: The Hill ",left-news,"Jun 26, 2015",1 +[Video] BLACK CHAMBER OF COMMERCE PRESIDENT SAYS OBAMA’S β€˜Clean Power Plan’ Will Increase Black Poverty By 23 Percent,"America s First Black President continues to destroy employment opportunities for the black community We ve got a bad guy in the family, but protect him because he s family. We ve got to wake up, slap ourselves and wake up. This is America and everybody s involved in this and if our children are hurting, it s our responsibility to find someone who understands that pain, feels it like Bill Clinton would say. This guy doesn t feel it. In fact he issues a lot of that pain, with a smile. Harry Alford, Black Chamber of Commerce President (Hannity, February 26, 2013)",left-news,"Jun 26, 2015",0 +ABOVE THE LAW: OBAMA’S β€˜HOPE’ ARTIST WANTED ON FELONY CHARGES IN DETROIT,"Like Obama and his regime, this Occupier and Obama supporter believes he is above the law. The City of Detroit begs to differ, and would like Fairey to pay them back for the damage he has done to various buildings in the city. Shepard FaireyFamed street artist Shepard Fairey, who visited Detroit last month to create the largest mural of his career, faces felony charges of tagging other properties across the city on his own time.A warrant for his arrest was filed in 36th District Court on Friday. He faces two counts of malicious destruction of property, which carry a maximum penalty of five years in jail, plus fines that could exceed $10,000.Police, who accuse the artist of causing about $9,000 in damage, said that the next time he comes to Detroit, they will arrest him if he doesn t turn himself in first. Just because he is a well-known artist does not take away the fact that he is also a vandal, said Detroit Police Sgt. Rebecca McKay, who oversees the city s graffiti task force. And that s what we consider was done, in these instances, was vandalism. Fairey told the Free Press he intended to leave illegal marks in the city. He arrived in May to paint the 18-story mural on One Campus Martius for Dan Gilbert s Bedrock Real Estate Services and others, but before the work began, he said he would be doing more. I still do stuff on the street without permission. I ll be doing stuff on the street when I m in Detroit, Fairey said last month. His signature black-and-white Andre the Giant face has since appeared on several buildings downtown, in Eastern Market and along Jefferson Avenue.Fairey s legal troubles in Detroit open a window into the evolution of street art, from its illegal origins into its more professionalized genre recognized in museums and galleries. Fairey has always liked to play both sides of the street, accepting major commissions like the One Campus Martius mural but also retaining his street credibility by continuing to work in the shadows, tagging private property without authorization.An exhibition of Fairey s prints is also currently on view at the Library Street Collective in downtown Detroit. This is a whole genre that s become institutionalized, and you ll always have some outliers go back to where they started and where they get their inspiration, said Elysia Borowy-Reeder, executive director of the Museum of Contemporary Art Detroit.On another front, the crackdown on illegal graffiti suggests that the reputation Detroit has had for years among artists elsewhere as a kind of Wild Wild West of opportunity needs amending. While inexpensive studio space, a supportive artists community and the chance to help shape the future of the city remain powerful incentives to live and work in Detroit, the notion that anything goes, including illegal activities that have made the city a haven for unauthorized street art, is no longer true. That reputation lingers but change happens slowly and it s catching up, said Borowy-Reeder. The city is becoming more mature. Via: Detroit Free Press ",left-news,"Jun 25, 2015",0 +SAY WHAT? AMAZON TELLS CUSTOMER THEY WERE FORCED BY FEDERAL GOVERNMENT To Remove Confederate Flag From Website,"When it comes to limiting our free speech, nothing this lawless government does should surprise us. Under normal circumstances, I would question the validity of this claim, but we are no longer living under normal circumstances Amazon.com staff are telling irate customers that the company was ordered by the federal government not to sell items featuring the Confederate flag in the aftermath of the Charleston shooting.Amazon made the announcement this week, along with eBay, Sears and Walmart, that it would no longer sell products bearing the rebel flag, but according to a conversation posted on YouTube between a customer and an Amazon sales rep, the decision could have been made as a result of pressure from the government.At first the Amazon staffer claims that the items were banned because they were deemed to be offensive, but when pressed by the customer, the sales rep tells a different story. Is this a political statement by Amazon.com or is this a directive that you re following, that the government said you know we want you guys not to sell these anymore? asks the caller. The government is not allowing us to sell this Confederate flag, responds the staffer. So the government is not allowing you .to sell it? asks the caller, to which the sales rep responds, yes. So Amazon is not making a political statement, this is something the government told you to do? questions the caller. Exactly, responds the staffer.Via: InfoWars",left-news,"Jun 25, 2015",0 +ILLEGAL ALIEN DEPORTED 3 TIMES KILLS SPORTS JOURNALIST AND FATHER OF 4 DAY BEFORE FATHER’S DAY,"Open borders have consequences Bob Barry Jr. is survived by his wife, the lovely Gina, his four children; Matt, Tanner, Evan and Gracie, and his brother, Frank.OKLAHOMA CITY Authorities confirmed Wednesday morning that a man, accused of causing a crash that killed local sports journalist Bob Barry Jr., had previously been deported three times. Gustavo Castillo Gutierrez, 26, has been charged with causing an accident without a valid driver s license and drug possession on Tuesday.The fatal crash occurred on Saturday. According to police, Barry was on his motorcycle in the left lane on May Ave., near Memorial, when Gutierrez was driving in the right lane. Police said Gutierrez made an illegal U-turn in front of Barry, and Barry was thrown from the motorcycle after crashing into Gutierrez s car.On Sunday, U.S. Immigration and Customs Enforcement (ICE) placed a detainer with Oklahoma County on Gutierrez from Mexico, following his arrest on criminal charges. ICE officials confirmed that Gutierrez had been voluntarily returned to Mexico three times, twice in 2010, and once in 2013.News9.com Oklahoma City, OK News, Weather, Video and Sports | According to an accident report released on Wednesday, Barry took no improper action in the crash, meaning he was purely a victim. Authorities said Gutierrez had been distracted before the collision for an unknown reason.Barry suffered injuries to his head, trunk (internal and external), arms and legs. Gutierrez suffered head and trunk injuries.The collision report stated that the vehicle driven by Gutierrez was owned by someone else. Via: News9.comHe is survived by his wife, the lovely Gina, his four children; Matt, Tanner, Evan and Gracie, and his brother, Frank. ",left-news,"Jun 25, 2015",0 +DEMOCRATS THREATEN KIDS EDUCATION: CHICAGO TEACHERS UNION DEMANDS RAISES AS Chicago Public Schools Run Out Of Money In One Week,"It s painful to watch the stupidity and irresponsibility of the Democrats who run the city of Chicago along with Chicago Teachers Union president, Karen Lewis, one of the most hard-core radical, leftist s in the business. It s T-minus one week for Chicago Public Schools.As schools let out for the summer, CPS administrators are scrambling to come up with a more than $600 million teacher pension payment due at the end of the month and the district has zero reserves, according to media reports.The problem is further compounded by a more than $1 billion school budget shortfall for the next fiscal year and an angry teachers union hell bent on securing another raise the district can t afford. With no plan, no money and no where to turn, Chicago Mayor Rahm Emanuel seems to be focused solely on a state bailout as the solution. Springfield has to step up and help in this case, not only as it relates to just the pension payment, (but also) the educational opportunities of our children, Emanuel said, according to the Chicago Tribune. Because a payment will then begin to impact the classroom. And CTU could soon partner with its mortal enemies at City Hall to lobby state lawmakers for more money. Right now, the district needs us, CTU VP Jesse Sharkey told the news site. The politics of (Chicago Mayor) Rahm Emanuel going to Springfield are a lot different than the politics of Rahm Emanuel and (CTU President) Karen Lewis going to Springfield. The dire financial situation comes amid a federal investigation into a $20 million no-bid contract to a previous employer of former CPS superintendent Barbara Byrd-Bennett, who resigned this month. It feels like a complete mess, Better Government Association senior editor Sarah Karp told ABC 7.Karp doesn t think recently elected Republican Gov. Bruce Rauner, who ran on a platform of fiscal restraint and criticized union influence in Illinois, is receptive to calls for a bailout. He previously suggested that bankruptcy may be the best way out for CPS, ABC 7 reports. Now, Chicago Public Schools does not have somebody in the State House that is a Democrat or is seemingly sympathetic at all to what s going on here, Karp said.Meanwhile, school ended for the summer on Friday, and principals around the city are left scratching their heads in planning for next school year. Normally you do your planning in the summer and you can t do too much planning without the actual dollar amount, Coles Language Academy principal Jeff Dase told ABC 7.Dase said many Chicago principals are concerned that the budget turmoil, and looming possibility of layoffs and program cuts, could convince many of the city s teachers to seek jobs elsewhere.The Tribune reports the city council could authorize CPS to increase taxes on residents, or secure some sort of bailout, or negotiate concessions with CTU, but not even all three combined could put the budget back on track. And then there s another $228 million payment coming due for costs related to interest rate swaps on the district s debt. (E)ven if CPS wins concession from the City Council, state lawmakers and CTU, the district won t be able to close its annual $1 billion budget gap, according to a May 22 report by Ernst & Young, which spent four weeks meeting with school finance officials and analyzing budget documents, the Tribune reports. The report shows that even with a capital improvement tax, a separate, even-larger property tax increase, additional state aid, increased state funding of teacher pensions, concessions from the CTU and $150 million with of budget cuts, CPS would still face an annual $350 million shortfall. Next June s teacher pension payment is set to balloon to $700 million. Via: EAG News",left-news,"Jun 24, 2015",1 +[VIDEO] CNN CO-ANCHOR CHRIS CUOMO’S OBVIOUS OBSESSION WITH DISCREDITING BLACK GOP CANDIDATE BEN CARSON Would Be Considered β€œRacist” If Carson Was A Democrat,"Where s the outcry from the left about the mistreatment and relentless badgering of black conservative GOP presidential candidate, Dr. Ben Carson? Are we to believe by listening to CNN or MSNBC that the only thing Americans care about is gay rights? Does racism only apply to black Democrats? Wednesday morning on CNN s low-rated New Day, co-anchor Chris Cuomo floated the idea that the rainbow Gay Pride Flag might be equivalent to the Confederate Flag by asking presidential candidate if both should come down. Many people are equating what the Confederate Flag stands for with the Gay Pride Flag, and saying, Hey that flag should be taken down too because all it represents is hatred towards Christians[.] With Cuomo you can never tell if a particular act of intellectual dishonesty on his part is based on the fact that he s a none-too-bright beneficiary of nepotism-privilege, or his raging left-wing biases.https://youtu.be/pz4GdhJgtOYIn Chris Cuomo s eternal, racist crusade to disqualify Ben Carson, the left-wing CNN anchor lied about the argument against the Gay Pride Flag. Breitbart News was the first to make this point, and in doing so made it painfully clear that we were not making an equivalence argument.But Cuomo has proven himself time and again to be either a dimwit or a serial fabricator (Jeff Zucker s useful idiot, so to speak), and pointing out his dishonesty is becoming the ultimate dog-bites-man story. Via: Breitbart NewsCompare Chris Cuomo s interview with Dr. Ben Carson to his exclusive interview with Barack Obama that includes tough questions about what it s like to raise two daughters and of utmost importance to the American people questions about his dog: ",left-news,"Jun 24, 2015",0 +FBI FILES REVEALED: VALERIE JARRETT’S FAMILY TIES TO COMMUNISM RUN DEEP,"I m sure the apple doesn t fall far from the tree in this case. Many of us have known about the father-in-law but this digs deeper into Valerie Jarrett s own family. Federal Bureau of Investigation (FBI) files obtained by Judicial Watch reveal that the dad, maternal grandpa and father-in-law of President Obama s trusted senior advisor, Valerie Jarrett, were hardcore Communists under investigation by the U.S. government.Jarrett s dad, pathologist and geneticist Dr. James Bowman, had extensive ties to Communist associations and individuals, his lengthy FBI file shows. In 1950 Bowman was in communication with a paid Soviet agent named Alfred Stern, who fled to Prague after getting charged with espionage. Bowman was also a member of a Communist-sympathizing group called the Association of Internes and Medical Students. After his discharge from the Army Medical Corps in 1955, Bowman moved to Iran to work, the FBI records show.According to Bowman s government file the Association of Internes and Medical Students is an organization that has long been a faithful follower of the Communist Party line and engages in un-American activities. Bowman was born in Washington D.C. and had deep ties to Chicago, where he often collaborated with fellow Communists. JW also obtained documents on Bowman from the U.S. Office of Personnel Management (OPM) showing that the FBI was brought into investigate him for his membership in a group that follows the communist party line. The Jarrett family Communist ties also include a business partnership between Jarrett s maternal grandpa, Robert Rochon Taylor, and Stern, the Soviet agent associated with her dad.Jarrett s father-in-law, Vernon Jarrett, was also another big-time Chicago Communist, according to separate FBI files obtained by JW as part of a probe into the Jarrett family s Communist ties. For a period of time Vernon Jarrett appeared on the FBI s Security Index and was considered a potential Communist saboteur who was to be arrested in the event of a conflict with the Union of Soviet Socialist Republics (USSR). His FBI file reveals that he was assigned to write propaganda for a Communist Party front group in Chicago that would disseminate the Communist Party line among the middle class. It s been well documented that Valerie Jarrett, a Chicago lawyer and longtime Obama confidant, is a liberal extremist who wields tremendous power in the White House. Faithful to her roots, she still has connections to many Communist and extremist groups, including the Muslim Brotherhood. Jarrett and her family also had strong ties to Frank Marshal Davis, a big Obama mentor and Communist Party member with an extensive FBI file.JW has exposed Valerie Jarrett s many transgressions over the years, including her role in covering up a scandalous gun-running operation carried out by the Department of Justice (DOJ). Last fall JW obtained public records that show Jarrett was a key player in the effort to cover up that Attorney General Eric Holder lied to Congress about the Fast and Furious, a disastrous experiment in which the Bureau of Alcohol, Tobacco Firearms and Explosives (ATF) allowed guns from the U.S. to be smuggled into Mexico so they could eventually be traced to drug cartels. Instead, federal law enforcement officers lost track of hundreds of weapons which have been used in an unknown number of crimes, including the murder of a U.S. Border Patrol agent in Arizona.In 2008 JW got documents linking Valerie Jarrett, who also served as co-chairman of Obama s presidential transition team, to a series of real estate scandals, including several housing projects operated by convicted felon and Obama fundraiser/friend Antoin Tony Rezko. According to the documents obtained from the Illinois Secretary of State, Valerie Jarrett served as a board member for several organizations that provided funding and support for Chicago slum projects operated by Tony Rezco.Via: Judicial Watch",left-news,"Jun 24, 2015",0 +FIND OUT IF YOUR SENATOR VOTED TO HELP OBAMA With The Fundamental Transformation Of America,"Remember Joni Ernst? Conservatives were so excited to see her win a Senate seat in Iowa. You may be surprised to see who this patriot supported with her vote(below).Bipartisan Congressional Trade Priorities and Accountability Act of 2015Senate Vote 218 Advances Trade Promotion AuthorityResult: Cloture Motion Agreed to by a margin of 0 votes Date of Vote: June 23, 2015 Time of Vote: 11:04 a.m. Roll Call Number: 218 Yes Votes (60) Lamar Alexander R TN Kelly Ayotte R NH John Barrasso R WY Michael Bennet D CO Roy Blunt R MO John Boozman R AR Richard M. Burr R NC Maria Cantwell D WA Shelley Moore Capito R WV Thomas R. Carper D DE Bill Cassidy R LA Daniel Coats R IN Thad Cochran R MS Christopher A. Coons D DE John Cornyn R TX Tom Cotton R AR Michael D. Crapo R ID Steve Daines R MT Michael B. Enzi R WY Joni Ernst R IA Dianne Feinstein D CA Deb Fischer R NE Jeff Flake R AZ Cory Gardner R CO Lindsey Graham R SC Charles E. Grassley R IA Orrin G. Hatch R UT Heidi Heitkamp D ND Dean Heller R NV John Hoeven R ND James M. Inhofe R OK Johnny Isakson R GA Ron Johnson R WI Tim Kaine D VA Mark Steven Kirk R IL James Lankford R OK John McCain R AZ Claire McCaskill D MO Mitch McConnell R KY Jerry Moran R KS Lisa Murkowski R AK Patty Murray D WA Bill Nelson D FL David Perdue R GA Rob Portman R OH Jim Risch R ID Pat Roberts R KS Mike Rounds R SD Marco Rubio R FL Ben Sasse R NE Tim Scott R SC Jeanne Shaheen D NH Dan Sullivan R AK John Thune R SD Thom Tillis R NC Patrick J. Toomey R PA David Vitter R LA Mark Warner D VA Roger Wicker R MS Ron Wyden D ORNo Votes (37) Tammy Baldwin D WI Richard Blumenthal D CT Cory Booker D NJ Barbara Boxer D CA Sherrod Brown D OH Benjamin L. Cardin D MD Bob Casey D PA Susan Collins R ME Ted Cruz R TX Joe Donnelly D IN Richard J. Durbin D IL Al Franken D MN Kirsten E. Gillibrand D NY Martin Heinrich D NM Mazie K. Hirono D HI Angus King I ME Amy Klobuchar D MN Patrick J. Leahy D VT Joe Manchin III D WV Edward J. Markey D MA Jeff Merkley D OR Barbara A. Mikulski D MD Christopher S. Murphy D CT Rand Paul R KY Gary Peters D MI Jack Reed D RI Harry Reid D NV Bernard Sanders I VT Brian Schatz D HI Charles E. Schumer D NY Jeff Sessions R AL Richard C. Shelby R AL Debbie Stabenow D MI Jon Tester D MT Tom Udall D NM Elizabeth Warren D MA Sheldon Whitehouse D RIDid Not Vote (3) Bob Corker R TN Mike Lee R UT Robert Menendez D NJVia: NYT s ",left-news,"Jun 23, 2015",0 +[VIDEO] OUR RACIST PRESIDENT INVITES MUSLIMS To Join Blacks In Victim Pool While Celebrating Ramadan at White House," As Americans we insist that no one should be targeted because of who they are, what they look like, who they love, what they worship. (Unless of course, you re a cop or a person who enjoys white privilege ).Doesn t Mooch target privileged white people every time she has a microphone placed in front of her? Whether speaking at a commencement speech or museum opening, Mooch doesn t miss an opportunity to point out how mistreated she and her husband, (the two-term elected President of the United States) are by dragging race into every speech. Why is that okay?Barack Obama hosted an Iftar dinner at the White House on June 22, 2015. He paid tribute to three Muslim students (victims killed by a white man) who were murdered in Chapel Hill, NC. He managed to tie the recent hateful act by another young white man who killed 9 innocent black church members in Charleston, SC into his speech. The Koran teaches that God s children should tread lightly above the earth and that when confronted with ignorance, reply peace. Where was your peaceful muslim speech following the attempt by two muslims in Texas to commit mass murder during Pamela Gellar s free speech event?",left-news,"Jun 23, 2015",0 +"[VIDEO] OUR DIVIDER IN CHIEF, BARACK OBAMA, INVOKES β€œN” WORD During Interview","Our 44th President just doing his part to keep the racial fire stoked Barack Obama claimed the United States was still infected with racism and dropped the N-word to make his point in his first ever podcast interview released this morning. The President said: Racism, we are not cured of it. And it s not just a matter of it not being polite to say n****r in public. That s not the measure of whether racism still exists or not. It s not just a matter of overt discrimination. Societies don t overnight completely erase everything that happened 200 to 300 years prior. The President said that attitudes about race had improved significantly since he was born to a white mother and black father 53 years ago.But the nation s history of slavery casts a long shadow, and that s still part of our DNA that s passed on .Obama made the remarks in a podcast for comedian Marc Maron following the fatal shooting of nine people last Wednesday at a historical black church in Charleston, South Carolina.Echoing his own Thursday statement on the shootings, the President said the nation must determine how it can respect the rights of firearm owners while keeping weapons out of the hands of the mentally unstable. The question is just: is there a way of accommodating that legitimate set of traditions with some commonsense stuff that prevents a 21-year-old who is angry about something or confused about something, or is racist, or is deranged, from going into a gun store and suddenly is packing and can do enormous harm. And that is not something that we have ever fully come to terms with. It is thought he was referring to Dylann Roof, the 21-year-old South Carolinian accused of killing nine congregants at Emanuel AME church in Charleston.Obama s interview with comedian Marc Maron for his podcast, WTF, was recorded on Friday but was not posted online until this morning.The President lamented how often he had to speak to the country about a devastating loss and added: It s not enough just to feel bad. There are actions that could be taken to make events like this less likely. And one of those actions we could take would be to enhance some basic commonsense gun-safety laws that, by the way, the majority of gun owners support. He reiterated his Thursday claim that there s no other advanced nation on earth that tolerates multiple shootings on a regular basis and considers it normal. And to some degree that s what s happened in this country. It s become something that we expect. The President claimed the common framing of shooting sprees was that it s a crazy person you can t help it .And he said gun control legislation had been stymied in Congress because the grip of the NRA (National Rifle Association) on Congress is extremely strong .Via: UK Daily Mail",left-news,"Jun 22, 2015",0 +THE DEMOCRAT WHO WROTE A PAPER About How Women Fantasize About Being Gang Raped Draws Larger Crowds Than GOP Presidential Candidates,"The producers vs. the looters The man honeymooned in a Communist country. He even wrote a paper about how woman fantasize about being gang raped. Combine all of that with the fact that he subscribes to the disturbing belief of Socialism and a reasonable person might believe it would all add up to a failed Presidential campaign. In the America of the past that would undoubtedly be the case. But in the Progressive hell the United States has now become a candidate with those credentials just seems to draw an ever larger crowd of supporters.Politicus USA reports that Socialist presidential candidate, Bernie Sanders, attracted a good size crowd during his recent visit to Denver, Colorado. So large in fact it was a larger crowd than any Republican candidate has attracted so far:Bernie Sanders drew a bigger crowd than any Republican candidate, as 4,500 supporters filled his event in Denver.According to the Sanders campaign: Thousands of cheering and chanting Coloradans one of the biggest crowds for any presidential candidate so far this campaign showed up here on Saturday night to hear Bernie Sanders tell them they were sending a message to the billionaire class that You can t have it all. This is our country too. By the university s count, 4,500 people were in the gym, atrium and lacrosse field to see Sanders, the candidate for the Democratic Party presidential nomination and a U.S. senator from Vermont.Sen. Sanders drew the second biggest crowd of the entire campaign in Denver. The only bigger crowd by official count wasHillary Clinton s rally in New York last weekend. Sen. Sanders is pulling off the most impressive feat of the campaign. People are excited and showing up for his events.Unlike Ted Cruz who drew a big crowd for his campaign launch by holding it a university event that students were forced to attend, the enthusiasm for Bernie Sanders is real. He doesn t pay actors to come to his rallies and support him like Donald Trump did If the Progressive website s claim is true, IF, then this would possibly signify a disturbing trend where the United States is embracing the Socialist mantra more than it has previously.But most likely, the fact that no one Republican candidate has yet to attract a large amount of public support at their rallies is just a result of the large field of Republican candidates, and the fact that the voters on the political right are just tired of establishment, cookie cutter politicians who will say anything to get elected. And then do as they please once in office.As the number of candidates is whittled down on the Republican side either the crowds will appear to support that one candidate or, as they did during the last presidential election, they ll stay home. Which, if history and Hillary s lack of luck on her presidential runs hold, could possibly mean that Bernie Sanders may be the next United States President.God help us if that cold day in hell becomes a reality. We ve seen the damage one Progressive President who denies being a Socialist and a Marxist has done to this nation. Image the destruction a full fledged, proud to be Socialist President would do .Via: Progressives Today",left-news,"Jun 22, 2015",0 +UNBELIEVABLE VIDEO OF NYPD COPS BEING PUNCHED BY MAN IN CROWD WHILE Woman Being Arrested Attempts To Steal Female Cops Gun,"Why would anyone want to risk their lives while serving their community as a cop in this hostile, anti-cop, free-for-all environment created by Barack Obama, Eric Holder and Al Sharpton?Two NYPD officers are attacked and punched several times by a black man while attempting to arrest a woman. The woman being arrested can be seen trying to grab the female NYPD officer s gun numerous times during the altercation.Via: LiveLeak",left-news,"Jun 22, 2015",0 +[VIDEO] RINO STRATEGIST KARL ROVE HAS SOLUTION TO GUN VIOLENCE: Repeal Second Amendment,"Why does FOX News even give this guy a microphone? He lost his relevance about a decade ago, and yet FOX News still thinks Americans care about anything he has to say. He was against gun control before he was for it Republican strategist Karl Rove said on Fox News Sunday the only way to stop gun-related violence, like the Wednesday massacre at Emmanuel African Methodist Church in Charleston S.C., was to repeal American citizens Second Amendment rights.When Chris Wallace asked Rove how we can, stop the violence, the long-time gun-rights advocate stated that we have made great strides as a nation in empathizing with the victims of these types of shootings, but the only way to guarantee they will stop is to remove guns from society. What do you think?WALLACE: How do we stop the violence?What do you think? ROVE: I wish I had an easy answer for that, but I don t think there s an easy answerWhat do you think? We saw an act of evil. Racist, bigoted evil, and to me the amazing thing is that it was met with grief and love. Think about how far we ve come since 1963. The whole weight of the government throughout the South was to impede finding and holding and bringing to justice the men who perpetrated the [Birmingham] bombing.What do you think? And here, we saw an entire state, an entire community, an entire nation come together, grieving as one and united in the belief that this was an evil act, so we ve come a long way.What do you think? Now maybe there s some magic law that will keep us from having more of these. I mean basically the only way to guarantee that we will dramatically reduce acts of violence involving guns is to basically remove guns from society, and until somebody gets enough oomph to repeal the Second Amendment, that s not going to happen.Via: Daily Caller",left-news,"Jun 22, 2015",0 +BLACK WOMAN IN CHARLESTON WARNS β€œThere’s gonna be a race war against β€˜Cracka’s'”,"All the progress that s been made with race relations in America since the civil rights era has been ignored by so many angry blacks who ve bought into the carefully orchestrated Obama, Sharpton and Holder race war funded by their friend, George Soros. Since the liberal mainstream media wants to use the horrific massacre in Charleston to attack conservatives, disparage white people and act as if Dylann Roof s actions represent a normalcy, I thought it only fair to bring up the case of a black woman from Charleston, Sista Solove, who this week essentially asserted that white supremacy is leading us towards a race war against crackas. She made the statement on Wednesday while speaking with Breitbart Texas editor Brandon Darby outside the Mother Emmanuel American Methodist Church in Charleston.When he asked her what she thinks will ultimately result from Roof s actions, she replied, The real question is if it were the other way around, what would that be? https://youtu.be/_o-rzGRSu8sIf a black person if a nigga killed nine crackas, he would be dead. We wouldn t even be talking about his raggedy ass. Okay. But this cracka is, Oh, he s mentally ill. Oh, ya know, pray for him. Oh, they ve got support systems for him.No, it s an agenda, and there s going to be a race war because it continues to happen. You cannot go pray. You can t be a child at a playground. You can t wear a hoodie with Skittles. You can t be black.What s a good nigga supposed to do, Massa? What s a good nigga supposed to do not to get shot? That s a good question, ain t it?The reason Roof happens to be alive to this day is because he complied with police orders and did not resist arrest. This places him in stark contrast to the likes of, say, Mike Brown and Eric Garner.The comment about a child at a playground referred to 12-year-old Tamir Rice, who died in an unfortunate incident after a bystander reported a male sitting on a swing and pointing a gun at people. The gun turned out to be fake, though according to reports, Rice reached for it when the cops told him to put his hands up.And as for the comment about how you can t wear a hoodie with Skittles, that referred to Trayvon Martin, who was justifiably shot by George Zimmerman after he attacked the guy for no legitimate reason whatsoever.Anyway. Sista Solove then delivered what Breitbart contributor Lee Stranahan accurately described as the academic Marxist message of white privilege that underscores the current Black Lives Matter movement :It s called white privilege. You don t understand where our anger comes from. No one gets it. Our history comes from our family telling us, Oh, you can t be black. Don t do this, don t go to that fountain, don t do this and we re still dealing with this shit. What are we going to do with the anger? What are we going to do with the anger? What do we do?Via: DownTrend",left-news,"Jun 22, 2015",0 +ILLEGAL ALIEN CRIMINALS ON HUNGER STRIKE IN AZ PRISON Give List Of Demands Including Removal Of Threat Of Deportation,"This reminds us of the list of demands that were made by the American prisoners in Mexico oh wait never mind The border has been a hot topic in this country, since floods of illegal immigrants have been pouring over the border. To make matters worse, these illegals are receiving benefits that hard-working Americans have paid for, and they continue to show a lack of respect for our culture or make any attempts to assimilate. Law enforcement has had their hands tied every step of the way, and when they are able to finally detain illegals, it only causes more issues.A group of 200 illegal immigrants launched a hunger strike at Eloy Detention Center outside Phoenix Saturday morning. The men sat down in the recreation yard at 9:45 a.m. and declared the strike, the advocacy group Puente Movement said, taking action for what they called brutal and inhumane conditions.The recent death of Jos de Jes s Deniz-Sahag n has been a rallying cry for these offenders. They claim that he died under mysterious circumstances, and they want their questions answered. Deniz-Sahag n was found dead in his cell and did not show signs of injury, but detainees who joined the strike Saturday said guards beat him and locked him up in solitary confinement before he died.These criminals also say that they are forced to work at the center for $1 per day and sometimes do not receive needed medical treatment. Francisca Porcha, the director of Puente Movement, said, They re outraged because they re the ones who heard him scream for mercy, it was the straw that broke the camel s back. The criminals have a list of demands that need to be met for the strike to end, which include:The independent investigation into two recent deaths that had mysterious circumstances and problems of guards using excessive force.The conditions of their detainment be improved, which would include both medical and mental health care.They must have access to legal resources and court hearings if requested.The exploitation of the detainees work be ended.There should be no more criminalization , detention, and deportation.The offenders say that they are pressured to work long shifts with barely any compensation. What kind of hypocrisy is this where the United States is picking up people for working without documents, but it s perfectly legal to work for a private corporation for $1 a day? Porcha said.In response to the demands U.S. Immigration and Customs Enforcement (ICE) has released a statement on Saturday: U.S. Immigration and Customs Enforcement (ICE) is committed to ensuring the welfare of those in custody, ICE managers and detention center staff communicate with detainees regularly and respects the right of people to express their opinions. ICE detainees are under continuous observation by center staff and medical personnel. I am sure we can all get behind the idea that people should receive proper medical and mental care, but the other demands really? They should have no special treatment given to them since they are not American citizens. To have the gall to demand that there be no threat of criminalization, detention, and deportation is absolute madness. They would not be detained if they had not broken the law when they entered this country illegally.Via: Mad World News",left-news,"Jun 18, 2015",0 +THE ULTIMATE COMMUNITY ORGANIZER: IS YOUR NEIGHBORHOOD TOO WHITE? IS IT TOO RICH? Obama Plans To β€˜Fix’ Them Using Government to Force Diversity,"Of course, the government will have to address that whole income inequality issue, because clearly every illegal alien or underprivileged American doesn t have the financial means to live in the wealthier communities or suburbs. Socialism is here, and unless we find someone in Congress willing to stand up to this president, everything Americans have worked so hard for will likely be taken away by government force This is what you get when you put a community organizer in the White House he tries to reorganize your community from Washington.Apparently, President Obama thinks your neighborhood may not be inclusive enough, so he has instructed his Department of Housing and Urban Development to issue a new rule called Affirmatively Furthering Fair Housing, which is designed to force communities to diversify.According to the Obama administration, in too many neighborhoods housing choices continue to be constrained through housing discrimination, the operation of housing markets, [and] investment choices by holders of capital. (Yes, that is a quote from an actual HUD document, not a bad undergraduate thesis on Karl Marx.)Under Obama s proposed rule, the federal government will collect massive amounts of data on the racial, ethnic and socioeconomic makeup of thousands of local communities, looking for signs of disparities by race, color, religion, sex, familial status, national origin, or disability in access to community assets. Then the government will target communities with results it doesn t like and use billions of dollars in federal grant money to bribe or blackmail them into changing their zoning and housing policies.This is not about blocking housing discrimination, which has been illegal since 1968. It is unlawful for someone to deny you a loan or prevent you from buying a home because of your race, creed or color. Socioeconomic status is and ought to be another matter. If you want to buy a nice house in the suburbs, you have to be able to afford it. Apparently, Obama thinks that s unfair discrimination by the holders of capital. Putting decisions about how local communities are run in the hands of federal bureaucrats is an assault on freedom. Local autonomy is essential to liberty. As Milton Friedman put it in Capitalism and Freedom, If I don t like what my local community does, be it in sewage disposal, zoning or schools, I can move to another local community. . . . If I don t like what my state does, I can move to another. If I do not like what Washington imposes, I have few alternatives in this world of jealous nations. Washington has no business imposing decisions about zoning and housing policies on thousands of local communities.The proposed rule could become an issue in the presidential race. HUD Secretary Julian Castro, the man assigned to implement this new policy, is on everyone s shortlist to be Hillary Clinton s running mate. Moreover, as National Review s Stanley Kurtz points out, collecting all the data will take time which means decisions about how to use that data will be up to the next president, whoever that turns out to be.Local communities across the United States will be up in arms over this rule and rightly so. The federal government should have no say over whether your neighborhood is too Jewish, or too Caucasian, or has too many married couples. But Republicans need to be very careful. Democrats want the GOP to rail against this rule and see it as an opportunity to paint the Republicans as the party that wants to protect the wealthy, white suburbs and keep out poor people of color.Conservatives need to make this absolutely clear: We believe Americans of all races, colors and creeds should be free to live wherever they want. And we want to help them do so by unleashing economic opportunity for those at the bottom so that more Americans can get better educations and better jobs and ultimately move to better neighborhoods.Under Obama, those opportunities have been disappearing for Americans at the bottom of our economy. While he talks a good game about inequality, the poor have gotten poorer while the rich have gotten richer on Obama s watch. During the Obama recovery, Americans in the top 5 percent of households (those with average incomes of more than $320,000) were the only group in the United States to see incomes rise from 2009 to 2013. Meanwhile, those worst hit were in the bottom 20 percent, who saw their real incomes fall by 7 percent on average. As American Enterprise Institute President Arthur C. Brooks explains , Our putatively progressive president has inadvertently executed a plutocratic tour de force. Having Washington micromanage the housing and zoning policies of thousands of local communities is not going to change this. The answer is not to force local governments to build affordable housing in affluent communities. The answer is to restore upward mobility in the United States so that more people can afford housing in affluent communities.Via: Washington Post ",left-news,"Jun 18, 2015",0 +DIVERSITY GONE WILD: US Government Plans To Replace Alexander Hamilton On $10 Bill With A Woman…,"We re living in such historic times I can barely take all the diversity and equality Help us to choose the woman the Obama regime will select to replace Alexander Hamilton on the $10 bill (below). The Treasury Department is preparing to announce that they are putting a woman on the $10 bill, as a source has confirmed what appears to be a premature tweet.Treasury Secretary Jack Lew will announce Thursday that the Bureau of Engraving and Printing will put a woman on the bill as soon as 2020. Via: Weasel ZippersWednesday evening, Nancy Lindborg tweeted:Sec Lew announced 2day historic decision to feature a woman on new 10 dollar bill. About time! Share ideas on who to feature #TheNewTen. Nancy Lindborg (@nancylindborg) June 17, 2015We have a few guesses as to whom the Obama regime will choose as Alexander Hamilton s replacement:The honorable and very alert US Supreme Court Justice, Ruth Bader GinsburgWhite House puppet master, Valerie JarrettAmerica s first Food Nazi and 5-star vacation MoochAmerica s first transracial, habitual liar and former Spokane, WA NAACP PresidentAnd finally America s most dishonest presidential candidate ",left-news,"Jun 18, 2015",0 +$110K STOLEN FROM β€˜At Risk Kids’ Fund By DC City Council To Fund Obama’s Inaugural Ball,"Aren t the kids already suffering enough by being forced to eat Mooch s slop for lunch? Isn t it always all about the kids for the unions and Dem s? When the Washington D.C. City Council pleaded for $110,000 in funding for a program for at risk kids they cried that it was for the children. But not long after the money was given to the city, officials decided to use it to fund a big party for Obama s 2009 inaugural. Now one official has been sentenced for this theft.Former DC official Neil S. Rodgers was sentenced this week for the theft and six others have pled guilty in separate cases for the misappropriation of the funding.Neil S. Rodgers, a former D.C. government official, was sentenced Tuesday for his role in the misappropriation of $110,000 earmarked for D.C. s Children at Risk and Drug Prevention Fund to cover a deficit for the 51st State Inaugural Ball for President Obama s inauguration in 2009. Rodgers, found guilty of fraud in March, was sentenced to 36 days (served on weekends) plus two years of probation. Rodgers must also repay the entire $110,000 as restitution for his crime. In 2008, as arrangements were underway for inauguration celebrations, the Washington City Paper reported on former council member Harry Thomas Jr. s early plans for the 51st State Inaugural Ball, noting that there would have to be a plan to raise funds for the event, and security and cleanup concerns would also have to dealt with. Thomas says all that will be taken care of; he says he plans to seek private donations to cover the difference between the event s cost and the revenues raised by the $51 ticket cost. Donations, however, came up short. Justice Department officials described Rodgers s role in the misappropriation scheme in a Tuesday press release.Via: Right Wing News",left-news,"Jun 18, 2015",0 +[VIDEO] DOES SEEING TWO NAKED LESBIANS IN BED TOGETHER MAKE YOU WANT TO EAT YOGURT? Chobani Apparently Thinks It Does,"It s a shame really when a company who produces a really great product is more driven by their desire to promote a perverted social message than to actually promote their product. My husband thanks you Chobani, because of your decision to shove your brand of diversity down our throats, he ll have 20 less cartons of Chobani yogurt to shift around in our refrigerator every week. Greek yogurt brand Chobani debuted the latest television spot for its Simply 100 yogurt on Monday, with a surprise twist at the end in the closing seconds of the ad, the couple eating yogurt in bed are revealed to be lesbians.Created by ad agency Opperman Weiss, the 30-second spot, part of the brand s new seven-part Love This Life campaign, features a naked woman eating Chobani yogurt in bed next to her partner. The woman leans over and tickles her partner s foot, then seductively slides off the bed as the brand s new slogan appears onscreen.Chobani CMO Peter McGuiness told ad industry magazine AdWeek that using a lesbian couple in the spot was a natural progression for the new campaign. The campaign hopes to highlight a series of modern American stories that connect the brand s values to its fans values. For us, it s why not [feature a same-sex couple] not why, McGuiness told AdWeek. There s nothing new here, per say. Inclusion and equality has been and is foundational and fundamental to the company. Chobani is the latest brand to include same-sex couples in its advertising. In January, luxury jewelry outlet Tiffany & Co. introduced its first-ever spot featuring a gay couple getting engaged. Other brands featuring same-sex couples in its ads include Wells Fargo and clothing retailer Gap.Television advertising represents something of a new frontier for the LGBT movement. Of course, television itself has exploded with critically-acclaimed programming featuring gay and transgender characters.Bruce Jenner, who came out as a woman last month on a now-infamous Vanity Fair magazine cover, is set to star in I Am Cait, a new eight-part docu-series about living as a transgender woman premiering this summer on the E! network. Fourteen-year-old transgender high-schooler Jazz Jennings will also get her own reality show, All That Jazz, on TLC this summer. Those shows are just the first in an expected bump in transgender-themed reality television programming.Transgender actor Laverne Cox earned an Emmy nomination for the Netflix prison series Orange is the New Black, while Jeffrey Tambor picked up a Golden Globe for his role as transitioning father Maura Pfefferman in Amazon s Transparent, which itself won Best Television Series honors at this year s Globes.Over on network television, Jussie Smollet portrays Jamal Lyon, the gay son of a hip-hop mogul on Empire, the biggest show on TV last season. And in March, ABC Family s The Fosters made history by airing the youngest-ever same-sex kiss between two 13-year-old boys.Via: Breitbart NewsBelow, you will find the message I sent to Chobani. Please feel free to send your own message to this address: www.care.chobani.comHave you lost your mind? What were you thinking when you produced a commercial for your high quality yogurt featuring two naked lesbian women in bed? I have a few large social media sites, and as I sit writing about your choice to place your social messaging above your product, I realize that the 20-25 cartons of Chobani I buy for myself and my three athletic daughters will be the last Chobani yogurt I buy. When my girls ask me why? I will have to explain to them that you have chosen to push a minority lifestyle on everyday Americans with no regard for how it may affect the young children and traditional families who purchase your product. I have nothing against gay relationships, I do however, have something against a company who I have been so loyal to for so long, choosing to push a lifestyle on America that we simply don t want pushed on us. My husband will be happy, as he ll have more room in the fridge to keep his beer cold, because I will now be buying the large containers of Fage yogurt and adding my own fruit. So long Chobani! I hope your message was worth the backlash you will certainly receive. You ve pushed the envelope too far this time Here is their emailed response(inlcuding the name of the respondent as well as his phone number: Hey, Patty.Thank you for sharing your thoughts with us about our newest Love This Life commercial.We launched our Love This Life campaign in May to reflect our fans and celebrate the role that natural food plays in their lives.As part of our founding mission to make better food for more people, inclusiveness is at the heart of our company. We re proud that our products are enjoyed by all and celebrate that diversity.Since our founding, we ve always believed in honesty and authenticity in everything we do. This campaign is part of that mission, and we hope you understand that we re staying true to our founding mission.We take your feedback very seriously and will of course share it, and we want to personally thank you for reaching out to us.Regards, Shawn Shawn Hess Customer Loyalty Team Lead 147 State Highway 320 Norwich, New York 13815 877-847-6181 www.chobani.com ",left-news,"Jun 16, 2015",0 +[VIDEO] DETROIT WOMAN KILLS BEST FRIEND OVER 2012 PRESIDENTIAL RACE ARGUMENT…Media Refuses To Say Killer Supported Obama,"If the murderer was arguing in defense of a Republican would the media be working so hard to keep her political persuasion private? In a dramatic and colorful case with strong political overtones, a Livonia, Michigan woman was ordered to stand trial for murder after allegedly bashing her neighbor to death with a slow cooker following an argument over presidential politics. The news media are studiously avoiding any inquiry into the politics of the accused and those of the victim, which ordinarily tells you the story. A few seconds worth of internet sleuthing fills in a few details that proceed along the lines any conservative (but no media reporter) would suspect.// https://youtu.be/MxaEuvmBuo4The Detroit News reports:A Detroit woman was ordered Thursday to stand trial in the killing of her friend beaten with a slow cooker after the two argued about politics.Tewana Sullivan, 50, who is charged with murder, cried at her preliminary hearing as she heard graphic details about the fatal Oct. 22 assault on Cheryl Livy, 66, with a kitchen appliance.Oakland County Medical Examiner Dr. Ljubisa Dragovic testified before Livonia District Judge Sean Kavanagh that Livy died of blunt force injuries to her head, face and mid-back.Livy also had defensive injuries to the back of her hands where it appears she tried to protect herself, Dragovic testified.Livy was discovered barely breathing with the cord of the busted slow cooker around her neck in her apartment around 10:45 p.m. at the McNamara Towers senior housing complex in the 19300 block of Purlingbrook, officer Thomas Blauvelt testified.Blauvelt said he found blood all over the walls, all over the floor, all over the victim. In other words, an extremely brutal murder. Not quite ISIS-level, but no swords, cages, or lighter fluid were at hand. Using what was available, a slow cooker (apparently this was a kitchen discussion), Ms. Livy was beaten to death, as she futilely tried to defend herself.The argument was over politics, but no specifics are being given:Defense attorney John McWilliams said the two women had argued over presidential politics. Whatever the controversy is between Democrats and Republicans, he said.As a conservative, I am accustomed to vitriol being hurled at me from the left. Sure, there are some uncouth and some violent people on the right, but in this era, one sees racial agitators on the left in particular sparking violent attacks, as, for example, following the shooting in Ferguson, Missouri. I am not aware of any riots in the past several decades by conservatives.The defendant, Ms. Sullivan, is black. We know that roughly 92% of blacks voted for President Obama. The victim, Ms. Livy, is white. Take a look at the Facebook page Justice for Cheryl Livy to see her pictures: This is not conclusive evidence, to be sure. It is possible Ms. Livy was an extreme leftist. arguing with Ms. Sullivan that Obama is not progressive enough. Or maybe Ms. Sullivan was among the small minority of blacks who are conservative, though I have never in my life heard of a black conservative who has tendencies toward violence (Clarence Thomas, Thomas Sowell, Lloyd Marcus, Kevin Jackson they all tend toward thoughtful). But the odds are that a Democrat assassinated a critic of President Obama ( presidential politics today necessarily involve President Obama) in the wake of a heated political argument. I d be willing to bet a substantial amount of money on that with anyone who would give me even odds.Via: American Thinker",left-news,"Jun 16, 2015",0 +[Video] MUSLIM MAN HITS GAY COUPLE OVER HEADS WITH CHAIR IN MANHATTAN: Why It Won’t Be Treated As A Hate Crime,"Bayna-Lehkiem El-Amin, the muslim man who attacked the two gays in a Manhattan restaurant may want to stay away from tall buildings after the truth about this story gets out The man accused of bashing a gay couple with a chair in a Chelsea barbecue restaurant has surrendered to cops but hasn t been arrested on hate crime charges because he s gay too, police sources said.Bayna-Lehkiem El-Amin, 41, surrendered to NYPD Hate Crime detectives at the 7th Precinct and charged with assault and attempted assault.El-Amin slammed a chair over the heads of Jonathan Snipes, 32, and Ethan York-Adams, 25, during a dispute inside Dallas BBQ on Eighth Ave. near W. 23rd St. on May 5.He was also accused of using homophobic slurs, but his lawyer said the Bronx resident couldn t be hit with hate crime charges because his client was also gay, sources with knowledge of the investigation said.The charges could be upgraded at his arraignment Tuesday afternoon, a second police source said.El-Amin left the city after the attack, but professed his innocence online.Here s the video taken by a surveillance camera in the restaurant. You be the judge: Video: WABC News TV New YorkWriting on the blog The G-List, El-Amin said that he was attacked first. I was the victim I was sitting at my table, he wrote. With no provocation, he came up and hit me. There was no slur thrown at him. Via: NY Daily News ",left-news,"Jun 16, 2015",0 +"[VIDEO] SHOULD RINOS AND DEMOCRATS FEAR TRUMP’S PRESIDENTIAL BID? β€œI would build a great, great wall on our southern border and make Mexico pay for it”","Donald Trump announced he will be running for President as a Republican in 2016. Here s what he had to say about our military and Iran: Nobody would be tougher on ISIS than Donald Trump nobody. Within our military, I will find the General Patton or I will find General MacArthur. I will find the right guy. I will find the guy who will take that military and make it really work. Nobody nobody will be pushing us around. I will stop Iran from getting nuclear weapons. And we won t be using a man like Secretary Kerry that has no concept of negotiation. Video h/t: Gateway PunditHis announcement can be seen here:Donald on TPA and why Obama is a bad negotiator:Donald on his net worth:",left-news,"Jun 16, 2015",0 +OBAMA’S DREAM IS AMERICA’S NIGHTMARE: 121 Illegal Aliens Commit Murder After Avoiding Deportation Orders,"A different set of laws apply to illegals in fact, it appears there are no laws that apply to illegals More than 100 convicted criminals who remained in the U.S. despite receiving deportation orders between 2010 and 2014 now face murder charges, according to the agency charged with carrying out such deportations of illegal immigrants.U.S. Immigration Customs and Enforcement reports that 121 convicted criminals who were never removed from the country face murder charges today.In response, Sens. Chuck Grassley, R-Iowa, and Jeff Sessions, R-Ala., of the Judiciary Committee submitted a letter on June 12 requesting a multi-departmental response from Attorney General Loretta Lynch, Secretary of State John Kerry and Homeland Security Secretary Jeh Johnson.In their letter, Grassley and Sessions cite Immigration and Customs Enforcement statistics that show 1,000 of the 36,007 criminally-convicted illegal immigrants released from custody in fiscal year 2013 have been reconvicted of additional crimes.The senators wrote that the murders committed by the 121 convicted criminals could have been avoided had they not been released.As a result, Grassley and Sessions are requesting an explanation from the Obama administration officials concerning the government s decision to release the convicted criminals before deportation.The senators also ask for information concerning the future of U.S. initiatives to deport convicted criminals and whether immigration officials are fully leveraging existing tools and resources to prevent these dangerous outcomes. However, Immigration and Customs Enforcement Director Sarah Saldana wrote in a recent letter that convicted criminals may be released, even if the convicted individuals face deportation charges.h/t Weasel ZippersVia: The Daily Signal",left-news,"Jun 16, 2015",0 +MORE TRANSPARENCY: CLINTON’S REFUSE TO RELEASE HILLARY’S HEALTH RECORDS,"Karl Rove is suggesting Hillary suffered brain damage following her blood clot.On Sunday, Hillary Clinton s campaign manager would not commit to releasing her health records during the 2016 campaign.Face the Nation host John Dickerson pointed out that Hillary Clinton had a big health scare when she was secretary of state and asked campaign manager Robby Mook, will she release her medial records as part of this campaign? I will let Hillary decide that, Mook answered. But I can tell you she has been hitting the campaign trail hard. In 2012, Clinton had to delay her Benghazi testimony to Congress after she fell and suffered a concussion. She later was treated for a blood clot in her brain, which experts said could have been life threatening. Though Clinton joked about her cracked head in emails that the State Department recently released, Bill Clinton revealed last year that Hillary s injuries required six months of very serious work to get over. On the stump this weekend, Clinton tried to deflect concerns about her age by saying that she would be the youngest woman president if elected to the White House.Via:Breitbart News",left-news,"Jun 16, 2015",0 +BREAKING: MEGYN KELLY INTERVIEWS PARENTS OF FAKE BLACK RACHEL DOLEZAL [VIDEO],This whole public nightmare must be heartbreaking for her parents H/T Weasel Zippers,left-news,"Jun 16, 2015",0 +BUSTED: THE ULTIMATE COMMUNIST ORGANIZER…Evidence Shows George Soros Behind Ferguson Race Riots,"George, Barack and Hillary the axis of evil Professional race activists Deray McKesson and Johnetta Elzie (ShordeeDooWhop), pictured here in Baltimore, helped whip up the Ferguson mobs. This year Fortune Magazine named these two professional activists two of the world s greatest leaders.Many conservatives rightly smelled a rat in the supposed organic race-riot movement that sprang up so quickly in Ferguson, Missouri in August 2014 after the shooting death of robber Michael Brown. After burning the Ferguson and Dellwood, Missouri business districts to the ground the radical left has relentlessly sought to recreate the same discord and disinformation in various locations around the U.S. Ferguson #BlackLivesMatter protest leaders have been flown to New York, South Carolina, Milwaukee, Selma, and more recently to McKinney, Texas and Hillary s campaign relaunch in New York.Thankfully, every day patriots and online conservative investigators still fight to shine truth, anywhere the movement tries to sow its twisted seeds to foment anger, feed bitterness, and breed division.Much has been printed about the paid protesters and Soros connections.** Nearly half of the roughly 500 businesses operating in Ferguson and adjacent communities, such as Dellwood and Jennings, suffered property damage or lost revenue as a result of the coordinated Ferguson protests and riots.In May black Ferguson activists staged a protest at the office of MORE (Missourians Organizing for Reform and Empowerment) to complain that the group s white leaders collected tens of thousands of dollars in donations off of the Black Lives Matter movement without paying the Black participants their fair share. It was during these protests that Ferguson activists admitted that fellow protesters were making MORE THAN $5,000 a month to disrupt cities, damage property and attack police!In response to these protests MORE released a list of names and amounts paid out to protesters and protest groups who agitated and harassed police night-after-night in Ferguson last fall and winter.The list of over 80 groups and individuals was posted on Twitter by an irate protester. Via Weasel ZippersOne of the protest leaders who showed up in Ferguson shortly after Michael Brown s death was DeRay McKesson from Minneapolis. DeRay and fellow activist Johnetta Elzie (ShordeeDooWhop) were nationally recognized and celebrated by the liberal media as two of the top stars of the violent protest mob.We now know that DeRay McKesson has been working with and for Soros-funded groups since he was in junior high school. We know this because DeRay released his resume online this past weekend.DeRay says he s been living off of savings for the past nine months as he s turned up in Ferguson, Baltimore, New York City, Milwaukee, Selma, McKinney and this past weekend he was at Hillary Clinton s campaign relaunch in New York state.DeRay and Charles Wade, Solange Knowles s stylist, the founder of Op Help or Hush have known each other for three years. Wade and McKesson were regular Ferguson protesters. That means the two have been affiliated well before Michael Brown went on his crime spree. DeRay has used his capacity, as Charles calls it, to push the movement s agenda far and wide.DeRay has long been known for his skill at community organizing .He served as president of his class at Bowdoin College, as well as president of Bowdoin Student Government. While at Bowdoin, DeRay reportedly grew close to Bowdoin President Barry Mills, whose wife, Karen Gordon Mills, served in the Obama Administration. DeRay just happened to stay on the couch of an unnamed Bowdoin alum when he first descended on Ferguson.After graduating from Bowdoin, DeRay worked for the Harlem Children s Zone, run by none other than Bowdoin alums Druckenmiller and Geoffrey Canada. Coincidentally, Geoffrey served on the Open Society Institute s board.Throwback, meeting HCZ's Geoff Canada. pic.twitter.com/ocyw6Yo57q deray mckesson (@deray) February 16, 2015DeRay also worked for the movement linked Teach For America, another radical Soros-funded group.But DeRay s ties to Soros and community organizing seemingly date back even further, to McKesson s teen years, at least. Suffice it to say, DeRay has been tied to Soros for more than a decade, through many programs.Perhaps DeRay s long and numerous apparent ties to Soros explain how he was so quickly dispatched to Ferguson, Missouri to take control of the protesters and become the powerfuls approved and promoted voice on the ground. As DeRay said, People will come out into the streets to confront a system that is corrupt. Yet, DeRay seems to be molded, directed, and funded by some of the most powerful men in that very system. It looks as if someone may be pulling the strings behind the scenes to foment rage as this astroturf anti-police movement spreads from Ferguson to other points in America.Via: Gateway PunditAND LAST BUT CERTAINLY NOT LEAST...Here s Deray throwing his support behind Hillary on Twitter! What a surprise ",left-news,"Jun 15, 2015",0 +(Video) Obama Supporters Sign Petition to NUKE CHINA in Response to Hacking of U.S. Computers!!!,These people will support just about anything Obama says scary stuff!,left-news,"Jun 15, 2015",0 +GOLDMAN SACHS CHAIRMAN THINKS UK NEEDS MORE MIGRANTS TO AVOID APPEARANCE OF RACISM…While SHOCKING NEW VIDEO Tells Another Story,"Don t worry the liberal elite always know what s best for the little people.Goldman Sachs Chairman and UN Special Representative for Migration Peter Sutherland said yesterday that Britain should take in more migrants in order to avoid creating an environment of xenophobia and racism .Shocking footage filmed in the French port town of Calais shows desperate migrants attempting to break into delivery trucks heading to the United Kingdom in another illustration of how the country s generous welfare system acts as a beacon for illegal aliens.The clip shows huge gangs of migrants roaming around on a highway attempting to attack vehicles.Police or immigration authorities are nowhere to be seen as migrants rip open the back door of a truck before attempting to pull down its contents to make their way inside, while others try to pull off an underside panel.A tour guide on the bus from where the footage is being filmed tells passengers, Don t panic guys, we have locked all of the doors. Try not to panic guys. Passengers are heard gasping in shock, with one commenting, This is what we ve seen on TV. The migrants are keen to reach the UK because they can exploit the country s generous welfare system and obtain a much higher standard of living than in France, where they are forced to reside in a makeshift tent village in Calais known as the jungle .Around 2,500 migrants live in the tent village, with most of them coming from Sudan, Eritrea, Libya and Syria.The situation is so dire that a leading haulage group warned earlier this month that freight carriers could suspend supplies going through Calais altogether, causing food shortages and massive price hikes.Donald Armour, International Affairs Manager at the Freight Transport Association, told the Daily Express that the UK supply chain is in danger of collapsing as a result of drivers refusing to go through Calais.Last month, Maru International haulage company announced that they were boycotting Calais over fears that somebody will be killed by migrants attempting to enter the UK.Via: Info Wars ",left-news,"Jun 15, 2015",0 +[VIDEO] YEP…GUN-CONTROL BILL SAID THAT TODAY: β€œYou can’t have people walking around with guns”," You can t have people walking around with guns says the husband of the woman who wants to be your next president Sunday on CNN s State of the Union, former President Bill Clinton told CNN s Jake Tapper that the Baltimore and Ferguson civil unrest is a result of too many, people walking around with guns combined with a lack community trust.Clinton said, The Baltimore thing came on the heels of what happened in Ferguson, what happened in New York City and all these other places. And their is a big national movement about whether the lives of young African-American men count. You can t have people walking around with guns. I used to tell people when we did Bosnia, Kosovo anything like that, you get enough people with weapons around and there will be unattended consequences. Via: Breitbart NewsPerhaps Bill was referring to the sniper fire his transparent and honest wife Hillary was able to dodge while visiting Bosnia in 1996:And as an added bonus, this hysterical video that was made to mock this insane lie that Hillary told Americans about her trip to Bosnia (Some images in this video may be disturbing):",left-news,"Jun 14, 2015",0 +THIS COMPANY PUTS UP A BILLBOARD THAT FINALLY GETS #BlackLivesMatter RIGHT… WITHOUT THE RACIST CONNOTATION,"Black lives matter but only when white cops are responsible for their deaths. When blacks kill other blacks not so much. Kudos to the Fred L. Davis Insurance Company for telling the truth about who s really doing the killing in black communities.That s the statement on a billboard in Memphis, Tennessee. However, there s more to it.The full message reads: Black lives matter. So let s quit killing each other. It s a statement directed against black-on-black crime.Normally, liberals take umbrage at the idea that somebody might evaluate problems caused within the black community by other blacks because it doesn t suit the narrative. However, the author of this message has a background that will make it difficult for people to attack him like that.Fred Davis is a civil rights activist who reportedly marched with Dr. Martin Luther King, Jr. He s also the man behind the message. We re going to have to wake up, Davis said. We re going to have to say to ourselves that black lives matter, and we re going to have to refrain from killing each other out of our own frustration. I can speak, not from reading a book about the history, because I was a part of the history, he said. I think that gives me a license as an experienced observer to push and to advocate to the black community let s stop it. Fred L. Davis is no stranger to controversy. Here is one of his previous billboards:Via: DownTrend",left-news,"Jun 14, 2015",0 +LEFTIST PROF WHO WANTS β€œEarth Constitution” Will Speak At Vatican Rollout Of Papal Document On Phony β€˜Global Warming’,"Why would the Vatican invite an aggressive leftist speaker to the rollout of the Pope s Papal document on phony global climate change? As a Catholic, the news about the Pope s support of these horrible leftists and their radical agenda is heartbreaking. Pray for our nation One of the speakers slated for the Vatican rollout of the long-awaited Papal document on climate change once said the earth is overpopulated by at least 6 billion people.The teaching document, called an encyclical, is scheduled for release on June 18 at Vatican City. Perhaps with the exception of the 1968 encyclical on contraception, no Vatican document has been greeted with such anticipation.The political left is hoping for a document that ties belief in global warming to a religious obligation. Climate skeptics have already started criticizing the document.The choice of Professor John Schnellnhuber, founding director of the Postdam Institute for Climate Impact Research, as one of three presenters may be giving the left added hope and giving giving skeptics severe heartburn. He has been described as one of the more aggressive scientists on the question of man-made global warming.In a talk given to what s described as the failed 2009 Copenhagen climate conference, reported in the New York Times, Schnellnhuber, who has advised German President Angela Merkel and is a visiting professor at Oxford, said of global warming: In a very cynical way, it s a triumph for science because at last we have stabilized something - namely the estimates for the carrying capacity of the planet, namely below 1 billion people. Schnellnhuber is also author of what s called the two-degree target that says governments must not allow the temperature to rise more than 2 degrees higher than at the start of the industrial revolution. Any higher, the theory holds, and much life on earth would either perish or be gravely harmed.To deal with climate issues, he has also called for an Earth Constitution that would transcend the UN Charter along with the creation of a Global Council elected by all the people on Earth and a Planetary Court..a transnational legal body open to appeals from everybody, especially with respect to violations of the Earth Constitution. Via: Breitbart News",left-news,"Jun 13, 2015",0 +HILLARY’S IMMORAL REIGN AS SEC. STATE: U.S. Sold $60 MILLION In Chemical Arms To Clinton Foundation Donors Used To Gas Citizens,"Does anyone care? If Hillary personally gassed these citizens would anyone care? Has America become so conditioned to reading about Clinton crimes that they ve become desensitized to the serious consequences of their selfish actions?The Clinton-run State Department s approval of chemical and biological exports to the Egyptian government increased in volume just as dollars flowed from Mubarak-linked entities into the coffers of Clinton family concerns. A group closely associated with the Mubarak government paid Bill Clinton a $250,000 speaking fee in 2010, less than 4 months before the Egyptian revolution began. In 2012, a firm with an ownership stake in the company that manufactured the tear gas reportedly used by Egyptian security forces against the uprising paid $100,000 to $250,000 for another Bill Clinton speech.The approval of American chemical weapons sales to Egypt as Mubarak s associates were stocking Clinton family interests with cash is but one example of a dynamic that prevailed though Hillary Clinton s tenure as secretary of state.Clinton with MubarakDuring the roughly two years of Arab Spring protests that confronted authoritarian governments with popular uprisings, Clinton s State Department approved $66 million worth of so-called Category 14 exports defined as toxicological agents, including chemical agents, biological agents and associated equipment to nine Middle Eastern governments that either donated to the Clinton Foundation or whose affiliated groups paid Bill Clinton speaking fees.That represented a 50 percent overall increase in such export approvals to the same countries over the two years prior to the Arab Spring, according to an International Business Times review of State Department documents. In the same time period, Arab countries that did not donate to the Clinton Foundation saw an overall decrease in their State Department approvals to purchase chemical and biological materials.The reports released by Clinton s state department since 2010 disclose overall export numbers. For instance, in 2010, export authorizations to Egypt s government for chemical and biological agents saw a one-year, 38 percent increase in the lead-up to the revolution against Mubarak s government. That year, the Mubarak-aligned American Chamber of Commerce in Egypt paid Bill Clinton $250,000. Two close Mubarak allies were past presidents of the group, one of whom reportedly was sent to lobby Washington against a proposed resolution that would call on Mubarak to have free and fair elections.In all, in the two years after Bill Clinton was paid by the Mubarak-aligned group and as uprisings against the Egyptian government swept the country the Clinton-led State Department backed a 12 percent increase in exports to Egypt in the biological and chemical agents category.Washington and Clinton specifically were forced to reverse course on their support for Mubarak after the country democratically elected the Muslim Brotherhood s Mohammed Morsi. Egypt s honeymoon with democracy was short-lived however and Morsi, after an ill-fated attempt to grant himself special powers, was overthrown in a military coup. He was sentenced to death last month. Clinton with MorsiHere s a bit more color from the IBTimes report Some Clinton Foundation donors from the Middle East did not see an increase in authorizations for toxicological agents during the Arab Spring, but did see big increases earlier, soon after Clinton came into office in 2009.Algeria received just $2,110 worth of State Department authorizations in the chemical and biological weapons category in fiscal 2008. But the next fiscal year 80 percent of which was under Clinton s tenure the country received more than $6 million worth of such Category 14 authorizations. Five-point-eight million dollars of the authorizations were for items classified as tear gases and riot control agents. The next year, the Algerian government gave the Clinton Foundation $500,000. Amid the Arab Spring revolts in 2011, Algerian security forces used tear gas on protesters in the capital. and here s a look at the numbers Via: The awesome Zero Hedge",left-news,"Jun 13, 2015",1 +"ILLEGAL ALIENS WHO LIED TO COURT, USED FAKE SS#’s AND COMMITTED FELONIES Are Granted Special Privileges Because They Are Considered β€œVictims”","You can t make this up! Why are these criminals who illegally entered our country are being given special status? They are not expected to live by the same rules as US citizens and are being fast-tracked to citizenship. Meanwhile, others who are waiting in line to become American citizens and have followed the rule of law would likely be deported for committing the same crimes as these illegals from Mexico and South America.U.S. District Court Judge Sandy Mattice sentenced eight illegal aliens to two years of supervised probation Wednesday morning. The eight were earlier found guilty of illegally entering the United States and of knowingly committing perjury by signing an I-9 form and stating that they were eligible to work in this country.Each had also purchased false and fraudulent documents such as Social Security cards and green cards which they used to gain employment.The light sentences and lack of a deportation order came about due to each of the defendants having earlier been issued a U visa by the Department of Homeland Security, the judge said.Judge Mattice described this type of visa as for lack of a better word, a reward, for assisting a U.S. agency prosecute another federal case in this instance against Durrett Cheese Sales, Inc. of Manchester, Tn. Their assistance, which was challenged by Assistant U.S. Attorney Gary Humble as questionable at least, was due to their part in a human trafficking case against Durrett Cheese. The case proved to be one that was not prosecutable.According to court documents, the defendants, Luciana Moreno-Lopez, Maria Ramirez-Mendoza, Flora Rivera-Pablo, Teresa Ayala-Rosales, Cirilo Castillo-Amaro, Meremedios Cervantes-Cano, Sarai Contreras-Martinez and Mercedes Eugenio-Gomez were arrested by the Coffee County Sheriff for criminal trespass on Oct. 22, 2007. They were arrested after their employer was unable to pay them and they refused to leave company property until they were paid.Upon their arrest the sheriff determined that they were most likely illegal aliens and then notified Immigration and Customs Enforcement (ICE) agents.ICE contacted the United States Attorney s Office for help in investigating possible human trafficking and other possible violations of federal law. Several of the defendants were interviewed by ICE agents and a representative of the Department of Justice s Human Trafficking Section of the Civil Rights Division. Also participating in the interviews was a representative of the Southern Poverty Law Center (SPLC) . The SPLC had made the allegations that the defendants were victims of human trafficking.The court documents state: Based on the defendants statements and other investigation, it was obvious that there was no prosecutable human trafficking case. This was pointed out by prosecutor Humble during sentencing when attorney Clay Whittaker, defense counsel for Ms. Moreno-Lopez, requested probationary sentencing for his client by saying that she had provided and continued to provide the government with assistance.Mr. Humble stated, The defendants have not provided any reasonable assistance to the government; in fact, they basically refused to implicate anyone (in the company s management hierarchy). Each of the defendants received a sentence of two years supervised probation on each of three counts, to be served concurrently. A special fine of $300 was waived by Judge Mattice in each case based on the defendants inability to pay.In a previous case involving this matter, former Durrett Cheese Sales, Inc. employee, Shanna Ramirez, was convicted of conspiracy to commit social security fraud (count 1); aiding and abetting social security fraud (count 2); and false declarations before the grand jury (counts 4 and 5). She was sentenced on Dec. 23, 2009 by Judge Mattice to 15 months of incarceration. In another related case, Montano-Perez was sentenced on March 1 to two years probation.The SPLC had filed a claim on the defendants behalf with the Equal Employment Opportunity Commission (EEOC) while the defendants had applied for the U visas from the Department of Homeland Security.The eligibility requirements for a U visa or U non-immigrant status are, according to U.S. State Department directives, strict. This status is, in part, a recognition by Congress that a category of non-citizens is so vulnerable that it deserves protection in the form of legal status and a path to citizenship. A U visa holder is entitled to four years of non-immigrant legal status in the U.S. The holder of such a status may apply for permanent status three years after being granted a U visa.U visas are issued to illegal aliens when they have been judged to have been substantially abused and are helpful or willing to help designated agencies, including law enforcement agencies, in the detection, investigation or prosecution of crimes.According to U.S. Code, the purpose of the underlying statute is not to create a blanket amnesty or to legalize everyone who claims victim status. The Act s Congressional purpose is demonstrated in three aspects of the enabling legislation and its history: (1) the U visa as a tool for law enforcement; (2) the U visa as humanitarian relief for those who are helpful to law enforcement; and, (3) the U visa as protection for workers who suffer crimes in the workplace.In their original claims to the EEOC, the defendants, under penalty of perjury, falsely denied committing the crimes for which they had been arrested. According to a brief filed by the U.S. Attorney, they had, in fact, committed these and many other crimes before applying for the visas. The EEOC, based upon their claims, designated each of the defendants a victim and informed DHS that their presence was necessary to enable them (EEOC) to conduct an investigation.The EEOC then closed its investigation, but did not notify DHS that the defendants presence in this country was no longer necessary. When it was not notified by EEOC, DHS moved ahead and granted the U visa status to all eight defendants.It is the U.S. Attorney s Office view that the defendants were not victims of any qualifying crimes or that they have not suffered any substantial abuse mental of physical because of qualifying criminal activity The U.S. Attorney believes that the defendants have been able to manipulate the system to achieve legal status, despite their illegal entry and the commission of felony crimes. Via: Chatanoogan.com",left-news,"Jun 12, 2015",0 +OBAMA REGIME AGREES TO CUT DEAL WITH IRAN THAT FURTHER THREATENS OUR NATIONAL SECURITY,"Wouldn t it be great to have a president who made our national security a top priority? The Obama administration will agree to let Iran bypass questions about its past nuclear military work under any final deal signed in the coming weeks, according to reports.Western officials were quoted as telling the Associated Press on Friday that the United States has given up a major concession to Iran on the military front.While senior U.S. officials, including Secretary of State John Kerry, have long insisted that Iran will immediately have to submit to wide-ranging inspections and disclosures regarding its past nuclear work, the new reports indicate that this demand has been cast aside as world powers work to strike a final deal with the Islamic Republic by the end of June.According to the AP report:After a November 2013 interim accord, the Obama administration said a comprehensive solution would include resolution of questions concerning the possible military dimension of Iran s nuclear program. But those questions won t be answered by the June 30 deadline for a final deal, officials said, echoing an assessment by the U.N. nuclear agency s top official earlier this week. Nevertheless, the officials said an accord remains possible. One senior Western official on Thursday described diplomats as more likely to get a deal than not over the next three weeks.Via: WFB",left-news,"Jun 12, 2015",1 +ARMY THREATENS GREEN BERET WAR HERO WITH COURT MARTIAL For Whistleblowing On Failed Hostage Rescue,"The Army can t be bothered with defending or protecting war heroes, they re too busy with other more pressing issues like ensuring gays are free to come out of the closet and removing any trace of Christianity from our military bases.A Green Beret war hero under investigation for unauthorized communications with Congress will testify on Thursday that the Army is out to court-martial him on criminal charges.Meanwhile, Rep. Duncan Hunter, one of the lawmakers with whom the soldier spoke about Obama administration hostage rescue policies, has asked the Pentagon inspector general to investigate whether the Army is springing allegations against personnel such as the Green Beret as pure retaliation.Lt. Col. Jason Amerine, the Special Forces soldier, is due to testify before the Senate Committee on Homeland Security and Governmental Affairs about what he considers reprisals against him as a whistleblower. After I made protected disclosures to Congress, the Army suspended my clearance, removed me from my job, launched a criminal investigation and deleted my retirement orders with a view to court martial me after I exercised that Constitutional right, says Col. Amerine, according to partial remarks provided to The Washington Times by Mr. Hunter s office. For nearly five months, I have received no relief from the military and there has been no transparency in their investigation of me. My pay was even stopped briefly after the Army deleted my retirement orders. Mr. Hunter, California Republican and member of the House Armed Services Committee, wrote to Jon T. Rymer, the inspector general, about three soldiers against whom he believed Army Secretary John McHugh retaliated. He asked for an IG investigation into Mr. McHugh s use of the Criminal Investigation Command. Specifically, my concern is that the Army under the leadership of Secretary of the Army has used CID for the purpose of influencing actions/outcomes and retaliating against soldiers, he wrote.He cited three soldiers: Col. Amerine. The officer worked in a small Army unit at the Pentagon and he devoted himself to developing policies to gain the release of Americans held by Islamic extremists. He came to believe the administration s hostage policies were in disarray and told Mr. Hunter. The congressman proposed legislation to create a hostage coordinator to work with the various agencies involved, such as the FBI, Pentagon and State Department. Maj. Matt Golsteyn. Also a Green Beret, Maj. Golsteyn saw his valor awards and Special Forces tab stripped by Secretary McHugh. The officer was accused of killing a Taliban bomb-maker, but was never officially charged. He faces a board of inquiry hearing. Sgt. First Class Earl Plumlee. Sgt. Plumlee was nominated for the Medal of Honor, the nation s highest military award, for repelling an attack on a base in Afghanistan and saving lives. The MOH was endorsed by top commanders, including Marine Gen. Joseph Dunford, the next chairman of the Joint Chiefs of Staff. But Mr. McHugh downgraded the award to a Silver Star. Mr. Hunter said it was based on a questionable CID investigation. Col. Amerine already has filed a whistleblower retaliation complaint with the IG. The Army probe began after the FBI complained that Col. Amerine was providing information to Congress. I have personally met with the Federal Bureau of Investigation on the developments leading up to the Army investigation, Mr. Hunter told Mr. Rymer. An investigation, I firmly believe, was not warranted, but continues to be unjustifiably delayed. Col. Amerine holds a special place in the history of the Afghanistan war. He led a joint Green Beret-Afghan team in the 2001 invasion, and fought along side Hamid Karzai, the future president.An Army spokesman has said, As a matter of policy, we do not confirm the names of individuals who may or may not be under investigation to protect the integrity of a possible ongoing investigation, as well as the privacy rights of all involved. However, I note that both the law and Army policy would prohibit initiating an investigation based solely on a Soldier s protected communications with.Via: Washington Times ",left-news,"Jun 12, 2015",1 +AIR FORCE WILL EASE POLICY ON DISCHARGING TRANSGENDERS,"As a side note, I m just curious when did the world agree to forfeit the rainbow (a sign from God to Noah that he would never again flood the earth) as the official symbol for the gay community?The Air Force announced policy changes Thursday that will make it more difficult to discharge transgender troops, a move that mirrors one made in March by the Army and puts the Pentagon a step closer to allowing transgender people to serve openly.Troops diagnosed with gender dysphoria or who identify as transgender are generally discharged from serving, based on medical grounds. Those decisions have been made by doctors and unit commanders. The new Air Force policy requires those decisions to be reviewed by high-level officials at Air Force headquarters. Though the Air Force policy regarding involuntary separation of gender dysphoric Airmen has not changed, the elevation of decision authority to the Director, Air Force Review Boards Agency, ensures the ability to consistently apply the existing policy, Daniel Sitterly, a top Air Force personnel official, said in a statement.The Air Force and Army moves follow a number of statements from top Pentagon officials about dismantling the policy allowing transgender troops to be kicked out of the services. Defense Secretary Ashton Carter said this year in response to a question about transgender service that ability to perform military tasks should be the standard for eligibility.Air Force Secretary Deborah James expressed openness to allowing transgender troops to serve. From my point of view, anyone who is capable of accomplishing the job should be able to serve, James told USA TODAY. And so I wouldn t be surprised if this doesn t come under review. Via: USA Today",left-news,"Jun 11, 2015",1 +THE STATE THAT GETS MORE REFUGEES THAN ANY OTHER IN AMERICA MAY SURPRISE YOU,"Here s one sure way to turn a solidly red state blue In Fiscal year 2014, Texas resettled 7,234 refugees. However, that doesn t tell the whole story because according to the Texas Dept. of State Health Services (an excellent source of information on refugees in Texas), the actual number of migrants legally being treated as refugees last year was really 12,800 (up 24% from the previous year!).The website also tells you which counties got the most refugees.The 12,800 includes refugees, asylees, parolees, special immigrant visa holders (these are Afghans and Iraqis), and victims of trafficking.They hailed from 58 countries (therefore Texas taxpayers are on the hook for many expensive translators gratis a Bill Clinton executive order for all sorts of reasons access to health care, school system problems and the criminal justice system).When I went to several different sources, I find that over 150,000 refugees have been resettled in Texas since 1983, and that number doesn t include secondary migrants from other states (Dallas County got the most secondary migrants last year 60% of all those arriving in Texas).And, of course, it doesn t include all of the children produced in three decades! Nor does it include the thousands of unaccompanied alien children that may not have been distributed around the nation from last year s border invasion. Obama would like nothing more than to have them declared refugees as well (refugees get all forms of welfare upon arrival!).The top resettlement cities in Texas are (resettlement is not limited to these sites, dozens and dozens of smaller cities and towns are receiving refugees):AbileneAmarilloAustinCorpus ChristiDallasEl PasoFort WorthHoustonSan AntonioFor new readers, you might want to have a look at our archive on Amarillo which has developed into a pocket of resistance as the mayor there has asked the federal government to slow the flow since the school system is suffering with the influx of non-English speaking children many of whom are illiterate in their own language. The meatpacking industry is responsible for much of the resettlement to Amarillo (hunger for cheap labor!).The top nations from which Texas received refugees in 2014 were in this order: Iraq, Cuba, Burma, Afghanistan, and tied for 5th place Somalia and Bhutan(Nepal).So when did Texas move into the number one spot in the nation?For years and years other states ranked above Texas including California, New York and Florida. According to this very cool graph (above right), it was in 2011 that Texas gained this dubious distinction.And, if you are wondering why the number dipped in 2011, this is why: That year it was learned that Iraqi terrorists disguised as refugees were arrested in Kentucky. Turns out the pair had lied (can you believe it, they lied!) on their refugee application and it was only when they were found to be planning on helping Al-Qaeda in Iraq was it discovered that one of them had left fingerprints on an IED shard that was warehoused by the US military. The shard came from an IED that had killed Pennsylvania National Guard troops. They are in prison for life.The arrest threw the Refugee Admissions Program of the US State Department into chaos because they had to re-screen thousands and thousands of Iraqis headed to America. Iraqis make up the largest ethnic group we are admitting to America now at a rate of about 20,000 a year. The majority are Muslims (both Shiites and Sunnis as we import their centuries old squabble to your towns!).IT S PROBABLY NO ACCIDENT THAT BARACK OBAMA GAVE THE Teacher of the year award to Shanna Peoples, A high school English teacher from Amarillo, Texas, who works with refugees:In order to question this 35-year-old legal immigration program, you must first get the facts!* Read our Fact Sheet, here. Open and read all the links in this post!* Go to the Texas Department of State Health Services website and learn all you can about the refugees coming to Texas. Don t miss the stats on their health conditions (refugees are admitted with TB, HepB, HIV and parasites).* You have a State Refugee Coordinator and her name is Caitriona Lyons (she is Irish, btw), call her and ask her to direct you to the Texas refugee plan. Here is a description of the plan and the legal requirement that every state have one (and they must keep it current). Ask her to direct you to it and read it!Remember in Texas your governor does have a say in what happens with refugee resettlement! Where has he been?Via: Refugee Resettlement Watch",left-news,"Jun 11, 2015",0 +"[VIDEO] FAIRFAX, VA BOARD VOTES TO TEACH STUDENTS GRADES K- 8 ABOUT GENDER IDENTITY AND GAY MARRIAGE In A Way Parents Cannot Opt out","Fairfax, VA Public Schools are not unique in their desire to force a deviant sexual agenda on our children. Why is the left so hell-bent on destroying the innocence of our youth?Public schools in Fairfax County, Virginia, are preparing to include gender identity in its curriculum, despite objections from parents.The district s Family Life Education (FLE) lessons will include teachings on heterosexual, homosexual, and bisexual, and transgender identity. The school board voted in May to add gender identity to the list.The move has angered many parents over what they see as forcing them to expose their children to issues that are not even part of state requirements. Starting in kindergarten, students will be taught about same-sex or gay marriage and the parents will not be able to opt out, Andrea Lafferty, president of the Traditional Values Coalition, told CBN News.Fairfax County Public Schools wrote a letter to parents in response to misperceptions about the new curriculum. Most sections in the FLECAC committee s report have been a part of the curriculum in past years, with the difference being that many of the instructional objectives now meet the Virginia Dept. of Education s (VDOE) general Health Standards of Learning, the board wrote. As-such (they) no longer have an opt-out option. These topics include conflict resolution skills, respecting individual differences such as disabilities, ethnicities and cultures and mental health areas, they wrote.Lafferty said students in 8th grade will be discussing President Bill Clinton s activity, along with oral and anal. Fourth graders will receive instruction about incest, she said. One of the big issues is in Virginia parents can opt their children out of certain parts of the Family Life Education. And so now what they re doing is trying to move parts of it from FLE to Health, which means parents cannot opt their children out, she said.Some parents are outraged that the proposed lessons are not even required by law but they are still being forced upon them. It s not a part of the state law, it s not a part of the state school board instruction, but they ve decided to add it against the will of many of the parents. We are very concerned that they are doing it here in Fairfax County and perhaps other places without the parents knowledge or consent, Lafferty said. It s just bizarre. They want to force this on the kids in Fairfax County when in fact it s not a part of SOLs or the required education, Lafferty added.Via: CBN News",left-news,"Jun 11, 2015",0 +PARENTS JAILED AND KIDS TAKEN AWAY FOR 90 MINUTE DELAY IN GETTING HOME TO 11-YEAR OLD,"This is so over the top it s not funny. I m a huge advocate of parents being there for the kids but a felony charge? Held overnight in jail? Does anyone out there have anything new to add to this or is it a case of our ever overreaching government getting into our business?If this doesn t convince lawmakers that they had better start revising the child neglect laws and convince politicians that supporting Free-Range legislation would be a great, vote-getting platform I m not sure what will. I got this letter a week ago and was waiting for the mom s permission to run it. Got it. Boldface mine:My children are not free range children. The younger one has always had a baby sitter. The older one who just turned 11 a couple of weeks ago always had a baby sitter as well. This school year that changed. The eleven year old comes home and is met by his dad who lets him in the house. In the event dad isn t here on time, his instructions are to wait in the backyard until I come home about 20 minutes later.On this particular day, a little more than a month ago, both dad and I were both running late due bad traffic and rain. We were about and hour and a half late. When we arrived the police had been anonymously called and we were arrested for child neglect.We still do not have our children, we are fighting for our own freedom and due to the nature of my employment I am no longer employed. My son was in his own yard playing basketball, not in the street or at the park. The authorities claim he had no access to water or shelter. We have an open shed in the back yard and 2 working sinks and 2 hoses. They said he had no food. He ate his snacks already. He had no bathroom, but the responding officer found our yard good enough to relieve himself in while our son sat in a police car alone. In his own yard, in a state, Florida, that has no minimum age for children to be alone. If you have any advice for what I should do I will accept it.The advice I gave was to contact The National Association of Parents, which fights for the rights of parents (including the Meitivs) to raise their kids without government interference, except in cases of clear and convincing evidence of actual or imminent harm. That threshhold is a far cry from whatever horrors are visited upon tweens playing basketball while waiting for their parents to get home. (To support the Association of Parents with a donation, go here.)Then on Friday, the mom wrote back:I just wanted to give you an update. Our sons were returned to us on Tuesday/Wednesday in the children s court/DCF with adjudication withheld. However the criminal prosecutor is not dropping the charges as of today. We have to appear in the criminal court on June 11th to put in our plea. I would love to speak to someone however due to my job (which is still on the line) I don t know if it will make it better or worse. I am a state and county employee with the school system and I was made to sign a paper stating I would not speak with teachers parents or students regarding the matter.That being said, it is possible this mom will never talk publicly about this case. Even so, WE should talk about it. It is time to rein in the power of the state to turn parents into criminals simply because they are imperfect.Perfection is impossible in this world, and if the government is allowed to hound a family whose plans got mildly screwed up, it can hound every single one of us.Via: Free Range Kids",left-news,"Jun 11, 2015",0 +WHO NEEDS NANCY PELOSI WHEN CONGRESS HAS PAUL RYAN: β€œIt’s [Obamatrade deal] declassified and made public once it’s agreed to”,"Why do we even need a Congress anymore? We have a King, and it appears the majority his council are there at his behest. In fact, why do we even need a Constitution or elections? Chief Obamatrade proponent House Ways and Means Committee chairman Rep. Paul Ryan (R-WI) admitted during Congressional testimony on Wednesday evening that despite tons of claims from him and other Obamatrade supporters to the contrary, the process is highly secretive.He also made a gaffe in his House Rules Committee testimony on par with former Speaker Rep. Nancy Pelosi s (D-CA) push to pass Obamacare, in which she said infamously said: we have to pass the bill so that you can find out what is in it. It s declassified and made public once it s agreed to, Ryan said of Obamatrade in Rules Committee testimony on Wednesday during questioning from Rep. Michael Burgess (R-TX).What Ryan is trying to convince House Republicans to do is vote for Trade Promotion Authority (TPA) which would fast-track at least three highly secretive trade deals specifically the Trans Pacific Partnership (TPP), the Trade in Services Agreement (TiSA), and the Transatlantic Trade and Investment Partnership (T-TIP) and potentially more deals.Right now, TiSA and T-TIP text are completely secretive and unavailable for even members of Congress to read while TPP text is available for members to review although they need to go to a secret room inside the Capitol where only members of Congress and certain staffers high-level security clearances, who can only go when members are present, can read the bill.Ryan s exchange in which he made this gaffe came as Burgess, who opposes Obamatrade, and Rules Committee chairman Rep. Pete Sessions (R-TX)65% , who stands with Ryan supporting it, were discussing the secrecy of the deal with him. It came right after an incredible exchange where Ryan attempted a ploy to try to save immigration provisions contained within the Obamatrade package as a whole specifically TiSA that were exposed by Breitbart News earlier on Wednesday, a problem for which he put forward a phony non-solution designed to get more votes for his Obamatrade agenda but not stop the immigration provisions. I would like to add and I stated this up front, that the gentleman Mr. Ryan worked well with not only myself but other members to address specific ideas, concerns, issues and you have done an outstanding job to make sure instead of saying, well that s not a problem, no I m not going to get into that, you ve bent over backwards Mr. Ryan, Sessions said. I ve watched you do this and working with us, whether it be a request from the United States Senate that was done on a bipartisan basis or whether it be one of our members, we have tried to work with those things. This, Dr. Burgess, this is why I can tout this agreement because we ve tried to go in whether it s the areas that I ve talked about foreign policy, dispute resolution, climate change, sovereignty, immigration, currency, transparency, fast-track, presidential power and more that haven t previously been addressed we ve tried to thoughtfully articulate a good answer and Mr. Ryan has done that most favorably and I think his articulation today is evidence of his knowledge of those parameters therein. After Sessions pitch, Burgess jumped back in to make another point. And I appreciate all of that but again, you read through this language down in the secret room and I welcome the day when people can read it Burgess said, before Ryan cut him off. By the way, TPA it s declassified and made public once it s agreed to, Ryan said.What Ryan is technically referring to is that TPP will become public if TPA is agreed to but Congress will lose much of its ability to have oversight over and influence on the process, since TPP is, in many respects, already negotiated. It s 800 pages long, and on fast-track, Congress will only get an up-or-down vote and won t be able to offer amendments. The Senate vote threshold also drops down to a simple majority rather than normally having a 60-vote threshold, or in the case of treaties, a 67-vote threshold.Burgess then moved forward with his point. But this is really tough sledding and it s not an area where I have a lot of familiarity and I m sorry, Burgess said. The language as its written looks to me as if it is something that could be exploited. I appreciate all the safeguards you ve tried to put in place. And with this administration you can leave no stone unturned as far as putting in safeguards but I m not convinced that we again I can t get into the specifics of what I ve read because of the agreement that I signed downstairs but it concerns me and I ll just leave it at that and I ll yield back. Sessions then jumped in to say he and Ryan are available to answer any questions about this matter whenever anyone wants yet Sessions committee staff is publicly refusing to answer any detailed questions from Breitbart News on Obamatrade at this time. I thank the gentleman, Sessions said.. In fact the gentleman, Mr. Levin is correct there will be some changes that have to go back to the United States Senate but I would like to say with great confidence to my dear friend the gentleman from Lewisville, Texas, that if you still have reservations from your reading of anything I would encourage you to engage the gentleman Mr. Ryan or myself, Dr. Burgess, any time you d like. I m available. Mr. Ryan s available. We ve made ourselves available with specifics on the same level. Burgess noted how the process seeking fast-track in the Bush administration was much more transparent than it is now. Thank you Mr. Chairman. I promised to be on my best behavior today and I am really trying it took a long time for me to even be able to see the agreement down in the secret room even though I was willing to sign the release that said I wouldn t talk about it. It took me a long time to get an audience with the U.S. Trade Representative, Burgess said. It should not have done that. Ten years ago we did CAFTA [Central American Free Trade Agreement], Sen. Rob Portman (R-OH)56% was in my office he lived there. I couldn t get rid of him. This time, I couldn t get a it was an act of Congress literally to get him to come and talk to my subcommittee on Energy and Commerce, which is the subcommittee of Commerce, Manufacturing and Trade. That s how difficult this has been, so please I thank you for the work you ve done in trying to make this an open and fair process but my confidence in this administration has been and remains at an all time low and I appreciate what we ve heard today but I can t tell you that I m mollified by Ryan then interrupted Burgess again to argue that his concerns over the secrecy are why Republicans should relent and support Obamatrade. All I would say is all the more reason to pass TPA, Ryan said. First of all, yes this administration is different and I can jump on the bash bandwagon better than anybody else as far as how they conduct themselves. Via: Matthew Boyle Breitbart News",left-news,"Jun 11, 2015",0 +[Video] AWESOME: TEXAS MOM FRUSTRATED BY MCKINNEY POOL INCIDENT Tells Parents To Teach Kids To Respect Authority,Here s a mom who knows how to raise her children ,left-news,"Jun 11, 2015",0 +FRANKLIN GRAHAM PULLING HUNDREDS OF MILLIONS FROM BANK USING TV AD [Video] TO PROMOTE GAY MARRIAGE AND ADOPTION,"The left shouldn t be offended by Graham s decision to do his banking elsewhere since they re all about defending choice Franklin Graham is calling on Christians to boycott corporations that feature same-sex relationships in their commercials. And he says he ll do his part by moving all the bank accounts for his two ministries out of Wells Fargo because of its ad featuring a lesbian couple. This is one way we as Christians can speak out we have the power of choice, Graham wrote on Facebook over the weekend. Let s just stop doing business with those who promote sin and stand against Almighty God s laws and His standards. Maybe if enough of us do this, it will get their attention. Reached Monday, a spokesperson for Wells Fargo said the bank has proudly supported the LGBT community for a long time a commitment echoed by the ad. At Wells Fargo, serving every customer is core to our vision and values, said Christina Kolbjornsen. Diversity and inclusion are foundational to who we are as a company. Our advertising content reflects our company s values and represents the diversity of the communities we serve. Wells Fargo, based in San Francisco, has its largest employee base in the Charlotte area.During an interview Monday, Graham the CEO of both the Billy Graham Evangelistic Association in Charlotte and Samaritan s Purse in Boone said he was not targeting companies that hire or serve gay and lesbian customers. There s lots of businesses out there that do business with gay people, he said. That s fine. He wants Christians to stop giving their money to businesses, such as Wells Fargo and Tiffany jewelers, that use shareholders advertising dollars to promote homosexuality. It s promoting a godless lifestyle. A bank should be promoting the best interest rates they re going to give me and what they can do for me as a business. But they should not be trying to get into a moral debate and take sides. Graham specifically objected to a Wells Fargo TV and online ad that features a lesbian couple learning sign language for their adopted daughter. Hello, beautiful, the couple in the ad tell the little girl in sign language. We re going to be your new mommies. Stirring up conservativesGroups representing gays and lesbians charged that Graham was trying to stir up conservative Christians in anticipation of a U.S. Supreme Court ruling that could legalize same-sex marriage nationally.Graham is on the quickly losing side of moral history, said Chris Sgro, executive director of Equality NC, a statewide LGBT rights group based in Raleigh. The business community knows these ads are good for business and good for making North Carolina a welcoming state. They are only going to increase, not decrease. Graham said in Monday s interview with the Observer that a decision has been made about which bank will get the accounts the BGEA and Samaritan s Purse are moving from Wells Fargo. Based on their own reports, the accounts could total in the hundreds of millions of dollars.Asked whether he would identify the chosen bank, Graham said: Not today because I haven t talked to that bank and I m not sure they want to be part of your story. Charlotte-based Bank of America has not yet made commercials featuring same-sex couples, but it has run same-sex ads in programs for some events as well as in LGBT publications. Would that be enough for Graham to rule out Bank of America for the accounts leaving Wells Fargo? I m not going to answer that question, Graham said.Bank of America spokeswoman Anne Pace declined to comment Monday.For now, Graham said, the closing of the Wells Fargo accounts is in the works. To close these accounts, it may take 30 days. The BGEA, started by Graham s famous evangelist father, spreads the Gospel via worldwide crusades and Charlotte s Billy Graham Library. In 2014, it received contributions and other income totaling $107.7 million, according to the BGEA s most recent ministry report.Samaritan s Purse, a Christian charity that helps people cope with natural disasters, had contributions and grants in 2013 the most recent report available that totaled $460 million.Tough questions for banksBanks would usually line up for those kinds of deposits. But Ken Thomas, a Miami-based independent bank consultant and economist, said the bank that receives Graham s bank accounts will have to answer some tough questions. The bank that takes this account will be in a higher visibility position because you re going to ask them, What do you think of that ad? And they will face some potential reputation risk. Banks, Thomas said, don t like controversy, and they don t like reputation risk. Whichever bank receives these accounts will have to combat the perception that they stand counter to the ideals of Wells Fargo. To take your money out of one of the best-run banks in America, and for another bank to accept an account that came out of Wells Fargo, some people might ask questions like, Does your bank not agree with Wells Fargo? Thomas said.Corporate America has increasingly come to the defense of the lesbian, gay, bisexual and transgender community. Governors and legislatures in Republican-leaning states such as Indiana and Arkansas retreated this year from legislation that would have permitted people to decline services to gays and lesbians for religious reasons. The reason: corporations in those states opposed the measures as discriminatory against the LGBT community.In North Carolina, a similar bill went nowhere after it was opposed by GOP Gov. Pat McCrory and legislative leaders in Raleigh.Leaders of Charlotte s big banks played a visible role going back to the late 1990s on issues involving sexual orientation.Ed Crutchfield s First Union, now part of Wells Fargo, and Hugh McColl s NationsBank, now Bank of America, amended their policies to state that no employee will be discriminated against because of their sexual orientation. At that time, many other large companies in the area didn t use such specific language.Also, in the 1998 merger of NationsBank and San Francisco s BankAmerica, which had domestic partner benefits, the combined lender agreed to extend the benefits to NationsBank s employees.Graham said in the Observer interview that he plans to compile and publicize a list of companies that feature same-sex couples in their advertising. I want people to know, he said.In his Facebook post, Graham singled out another company Tiffany & Co., which sells jewelry for advertising wedding rings for gay couples. There are plenty of other jewelry stores, Graham wrote.Two others that have featured same-sex couples in their ads: Cheerios and Allstate.Impact unknownIt s too early to determine whether Graham s call for a boycott will have much impact.As of Monday afternoon, more than 93,000 people had approved of Graham s Facebook message by clicking Like. More than 41,000 people had shared his message with their own Facebook friends.But Graham s call to fight the moral decay that is being crammed down our throats by big business also brought negative reactions on Facebook. In my opinion, moral decay is using the pulpit to spread bigotry and hate, wrote one Facebook commenter, who then alluded to Jesus teachings in the New Testament. Perhaps you should take some time and chip away at that block of wood sticking out of your own eye. On Twitter, where Graham also announced that we re moving all the @BGEA bank accounts from @WellsFargo to another bank, he got some supportive tweets. Via: Charlotte Observer",left-news,"Jun 10, 2015",0 +MARINE VET HAS β€˜NO REGRETS’ OVER JAIL TIME For β€œSpilling’ Coffee On These Disgusting Protestors,"It would be a real shame if that hot coffee was made by some horrible war-mongering veteran or evil gay person .A Marine veteran who spilled coffee on Westboro Baptist Church protesters last weekend admits he lost his temper, but says defending the U.S. flag is worth possible jail time. So many people have died in defense of that flag. I don t care who you are, you are not going to disrespect the flag. And if I have to go to jail to defend that flag, I m going to do it, said Richard Pierce, 64, The News Journal of Delaware reported Wednesday.The veteran was arrested and charged with disorderly conduct after the June 6 incident. He has a July 20 hearing in the Court of Common Pleas, the newspaper reported.Mr. Pierce, who served in Vietnam, said he wasn t expecting to cause trouble on Saturday while watching the presidential motorcade for Vice President Joseph R. Biden s son head for Wilmington. The funeral for 46-year-old Beau Biden, who died after a two-year fight with brain cancer, was held at St. Anthony of Padua Catholic Church. When I saw the young lady walking across the highway, dragging our flag under her feet, I lost my temper and the only way that I could demonstrate that is spill my coffee on them, Mr. Pierce said, the newspaper reported.The Marine veteran s coffee soaked two of the three members who picketed the motorcade with anti-U.S. and anti-gay signs.Via: Washington Times",left-news,"Jun 10, 2015",0 +MARCO RUBIO IS CALLED IRRESPONSIBLE FOR BUYING A FISHING BOAT…Hillary Buys A Mansion In NY To Run For Senate…Crickets,"Before we explore the actual details of Marco Rubio s extravagant purchase, let s take a look at the brilliant tweet by Bill Sanderson, pointing out the hypocrisy of the left by comparing Marco Rubio s family home to Hillary s:https://twitter.com/mrgeology/status/608344761758568448After doing a deep dive on the Rubio s traffic violation history last week (just kidding, it wasn t a deep dive but instead information handed over by the far left American Bridge), the New York Times is back for more publishing of American Bridge material. This time, the NYT is letting everyone know just how broke the Rubio s were when they were young(er), just like everyone else in America. Oh, and that he s had trouble with his finances like every other person in America. And, he likes fun toys like any good man in America.For years, Senator Marco Rubio struggled under the weight of student debt, mortgages and an extra loan against the value of his home totaling hundreds of thousands of dollars. But in 2012, financial salvation seemed to have arrived: A publisher paid him $800,000 to write a book about growing up as the son of Cuban immigrants.In speeches, Mr. Rubio, a Florida Republican, spoke of his prudent plan for using the cash to finally pay off his law school loans, expressing relief that he no longer owed a lady named Sallie Mae, as he once called the lender. Oh, and guess what guys? Marco Rubio had the nerve to buy a speed boat in Florida. How irresponsible. UPDATE: It was a fishing boat for his family, not an extravagant luxury speedboat as the NYT claims.But at the same time, he splurged on an extravagant purchase: $80,000 for a luxury speedboat, state records show. At the time, Mr. Rubio confided to a friend that it was a potentially inadvisable outlay that he could not resist. The 24-foot boat, he said, fulfilled a dream.Here s a photo of the boat, and no, that isn t Rubio driving the boat.This is so ridiculous I m actually laughing at my computer right now. Rubio had student loan debt? Yeah, so? A lot of people do. The Rubios had trouble balancing their spending? Who doesn t? Rubio took out a loan on his home to make ends meet? Good for him, lots of people do. He was paid a hefty amount of money to write a book about his upbringing that he used to pay off debt? Even better. He had more than one home now? Cool, wish I did too. He spent $80,000 on a speed fishing boat in ocean surrounded Florida after paying off his debt? How could he?!Marco Rubio and his family are normal people chasing the American Dream and that scares the hell out of dead broke so we could pay mortgages Hillary Clinton supporters. The different between Rubio and Clinton is that Rubio embraces success and policies that allow every American to own multiple homes and a speed boat someday. Clinton, however, relishes in wealth instead of encouraging Americans to become wealthy themselves to live the good life. According to Clinton, not everyone can be queen.Via: Townhall",left-news,"Jun 10, 2015",0 +Police Commissioner Explains Why It’s Hard To Hire Black Cops In NYC,"It sounds like a perfectly legitimate reason it s likley NYPD Commissioner Bill Bratton has claimed it is hard to hire more black cops because so many of them have spent time in jail. We have a significant population gap among African American males because so many of them have spent time in jail, he told The Guardian. And, as such, we can t hire them. Partially to blame for the pool of eligible officers that is much smaller than it might ordinarily have been is the NPYD s controversial stop and frisk policy that was shut down in 2013, said Bratton.The NPYD commissioner said stop and frisk had unfortunate consequences as it resulted in a number of young black men receiving summons for minor misdemeanors.Stop and frisk, which allowed police to question and potentially search someone if they had so-called reasonable suspicion that person was committing an offense, was ruled unconstitutional in August 2013 by Judge Shira A Scheindlin.Scheindlin said the program was a violation of both black and Hispanic people s right to equal protection, as they were being stopped at much higher rates than those who were white.Both demographics made up 84 percent of the people who were stopped by officers using the policy, according to a report by the Public Advocate s office and cited by the Washington Post.Fifty-three percent of that figure was made up of black people.Black recruits made up only 6.86 percent of this year s police academy, according to another Guardian report, in a city where they represent 22 percent of the population.The NYPD stopped supporting the policy when Bratton returned as commissioner in 2014, after serving in Los Angeles.But he continued to defend a policy he had New York adopt in the early 1990s, dubbed broken windows, which some of his critics say is where the the real blame should lay.Robert Gangi, the director of the Police Reform Organizing Project in New York, said stop and frisk was not at the heart of the problem but a symptom of broken windows blatant racist policing .Via:UK Daily Mail ",left-news,"Jun 10, 2015",0 +SHOULD THIS RACIST GIRL BE FIRED FOR BEHAVING LIKE OUR FIRST LADY?,"Perhaps this young girl aspires to be the First Lady someday. Is it really fair to fire her for making racist remarks on social media when our President and First Lady have been on a hate/blame the white man media tour since they entered the White House? Meet Illinois resident Shana Poohpooh Latrice, a Brookfield Zoo employee who made the mistake of sharing an Instagram photo on Facebook with the caption, At work serving these rude ass white people :She made the even bigger mistake of tagging the photo as having been taken at the zoo.As a result, Brookfield Zoo got bombarded with a litany of complaints from pissed-off zoo visitors who found her comments to be clearly hateful and racist. Some even demanded that Latrice be fired for her mistake, and judging by what spokeswoman Sondra Katzen told reporters, that s exactly what s going to happen. This employee s statements in social media are in violation of our policies and do not reflect our institution s values, she said. We have zero tolerance for these kinds of divisive behaviors. We treat all employment matters confidentially, but rest assured that we have taken prompt action to remedy the situation. Via: DownTrend ",left-news,"Jun 9, 2015",0 +LEFTIST BON JOVI TO PLAY FUNDRAISER FOR HILLARY’S β€˜Everyday People’ With Tickets Only One-Percenters Can Afford,"It s almost like Hillary s not really that interested in the everyday people after all except of course, when it comes to voting Hillary Clinton is coming to New Jersey this month to raise money for her presidential campaign with Jon Bon Jovi.According to an invitation posted on her campaign s website, the June 29 Evening with Hillary will be hosted by the rock star and his wife, Dorothea. Bon Jovi will perform.Prices for the fundraiser range from $1,000 for open seating to $2,700 priority seating. The campaign is only divulging the location to those who RSVP. Bon Jovi lives in Monmouth County. This is Clinton s first fundraiser in New Jersey since kicking off her presidential campaign in April.Via: NJ.comJon Bon Jovi is no stranger to fundraising for Hillary. In 2009, he hosted a Debt Relief fundraiser to help poor dead broke Hillary get out of her $13 million debt following her failed 2008 Presidential bid. ",left-news,"Jun 9, 2015",0 +AMAZING! JUDGE LYNN TOLER ON THE DEFINITION OF MANHOOD,Amen! This judge brings it to this man and it s amazing! Love this!,left-news,"Jun 9, 2015",0 +INFINITE ARROGANCE: Obama Doesn’t Think The Supreme Court Should Have Taken Up Obamacare Challenge,"With an Imperial President who believes he is above the law, is there even a need for a Supreme court?On Monday, President Barack Obama said the Supreme Court should not have taken up the challenge to the Affordable Care Act in King v. Burwell. This should be an easy case. Frankly, it probably should not even have been taken up, Obama said during a press conference at the G-7 summit in Germany.When asked whether the administration had a plan B, in the event that the Supreme Court strikes down subsidies in states that do not run their own health insurance exchanges, Obama said there are no easy solutions. You have a model where all the pieces connect, he said. And there are a whole bunch of scenarios not just with relation to health care but all kinds of stuff I do where if somebody does something that does not make any sense, it is hard to fix. This would be hard to fix. The president called the legal challenge bizarre in light of the law s successful implementation. What s more the thing s working, Obama said. Part of what is bizarre about the whole thing is that we have not had a lot of conversation about the horrors of Obamacare because none of them have come to pass. The Supreme Court will announce a ruling this month on whether the Affordable Care Act s designation of an exchange established by the state means that the law can only provide subsidies to individuals in states that run their own exchanges. If the court rules in favor of a narrow interpretation of that provision of the law, 6.4 million people in 34 states will lose their subsidies, leaving many unable to afford insurance.Via: Huffington Post",left-news,"Jun 9, 2015",0 +NO β€œDead broke” LESBIANS ALLOWED…,"Hillary heads to DC for an exclusive fundraiser hosted by one-percenter lesbians Hillary Clinton will be in Washington, D.C., on Monday night for a fundraiser hosted by and attended by predominantly lesbian supporters.About 120 people are expected to attend the event, which is being billed as an intimate fundraiser at the Woman s National Democratic Club. The cost to attend is $2,700 per person. For the more generous, those willing to bundle $27,000 ahead of the event also get to attend a special reception with Clinton.The event is being hosted by Claire Lucas and her partner, Judy Dlugacz, who founded a travel company called Olivia, which sells cruises targeting the lesbian community. Lucas told The Huffington Post that she and Dlugacz decided a couple of weeks ago that they wanted to do something to support Clinton s presidential run, so they started reaching out to their network of contacts to gauge interest. The result is Monday s event, which Lucas estimates will be about 75 percent lesbian attendees from around the country. That s atypical for an LGBT political fundraiser, which are by and large organized and attended by gay men. We had such a big group of people wanting to attend, said Lucas, who acknowledged it is unusual that the event will have such a strong lesbian presence.The Clinton event lands just as President Barack Obama has declared June as LGBT Pride Month, something he has done for several years. There are two other Pride-related fundraising events for Clinton s campaign in D.C. this week, though she is not expected to attend them.The first, on June 10, is being hosted by gay Democratic activist Lane Hudson at the Howard Theater. The second one, on June 11, is being hosted by LGBT supporters at Lost Society. That event will include appearances by Sen. Tammy Baldwin (D-Wis.), the first openly lesbian U.S. senator, and four other openly gay members of Congress: Reps. Jared Polis (D-Colo.), David Cicilline (D-R.I.), Sean Patrick Maloney (D-N.Y.) and Mark Takano (D-Calif.).Clinton is a vocal supporter of LGBT rights and featured a gay couple in the campaign kick-off video she used in April to announce her presidential run. That couple later invited Clinton to their wedding.Via: Huffington Post",left-news,"Jun 9, 2015",0 +[VIDEO] WHAT JERRY SEINFELD HAS TO SAY ABOUT OVERLY PC COLLEGE KIDS WILL MAKE THE LEFT CRAZY,"Kids Just Want To Use Words That s racist, that s sexist. They don t even know what they re talking about Like Chris Rock and Larry the Cable Guy, Jerry Seinfeld avoids doing shows on college campuses. And while talking with ESPN s Colin Cowherd on Thursday, the comedian revealed why: College kids today are too politically correct. I hear that all the time, Seinfeld said on The Herd with Colin Cowherd. I don t play colleges, but I hear a lot of people tell me, Don t go near colleges. They re so PC. Seinfeld says teens and college-aged kids don t understand what it means to throw around certain politically-correct terms. They just want to use these words: That s racist; That s sexist; That s prejudice, he said. They don t know what the f k they re talking about. The funnyman went on to recount a conversation he and his wife had with their 14-year-old daughter, which he believes proved his point. My wife says to her, Well, you know, in the next couple years, I think maybe you re going to want to be hanging around the city more on the weekends, so you can see boys, Seinfeld recalled. You know what my daughter says? She says, That s sexist. https://youtu.be/zP769IdU_YECowherd pointed out the flack comedian Louis C.K. received after his controversial appearance on Saturday Night Live last month, further proving Seinfeld s point. Louis great gift is that he doesn t worry, he just does his thing, he said. And Seinfeld s not scared to make his point, either: If I wanted to say something, I would say it. But for now, Seinfeld will stick to covering the topics he can feels he can make humorous, PC or not. I talk about the subjects I talk about because for some reason I can make them funny, he said. The ones I can t make funny, you don t hear. Via: Entertainment Weekly",left-news,"Jun 8, 2015",0 +SHARPTON SHAKES DOWN PASTORS FOR DONATIONS AT MEMORIAL FOR BLACK YOUTHS: Black Pastor Calls Sharpton A β€œPimp”,"Hey Al Why don t you try going into the neighborhoods of Chicago and ask the residents to contribute to your worthless charity? Everyone knows Shakedown Al does nothing to help the hundreds of young black men who are killed by other black youths every year. It s all about the contributions to Al and his worthless charity At a Hartford, Connecticut rally supposedly called to protest five homicides of young people in the city over the past two weeks four of them shootings Rev. Al Sharpton was challenged Saturday by a black pastor for asking every preacher present to donate $100 to Sharpton s civil rights organization, National Action Network (NAN). I want to be here to see a memorial for the young people that have died, said Sharpton at Shiloh Baptist Church, according to CT News Junkie. I want the names and their stories up so children can see they don t want to be on that wall. Pastor Marcus Mosiah Jarvis of Christ the Cornerstone Praise and Western Tabernacle, however, shouted at Sharpton as he strode down the center aisle of the crowded church, How dare you ask the people of Hartford to give you their money! You re nothing but a pimp! Jarvis slammed Sharpton for using the supposed anti-violence rally as a cover for coming into a community where people are struggling for jobs, struggling for money, and demanding money to speak. Don t you come up in here asking us for money, Jarvis yelled, according to Fox CT.Jarvis was about to be escorted out of the church, but he instead remained in the rear. Sharpton responded to his challenge by removing $1,000 in cash from his suit pocket. Everything that you all raise will go to a memorial, he said. [F]or the lives that could have gone on to cure cancer. Lives that could have been the next President of the United States. Sharpton founded NAN in 1991. As Breitbart News reported in April of last year, the IRS fined the nonprofit for not properly reporting its taxes, and it was charged with $1.9 million in back taxes and penalties. Additionally, the New York Times reported last November that Sharpton owes more than $4.5 million in state and federal taxes. Mr. Sharpton has regularly sidestepped the sorts of obligations most people see as inevitable, like taxes, rent and other bills, reported the Times.The rally was the culmination of a march through Hartford in which Sharpton and about 150 mostly black individuals participated. Rev. Dr. Boise Kimber invited Sharpton to speak.According to the Hartford Police Department, the city saw 49 shooting victims between January and May 16.Jarvis later said local efforts are essential to initiate change in a community, reports CT News Junkie. We re setting in place classes where people can come for credit repair, establishing credit, home ownership, creating a resume, how to look for a job, mock interviews that s how you empower people, not creating memorials, he said.Via: Breitbart News",left-news,"Jun 8, 2015",0 +HELL-BENT ON A CONVICTION: Is The Pentagon’s Third Attempt At Convicting A Marine For The Death Of An Iraqi Citizen Politically Motivated?,"Which begs the question:How many Iraqi s have been placed on trial for similar circumstances? And do the rules of engagement only apply to the US Military? A retrial is set to begin Monday at Camp Pendleton for a Marine convicted in the 2006 killing of an Iraqi civilian one of the most high-profile and legally and politically complex court martials of the Iraq war.Sgt. Lawrence Hutchins was convicted in 2007 by a Marine jury of unpremeditated murder in the killing of a 52-year-old former Iraqi police officer in Hamandiya, west of Baghdad.The killing was meant as a warning to Iraqis to stop planting roadside bombs and cooperating with insurgent snipers attacking U.S. troops.Six other Marines and a Navy corpsman were also convicted in what was called the Pendleton 8 case. As the squad leader, Hutchins got the longest sentence, 15 years, later reduced to 11.Appeals courts twice have overturned Hutchins conviction: once on grounds that the NCIS illegally obtained a confession, once because his lawyer was allowed to retire on the eve of trial. The Marine Corps has opted for a retrial.Hutchins has spent more than six years behind bars, first at the federal prison at Ft. Leavenworth, Kan., and then the brig at Miramar Marine Corps Air Station in San Diego. Since mid-2013, he has been free on appeal, restored to his rank of sergeant and assigned to Camp Pendleton, living with his wife and children.The legal case has provoked strong, contrasting opinions among Marines.Several of Hutchins co-defendants, all of whom are long since freed and returned to civilian life, believe the killing, while brutal, saved American lives because attacks on U.S. troops declined in the following months.Other Marines believe the Marine Corps must retry Hutchins to prove that it can hold its ranks accountable for the unauthorized use of deadly force. The Marine Corps is doing what justice demands, said Gary Solis, a retired Marine and now an adjunct law professor at Georgetown University. It is being neither unfair nor harsh, Solis said. An innocent Iraqi male was taken prisoner by Hutchins and his squad and, while he was bound, repeatedly shot in the face [and] murdered. Much of the evidence against Hutchins will come from squad members who were convicted in the case, Solis noted: Given the unusually strong case against Hutchins the Marine Corps would be derelict were it to walk away from the murder of a defenseless Iraqi. But Bing West, former Marine, former assistant secretary of Defense and author of books about combat Marines in Iraq and Afghanistan, said that, given the chaos facing Marine grunts during the Iraq war, a retrial is unwarranted. In a savage war, Sgt. Hutchins, mistakenly believing he was protecting his squad, killed an innocent Iraqi, West said. He has spent several years in the brig. Further punishment would be unjust. It is time to allow him and all of us to move on. Marine prosecutors would not comment.Christopher Oprison, a former Marine and Hutchins defense attorney, has promised a vigorous defense in which he will assert that the Marine Corps is continuing to pursue his client for political purposes. The case, he said, is an indictment of the entire military justice system. The prosecution is basing its case on the information obtained by rogue NCIS agents who forced these young Marines to confess under threats and coercion. Oprison insists that comments made by Navy Secy. Ray Mabus in 2009 alleging guilt by the Pendleton 8 have tainted the case and prevented Hutchins from getting a fair trial. The political pressure to make an example out of Sgt. Hutchins is palpable, Oprison said. Enough is enough. The gloves are off. We hope to have Sgt. Hutchins home with his wife and children on Father s Day a free man. Under military rules, the jury will include officers and enlisted, most of whom, if not all, have served combat tours in Iraq, Afghanistan or both. The jury will decide guilt or innocence, and punishment.Via: LA Times",left-news,"Jun 8, 2015",1 +ABOVE THE LAW: Obama Goes Around Congress (Again) To Place Gag Order On Reporting About Firearms,"Ultimate gun control is the end game of Barack Obama and his regime period.On June 1 Breitbart News reported on Obama s Spring 2015 Unified Agenda. The gun control measures contained therein which were to be passed by executive fiat.Since that time Representatives like Rep. Thomas Massie (R-KY)91% (R-KY-4th) have placed riders on a DOJ appropriations bill to stop portions of the executive gun control push in its tracks. Now the NRA-ILA is revealing that the Obama administration is working behind the scenes to stifle reporting on firearms.From the NRA-ILA:Even as news reports have been highlighting the gun control provisions of the Administration s Unified Agenda of regulatory objectives, the Obama State Department has been quietly moving ahead with a proposal that could censor online speech related to firearms.How can this happen?Like this: The administration is reworking the International Traffic in Arms Regulations (ITAR). One of the many things regulated by ITAR are technical data tied to defense articles. This includes, but is not limited to, detailed design, development, production or manufacturing information about ammunition and firearms.More specifically, this kind of technical data would be blueprints, drawings, photographs, plans, instructions or documentation related to ammunition and firearms.While ITAR and its regulations have not been a concern in the past, as far as constraining or limiting material posted on publicly available websites, there are some within the current State Department arguing that anything published online in a generally-accessible location has essentially been exported, simply by virtue of being posted, and is therefore under the purview of ITAR.Moreover, last week the State Department put forth a proposal clarifying how to handle releases containing technical data which are posted online or otherwise distributed into the public domain. Ultimately, the proposal would require those releasing technical data on ammunition or firearms to first seek government approval.Here s how the NRA-ILA summed it up:The proposal would institute a massive new prior restraint on free speech. This is because all such releases would require the authorization of the government before they occurred. The cumbersome and time-consuming process of obtaining such authorizations, moreover, would make online communication about certain technical aspects of firearms and ammunition essentially impossible.Public comments on the proposed changes to ITAR will be accepted until August 3, 2015. You can submit those comments at regulations.gov or e-mail them to DDTCPublicComments@state.gov with the subject line indicating the comments concern the ITAR Amendment Revisions to Definitions; Data Transmission and Storage. Via: Breitbart News",left-news,"Jun 8, 2015",1 +DEMOCRAT MOCKS AMERICANS For Believing β€˜Climate Change’ Is Part Of Obamatrade: Two Weeks Later…Obama Announces β€˜Climate Change’ Is Part of Obamatrade,"Not that it matters, but since it appears that no one has read the bill, it s probably not that unlikely that Democrat senator Ron Wyden misspoke In a speech on the Senate floor on May 22, Democratic senator Ron Wyden of Oregon ridiculed those who thought climate change regulation would be part of Obamatrade:We ve heard suggested, for example, that it s a backdoor route to immigration reform or action on climate change . My sense is that the rate these hypotheticals are going, you re bound to hear that a future president working on a trade deal might have second thoughts about the Louisiana purchase.But in an interview on NPR s Marketplace yesterday (June 3), President Obama said that enforcing climate change regulations will indeed be part of the Trans-Pacific Partnership, the Obamatrade pact that he is currently negotiating with Malaysia and 10 other countries. He said:If we want to solve something like climate change, which is one of my highest priorities, then I ve got to be able to get into places like Malaysia, and say to them, this is in your interest. What leverage do I have to get them to stop deforestation? Well part of the leverage is if I m in a trade relationship with them that allows me to raise standards.In December, Obama will negotiate a multi-country climate agreement in Paris. We already know from Obama s joint announcement with China that he will commit the United States to a huge reduction in carbon emissions of 26%-28% from 2005 levels, but he will let China, already a much larger carbon emitter, continue to expand its carbon emissions until 2030.Via: American Thinker",left-news,"Jun 5, 2015",1 +BRUCE JENNER CASHING IN BIG TIME WITH NEW IDENTITY: β€œI’m the new β€˜normal'” [VIDEO],"Timing is everything, and no one knows how to seize the moment better than members of the Kardashian family. The progressive left is determined to bully Americans into submission when it comes to accepting the LGBT lifestyle as mainstream. After spending years in the reality TV business, Bruce Jenner just happens to know a thing or two about marketing himself and has a chosen much kinder and more palatable approach. And now, in true Kardashian style, it s time to sit back and cash in and his contribution to the decay of our society big time.Watch new promo for Bruce s new show I am Cait here: How many people go through life and just waste their entire life because they never deal with themselves, with who they are? Jenner says at the start of the 60-second spot. According to a press release, the eight-part, one-hour series I Am Cait will tell the story of Jenner as he lives his new normal. Living for the first time as the person he feels he was born to be, the docuseries will also explore what Bruce s transition means for the people in his life and how those relationships are affected, while offering a better understanding of many of life s challenges, E! said in the statement.The promo follows Jenner as he applies makeup in a mirror and drives out into the world. It s so bright out there, look at that, Jenner says from the backseat of a car. Isn t it great that maybe someday you ll be normal? Just blend into society? You are normal, a woman interjects. Put it this way: I m the new normal, Jenner replies.Bruce Jenner, who appeared for the first time as a transgender woman on an infamous Vanity Fair magazine cover earlier this week, could parlay his transition into a half-billion dollar fortune within a decade, experts predict.Jenner s net worth is already estimated to be $100 million. But experts familiar with the earning potential of media figures told the New York Daily News that the former gold medal Olympian and Keeping Up with the Kardashians star could be worth as much as $500 million in the next five to ten years. She could become the wealthiest of them all, VH1 s The Gossip Table host Rob Shuter told the paper, referring to the rest of the Kardashian family. If Bruce Jenner made $100 million in 65 years, if all the stars align, she could be worth over $500 million in the next five to 10 years. Caitlyn is going to be a pioneer. Jenner is set to star in an eight-part, one-hour reality television series called I Am Cait, airing this summer on E! And he was already earning between $20,000-$40,000 in speaking fees prior to his transition, according to fee tracking website BigSpeak.com. But that figure could shoot up sharply in the wake of Jenner s transformation and subsequent magazine cover. A book deal could hit seven figures, Brian Balthazar, editor of culture website Pop Goes the Week, told the Daily News. Speeches could garner six figures each. There is no denying the transgender movement s recent ascendancy in the national culture. In addition to Jenner s record-breaking magazine cover and upcoming reality show, popular television shows like Amazon s Transparent have catapulted the issue to the forefront of American consciousness, and some companies are already jumping on the chance to get involved.Via: Breitbart News",left-news,"Jun 4, 2015",0 +OBAMA’S ILLEGALS TO GET RETRO TAX CREDITS FOR TIME THEY WORKED IN US ILLEGALLY With No Requirement To File,"No need to file rules don t apply to Obama s amnestied illegals Illegal immigrants granted executive amnesty can claim back tax credits for work they performed illegally, even if they never filed a tax return during those years, IRS Commissioner John Koskinen has confirmed to Sen. Chuck Grassley (R-IA).In a written response to questions Grassley, chairman of the Senate Judiciary Committee, asked Koskinen following a February hearing on the IRS budget, the IRS commissioner clarified his earlier assertions that illegal immigrants granted executive amnesty and Social Security numbers can access Earned Income Tax Credits (EITC) for years they were working in the country illegally.Back in February, Koskinen said that in order to claim the tax credits the amnestied illegal immigrant would have had to have filed returns in the past.In his written statement to Grassley, released Wednesday, Koskinen went another step, saying an illegal immigrant granted amnesty could claim back tax credits regardless if they had filed returns in the past. To clarify my earlier comments on EITC, not only can an individual amend a prior year return to claim EITC, but an individual who did not file a prior year return may file a return and claim EITC (subject to refund limitations under section 6511 of the Internal Revenue Code). I would note that filing new returns for prior years would likely be difficult, since filers would have to reconstruct earnings and other records for years when they were not able to work on the books, Koskinen said in his written response.According to the IRS, illegal immigrants granted amnesty, and with it Social Security numbers, can claim up to three years prior in back tax credits. Section 32 of the Internal Revenue Code requires an SSN on the return, but a taxpayer claiming the EITC is not required to have an SSN before the close of the year for which the EITC is claimed. At your request, the IRS has reviewed the relevant statutes and legislative history, and we believe that the 2000 Chief Counsel Advice (CCA) on this issue is correct, Koskinen added.With this benefit Illegal immigrants granted amnesty could receive tens of thousands of dollars in back tax refunds.Via: Breitbart News",left-news,"Jun 4, 2015",0 +THE 1 PERCENTER BABY: Chelsea’s Daughter Is Clearly Not One Of Those β€˜Everyday People’ Her β€˜Dead Broke’ Granny Is Championing,"But then again, with all of the cash flowing into the Clinton Slush Fund from foreign countries no designer should be out of reach for any member of the Clinton crime syndicate Becoming a grandmother has made Hillary Clinton think long and hard about what kind of world she wants to leave behind for future generations a world in which every American will have the same opportunities as nine-month-old Charlotte Clinton-Mezvinsky. In Hillary Clinton s America, for example, every infant child will be swathed in the hippest fabrics from the hottest celebrity fashion barons.The Daily Mail reports:Former first daughter Chelsea Clinton remembered late family friend Oscar de la Renta in a touching tribute at Monday night s CFDA Awards, and revealed that he sent her newborn daughter a special dress soon before he died, which she believes is likely one of the last pieces he ever designed.Chelsea, 35, spoke at the celebrity-packed fashion event about some of her favorite memories of the beloved designer, whom she had known since her father, former US President Bill Clinton s years in the White House.In her speech, she revealed how Mr. de la Renta boosted her self esteem with a dress he sent her as a teenager and made her daughter Charlotte one very lucky little girl by sending her a dress of her own before he passed away.The elite fashion designer, who passed away last year, also designed the stunning dress Hillary wore to Chelsea s wedding ceremony in 2010. It was during a stay at de la Renta s beachfront mansion in the Dominican Republic that Hillary decided to run for president in 2016 as a champion of everyday Americans. This entry was posted in Politics and tagged Chelsea Clinton, Hillary Clinton. Bookmark the permalink.Via: WFB",left-news,"Jun 3, 2015",0 +"IRONY: [VIDEO] FLAG STOMPIN’ RAPPER, LIL WAYNE STARTS FIGHT At β€œStop The Violence” Fundraiser","Just another day in the life of a thug rapper Things turned violent at a Stop the Violence charity basketball game Sunday in St. Louis, MO, after rapper Lil Wayne attacked and allegedly tried to spit on a referee, according to TMZ. The entertainment news and gossip site reports Weezy was coaching the Young Money team with little success. He lost his cool on an official after a series of questionable calls in favor of the opposing team, which was led by a man named Loose Cannon Slim, who was also the event s organizer.Wayne allegedly charged at the official and even tried to spit on him before the rapper s team chased the man away in an attempt to calm the situation.Police were reportedly called to the scene, but no arrests were made.WATCH Video here(Watch at the 45 second mark, as the big guy or woman? with a red basketball uniform assaults the referee because they didn t like a call she made):Some proceeds from the charity game went to Put Down the Pistol, an anti-gun-violence program based in St. Louis, TMZ reports.According to the group s website, Put Down the Pistol is an anti-gun violence program created to promote a decrease in gun violence through the use conflict-resolution skills, leadership, and anonymous crime reporting. Via: Breitbart News",left-news,"Jun 3, 2015",0 +HILLARY COULDN’T FIND 125 WOMEN TO BUY TICKETS TO β€˜Women Only’ FUNDRAISER…Forced To Sell Tickets To Men,"But what about Hillary being a formidable opponent when it comes to women voters? Hillary Clinton had trouble attracting high-powered women to a New York talk hosted by Silda Wall Spitzer two weeks before her campaign officially kicks off. Sources said that after ticket sales fizzled for an intimate, $2,700-per-person, just for women meeting on Monday, the event was thrown open to men at the 11th hour, and the deadline extended to buy tickets.The Conversation With Hillary Clinton event at Midtown law firm Akin Gump was originally aiming to attract 125 women. An email invitation seen by Page Six said the event is just for women. But by Friday, They d only sold 50 tickets, so they threw it open to men, a source said. Ticket sales were supposed to close at 10 a.m. Sunday, but the hostesses were working the phones and pushed the deadline till Monday. We hear about 90 attendees included former Bill Clinton aide Rep. Sean Patrick Maloney and his husband, Randy Florke, Maurice Tempelsman, Jill Braufman (wife of hedge funder Daniel Nir), Jean Shafiroff and Susan Cole. The event began at noon, but Clinton arrived at 1 p.m. in a royal blue jacket and black pants. She then took pictures with donors and delivered a half-hour speech before leaving at about 2 p.m.Silda introduced Clinton as a tough, authentic leader, which is probably more than she can say about her hard-charging ex Eliot. In a possible nod to her host, Clinton quoted Eleanor Roosevelt, quipping, Every woman in public life needs to develop skin as tough as rhinoceros hide. Topics included clean energy, mental health care for college kids, keeping but revising ObamaCare, Vladimir Putin, and America s heroin and meth epidemic. Meanwhile, on Monday, journalists covering Clinton met in Washington, DC, to grouse about inadequate access to the candidate. When we reached out to a local Clinton campaign rep who helped organize the event, she referred us to Clinton s deputy national press secretary, who referred us to her rapid response spokesperson, who, not surprisingly, had no comment.Via: NY Post",left-news,"Jun 2, 2015",0 +HAS ESPN’S β€œArthur Ashe Courage Award” BECOME THE GAY-TRANSGENDER AWARD?,"The last three recipients of the highly coveted Arthur Ashe award for courage were gay: GMA host, Robin Roberts (2013), First openly gay NFL player,Michael Sam (2014), and now America s transgender darling, Bruce (Caitlyn) Jenner. Why are we celebrating the demasculinization of America s men? Has ESPN s sports coverage taken backseat to their obvious progressive agenda?At the 1976 summer Olympics in Montr al, Bruce Jenner won the gold medal for the men s decathlon, setting a world record with 8616 points.In July, Jenner will be honored with another award, this time for a much different achievement. On Monday, Time reported that at ESPN s ESPY Awards, the former world s greatest male athlete will receive the acclaimed Arthur Ashe Award for coming out as a transgender.In an interview with Diane Sawyer back in April, Jenner stated that he was a woman trapped in a man s body and had struggled with this conundrum since childhood.Jenner explained in an interview with Vanity Fair that his cover photo shoot with legendary photo-journalist Annie Leibovitz was a good day. This shoot was about my life and who I am as a person. It s not about the fanfare, it s not about people cheering in the stadium, it s not about going down the street and everybody giving you that a boy, Bruce, pat on the back, O.K. This is about your life. Jenner told VF, If I was lying on my deathbed and I had kept this secret and never ever did anything about it, I would be lying there saying, You just blew your entire life. You never dealt with yourself, and I don t want that to happen. The transition hasn t been entirely smooth for Jenner. He admits that he had some second thoughts about becoming a woman. In a passage from the VF interview, Jenner tells reporter Buzz Bissinger that he suffered a panic attack the day after undergoing 10-hour facial feminization surgery in March.Jenner remembers thinking, What did I just do? What did I just do to myself? Bissinger reveals in the interview that Jenner has not removed his penis.The Ashe Award, which Jenner will be receiving alongside his family at the ESPY award show in July, is one of the most prestigious in sports. According to ESPN, the recipients reflect the spirit of Arthur Ashe, possessing strength in the face of adversity, courage in the face of peril and the willingness to stand up for their beliefs no matter what the cost. Via: Breitbart News",left-news,"Jun 2, 2015",0 +TAXPAYER FUNDED OPERATION CONSERVATIVE TAKE DOWN : DOJ Awards MI State Univ Huge Grant To Study β€˜Far Right” Groups Use Of Social Media,"How many American taxpayer dollars have already been used by the Obama regime to spy on, discredit and dismantle conservative groups like the Tea Party? Is anyone else beginning to feel like the Obama regime is one big union who forces members to pay dues that are used to fund, and ensure the success of the Democrat party? The Department of Justice is concentrating on far-right groups in a new study of social media usage aimed at combatting violent extremism.The Justice Department s National Institute of Justice (NIJ) awarded Michigan State University $585,719 for the study, which was praised by Eric Holder, the former attorney general, earlier this year. There is currently limited knowledge of the role of technology and computer mediated communications (CMCs), such as Facebook and Twitter, in the dissemination of messages that promote extremist agendas and radicalize individuals to violence, according to the NIJ grant. The proposed study will address this gap through a series of qualitative and quantitative analyses of posts from various forms of CMC used by members of both the far-right and Islamic extremist movements. The study draws more upon right-wing forums than upon the corners of the web inhabited by Islamist extremists. We will collect posts made in four active forums used by members of the far-right and three from the Islamic Extremist community, as well as posts made in Facebook, LiveJournal, Twitter, YouTube, and Pastebin accounts used by members of each movement, the grant said. The findings will be used to document both the prevalence and variation in the ideological content of posts from members of each movement, the grant continued. In addition, we will assess the value of these messages in the social status of the individual posting the message and the function of radical messages in the larger on-line identity of participants in extremist communities generally. The project will also identify the hidden networks of individuals who engage in extremist movements based on geographic location and ideological similarities. The results will be used for a public webinar, and for presentations for counterterrorism experts in the United States.Holder highlighted the study in remarks this February at the White House Summit on Countering Violent Extremism, as an example of the new methods the Justice Department is using to combat terrorist threats.Holder said the study will help us develop more effective techniques and partnerships for counter-messaging. While the grant does not name the far-right groups that would be examined, other federal agencies have devoted their energy to the sovereign citizen movement.The Department of Homeland Security (DHS) released a report on the movement, whose members believe that U.S. laws do not apply to them, just as the White House held its summit on violent extremism. The administration did not use the phrase Islamist extremism at the summit.DHS stirred controversy in 2009 when it issued a report on right-wing extremism, which included veterans returning from combat as a potential terrorist threat.The Justice Department and Michigan State University did not return requests for comment by press time.Via: Washington Free Beacon",left-news,"Jun 1, 2015",0 +HOW OBAMA’S NEW DOJ PLANS TO BYPASS CONGRESS TO IMPLEMENT GUN CONTROL,"Eric Holder in a skirt Obama s Department of Justice is working on more than a dozen new gun control regulations it plans to begin implementing apart from Congress. Some of the regulations are set to be put in place by November, others simply by the end of the Obama administration.According to The Hill, the regulations range from new restrictions on high-powered pistols to gun storage requirements and the issuance of new rules expanding criteria for people who do not quality for gun ownership. Part and parcel to this new criteria will be an ATF-implemented ban on gun ownership for anyone convicted of a misdemeanor domestic violence. Gun Owners of America s Michael Hammond warns that under this rule the person barred from gun ownership could be [someone] who spanked his kid, or yelled at his wife, or slapped her husband. The new regulations will also include ATF enlargements on mental health-based gun ownership bans. Hammond summed this up by saying, The Obama administration is trying very hard to disqualify people from owning a gun on the basis that they are seeing a psychologist. And the NRA pointed out that because most mentally ill persons pose no threat to society, the new regulations will actually become snares [for] masses of mostly harmless individuals. The NRA added: Not only is this unjust and stigmatizing, it creates disincentives for those who need mental health treatment to seek it, increasing whatever risks are associated with untreated mental illness. In other words, people who might actually need some minor mental health attention may refuse to pursue it for fear of losing their guns.The ATF is also working on rules that would require gun dealers to report gun thefts, provide gun storage and safety devices. In March the NRA warned that then Attorney General nominee Loretta Lynch would be Eric Holder 2.0. Yet in April, ten Republican Senators sided with Democrats and confirmed Lynch as AG. The Hill reports that those Republicans included:Sen. Kelly Ayotte (R-NH)42% Sen. Lindsey Graham (R-SC)49% Sen. Jeff Flake (R-AZ)40% Sen. Mitch McConnell (R-KY)54%Via: Breitbart News",left-news,"Jun 1, 2015",0 +DEATH OF A NATION BY EXECUTIVE ORDER: Who Voted To Bring 33 MILLION Immigrants To America?,"With 25% of Mexico now living in America Americans should be demanding our President tell us why he allowed these illegal aliens to cross our southern border and who will pay for their health care and education? Americans pride ourselves on being people who have a government. But these days, it more often seems as if we ve got a government that has people.And that government is even selecting who its people will be, having within a generation essentially imported a state s worth of new people through immigration.Since 1970, the number of Hispanics of Mexican origin in the U.S. has jumped from fewer than 1 million to more than 33 million. If all these Mexicans were a state, it would be the second largest in population in the country, trailing only California.Did you vote to approve that immigration policy? Did anyone? In fact, the federal government allowed it to happen without any voter input. That s by design.In recent years, Congress has attempted to draft legislation to deal with illegal immigration. And while the controversial Gang of Eight bill passed the Senate in 2013, it died in the House after one of its authors withdrew his support. Immigration is a difficult topic, one that will require difficult discussions.Instead, the Obama White House would prefer to short-circuit the political discussions. America cannot wait forever for them to act. That s why today I am beginning a new effort to fix as much of our immigration system as I can on my own, without Congress, President Obama warned last summer. After the November elections, he acted to grant amnesty to millions of illegals.In February, a federal judge put a hold on that policy while he determined its legality. The administration admits it went right on ahead, issuing 2,000 more waivers. Now, an appeals court has upheld the stay. But the White House says it will press ahead. [T]he administration s enforcement priorities, including our focus on deporting felons and not families, and many other executive actions on immigration continue to move forward, White House spokesman Eric Schultz told reporters this week. It would be a shame if an issue so critical like this became mired in a political dispute. But Schultz has it exactly backward. If our representative system of government means anything, it should mean that the people have a say in the big issues facing our country.It s precisely because the issue is so important that it deserves to be a subject of political disputes. It s through the political process in the presidential and congressional elections of 2016 that voters can finally have a say in the nation s immigration policy. We ve already waited far too long.Via: Breitbart News ",left-news,"May 31, 2015",0 +COLLEGE PROF DEVELOPS 10 β€œCracka Commandments” TO HELP WHITE PRIVILEGED PEOPLE WITH IMMINENT β€œBlack Spring”,"Dr. Christopher Driscoll, an Africana Studies program affiliate, is a perfect example of how academia uses religion to divide students along racial lines, which ironically only promotes division and hate A hip hop symposium recently inspired a professor at Lehigh University to develop a list of Cracka Commandments intended to help white people accommodate the imminent black spring. Christopher Driscoll, a visiting assistant professor of religious studies at the private university in Bethlehem, Penn., posted the list of commandments last Friday following a lecture on the white appropriation of rap.According to Driscoll, his lecture led to a discussion about how white people fit into the #BlackLivesMatter movement and prompted a collaboration between himself, Lehigh Theater Professor Kashi Johnson, and hip hop artist Asheru. Together, we came up with these, the ten cracka commandments for 2015, Driscoll wrote on his personal blog, Shades of White.Driscoll says the first commandment is: that all lives won t matter until #BlackLivesMatter which he describes as both a litmus test and the greatest commandment. The nine other commandments read as follows:1. Always remember that white privilege is real, even if you do not understand it. Use it to convince other people that black lives, including black women s lives, matter.2. Show up for protests, write letters to representatives, and start discussions with other white people about black lives mattering.3. Always remember that ignorance is real, and is a product of privilege. Treat the ignorant with compassion, but hold them accountable. 4. Never think that the critique does not apply to you. Just because you were at Barack s inauguration and your dad was a freedom rider, or because you are the head of your local chapter of GLADD, that does not mean you do not have more work to do on yourself, your family, and your community. 5. Always remember that it is never a question of if violence, but whose violence are you going to defend. Unjust state-sanctioned and racist violence, or justified resistance; the choice is yours, the choice is ours. 6. Never tolerate racism from your friends or family. Whether it is coming from your eighteen-year-old friend, your thirty-one-year-old cousin, or your eighty-year-old grandmother, confront it always. Confronting racism does not mean you will lose your friend or family. It means you will help to make them act and think in less racist ways. 7. You cannot love cultural products without also loving the people who make those products. If you like black art or athletics, that appreciation is an entryway into recognizing that black lives matter. 8. Never quote black leaders like Dr. King in order to criticize protesters and activists. 9. Always embrace uncertainty. Life is uncertain; death is certain. Uncertainty promotes life; certainty produces death and destruction. 10. Never put white fragility ahead of justice. If you are more concerned to argue that you aren t racist than you are with racism or with people dying, you re priorities are skewed. Do you want justice or comfort? In addition to teaching, Driscoll recently penned the book White Lies: Race and Uncertainty in the Twilight of American Religion, which addresses the instabilities central to a white religion . Driscoll describes his personal website as designated for the progressive anti-racist ally and curious and frustrated, alike. Shades of White is a space for whites to clumsily, openly, and actively wrestle with a host of social issues that impact us, Driscoll states, adding that it is about time white folks come to terms with a problematic social arrangement that has seen them disproportionately advantaged for far too long. According to Driscoll, left-wing blogs do a good job of criticizing white folks on our failings albeit without offering concrete responses to meet the civic and social demands of everyone else. At the same time, Driscoll says right-wing blogs feel good, make us proud to be an American, but are often actively racist and sexist and sometimes, downright dumb. WATCH VIDEO FEATURING DR. CHRISTOPHER DRISCOLL S VIEWS ON RACISM HERE: Dr. Christopher Driscoll from Lehigh IMRC on Vimeo.In an email to Campus Reform, Lehigh s Director of Media Relations, Jordan Reese, said the university is committed to strongly supporting faculty academic freedom and the free exchange of ideas, theories and philosophies on campus. Lehigh believes diversity of thought fuels a healthy exchange of ideas, discussion and debate, contributing to a vibrant intellectual environment in which our students can grow and learn, Reese said.Via: Campus Reform",left-news,"May 31, 2015",0 +ARIZONA STATE UNIV DOUBLES TUITION… CLAIMS IT NEEDS MORE STATE FUNDS…Finds $500K To Donate To Clinton β€œSlush Fund”,"But what about that whole unfair student debt thing that Hillary and Bill are so concerned about?While Arizona State University has almost doubled its tuition over the past 10 years amid claims that it needs more state money, the school somehow had the funds to give half a million dollars to the Clinton Foundation.According to The Arizona Republic, the public university paid $500,000 to the Clinton Foundation to host the former president-Bill Clinton; former-Secretary of State Hillary Clinton; and their daughter, Chelsea, during a Clinton Global Initiative University (CGI U) event in 2014. Former Secretary of State Hillary Clinton, Bill s wife, is the current front-runner for the Democratic nomination for the 2016 presidential race.Mark Johnson, an ASU spokesman, told The Republic that the university was a payment for the event not a contribution to the Clintons. ASU played host to the CGI University in March 2014, which featured former President Bill Clinton and former secretary of State Hillary Clinton in a program aimed at bringing together college students to find practical, innovative solutions to global challenges, Johnson told the newspaper. The report you cited reflects the fact that the university co-invested in this educational and promotional opportunity, which was co-produced for our students, and for students from around the world. No state funds were used for this purpose. The Republic also reported that while the university has lobbied the State Department, university officials claim the lobbying occurred after Hillary stepped down from the position.The CGI U website also boasts that more than 1,100 students attended the event to raise $60,000 and participate in a Day of Action in the community. Student attendees had the opportunity to attend plenary sessions, working sessions, and other special events covering topics across CGI U s five focus areas and allowing them to network with their peers, build skills, and identify potential partnerships, the website for the event states. Youth organizations, topic experts, and celebrities joined students at the CGI U meeting to help them gain the skills and knowledge needed to take action on their commitments. Earlier this month Arizona s Board of Regents voted to approve tuition increases for both undergraduate and graduate students at ASU, the University of Arizona, and Northern Arizona University. Arizona Gov. Doug Ducey (R) also recently approved a budget that cut more than $100 million from public universities, The Arizona State Press reported. In this regard ASU seems to hold themselves accountable to their own pet projects, as opposed to ASU students, Richard Moorehead, a senior history major at ASU, told Campus Reform. The money they wasted on the Clinton Foundation event could have been used for scholarships and genuine education. I realize bringing high-profile speakers can raise the profile of the university, but no speaker s time is worth $500,000, especially if that money is funneled into a presidential campaign, Moorhead said. He did not attend the CGI U event.Ryan Hartwig, a recent ASU graduate, told Campus Reform that the $500,000 was way too much for any celebrity or politician. It really makes me question what ASU does with their money, while they continue to complain about state budget cuts, Hartwig said.The Washington Free Beacon reported that ASU has said it did not use state funds to pay the Clintons, but the university has not disclosed where the money actually came from.Sen. John McCain (R-Ariz.) participated in the event last year but told The Republic that had he known the price tag, it wouldn t have been worth it. Frankly, if I had known that that was the situation, that they were being paid $500,000, I would have spoken up at the time that I thought it was outrageous, McCain said.Via: Campus Reform ",left-news,"May 31, 2015",0 +BALTIMORE’S OVERZEALOUS PROSECUTOR BUSTED β€œFAVORITING” RACIST TWEETS [Video],"B b..but she s a victim (Mosby claims her account was hacked).Earlier this month, two controversial tweets were favorited by a personal Twitter account belonging to Baltimore City State s Attorney Marilyn Mosby. The first tweet referred to the officers charged in the death of Freddie Gray as those 6 THUG cops and the other praised Mosby and claimed she INFURIATES a certain kind of white person. But Mosby s office is now claiming that the two favorited tweets were the work of a hacker. Both Mosby s official Twitter account and her personal account were hacked, the Baltimore City State s Attorney s Office reportedly told The Kelly File on Wednesday. We do not know how long it s been going on, we are working with Twitter. Mosby revealed on May 23 that her official government Twitter account had been hacked, but did not mention her personal account being compromised. Further, the tweets in question were favorited by her personal account weeks before her government account was reportedly hacked.Fox News host Megyn Kelly expressed cynicism that a hacker would take over her account and only randomly favorite two tweets.Watch the segment via The Kelly File below: The Five co-host Kimberly Guilfoyle said Mosby is behaving like an activist when she is supposed to be an impartial evaluator of the facts of the case. The officers charged in the Gray case have asked for a change of venue because it doesn t appear they can get a fair and impartial trial in Baltimore.Via: The Blaze",left-news,"May 30, 2015",0 +AFGHAN INTERPRETER FOR US MURDERED BY TALIBAN WHILE WAITING 4 YRS FOR PROMISED VISA [Video]," I was always loyal to U.S.A and never betray its mission. This sad story reminds us of the Pakistani doctor whose intel he shared with the US lead them to discovery of Osama Bin Laden s hideout. He wasn t much of a priority for the Obama regime either, as they left him to be abducted, tortured and imprisoned for his troubles. With friends like the Obama regime who needs enemies? An Afghan interpreter for the United States military who had been waiting for over four years on the U.S. visa list was tortured and killed by insurgents earlier this year, raising concerns that other translators could meet a similar fate as American forces withdraw from Afghanistan.Sakhidad Afghan worked as a translator for the U.S. Marines and Air Force since around 2008. Four years ago, he applied for a U.S. visa under a program for at-risk military translators. He was still on the waiting list when the Taliban reportedly kidnapped him from a bazaar this spring and executed him in the back of a trailer truck.According to Arif Rahmani, a member of the Afghanistan Parliament who spoke with Afghan s family and the ANA brigade in Farah, the Taliban had been tracking Afghan because of his work with the U.S. military. According to [the ANA s] information, the Taliban captured Sakhidad from a bazaar in Farah, Rahmani wrote in a post [Warning: post contains graphic images] on his Facebook page. From a trailer truck they tortured for awhile, then killed him. He introduced himself as Abdul Hamid, but that couldn t save his life. Afghan was between jobs after his base in Helmand closed in late 2014. In January he set off for Herat, a city in western Afghanistan, his brother told Rahmani. The Afghan National Army recovered his body in the beginning of March in the Farah river region, between Helmand and Herat, according to Rahmani.News of the murder swept through the Afghan interpreter community, where many are increasingly concerned about retribution attacks from the Taliban. Taliban killed Afghan by chasing him. I am sure they are tracking me too and they will kill me also one day, said a translator who worked with Afghan and has also been waiting for a U.S. visa since 2011. His name is being withheld.Advocacy groups said the U.S. government often lets interpreter visa applications idle for years without telling applicants why.The State Department and other agencies recently instituted reforms to the Special Immigrant Visa process, and the number of visa applications approved in 2014 was significantly higher than prior years. However, the Iraqi Refugee Assistance Project, a group that advocates for Afghan and Iraqi linguists, said Afghan s death shows the risk translators face when their applications stall. This horrifying incident is unfortunately just one example of how each passing day is another mortal threat to our Iraqi and Afghan allies, said Katherine Reisner, national policy director at IRAP. It shows our veterans dedication to their allies overseas, and how much hope they place in the SIV program, she added. We fail our veterans when the SIV program fails. And it is a call to action for the Departments of State and Homeland Security to act justly and expeditiously on all SIV applications. The State Department declined to comment, saying it could not discuss details of individual cases.Afghan was Hazara, a Persian-speaking ethnic minority that has been targeted in a string of recent attacks.In late February, extremists kidnapped 31 men, mainly Hazara, from a bus returning from Iran. Some of the hostages were reportedly released in a prisoner swap earlier this month. Last month, the Taliban reportedly beheaded four Hazara in the Ghazni Province.Afghan did not have a birth certificate, but friends said he was around 26 years old. When he worked on a base in Marjah in 2010, he told some of the Americans he worked with that he wanted to become a Marine. They encouraged him to start lifting weights, which he began doing regularly.Washington Free Beacon managing editor Aaron MacLean, a former Marine officer who led a platoon in Marjah in 2010, worked with Afghan when the interpreter was assigned to his rifle company. I just remember him being a good young man who did his job well, was as brave as any Marine, and came under fire as much as any Marine in Marjah, said MacLean.Afghan went on to work with the Air Force, but would still wear old Marine uniform pieces he saved from his previous assignment. He became a devoted runner, and entered the Marine Corps Marathon at Camp Leatherneck in 2011, finishing the race in just under 4 hours and 50 minutes.He also kept in touch with American service members he worked with after they returned to the U.S. I am deeply afraid of the current situation, Afghan emailed to one U.S. military friend on July 9, 2014. If I go to the U.S.A I think I will be safe. Right now it looks like, the disaster is coming in the country. I was always loyal to U.S.A and never betray its mission, he added. I am absolutely sure that I have deserved an approved visa for United States. Even as years passed without receiving an answer on his visa, Afghan held onto hope. Every rock strikes the feet of disabled goat. The poor gets poor, and the rich gets rich, he wrote the friend on July 10, 2014. But I can see my future is bright. Via: WFB",left-news,"May 30, 2015",1 +BREAKING: WATCH LIVE FEED FROM β€œFreedom Of Speech Rally II” IN FRONT OF PHOENIX MOSQUE,"Pretty much people just yelling at each other so far. pic.twitter.com/jfNdizcAX5 Adam Housley (@adamhousley) May 30, 2015About 10 more officers now have come to form a human wall between the two sides. About 30 total pic.twitter.com/RU8pgX21j7 Adam Housley (@adamhousley) May 30, 2015 ",left-news,"May 30, 2015",0 +WHY TAXPAYER FUNDED FOOD TRUCKS PLAN TO STALK KIDS THIS SUMMER,"I wonder how many government funded trucks will be following Mooch s kids this summer? Oh, that s right she s a good mom. There s no need for government intervention Government-sponsored food trucks will be stalking students this summer with the goal of giving out thousands of healthy free lunches officials don t trust parents to provide.Officials at St. Paul public schools recently announced they re working with the local food bank Second Harvest to dispatch a mobile food truck to expand locations offering students free lunches during the summer. Last year the district supplied 71 locations, and the truck will help to add another 10 to 15 in 2015, KSTP reports.The district s director of nutrition services, Stacy Koppen, said the truck will drive around to different locations between 10:30 a.m. and 5 p.m. to help feed the city s needy youngsters. The truck will track down students at spots like suggested basketball courts or fields where kids like to play, according to the news site.The very expensive-looking specially rigged step van features a billboard with grinning teens alongside the message Kids and teens: Get your free meals here. The district apparently didn t offer the details on how the new program is financed, or how much the truck cost, and the news station didn t bother to ask. School officials said the truck will be manned by volunteers.Koppen said the district serves 29,000 lunches a day during the school year, but only 6,000 a day during the summer, so officials reasoned a truck is necessary to make sure students aren t starving. Time and again, we such a steep decline that we wonder, Where are these children going? Are they getting the healthy, nutritious food they need for their health and academic success? Koppen told KTSP. We want to make sure that when children return to school for the next school year, that they are at the optimal health status and that they are ready to learn, she said, adding that the free food is available to all, not just low income kids.Minneapolis Public Schools have used food trucks to give away lunches since at least 2013. The Hopkins district in Minnesota, as well as districts in Colorado, New York, Massachusetts, Indiana, California, Tennessee, and other states have also launched trucks to take free food to students during the summer.In New York City, organizations can also apply to have school food trucks deliver meals to students on site upon request.Most, if not all, of the school food trucks seem to be funded at least in part by the U.S. Department of Agriculture, as part of the federal free and reduced-price school lunch program. Each summer, the United States Department of Agriculture reimburses school districts for all meals prepared and served at no cost to any child under the age of 18, the Grand Junction Daily Sentinel reports.The news site explained that School District 51 expanded its free summer lunch program to dispatch a food truck to patrol local neighborhoods and seek out students. The USDA will pay for food and staff labor but not for the purchase of a food truck or the cost of running it, according to the Daily Sentinel.In District 51, the cost of the truck and expenses are covered by a $50,000 grant from the Western Colorado Community Foundation.Via: EAG News",left-news,"May 29, 2015",0 +CHICAGO AREA SCHOOLS REPLACING BOOKS BY WHITE MALE AUTHORS With Books That Are β€œmore culturally relevant”,"Because books written by authors like Ernest Hemingway, William Shakespeare, Mark Twain and John Steinbeck are so-o-o-o overrated and so culturally irrelevant Chicago area schools are replacing white male authors on student reading lists with minority and women authors who delve into themes like power, justice, humanity and social responsibility. I think yes, book lists in schools are sexist, but I don t think it s the school s fault, senior Sarah Eiden told the Gapers Block Book Club blog. I think it s because we still think good literature is only written by white males, which simply isn t true. I do see though that teachers are trying to change that. New Trier High School English teacher Scott Campbell is among them. When we think about summer reading books or adding a new book to a course, we re often looking for woman or people of color, he told the site.It s some teachers way of countering the prevalence of white male authors who penned classics like The Great Gatsby, Lord of the Flies, The Catcher in the Rye and Of Mice and Men, Campbell said. Women a hundred or so years ago were not encouraged or expected that they might write, so we re left with literature that seems unbalanced and institutionalized, almost in the way we talk about racism, he said. Women haven t been championed as writers generally, Campbell said. This is just one of the after-effects of male domination. John Hancock College Prep English teacher and curriculum coordinator Natalie Garfield seems to share Campbell s perspective.She hunts out books that are more culturally relevant to students at the school than classic books written by white male authors. At the end of their high school career, a kid can pick up any new book and potentially have been exposed to anything like it based on the wide spectrum of texts we offer here, Garfield told Gapers Block. (You) make changes and reflect the times and kids in front of you. Those changes include books like The Absolutely True Diary of a Part-Time Indian, which is actually a fictionalized story about a 14-year-old Native American teen that attends a mostly white high school with themes of alcoholism, sexuality, violence and bullying, according to the blog.Other titles like Always Running: La Vida Loca, Gang Days in L.A. focuses on gang life, unemployment, drug addiction, incarceration and suicide. But in the end, it s a positive, uplifting story of a man who realizes his potential as a Chicano activist and artist and manages to turn his life around, Gapers Block reports. This book gives readers a raw look at what it meant to be Latino in Los Angeles during the 80s and how community involvement can truly impact marginalized groups. Some student told the site they appreciate that teachers are catering reading lists to their culture by replacing books written by white male authors with minority-penned prose.Hancock senior Lisseth Perez said books on Hispanics offered in the past are from a white person s perspective. We come from a Hispanic culture, but enven when they give us Hispanic books, it s more like, just Hispanic people trying to fit into a white community, Perez said. It s the same book over and over: Hispanic kid wants to go into the white community and not get looked down upon. It s the same story with women, Hancock junior Sandra Rodriquez told Gapers Block. These books just talk about men and men and men. And they never actually show women actually doing something, she griped. You have to read something you feel good about. Via: EAG News ",left-news,"May 29, 2015",0 +HIGH SCHOOL SHOWS STUDENTS RACIST β€œSh*t White People Say” VIDEO AS PART OF MORNING ANNOUNCEMENTS,"According to Bedford, Mass. School Superintendent, John Sills, no employees will face disciplinary action for showing this video to the students. People who are sick and tired of watching our nation being divided down racial lines should call him at 781-275-7588. It s time to flood the lines of these leftist school administrators and let him know how you feel about the shaming of white students in a high school he is paid to supervise.BEDFORD, Mass. After students played a video promoting racial stereotypes during the morning announcements, school administrators are dismissing it as a teachable moment. A group of students at Bedford High School who produce BHS Live created a video called Sh*t White People Say, which played off racial stereotypes allegedly held by their white peers.It featured a black girl wearing a blonde wig, several school employees and a number of minority students.It warns white students to DO NOT ASSume things about their black classmates. I m very offended by what I saw, parent Bob Marshall tells Fox 25. It was a very disgusting video, very hurtful video. A lot of them were upset by what they saw, Marshall he says of students who watched it during morning announcements. I m shocked that a video like that could be displayed and that nobody oversaw it. School administrators are pleading ignorance.HERE S THE VIDEO:In a letter home to parents after the incident, the school s principal says, there has not been a vetting process of videos for BHS Live. Therefore, the video was not previewed by any administrator, student or teacher surrounding BHS Live. A protocol for vetting student videos is being developed. That seems a little hard to believe, given that three adults participated in the production.Superintendent John Sills says while it was framed in a way that was offensive, it was a positive thing that the video spurred conversations. I would never say it s good when something offensive happens. But we always seek to find positives, and we continue to work to derive learning from it, according to Sills.That s not good enough for Marshall. To me, it s smoke and mirrors to say oh, it was a learning lesson, Marshall says. Somebody needs to be held accountable and somebody needs to lose their job over it. According to the superintendent, no employees will face disciplinary action.Via: EAG News",left-news,"May 29, 2015",0 +BREAKING: ISIS SUPPORTERS THREATEN ARMED BIKERS β€œFreedom Of Speech” Rally…’We promise we will drink ur blood’ [VIDEO],"ISIS supporters on Twitter are making open DEATH threats to bikers attending the Freedom Of Speech Round II event to be hosted today in front of a Phoenix, AZ mosque where two would be jihadists belonged. ISIS sympathizers, Nadir Soofi and Elton Simpson were shot dead by police after planning to commit jihad at a Draw Muhammed Cartoon contest hosted by Pamela Gellar in Garland, Texas on May 3, 2015. Freedom of Speech Rally Round II organizer, John Ritzheimer, a US Marine has become the target of ISIS supporters on Twitter. They ve been tweeting his home address and requesting fellow radical islamists who are seeking jannah take action against him:From Seekers of the Garden site: Do you desire Jannah? Are you seeking that unimaginable Paradise? Deep down inside, your soul yearns for it. Are you willing to go that extra mile to perfect your deen, so that you may obtain the highest level of Jannah? If not, then what holds you back? Does this dunya overwhelmingly fill your day so that you find less time to devote to Allah?Consider this: the Messenger of Allah, sallalahu alayhi wasalaam, said: Nobody who enters Paradise will (ever like to) return to this world even if he were offered everything on the surface of the earth (as an inducement) except the martyr who will desire to return to this world and be killed ten times for the sake of the great honor that has been bestowed upon him. [Muslim, Book 20, Number 4635]The truth is astonishing. The words are compelling. The commitment only returns an immeasurable reward whose likeness is not found in this dunya.Here are some of the tweets and re-tweets on Twitter threatening the lives of bikers (and any of their children) who attend the rally today: UPDATE: The account of DAWLATIL ISLAM has just been removed from Twitter. Freedom of Speech Round II organizer John Ritzheimer is moving forward with the armed rally. Watch CNN s Sara Sidner show her blatant disgust for the rally in the interview with Anderson Cooper leading up to his interview with organizer John Ritzheimer:https://youtu.be/vDc_6nioI7o ",left-news,"May 29, 2015",0 +WHITE STUDENTS TURNED AWAY FROM β€œAnti-Racism” Event Because Black People Deserve A β€œsafe place” Without White People,"The presence of any kind of privilege puts unnecessary pressure on the people of colour to defend any anger or frustrations they have, to fear the outcome of sharing their stories. Vajdaan Tanveer, RSU CoordinatorYou just can t make this stuff up White people do not experience racism. First-year journalism students Trevor Hewitt and Julia Knope were told that because they were not victims of racialization, they were not allowed to stay in the meeting room and report on the event.Hewitt and Knope said they made eye contact with an unidentified woman who appeared to be setting up for the event. She approached Hewitt and Knope and asked if they had ever been racialized.Hewitt said he then told the woman he wanted to cover the meeting for an assignment. He said the woman told him that because he was not a racialized student, he could not sit in on the meeting. Hewitt and Knope then left the room. It felt really bad kind of embarrassing, Knope said. If their goal in these meetings was to end racialization then it needs to be something everybody is involved in. If some people are causing the problems, they need to know. Grouping yourself off is not going to accomplish anything. The Racialized Students Collective is part of the Ryerson Students Union (RSU). Its website states that the group oppose(s) all forms of racism and work towards community wellness for students, that they focus on building an anti-racist network and fostering an anti-racist environment through campus-wide services, campaigns and events. Knope said while she understands they are a support group for each other and don t want others there, she doesn t understand why the events are then listed as public and as an RSU campaign. It seemed really ironic to me that the meeting was about racialization and they were prohibiting certain people from entering, she said. Right now it s almost like they re suggesting they can make racialization go away (and that) if everyone who has been racialized just talks it will magically go away, Hewitt added.RSU coordinator Vajdaan Tanveer told The Ryersonian over the phone that members of the collective have requested a safe space on campus, where they can have an open conversation. We don t want (racialized) students to feel intimidated, that they can t speak their mind because they are afraid of being judged or something they say might be used against them, he said.When asked about Hewitt and Knope s incident, Tanveer confirmed they couldn t attend the meeting because they were white. In terms of educating, we have some events for public, he said. We use the opportunity to tell them about the work and how they can get involved. Via: WhiteRabbitRadio.net ",left-news,"May 29, 2015",0 +SWANKY NYC HOTEL TURNS AWAY NAVY OFFICER FOR WEARING UNIFORM [Video],"Because you can t take a chance that a sailor in uniform might offend an anti-military patron Manhattan s swanky Standard hotel has issued an apology after a Navy officer wearing her iconic white uniform was turned away by a bouncer during Fleet Week.The sailor was blocked at the elevator to the Top of The Standard lounge around 8 p.m. Saturday when she arrived with three others who wore cocktail attire, one member of the spurned group told the Daily News on Monday. We walked in, went to the elevator and were stopped by a doorman who said, Hey man, there s a dress code, said Ryan O Connor, the husband of the sailor s cousin. I said, Wait, are you rejecting us because someone is in a service uniform? He kind of rolled his eyes and wouldn t budge. I was wearing a $400 blazer and dress shoes. We were all dressed nice. The only person sticking out was the Navy officer, he said. The sailor requested anonymity.O Connor, a 32-year-old tech consultant, said he asked someone at the hotel s front desk to intervene on his group s behalf and was told the decision was up to the lounge s discretion. We were all shocked and upset, he said. This was Memorial Day weekend and walking distance from Ground Zero. This should have been a no-brainer. The Rhode Island sailor stationed in Virginia declined to give an interview Monday, but her relatives spoke out and sent an email to The Standard s management expressing their outrage at her treatment. A general manager responded to the family by email Sunday and invited the sailor back. We most certainly do appreciate and take a lot of pride (in) all the young people giving their lives to defend our nation, manager Nayara Branco wrote to the family. As per regular protocol, our team at the Top of The Standard is instructed to enforce a dress code which obviously should not apply to military uniforms. Once again, our sincere apologies for the miscommunication at our end, the issue has been brought to all of our team s attention and it will certainly not repeat itself, the manager at Top of The Standard & Le Bain said. It would be a great honor to host her and her fellow colleagues at some point in the future, she wrote.Via: NYDaily News",left-news,"May 28, 2015",0 +"ST PAUL, MN PUBLIC SCHOOLS β€˜White Privilege’ TRAINING ASKS TEACHERS: β€œWhen do you wear the hood?”","Minnesota the hotbed of liberalism and diversity in the Midwest While teachers blow the whistle on the breakdown of discipline for black students in St. Paul Public Schools, a photo has emerged from an equity training that might leave some to wonder what s actually being taught to teachers.Aaron Benner, a fourth grade teacher in the district, told EAGnews about how black students are frequently not held accountable for their actions due to white privilege training for teachers and administrators. As a black man I can say that they are hurting black kids, Benner said. I ve never seen anything as idiotic as PEG. Everything we do, PEG is at the forefront. It s so comical. PEG says shouting out in class is a black cultural norm, and being on time is a white cultural thing. It s so demeaning, so condescending to black kids. If a white person were making claims like this, black people would be in an uproar. You are not doing kids any favors by making excuses for them because they are black. It s not a matter of culture if you re talking about norms that all cultures need to abide by you cannot throw things or attack your teacher, regardless of your race. Now, a source has provided photographic evidence of the tenor of some of the white privilege training being administered to St. Paul teachers.According to the source, the photo is from a training this year at Bruce Vento Elementary during a staff meeting.It features a figure wearing a Ku Klux Klan hood with the question, When do you wear the hood? The principal allegedly displayed the picture and asked the staff to sit in silence and reflect on it for 3 to 4 minutes. The source refused to elaborate out of fear of retribution.Another source said, This picture and the idea that it would be helpful in some way is totally unbelievable. An email to Scott Masini, principal of Bruce Vento, was not immediately returned.Last May, the Pioneer Press reported the St. Paul district had spent at least $1.2 million on such training from Pacific Educational Group, a San Francisco-based company that conducts similar trainings in school districts across America.Last fall, the Star Tribune reported St. Paul schools inked a $246,500 contract with PEG for equity training $133,500 less than the agreement approved for 2013-14. Bruce Vento Elementary s website details the district s equity plan, which includes examining the presence and role of Whiteness. Via: EAG NewsFrom the Un-Fair Campaign which originates in Duluth, MN: This campaign is about white privilege and so these suggestions are focused on what white people can do. Use the resources listed below to learn more.Learn how historically white privilege has benefited you and other white people. Accept that you have unearned privilege and advantages write them down Start seeing/hearing the privileges and advantages you have:Below is a White Privilege video put together by the Un-Fair Campaign: ",left-news,"May 28, 2015",0 +LAWLESS: OBAMA WON’T TAKE EXECUTIVE AMNESTY TO SUPREME COURT,"Why should Barack Obama bother with the courts? He s always been above the law. He s already proven to us that he doesn t need a court ruling to bring millions of illegal aliens into our country. He s not following any laws when he demands our border patrol agents stand down to drug cartels, dangerous gangs, pedophiles, members of terror groups and rapists crossing our open borders. He doesn t need a law to ensure that in exchange for votes for the Democrat party, American taxpayers will reward illegal aliens with the right to free education, free food, free health care and subsidized housing. Who needs the law when you re America s First Black President. The Obama administration revealed today that it will not take the fight over executive immigration amnesty to the Supreme Court, essentially admitting defeat in its fight to lift a court-ordered stay placed by a Texas judge.Obama s executive actions still have to be settled in court, but yesterday s decision prevented the administration from moving forward in its efforts to sign up illegal immigrants for the amnesty programs. The department believes the best way to achieve this goal is to focus on the ongoing appeal on the merits of the preliminary injunction itself, said Patrick Rodenbush, a spokesman for the Justice Department to the New York Times. Although the department continues to disagree with the Fifth Circuit s refusal to stay the district court s preliminary injunction, the department has determined that it will not seek a stay from the Supreme Court. The arguments for the legal battle begin next month before the Fifth Circuit court, but the results of yesterday s decision mean the final will likely be pushed into 2016. There s an important hearing scheduled for July 6 at which the Department of Justice is preparing its arguments on the legal merits of the executive actions that the president announced last fall, White House Deputy Press Secretary Eric Schultz told reporters aboard Air Force One. The Department of Justice remains focused on that argument and that hearing proceeding on an expedited basis. Obama is traveling to Miami today for a series of fundraisers for the Democratic National Committee.Via: Breitbart News",left-news,"May 28, 2015",0 +[VIDEO] BALTIMORE MAYOR TRIES TO EMBARRASS FOX NEWS REPORTER…White House Suggests Gun Control Will Solve Crime In Baltimore,"Megyn Kelly interviews The Blaze s Dana Loesch about Baltimore s racist, anti-cop mayor, after she took umbrage over FOX News reporter, Leland Vittert asking her about bloody Memorial Day weekend and lashes out at him during press conference. White House spokes liar, Josh Earnest suggests gun control would solve the issue of violence. Is it really that hard to figure out that the cops just aren t interesting in risking their lives to protect a bunch of ingrates who throw rocks, bricks and molotov cocktails at them?",left-news,"May 28, 2015",0 +"WATCH: ANGRY PARENTS WALK OUT OF HIGH SCHOOL PRINCIPAL’S RACIST, ANTI-COP COMMENCEMENT SPEECH [Video]","Another leftist educator uses the precious time they ve been given to deliver an inspirational speech to high school graduates to instead, deliver a radical, divisive and hateful message. A Missouri high school principal sent some parents toward the exits last week when he made a disparaging remark about police killing young black men during a graduation speech.Belton High School Principal Fred Skretta was talking about why he became a teacher when he suddenly veered off in an unexpected direction. I wanted to be a teacher because I wanted to change the world, I wanted to make it a better place, he told the audience. I m going to be honest with you, in a lot of ways I fear that we are not there yet. If we were there, we wouldn t have conflicts between police killing young black men. https://youtu.be/mQHKFGBPREUNever mind the poor sentence structure. Some parents were so offended by the commentary they got up and walked out of the ceremony, according to Fox 4 News. I found it very inappropriate, I am highly offended, a parent said. You don t use the platform of a child s graduation to push a political agenda or push your personal opinions. Your job is supposed to inspire, educate, inform and not indoctronize one way or the other. Interestingly, Fox4News reported that Skretta posted an apology on social media after the ceremony, but the Twitter account appears to have been deleted since then.The apology, according to the Fox affiliate: TY all at #BHS graduation! I apologize if my remarks were offensive. Our law enforcement have difficult jobs & I meant no disrespect #agape Doc Skretta (@Principal_BHS) May 17, 2015 Belton district deputy superintendent, Steve Morgan, later offered an apology also, Fox4News reported. Comments were made at graduation and they certainly are not reflective of the district, so we sent out an apology in a statement today that went to all patrons reflecting that, Morgan said.Via: BizPac Review",left-news,"May 28, 2015",0 +PRO-LIFE LICENSE PLATE DEEMED β€˜Patently Offensive’ BY FEDERAL APPEALS COURT,"Because after all, what s more offensive than choosing to allow your baby to live?The pro-life message can be classified as patently offensive, a federal appeals court ruled last week. The new opinion came as a three-judge panel ruled that New York state was right to reject a Choose Life license plate on the grounds that it may grate on New Yorkers political sensibilities.The judges split on whether New York could deny a pro-adoption group the right to have its own license plate, although the state has in the past allowed plates endorsing political causes associated with the liberal viewpoint, such as environmentalism.Judge Rosemary Pooler, who was appointed by President Clinton, wrote that the state s denial did not harm anyone s right to freedom of expression, because drivers may display a Choose Life bumper sticker or even cover every available square inch of their vehicle with such stickers. That message will resonate just as loudly as if vehicle displayed a Choose Life license plate. Judge Debra Ann Livingston, a President George W. Bush appointee, wrote in her dissent that a proposed custom plate depicting a sun and two smiling children, and bearing the words, Choose Life [thought] to be patently offensive was surprising. Pro-adoption organizations should have the same speech rights as any other organization. While the district court affirmed this basic freedom, the circuit court denied free speech in favor of government censorship, said Jeremy Tedesco, senior counsel at ADF. The state doesn t have the authority to target The Children First Foundation specialty plates for censorship based on its life-affirming viewpoint. The ruling is the lastest round in a legal battle that has raged for more than a decade and, pro-lifers say, seen state officials repeatedly suppress their First Amendment rights.The Children First Foundation applied for the specialty license plate in 2002, but state officials say the message and design was too controversial. In 2004, the Alliance Defending Freedom filed a lawsuit on CFF s behalf.New York s Department of Motor Vehicles repeatedly denied the Choose Life license plates on the grounds that the message was patently offensive. The same appeals court rejected an effort to suppress the plates made by then-Attorney General Eliot Spitzer and agreed that Albany officials denied the plates based on viewpoint discrimination.Via: LifeSite News ",left-news,"May 27, 2015",0 +PREVIEW OF WHAT’S TO COME IN AMERICA: UK Immigration Officers Threatened and Bullied Into Submission By Crowd [VIDEO],"Nothing says authority like an unarmed officer in a mob of lawless thugs Footage showing at least six Home Office immigration officers being hounded off the streets of Peckham has emerged on the internet.The short video shows two officers getting into a brief physical altercation with one man, pushing him back into the crowd. Then another in the crowd is heard shouting I ll f*** you up! I ll f*** him up next time .The officers, including a female officer, look nervous before getting into two vans and pulling away, to the delight of the mob.The footage is believed to have been shot on Saturday afternoon. The video emerged first on Facebook on Saturday evening, and then on YouTube on Sunday.Rabble reported: we know that these raids happen frequently in Peckham and in other black and migrant areas. And this is not the first time that they have been resisted and chased off. Similar YouTube videos dating from 2013 and 2014 show scenes in Southall, London and the West End. In both cases, opposition to the Enforcement Agency was organised by socialist activists.In a West End restaurant, the officers are shown asking to see people s passports and asking questions such as when did you get your British passport? Pro-immigration activists with British accents can then be heard telling locals You don t have to answer any questions and Everybody is free to leave whenever they want. You can just get up and walk out. The officers are then hounded down the streets by a mob chanting Off our streets, racist scum. In Southall, the Southall Black Sisters Against Enforcement shout UK BA [Border Agency] Go Away and Our streets, out rights down megaphones held inches from officers faces. The two officers politely inform members of the crowd that they can meet to discuss concerns.Activism against immigration officers is encouraged by the Anti-Raids Network, which posted this weekend s video to their site, along with the commentary: The video of the incident offers a rare glimpse of the beautiful moment when often-silenced voices on the debate on immigration come together in a message loud and clear for those in power: enough of your populist racist bullshit, enough of your demagoguery, enough of your divide-and-rule tactics we live and work side by side one another, and we will fight for each other. Elsewhere, activists writing for the website vow to show maximum solidarity with our illegal brothers and sisters, by actively opposing the deportation of illegal immigrants, who they claim are being socially cleansed : We have a vision. A city a country, a world with zero tolerance for attacks and harassment by cops, home office enforcers , or private security. Where if the uniformed bullies turn up to smash someone s door in, barge their way into a workplace, or stop people in the street, they get surrounded by neighbours and passers-by who know the score and won t take their bullshit.Via: Breitbart News",left-news,"May 27, 2015",0 +BELGIAN MAYOR IS THREATENED BY ISLAMISTS: Convert To Islam Or Die,"Coming to a town near you A sign was hung in a public square in Antwerp, Belgium threatening Mayor Bart De Wever with death if he did not convert to Islam, Belgian media reported Sunday.The message was written in French, one of the three official languages of Belgium, the others being Dutch and German.Het Laatste Nieuws reported (via Google Translate): By N-VA chairman Bart De Wever again death threats walked. In a letter drafted in French which was hung on the Handschoenmarkt, the mayor of Antwerp was threatened with execution if he did not convert to Islam. How serious the threat should be taken remains to be seen, said De Wever in The News on VTM. La Libre also reported on the threat: Des nouvelles menaces de mort ont t prof r es l encontre du pr sident de la N-VA Bart De Wever. Formul es dans une lettre r dig e en fran ais, elles ont t affich es au Handschoenmarkt, Anvers. Le document menace le bourgmestre d Anvers d une ex cution s il ne se convertit pas l islam. J ai toujours pr dit que nous ne serions pas quitte dans l imm diat de la menace de cet islam extr miste. Cela a t n glig durant des ann es. Cette plaie est pr sent ouverte avec la Syrie et beaucoup de pus s en chappera encore avant que nous n en soyons d barrass s a comment dimanche le patron de la N-VA sur VTM. On Monday, Russian government-owned Sputnik News published an English translation of De Wever s statement regarding the Islamist death threat along with an estimate of the number of Belgian Muslims who have left to join ISIS: I always warned that we will not get rid of the threat from Islamic extremists in the near future. This was ignored for years. This wound became apparent now with [the current developments in] Syria and will fester for a long time before we will get rid of it, de Wever said. According to September 2014 statistics from Belgium s Ministry of Interior, between 300 and 350 Belgians have gone to fight alongside the ISIL in Iraq and Syria since 2012. Via: Gateway Pundit",left-news,"May 27, 2015",0 +FLORIDA CROWD ATTACKS POLICE OFFICER ATTEMPTING TO MAKE ARREST,"A citizenry with no respect for the law or our law enforcement officers is the result of a lawless President who encourages this kind of behavior by making the criminal out to be the victim Police in Melbourne said one of their officers was attacked by a crowd as he tried to make an arrest Saturday.The officer approached Phoenix Low, 22, about an ordinance violation on New Haven Avenue, and Low became combative, police said.The officer tried to arrest Low, at which point he resisted and attempted to run, according to police.Police said as the officer tried to place Low in handcuffs, a crowd surrounded the officer and began to interfere with attempts to arrest Low by yelling, striking and pulling at the officer and the prisoner. The officer used less-lethal force on the crowd.Low was able to break free and run away before being captured again, police said.Low was charged with battery on a law enforcement officer, resisting with violence, resisting without violence and open container of alcohol.According to police, this is the second time that a crowd has tried to interfere with an arrest in the past two weeks.Via: wesh.com",left-news,"May 26, 2015",0 +CLASSLESS HOLLYWOOD LIB ADDRESSES THOUSANDS AT COMMENCEMENT SPEECH…Drops β€œF-Bomb” In Whiny Opening Line,"Just another whiny radical leftist keeping it classy. Birds of a feather Robert De Niro delivered the commencement speech to graduates of NYU s Tisch School of the Arts on Friday, opening up his remarks with a blunt warning: You re f***ed. The Oscar-winning actor grinned as he told the film, art, and media graduates at the Theater at Madison Square Garden that while those with degrees in law and business used reason and logic and common sense to research a career, the art school graduates would have to keep working to find steady employment. You discovered a talent, developed an ambition and recognized your passion, De Niro said, according to the Associated Press. When you feel that, you can t fight it. Just go with it. When it comes to the arts, passion should always trump common sense. You re an artist yeah, you re f***ed, the actor continued. The good news is that s not a bad place to start. De Niro, who won an Academy Award for both 1975 s The Godfather: Part II and 1981 s Raging Bull, also offered up some tips on how to make it in Hollywood, according to the Hollywood Reporter. He warned the graduates about facing a lifetime of rejection, but said you don t want to block the pain too much. Rejection might sting, but my feeling is that often, it has very little to do with you. When you re auditioning or pitching, the director or producer or investor may have someone different in mind, that s just how it is. That happened recently when I was auditioning for the role of Martin Luther King in Selma! Which was too bad because I could ve played the hell out of that part. I felt it was written for me! But the director had something different in mind, and she was right. It seems the director is always right.The Oscar-winner also told graduates to use the word Next to move from project to project. You didn t get that part? Next! You ll get the next one or the next one after that, he said. I know you re going to make it. Break a leg. Next! According to the New York Daily News, most of the graduates in attendance laughed off the actor s blunt advice. He was just being honest, 22-year-old graduate Jamie Jensen told the paper. We were all just laughing. It s so true in a way we all joke about it. You know it going in to art school. But Jensen s mother did not exactly approve of De Niro s colorful language. It was right at the beginning first line, Maria Jensen told the paper of the actor s many uses of expletives. You don t really want to use the F-bomb in front of thousands of people. That s just my take. Via: Breitbart News",left-news,"May 24, 2015",0 +"BREAKING: [VIDEO] Baltimore Thug Arrested After Shooting 5 People, Falls Down When He Sees TV Cameras And Claims Injury","A scene straight from the Freddie Gray School of Bad Actors A Baltimore man arrested in connection to the shooting of five people, one fatally, in East Baltimore on Wednesday was captured on video collapsing to the ground while in handcuffs seemingly right after he spotted a news camera. My back! My back! the suspect started screaming.// The man s condition was unclear, but viewers immediately accused the suspect of attempting to fake the injury. WMAR-TV s anchor also noticed that the man went to the ground after seemingly seeing their camera on the scene.He eventually got back up and was loaded into a police vehicle.Looks like the guy who fell down in the live shot is heading to Central Booking pic.twitter.com/eDG13eKv5h Christian Schaffer (@chrisfromabc2) May 20, 2015Via: The Blaze",left-news,"May 23, 2015",0 +VATICAN ADVISOR: Says Pope Will Call On World At UN To Join Crusade For a New World Order…Would Like US To Pay $845 BILLION GLOBAL TAX To Combat β€˜Climate Change’,"Members of the Catholic church need to pay close attention to the radical statements that are being made by the Vatican s top advisor, Jeffrey Sachs. Sachs has been described as arguably the world s foremost proponent of population control, including abortion.Top Vatican adviser Jeffrey Sachs says that when Pope Francis visits the United States in September, he will directly challenge the American idea of God-given rights embodied in the Declaration of Independence.Sachs, a special advisor to the United Nations and director of the Earth Institute at Columbia University, is a media superstar who can always be counted on to pontificate endlessly on such topics as income inequality and global health. This time, writing in a Catholic publication, he may have gone off his rocker, revealing the real global game plan.The United States, Sachs writes in the Jesuit publication, America, is a society in thrall to the idea of unalienable rights to life, liberty, and the pursuit of happiness. But the urgent core of Francis message will be to challenge this American idea by proclaiming that the path to happiness lies not solely or mainly through the defense of rights but through the exercise of virtues, most notably justice and charity. In these extraordinary comments, which constitute a frontal assault on the American idea of freedom and national sovereignty, Sachs has made it clear that he hopes to enlist the Vatican in a global campaign to increase the power of global or foreign-dominated organizations and movements.Sachs takes aim at the phrase, which comes from America s founding document, the United States Declaration of Independence, that We hold these truths to be self-evident, that all men are created equal, that they are endowed by their Creator with certain unalienable Rights, that among these are Life, Liberty and the pursuit of Happiness. These rights sound good, Sachs writes, but they re not enough to guarantee the outcome the global elites have devised for us. Global government, he suggests, must make us live our lives according to international standards of development. In the United States, Sachs writes, we learn that the route to happiness lies in the rights of the individual. By throwing off the yoke of King George III, by unleashing the individual pursuit of happiness, early Americans believed they would achieve that happiness. Most important, they believed that they would find happiness as individuals, each endowed by the creator with individual rights. While he says there is some grandeur in this idea, such rights are only part of the story, only one facet of our humanity. The Sachs view is that global organizations such as the U.N. must dictate the course of nations and individual rights must be sacrificed for the greater good. One aspect of this unfolding plan, as outlined in the Sachs book, The End of Poverty, involves extracting billions of dollars from the American people through global taxes. We will need, in the end, to put real resources in support of our hopes, he wrote. A global tax on carbon-emitting fossil fuels might be the way to begin. Even a very small tax, less than that which is needed to correct humanity s climate-deforming overuse of fossil fuels, would finance a greatly enhanced supply of global public goods. Sachs has estimated the price tag for the U.S. at $845 billion.In preparation for this direct assault on our rights, the American nation-state, and our founding document, United Nations Secretary-General Ban Ki Moon told a Catholic Caritas International conference in Rome on May 12 that climate change is the defining challenge of our time, and that the solution lies in recognizing that humankind is part of nature, not separate or above. The pope s expected encyclical on climate change is supposed to help mobilize the governments of the world in this crusade.But a prestigious group of scholars, churchmen, scientists, economists, and policy experts has issued a detailed rebuttal, entitled, An Open Letter to Pope Francis on Climate Change, pointing out that the Bible tells man to have dominion over the earth. Good climate policy must recognize human exceptionalism, the God-given call for human persons to have dominion in the natural world (Genesis 1:28), and the need to protect the poor from harm, including actions that hinder their ascent out of poverty, the letter to Pope Francis states.Released by a group called the Cornwall Alliance, the letter urges the Vatican to consider the evidence that climate change is largely natural, that the human contribution is comparatively small and not dangerous, and that attempting to mitigate the human contribution by reducing CO2 emissions would cause more harm than good, especially to the world s poor. The Heartland Institute held a news conference on April 27 at the Hotel Columbus in Rome to warn the Vatican against embracing the globalist agenda of the climate change movement. The group is hosting the 10th International Conference on Climate Change in Washington, D.C., on June 11-12.However, it appears as if the Vatican has been captured by the globalist forces associated with Sachs and the United Nations.Voice of the Family, a group representing pro-life and pro-family Catholic organizations from around the world, has taken issue not only with the Vatican s involvement with Sachs, but with Ban Ki Moon, describing the two as noted advocates of abortion who operate at the highest levels of the United Nations. Sachs has been described as arguably the world s foremost proponent of population control, including abortion.Voice of the Family charges that environmental issues such as climate change have become an umbrella to cover a wide spectrum of attacks on human life and the family. Although Sachs likes to claim he was an adviser to Pope John Paul II, the noted anti-communist and pro-life pontiff, Sachs simply served as a member of a group of economists invited to confer with the Pontifical Council on Justice and Peace in advance of the release of a papal document.In fact, Pope John Paul II had worked closely with the Reagan administration in opposition to communism and the global population control movement. He once complained that a U.N. conference on population issues was designed to destroy the family and was the snare of the devil. Pope Francis, however, seems to have embraced the very movements opposed by John Paul II.Sachs, who has emerged as a very influential Vatican adviser, recently tweeted that he was thrilled to be at the Vatican discussing moral dimensions of climate change and sustainable development. The occasion was a Vatican workshop on global warming on April 28, 2015, sponsored by the Pontifical Academy of Sciences of the Roman Catholic Church. Sachs was a featured speaker.The plan going forward involves the launching of what are called Sustainable Development Goals, as envisioned by a Sustainable Development Solutions Network run by none other than Jeffrey Sachs. The Network has proposed draft Sustainable Development Goals (SDGs) which contain provisions that are radically antagonistic to the right to life from conception to natural death, to the rights and dignity of the family and to the rights of parents as the primary educators of their children, states the group Voice of the Family.In July, a Financing for Development conference will be held, in order to develop various global tax proposals, followed by a conference in Paris in December to complete a new climate change agreement.Before that December conference, however, Sachs says the pope will call on the world at the United Nations to join the crusade for a New World Order.Sachs says, Pope Francis will come to the United States and the United Nations in New York on the occasion of the 70th anniversary of the United Nations, and at the moment when the world s 193 governments are resolved to take a step in solidarity toward a better world. On Sept. 25, Pope Francis will speak to the world leaders most likely the largest number of assembled heads of state and government in history as these leaders deliberate to adopt new Sustainable Development Goals for the coming generation. These goals will be a new worldwide commitment to build a world that aims to harmonize the pursuit of economic prosperity with the commitments to social inclusion and environmental sustainability. Rather than emphasize the absolute need for safeguarding individual rights in the face of government overreach and power, Sachs writes that the Gospel teachings of humility, love, and justice, like the teachings of Aristotle, Buddha and Confucius, can take us on a path to happiness through compassion and become our guideposts back to safety. Writing elsewhere in the new issue of America, Christiana Z. Peppard, an assistant professor of theology, science, and ethics at Fordham University, writes about the planetary pope, saying, What is really at stake in the collective response to the pope s encyclical is not, ultimately, whether our treasured notions of theology, science, reality or development can accommodate moral imperatives. The real question is whether we are brave enough and willing to try. The plan is quite simple: world government through global taxes, with a religious face to bring it about.Via: Western Journalism",left-news,"May 23, 2015",1 +[VIDEO] SHOCKING β€˜SILENCE OF THE LAMBS’ LIKE INTERVIEW WITH SERIAL MURDERER," The banality of evil is how Ann McElhinney, co-producer of the Gosnell movie describes meeting with serial murderer, Dr. Kermit Gosnell. In her emotional interview with Dana Loesch, Ann describes her visit as chilling and sitting in the presence of evil. Ann McElhinney recently interviewed Kermit Gosnell, an abortionist sentenced to life in prison for first-degree murder, for a movie she and her husband are making about the man. She said she couldn t speak for more than an hour after the interview concluded because of how profoundly disturbing the experience was. He has an answer for everything, McElhinney said on TheBlaze TV s Dana. He lives in his own world. Every word that comes out of his mouth is a lie. He lies so easily. McElhinney said she has met many criminals throughout her journalistic career, but with Gosnell she said you are really sitting in the presence of evil. It s almost like all of those literature references to evil and to the devil. He smiles all the time, McElhinney said, visibly shaken. He touched my leg. He was physically inappropriate sat far, far too close in my personal space. Extremely disturbing. McElhinney said Gosnell is really happy and relaxed in prison, and started singing twice during the interview in which she asked him about the baby who was born alive during a botched abortion, whose neck he then snipped with a scissors. I haven t met anyone who chilled my blood to that extent ever before, she concluded. This man has no sense of guilt. Via: The Blaze",left-news,"May 22, 2015",0 +VETERANS CAN’T GET HEALTH CARE…But These MN Somali Muslims Got US Taxpayer Dollars For College…Used It For Jihad,"Our State Department brought in over 1 million 1 LEGAL immigrants entered the US in the last 20 years as a result of the Refugee Admissions program that was brainchild of Senator Ted Kennedy and was signed into law by President George H.W. Bush in 1990. Its primary purpose was to increase diversity in America. Has everyone had enough diversity yet?Clockwise, Hanad Mustafe Musse, 19, Guled Omar, 20, Zacharia Yusuf Adurahman, 19, and Adnan Abdihamid Farah, 19. They are four of six Minnesota Muslims that have been charged with traveling or attempting to travel to Syria to join the Islamic State.Using college loans. Out. of control. Obama s jihad immigration policies now have us funding our own demise. Where is the oversight? Where is the outrage?Described as good students, hard workers, all had plenty of connections to community. Some of the young men got a head start on racking up college credits in high school. Some juggled college and jobs that helped them chip in for family budgets. Some worshiped NBA stars and caught college-night games at Target Center. Hmmmm, what went wrong?Sherburne County Sheriff s Office, via Associated Press Hanad Mustafe Musse, 19.Two Twin Cities men charged with conspiracy to fight alongside terrorists now face financial fraud charges for allegedly using their college loans to purchase airline tickets to fly to the Middle East.In a superseding indictment unsealed Tuesday by the U.S. attorney s office in Minnesota, Hamza Ahmed and Hanad Mustafe Musse were charged with using more than $1,000 of financial aid provided to them.Ahmed, 20, of Savage, and Musse, 19, of Minneapolis, are among seven young Somali-Americans from Minnesota who face charges of planning to leave the United States and fight alongside Islamic extremist groups. Six of them were charged in April.During the past two years, more than 20 Somali-Americans from Minnesota have left to fight alongside terrorists with the Islamic State of Iraq and the Levant, or ISIL, according to the FBI.The new indictment says that Ahmed and Musse bought airline tickets on Nov. 8, 2014, from New York s John F. Kennedy Airport to Europe, using more than $1,000 in federal college financial aid. Ahmed used his aid money to purchase a flight to Istanbul, Turkey, authorities say. Musse used similar funds to buy a ticket to travel to Greece. From those two destinations, authorities say the pair then planned on heading to Syria. Ahmed had actually boarded his flight when he was ordered off the plane by officers from the U.S. Customs and Border Protection.In a related matter, Abdirahman Daud, 21, another alleged conspirator, made his first appearance in federal court in Minneapolis on Tuesday morning before U.S. Chief District Judge Michael Davis. Daud was arrested by the FBI in San Diego in late April, along with alleged conspirator Mohamed Farah, after they drove from Minneapolis to California. They were accompanied on the trip by a confidential informant who was working for the FBI.Daud and Farah allegedly planned to acquire false documents in San Diego in order to cross into Mexico. From there, they planned on flying to the Middle East with the intent of entering Syria to fight, authorities say.Daud, who is charged with providing material support to terrorists, is scheduled to appear for a detention hearing Friday afternoon in front of Davis. Farah is charged with conspiracy and is expected to be returned to the Twin Cities later this week. Farah s brother, Adnan, was arrested last month in connection with the case and is charged with providing support to terrorists. He is being held in the Sherburne County jail.Via: Pamela Gellar",left-news,"May 22, 2015",0 +LIB PROFESSOR AND HARVARD GRAD SAYS PEDOPHILIA IS NOT A CRIME…Read Why…,"Perhaps if one of her children or a close relative was sexually abused by a pedophile, she may not be so generous with her assessment of these criminals Margo Kaplan is not very popular today. In the Monday edition of the New York Times, the Rutgers-Camden law professor, an NYU and Harvard graduate, takes to the op-ed pages to argue that we ve got it all wrong when it comes to pedophilia. She writes that pedophiles don t necessarily turn out to be child molesters and that pedophilia is not a choice, i.e. a pedophile might be born that way. We reached her in her office in Camden to discuss.You really lit up the comments section of the op-ed page today. Yes, but I have to be honest. I am getting more emails of support than I ever expected. I m shocked. I expected to get maybe 95% negative emails, but I ve gotten so many positive ones. The online comments, though, are pretty uniformly negative, and a lot of people haven t even read the article.I know your pain. Who are you getting these positive emails from?A lot of people I don t even know. There s a former prosecutor, a judge, a nurse. Individuals with family members who have pedophilia.How much of the population has pedophilia?We re not entirely sure, but the estimates are around one-percent of the male population, and those in the female population are assumed to be much smaller. As far as the number of people with pedophilia who do sex offend and who do not, there are a lot of assumptions but very little data, because we have very little treatment, very little information.Why is that?There is so much stigma. There is very little reason to come forth and identify as a pedophile. There are no large scale studies, no large treatment programs, no big research studies on this. I contacted the National Institutes of Health, and they don t spend any money on pedophilia.But you are basically saying, hey, let s take it easy on pedophiles. Well, but I am not saying that about sex offenders. I say that they remain responsible for their conduct. We need to treat pedophiles before they offend. People see the word pedophile and think sex offender. People choose to sex offend children. They do not choose to be pedophiles.Since you say there are so many misconceptions, why don t you tell us what a pedophile really is.A person with an intense and recurrent sexual attraction to prepubescent children, children who have not yet entered any form of puberty. And according to the DSM [Diagnostic and Statistical Manual of Mental Disorders], it constitutes a mental disorder when you act on it, but not just that. It also constitutes a mental disorder if it causes marked distress or interpersonal difficulty, and, as you can imagine, pedophilia will cause this.In your article, you open by saying that as a pedophile s numerical age increases into teenage years and then adulthood, the numerical age of those he is attracted to does not. Are most pedophiles really starting that young?For many individuals, it is really an onset in adolescence, similar to how many sexual attractions happen. Individuals who are heterosexual, you realize you are attracted to the opposite sex when you are a kid. For a pedophile, you get older, but you keep being attracted to little kids, and many people start to realize this during adolescence. So imagine trying to deal with that during adolescence in addition to the other confusing feelings that you re having.If America is totally off course on this issue, is there any country that is getting it right? We re not that unique. But Germany is ahead of the curve. They have a large scale treatment program called Prevention Project Dunkenfeld, which is probably the first large scale treatment project that also includes non-offenders. They have billboards everywhere: Do you have attraction to children in ways that you shouldn t? You are not responsible for your attraction, but you are responsible for your behavior. OK, so as a guy with two young kids, how do I protect them? There s no easy answer to that, but you want to protect them from sex offenders. Most people who offend are not actually pedophiles. It s interesting: When you talk about pedophiles, people think about the children. And they re right. But what about the children who are struggling with this disorder? We need to help them, too.But you can understand if maybe I ll just try to keep them away from pedophiles anyway. I can understand that. We need to prevent pedophiles from sexually offending and to do that, we need to refocus on early intervention, treatment and prevention. It s not always going to work. No treatment of any mental disorder will always work. Depression treatment, schizophrenia treatment they don t always work. But we don t throw our hands into the air and wait until the consequences of those conditions become bad before we do something. With pedophiles, we ve already thrown our hands into the air. We should not be taking this tactic. The dire consequences only make it more important that we reach out and treat early.Via: Phillymag.com ",left-news,"May 22, 2015",0 +"BLACK TV HOST HAMMERS RACIST MOOCH: β€˜The only hope you have Michelle Obama, is that everybody will be as miserable as you”","SPOT ON RACHEL ZONATION The Obamas pride themselves on being staples in the black community who can do no wrong in the eyes of African Americans. Unfortunately for them, however, more and more black people are turning on the Obamas and seeing them for what they really are.After seeing Michelle Obama s graduation speech at the predominantly black Tuskegee University, TV show host Alfonso Rachel knew that he could stay silent no longer. He took to his internet talk show to slam the first lady in a video that has gotten over 25,000 views in just 3 days.Here s an excerpt of what he said: If knowledge is power and you are graduating with the power of knowledge then how are you going to tolerate this agitator coming in to convince you, that you re a victim, despite the power you re graduating with. You are the first freaking lady of the United States and you re still a spoiled butt-hurt victim, whining about unfairness. You re not interested in representing the United States, you re not interested in representing ALL the people, your interest is in representing the black community and as the first lady you have represented us as bitter and spoiled. The only hope that people like you have, Michelle Obama is that people will be as miserable as you. Via: MrConservative.com",left-news,"May 21, 2015",0 +AS ISIS HAS CELEBRATORY PARADE IN W. ANBAR PROVINCE OF IRAQ: Pathetic Obama Regime Asks Networks To Stop Using β€œB-loop” ISIS Footage,"A Pentagon spokesman claims it s more like One Toyota speeding down the road by itself at night with its headlights off. Um Unless I m mistaken Barry, I see more than one Toyota Really? Because just the other day ISIS rolled into the W. Anbar province and actually held a parade to celebrate their victory. All of this pomp and circumstance took place in a country where Obama pulled our troops and declared he ended the war in Iraq. Here is Barack Hussein Obama bragging about ending the war in Iraq and then wonders aloud to the press why they keep asking him about pulling out of Iraq like as if it was my decision. Here is President George W. Bush in 2007 warning that if we pulled out of Iraq on a whim before our commanders told us we were ready, it would be dangerous and warned about mass killings on a horrific scale. https://youtu.be/6ZkExYK_YWkInstead of fighting a war in Iraq, Obama and his regime are busy crafting a lie about the strength of ISIS and openly demanding that our state-run media comply with his propaganda. And now: Frustrated that coverage of the war against the Islamic State in Iraq and the Levant isn t reflecting reality on the ground, senior Obama administration officials are urging television networks to update their footage of the radical militant group.Senior State Department and Pentagon officials have begun contacting television network reporters to ask them to stop using B-roll stock footage that appears on screen while reporters and commentators talk showing ISIL at the peak of its strength last summer. We are urging broadcasters to avoid using the familiar B-roll that we ve all seen before, file footage of ISIL convoys operating in broad daylight, moving in large formations with guns out, looking to wreak havoc, said Emily Horne, spokeswoman for retired Gen. John Allen, the State Department s special envoy leading the international coalition against ISIL. It s inaccurate that s no longer how ISIL moves, Horne said. A lot of that footage is from last summer before we began tactical strikes. The effort is ad hoc for now, with U.S. officials approaching correspondents from several networks in informal settings. Representatives from CNN, NBC, Fox, or ABC did not respond to multiple requests for comment. A source at CBS said they hadn t heard from the administration yet regarding their footage. Since the U.S. began conducting air strikes against ISIL positions and convoys last August, America and its allies have dropped thousands of bombs against the group in Iraq and Syria. U.S. officials say ISIL fighters can no longer congregate in daylight or move in large convoys that are easily spotted and struck from above.A more accurate image, said Col. Steven Warren, a Pentagon spokesman, would be one Toyota speeding down the road by itself at night with its headlights off. Via: Politico",left-news,"May 21, 2015",0 +"OBAMA TO GRANT WORK PERMITS FOR SPOUSES OF ILLEGAL ALIENS ON MAY 26, While 89% of Long-term Jobless Americans Would β€˜Search Harder’ If Benefits Ran Out","40% of Americans have given up looking for work. Obama logic: Don t cut or reduce benefits for those unwilling to look for work, just give their jobs to illegal aliens makes perfect sense.A Large Percentage Of Americans Have Given Up Looking For WorkA new survey by staffing firm Express Employment Professionals shows that 40% of America s unemployed have given up looking for work.Not only are the long-term jobless being left behind but nearly 50% hold themselves responsible for not finding a job, the firm s The State of the Unemployed survey found.The survey of 1,553 jobless Americans age 18 and older was conducted online by Harris Poll on behalf of Express Employment Professionals between 7 and 29 April 2015. This survey shows that some of the troubling trends we observed last year are continuing. While the economy is indeed getting better for some, for others who have been unemployed long-term, they are increasingly being left behind. Meanwhile, more than 2 out of 5 unemployed Americans have been jobless for more than 2 years. That represents an increase from Y 2014, when 32% said they had been out of work for more than 2 years.48% report not having an interview in the last month; among them, 87% have not had an interview since the beginning of Y 2014 or earlier with 77% not having been on an interview since Y 2013.Among the unemployed, 14% are receiving unemployment benefits.Of those receiving benefits, 89% say they would search harder and wider for work if their benefits ran out before finding a job.Via:American workers who lost their jobs to foreign replacements are suing the federal government over a new rule that will allow more foreign workers into the job market.In a stated effort to encourage guest workers to stick around permanently, the Department of Homeland Security will now grant their spouses work permits in addition to visas. DHS estimates more than 100,000 spouses will be eligible to apply when it begins accepting applications May 26.The complaint, filed by the Immigration Reform Law Institute on behalf of the displaced workers, alleges DHS does not have the authority to make the rule, and that the rule violates federal labor protection law. IRLI is asking the judge to halt implementation of the rule until the case is heard. The larger implication is that Obama is arguing he has the executive authority to allow anyone to work in the United States, John Miano, the attorney for the displaced workers, told The Daily Caller News Foundation. [He] started with the children, then the parents, and now the spouses of H-1B workers. An update to the federal register indicates the Obama administration is also looking at expansions to other visa programs, he said. If the president can let illegal aliens work, he can let anyone work and he s doing it. The workers are former employees of tech giant Southern California Edison, which was recently investigated for firing hundreds of American workers after forcing them to train their foreign replacements. (RELATED: Senators Ask Feds to Investigate Guest Worker Visa Abuse)The biggest challenge will be convincing a judge the workers he represents have legal standing to bring the case, Miano told TheDCNF.He ll argue the rule is relevant to the displaced workers because it will result in more competition in their job market. The government will counter that the workers can t prove the rule will affect their future job prospects.If the judge agrees to hear the case, Miano will then make the case that DHS overstepped the bounds of its authority and that the rule violates labor protection law. The law states that foreign work permits cannot adversely affect American wages, but all we ve seen during this administration is standards of living fall and outsized corporate profits continue to rise, IRLI Executive Director Dale Wilcox said in a statement. Via: The Daily Caller",left-news,"May 21, 2015",0 +DISNEY WORKER TELLS HORROR STORY OF BEING FORCED TO TRAIN FOREIGN WORKER To Replace Him Or Forego Severance Package,"We ve been screaming from the rooftop that Obama s new open border policy will destroy job opportunities for Americans who really want to work. Can you hear us now?If they keep this up Disney won t be referred to as the Happiest Place On Earth for very much longer Republican senator and presidential candidate Marco Rubio is backing a bill that would triple the number of guest workers businesses could hire every year, after hundreds of workers in his state were fired and literally replaced by foreign guest workers.Disney, Southern California Edison and most recently Fossil Group have together fired hundreds of American tech workers and forced them to train their foreign replacements, many of whom were flown in specifically to take their job. You had me here one day, and the next day you had an Indian worker at a lower skill level sitting at my desk, one of the hundreds of tech workers who Disney recently fired told The Daily Caller News Foundation.He and hundreds of his fellow Cast Members were informed last October they were being replaced by a foreign work force, and they could either stick around for 90 days and train their replacements with a good attitude or leave immediately and forego their severance packages.About a month before Disney broke the news, this worker got the very highest rating you can get from management in a performance review, received a raise and was told to expect a promotion. And just a week or two before the announcement, Disney announced record-breaking profits for the company.So when he was called in to that October meeting he was expecting some sort of promotion or pat on the back. Instead, he and the few dozen other highly regarded, knowledgable and experienced employees called into the meeting were told they had 90 days to find employment elsewhere. Twenty years of hard work, technical skill building, fostering relationships, a bachelor s degree in IT, guided me to a coveted position as an IT engineer at Disney, he told TheDCNF, speaking on condition of anonymity, because he s waiting on legal advice. And that was just wiped out. They were encouraged to apply for other jobs at Disney, and ordered to stay and fully train their replacements, if they wanted to keep their severance package. A 10 percent bonus was dangled as a reward for those who cooperated fully and maintained a great attitude.The office was soon flooded with the foreign workers, most of whom were fresh out of college. In the first phase, the foreign worker sat next to the American worker in knowledge transfer sessions, and videotaped everything they said and did, and then reviewed the tapes with the American worker to ensure accuracy.Via: The Daily Caller ",left-news,"May 21, 2015",0 +MAJOR DONATIONS TO CLINTON FOUNDATION From Country Who Tortures Dissidents And Provided Lavish Digs For Bill and Chelsea During CGI Conference,"What s a million dollars between friends? To hell with human rights violations Hillary s got a campaign to win!A major Clinton Foundation donor regularly arrests dissidents and brutally tortures them to extract confessions, according to a new report from Amnesty International.The New York Times reports that despite promises of reform, the Moroccan government continues to use violent interrogation tactics to crush dissent. Moroccan King Mohammed VI recently hosted Bill and Chelsea Clinton at a Clinton Global Initiative conference in Marrakech, where guests were chauffeured across the city to an opulent 56-room palace that boasts a private collection of Arabian horses, overlooks the snow-capped Atlas Mountains and serves a fine-dining menu of biolight cuisine, according to the Washington Post. During the conference Bill cited Morocco s longstanding friendship to my family, and thanked the king, who pledged as much as $500,000 toward the construction of the Clinton Library, as well as the OCP Corporation, a government-owned phosphate mining company that has donated at least $1 million to the Clinton Foundation. In interviews with POLITICO, former OCP miners described witnessing verbal and physical abuse doled out by the government against member of a minority advocating for independence in Western Sahara.Amnesty International secretary general Salil Shetty blasted the Moroccan government in a statement, saying: Morocco s leaders portray the image of a liberal, human-rights-friendly country. But as long as the threat of torture hangs over detention and dissent that image will just be a mirage. According to the report, Moroccan dissidents are repeatedly subjected to beatings, stress positions, asphyxiation, simulated drowning, psychological and sexual violence, as a means of securing confessions for alleged crimes against the state. One tactic, known as the roast chicken, involves suspending detainees from an iron bar by their wrists and knees. It is not known whether Bill Clinton met with any Moroccan detainees while hobnobbing at the Clinton Foundation event, which featured a lavish palm-tree-lined golf resort with a cocktail reception featuring Moroccan hors d oeuvres and a saxophonist serenading about 50 donors. Via: Washington Free Beacon",left-news,"May 21, 2015",0 +β€˜GENTLE GIANT’ MICHAEL BROWN MEMORIAL UNVEILED…Video Captures Arrest Made At Memorial Spot On Same Day,"It would have been more appropriate for the plaque to mention that the Obama-Holder-Sharpton race war started here on Canfield Dr in Ferguson, MO. on Aug. 9, 2014 Mike Brown Sr. carried the plaque to Canfield Drive in the rain today.The makeshift Mike Brown memorial on Canfield Drive in Ferguson, Missouri caught fire and burned to the ground in September.The memorial was then ran over in December.The plaque to Mike Brown reads:In Memory of Michael O.D. Brown May 20, 1996 August 9, 2014I would like the memory of Michael Brown to be a happy one. He left an afterglow of smiles when life was done. He leaves an echo whispering softly down the ways, of happy and loving times times and bright and sunny days. He d like the tears of those who grieve, to dry before the sun of happy memories that he left behind when life was done.The last video of gentle Michael Brown was taken when he robbed a convenience store and roughed up the owner before his death.https://youtu.be/9Uf5mfE057EGentle Mike Brown was shot dead when he attacked a police officer after the robbery.There was at least one arrest today at the memorial ceremony.pic.twitter.com/mYWCgLGYGw Search4Swag (@search4swag) May 20, 2015Via: Gateway Pundit",left-news,"May 20, 2015",0 +MUST WATCH COMEDY: ROOM FULL OF DEMS ARE ASKED TO NAME ONE OF HILLARY’S ACCOMPLISHMENTS AS SEC. OF STATE…., ,left-news,"May 20, 2015",0 +STORE OWNER BASHES LIBERAL OBAMAITES AS HE SHUTS HIS DOORS AND MOVES, ,left-news,"May 20, 2015",0 +WHY IS OBAMA DISARMING COPS IN AMERICA At Same Time Terror Threat Is Being Raised?,"In the face of mounting threats of terrorism and civil unrest in U.S. cities, President Barack Obama is arbitrarily prohibiting local police and sheriff departments from obtaining military surplus equipment from the Defense Department as part of what many law enforcement officers are calling his war on police.Beginning on Monday, Obama visited a number of high-crime areas especially those with large black populations to explain the need for his unilateral action, according to news sources on Monday.President Obama s spokespeople said Monday that the administration will no longer give local cops some types of protective gear and vehicles while putting stricter controls on other weapons and equipment distributed to law enforcement. The details were released prior to Obama s visit to Camden, News Jersey, Monday afternoon to give a speech on how he will address police officers allegedly using racist tactics based on racist departmental policies.Obama and his supporters view police wearing protective riot gear and using armored vehicles as being overly-aggressive in neighborhoods that are predominately black and Hispanic. The President even accused some departments of issuing bayonets, which is demonstrably untrue, according to one police officer who claims she voted for Obama in 2008. This President actually shows his dislike for local cops. I believe he wants to federalize policing and do away with local and state law enforcement. While the constitution prohibits that, when was the last time Obama cared about what the constitution says, said Iris Aquino, a former police detective.During Obama s speech in Camden, New Jersey, a city reputed to have the highest violent crime rate in the United States, not once did he mention the police officers who were gunned down by blacks or whites within the last few months, noted a New York City police official who has been active fighting against the anti-cop Mayor Bill de Blasio. That s because Obama like many liberal-left ideologues believe that police officers are the primary oppressors of minorities. The fact that Obama and the racial-division industry which includes the likes of Al Sharpton and Jesse Jackson keep blacks in a state of poverty in order to use their anger and resentment for their own political interests appears to escape the notice of the news media, another group that doesn t care about dead cops, he said.Originally police officers were led to believe that Obama would continue the Pentagon s military surplus program, however a panel of his sycophants warned that there is a propensity for misuse of equipment such as armored vehicles, high-powered firearms and camouflage. But not one example of police misusing an armored vehicle has been reported. I have not heard of one incident in which police misused an armored vehicle. These are defensive vehicles used by cops to protect themselves from gunfire, Molotov cocktails, explosives and weapons of mass destruction, said former law enforcement commander Jack McGowan. High-powered firearms? The police use nothing that even resembles a powerful firearm. And camo clothing is clothing. No one gets hurt from a shirt s design pattern, McGowan said.Besides cutting off the flow of equipment that would have gone to local law enforcement, the Obama government considering a recall of certain equipment that was already give to local police and sheriffs departments. I ll highlight steps all cities can take to maintain trust between the brave law enforcement officers who put their lives on the line, and the communities they re sworn to serve and protect, Obama said in his weekly address out Saturday.Obama believes law enforcement is a necessary evil, claim his opponents. He s never showed local cops any respect. He also doesn t trust any agency he doesn t directly control. This is an American leader who wants to federalize the law enforcement function and he has a lot supporters who trust big government over states rights, political strategist Michael Baker.Former New York City Mayor Rudy Guiliani s Police Commissioner Howard Safir said he believes a war on police, exists in America, the anti-cop attitudes are being stoked up by Obama and his minions. After 20 years of incredible crime reduction accomplished by thousands of dedicated police officers, the public has become complacent now that they are safer, said Safir. They have let the anti-police pundits and talking heads convince everyone from the president to the attorney general that police are racist and brutal. Via: Examiner",left-news,"May 20, 2015",0 +Gangs Involved In Huge Biker Brawl Have β€œtoned down their threats” After Warning Police Of Retaliation And Threat To kill β€œanyone in uniform”," We would encourage biker groups to stand down. There s been enough bloodshed. Waco Police Sergeant W. Patrick SwantonPolice in Texas are on alert after two biker gangs involved in a deadly shootout in Waco over the weekend allegedly issued orders to shoot and kill uniformed law enforcement officers.State and federal authorities distributed memos to local police warning that the Cossacks and Bandidos motorcycle gangs had been told to arm themselves and head to North Texas in the wake of last weekend s bloody shootout. Nine people were killed and 18 injured in the gun fight, which erupted at a Twin Peaks restaurant in Waco on Sunday.Police made more than 170 arrests and confiscated guns and other weapons after the fight, which is believed to have involved up to five different biker gangs.https://youtu.be/4VV7gdwoJk8Sunday s bloody chaos consumed the Twin Peaks restaurant and spilled into its parking lot where bikers turned their weapons on police. Police returned fire, killing four bikers, CNN reported.The Bandidos are one of the largest motorcycle gangs in the world. Only the Hells Angels are bigger These outlaws ride Harley s, traffic drugs, carry weapons and run prostitution rings. 2,500 strong, the Bandidos rule the roads in the US and stretch across the globe from Europe to Asia and Australia. San Antonio, TX is the hub of the gangs activity:Law enforcement officers across Texas received memos Monday warning of possible retaliation. A bulletin posted by the Del Rio Sector Border Patrol said members of the Cossacks and Bandidos biker gangs had been instructed to shoot and kill law uniformed law enforcement officers, according to a CBS affiliate that covers the Dallas-Fort Worth area.Other law enforcement memos obtained by the station warned of escalating violence and said that members of the rival gangs, both of which originated in Texas in the 1960s, had been ordered to arm themselves and head to North Texas.A warning distributed by the Texas Department of Public Safety said the bikers were told to ignore orders from police they encountered on the way.Waco police told CNN that they had known the Twin Peaks restaurant was a hotspot for bikers, and that uniformed officers regularly patrolled the area closely in the months leading up to the deadly melee. But police presence wasn t enough to dissuade the bikers from violence. We wanted our presence to be known, Waco Police Sergeant W. Patrick Swanton told CNN Wednesday. They knew we were seconds away and going to respond. That mattered not to them We would encourage biker groups to stand down. There s been enough bloodshed. In a news briefing Tuesday, Swanton noted that gangs toned down their threats for reprisal, although they remain a worry for law enforcement, according to Reuters.According to The New York Times, the biker meet-up over the weekend was originally intended to discuss bikers rights and how to work on issues of mutual concern, but instead collapsed into violence, with a long-standing feud between the Bandidos and the Cossacks as the backdrop.If convicted, the gang members accused in the shooting could face the death penalty. Via: The Huffington PostHere is an ariel view of the police investigation following the gangs shooting spree:https://youtu.be/rDIDr8MJTbc ",left-news,"May 20, 2015",0 +WILL TAYLOR SWIFT β€œBestie” AND LEFTIST WHO LIED ABOUT BEING RAPED BY A REPUBLICAN Ruin Her Wholesome Image?," Misogyny is ingrained in people from the time they are born Taylor Swiftmi sog y ny m s j n /Submit noun dislike of, contempt for, or ingrained prejudice against women. Becoming friends with Lena without her preaching to me, but just seeing why she believes what she believes, why she says what she says, why she stands for what she stands for has made me realize that I ve been taking a feminist stance without actually saying so, she said at the time.Taylor Swift has decided to use her platform as Maxim magazine s June cover girl to address feminism, and says her music is unfairly categorized as whiny because of society s systematic misogyny.The 25-year-old singer, who has won seven Grammy s and is worth an estimated $200 million, explained to the men s publication why she believes there is a double standard when it comes to how others analyze her music. A man writing about his feelings from a vulnerable place is brave; A woman writing about her feelings from a vulnerable place is oversharing or whining, she said. Misogyny is ingrained in people from the time they are born. So to me, feminism is probably the most important movement that you could embrace, because it s just basically another word for equality, she added.The seemingly impressionable mega star, who hadn t previous identified as a feminist, told the Guardian last August how one of her closest friends, Lena Dunham, put it into perspective for her.Approximately two months after she spoke to the Guardian, Swift told David Letterman how empowering Dunham was, while explaining how the two became friends. She direct messaged me, and she said We need to be best friends. I feel like you ve been my best friend in my head for months and almost years now. So, I need to see you in person; then I will lavish you with complements in person, Swift recounted.Fortune Magazine named Swift as the world s most influential female leader in March, citing her savvy business nature.While Swift speaks of a double standard surrounding her music, it has yet to affect her album sales or stop her from selling out two or three stadium shows every week.Just this past Sunday, the Shake it Off singer nabbed eight recognitions at the Billboard Music Awards, including top female artist, top artist, top Billboard 200 artist, top Billboard 200 album, top streaming song, and top Hot 100 artist.Watch: Taylor Swift Likes Lena Dunham- David Lettermanhttps://youtu.be/jFZsQKdR20UWhat was supposed to be Her Year has in fact turned out to be five-alarm disaster for Lena Dunham, the creator of HBO s Girls. A year ago, closing out 2014 had to look pretty exciting to the 28 year-old. No matter how good or bad it was, her memoir would be released to guaranteed critical acclaim (she is Lena Dunham after all), there were two major Golden Globe nominations, and the publicity surrounding the 4th season premiere of Girls was going to be bigger than anything anyone could have ever imagined.2014 was going to be Dunham s breakthrough; the year she went mainstream. Along with the gushing reviews of her memoir and slavish coverage from The New York Times, there would be countless magazine covers, talk show appearances, and a thousand slathering articles obsessing over her every tweet and utterance. The entertainment media was on board. The mainstream media was on board. And at first it all went according to plan.Things went so well there was even talk of Lena Dunham starring in a Ghostbusters remake. You don t get any more mainstream than that. And you certainly don t get any more mainstream than having a best friend forever like Taylor Swift.Then, in three words, it all fell apart: Hypocrisy, lies, children. Hypocrisy: Dunham demanded people vote then it was discovered she did not vote.Lies: Dunham claimed in her non-fiction memoir that she had been raped in college by a campus Republican named Barry. She lied. And in the process indicted an innocent family man as her alleged rapist. Worse, Dunham and her publisher Random House stood silent for two months even after they knew the memoir had placed a cloud of suspicion over an innocent man.While attempting to run to Dunham s defense, Gawker tripped over itself and was forced to report their belief that Dunham s alleged rapist is wait for it, wait or it a Democrat.No one is questioning whether or not Dunham was raped. Something no one else is questioning, though, is that her behavior in this matter was breathtakingly selfish and craven.Children: Dunham s unnatural sexual behavior towards her much younger sister creeped everyone in America out not named Jimmy Kimmel.Those are just the top 3. The Wrap dug up 3 more PR disasters. The mainstream media desperately tried to save Dunham from herself, especially the cowardly and wildly dishonest Savannah Guthrie and Bill Simmons. But they just ended up sullying their own reputations.Via: Breitbart News",left-news,"May 20, 2015",0 +FOOT-SOLDIERS IN OBAMA’S WAR AGAINST COPS ARRESTED: Plan To Use Rocket Launcher Thwarted,"Michael Conger was arrested by Eustis police once on a violation of a probation warrant and Jeremy Robertson had never been arrested by the Marion County Sheriff s Dept., They only knew of Robertson s whereabouts after a tip came in to inform them that he was in the area and had a criminal history. Based on their past history with this particular Sheriff s Department, it s easy to see why they had a bone to pick with them or maybe they just caught the F*#k the police fever? Thanks for placing a bullseye on the backs of our law enforcement officers Barack Marion County sheriff s deputies seized 22 firearms after receiving a tip that a rocket-propelled grenade launcher and missiles would be used against Eustis police, St. Mary of the Lakes Catholic Church and a local Elk s Club.The weapons, along with several containers of black powder, marijuana, powdered and crack cocaine, prescription pills, scales, other drug paraphernalia and two bulletproof vests were found in a Marion County shed, authorities said Monday.Deputies said they received information that the occupants of the shed intended to use the rocket launcher on the Eustis Police Department on Monday because of recent run-ins with officers.Eustis Police Chief Fred Cobb told Local 6, however, that he was blindsided by the threat because his department had little to no contact with two men arrested in the case.https://youtu.be/OjuOydtNJD4Cobb said Christopher Michael Conger was arrested by Eustis police on a violation of probation warrant. Cobb said that his department knows about Jeremy Robertson only because his staff received a tip notifying them that he was in the area and was known to carry drugs and weapons. It s a reminder for the public that we serve that this is a dangerous profession, Cobb said. Even in small-town U.S.A., Eustis, Florida. Via: Click Orlando ",left-news,"May 19, 2015",0 +OBAMA’S ORGANIZED RACE WAR EXPOSED AS PROTESTORS REVEAL PROOF OF PAYMENT," My success in the financial markets has given me a greater degree of independence than most other people, Soros once wrote. This allows me to take a stand on controversial issues: In fact, it obliges me to do so because others cannot. -George SorosMORE and OBS, two groups funded by George Soros, advertised money available for people willing to travel to protest (@organizemo is the twitter account of MORE): Listen to radical socialist George Soros talk about his innocuous and oh so transparent little organization here:George Soros gives billions to left-wing causes: Soros started the Open Society Institute in 1993 as a way to spread his wealth to progressive causes. Using Open Society as a conduit, Soros has given more than $7 billion to a who s who of left-wing groups. This partial list of recipients of Soros money says it all:ACORN, Apollo Alliance, National Council of La Raza, Tides Foundation, Huffington Post, Southern Poverty Law Center, Soujourners, People for the American Way, Planned Parenthood, and the National Organization for Women.George Soros wants to curtail American sovereignty: Soros would like nothing better than for America to become subservient to international bodies. He wants more power for groups such as the World Bank and International Monetary Fund, even while saying the U.S. role in the IMF should be downsized. In 1998, he wrote: Insofar as there are collective interests that transcend state boundaries, the sovereignty of states must be subordinated to international law and international institutions. After protesters protested not getting their checks from MORE on May 14th, MORE allegedly distributed the following list as to who was paid to protest in Ferguson and elsewhere, to show where the money had been going.Obviously, as we ve mentioned before, this is far from a grass roots spontaneous protest.You can see money paid out to Lisa Fithian, $1,127.75 for visit expenses .For those who do not know, Lisa Fithian is an infamous leftist organizer. She organized at Occupy, but has been used as a training organizer for many years before that. She spent time in Ferguson in 2014 training people to simulate chaos. Is it possible that George Soros has a love affair with Lisa Fithian because of their common hatred for Israel?Also of note, you can see that some people are being paid to travel to other places to protest, you can see the travel to Selma, and to D.C., as well as money paid out for vans , including to a union for providing the vans. Elizabeth Vega got $2000 for activist trip to Baltimore .There is money paid for protester supplies and protester catering, as well as for video recording of the protests. Some things were not so defined such as $2000 to Taylor Payne for support .$52,815 is paid to MORE. Money clearly was to go through them to the protesters, according to the protesters during their #Cuthtechecks protest.There are big payouts to Jeff Ordower. Jeff Ordower is a bit like a male Lisa Fithian, he was an organizer for the SEIU and ACORN. He founded MORE and his stated goal is welcoming co-conspirators in attempts to scale up numbers of radical organizers who can financially support themselves in the work . He is the white man protesters are complaining to in this clip, when they protested not getting paid. He would appear to be disburser of the checks.WCC hot seat pic.twitter.com/Uo65IC2Uuz Search4Swag (@search4swag) May 14, 2015Brittany Ferrell and Ashley Yates receive thousands on behalf of MAU, Millenial Activists United, one of the protester groups. Ferrell, tries to justify her position in this Facebook post where she blames Ordower for screwing everything up. Via: Weasel Zippers",left-news,"May 19, 2015",0 +β€œDIFFICULT” CHELSEA CLINTON CAUSES HIGH TURNOVER AT CLINTON FOUNDATION,"Like mother like daughter? Chelsea is very difficult according to insiders. We know from former Clintonites that Hillary can cuss like a sailor and really hammer people so perhaps this is a case of YOU ARE WHAT YOU KNOW CHELSEA KNOWS BEING DIFFICULT TO WORK WITH Chelsea Clinton is so unpleasant to colleagues, she s causing high turnover at the Bill, Hillary and Chelsea Clinton Foundation, sources say. Several top staffers have left the foundation since Chelsea came onBoard as vice chairman in 2011. A lot of people left because she was there. A lot of people left because she didn t want them there, an insider told me. She is very difficult. Onetime CEO Bruce Lindsey was pushed upstairs to the position of chairman of the board two years ago, so that Chelsea could bring in her McKinsey colleague Eric Braverman. He [Braverman] was her boy, but he tried to hire his own communications professional and actually tried to run the place. He didn t understand that that wasn t what he was supposed to be doing, said my source. He was pushed out. Matt McKenna was Chelsea s spokesman, and then he wasn t. Now he works for Uber. Ginny Ehrlich, the founding CEO of the Clinton Health Matters Initiative, now works for the Robert Wood Johnson Foundation.Via: NY Post",left-news,"May 19, 2015",0 +A BRUTALLY HONEST MESSAGE TO BLACK AMERICAN MEN FROM A CONSERVATIVE BLACK AMERICAN,"****STRONG LANGUAGE Warning****You have lit a fuse, and it s burning and when it explodes negro, you re nowhere near prepared to deal with it, with that destruction ",left-news,"May 18, 2015",0 +"THIS STATE WILL INCLUDE TRANSGENDER CURRICULUM IN PUBLIC SCHOOLS: β€˜You can be both genders, you can be no gender, you can be a gender that you make up for yourself’","Because there s nothing more compassionate than convincing young boys and girls that the gender that God assigned to them at birth means absolutely nothing. In fact, with a few government funded surgeries, they can try out any sex they think they might identify with You will want to contact the School Board if you live in Fairfax County, VA and let them know how you feel about using your tax dollars for the radical indoctrination of your children.One of the nation s largest public school systems is preparing to include gender identity to its classroom curriculum, including lessons on sexual fluidity and spectrum the idea that there s no such thing as 100 percent boys or 100 percent girls.Fairfax County Public Schools released a report recommending changes to their family life curriculum for grades 7 through 12. The changes, which critics call radical gender ideology, will be formally introduced next week. The larger picture is this is really an attack on nature itself the created order, said Peter Sprigg of the Family Research Council. Human beings are created male and female. But the current transgender ideology goes way beyond that. They re telling us you can be both genders, you can be no gender, you can be a gender that you make up for yourself. And we re supposed to affirm all of it. The plan calls for teaching seventh graders about transgenderism and tenth graders about the concept that sexuality is a broader spectrum but it sure smells like unadulterated sex indoctrination.Get a load of what the kids are going to be learning in middle school: Students will be provided definitions for sexual orientation terms heterosexuality, homosexuality and bisexuality; and the gender identity term transgender, the district s recommendations state. Emphasis will be placed on recognizing that everyone is experiencing changes and the role of respectful, inclusive language in promoting an environment free of bias and discrimination. Eighth graders will be taught that individual identity occurs over a lifetime and includes the component of sexual orientation and gender identity. Individual identity will also be described as having four parts biological gender, gender identity (includes transgender), gender role, and sexual orientation (includes heterosexual, bisexual, and homosexual). The district will also introduce young teenagers to the concept that sexuality is a broader spectrum. By tenth grade, they will be taught that one s sexuality develops throughout a lifetime. Emphasis will be placed on an understanding that there is a broader, boundless, and fluid spectrum of sexuality that is developed throughout a lifetime, the document states. Sexual orientation and gender identity terms will be discussed with focus on appreciation for individual differences. As you might imagine parents are freaking out. Parents need to protect their kids from this assault, said Andrea Lafferty, president of Traditional Values Coalition. Who could imagine that we are in this place today but we are. Last week, the school board voted to include gender identity in the district s nondiscrimination policy a decision that was strongly opposed by parents.Lafferty, who led the opposition to the nondiscrimination policy, warned that the district is moving towards the deconstruction of gender. At the end of this is the deconstruction of gender absolutely, she told me. The majority of people pushing (this) are not saying that but that clearly is the motivation. School Board spokesman John Torre told the Washington Times the proposed curriculum changes have nothing to do with last week s vote to allow boys who identity as girls to use the bathrooms and locker rooms of their choice.He would have us believe it was purely coincidental.To make matters worse, Lafferty contends parents will not be able to opt their children out of the classes because the lessons will be a part of the mandatory health curriculum.However, Torre told me that parents will indeed be able to opt out of those classes including the sexual orientation and gender identity lessons. They are not being forthright with the information, Lafferty said. They are not telling people the truth. They are bullying parents. They are intimidating and they are threatening. I must confess that I m a bit old school on sex education. I believe that God created male and female. My reading of the Bible does not indicate there were dozens of other options.However, I m always open to learning new things so I asked the school district to provide me with the textbooks and scientific data they will be using to instruct the children that there are dozens and dozens of possible genders.Here s the reply I received from Torre: Lessons have not been developed for the proposed lesson objectives, he stated. Because of the need to develop lessons, the proposed objectives would not be implemented until fall 2016. In other words they don t have a clue.And the Family Research Council s Sprigg said there s a pretty good reason why they can t produce a textbook about fluidity. It s an ideological concept, he told me. It s not a scientific one. He warned that Fairfax County s planned curriculum could be harmful to students. It s only going to create more confusion in the minds of young people who don t need any further confusion about sexual identity, he said.The board will introduce the changes on May 21. Lafferty said she hopes parents will turn out in force to voice their objections.Via: FOX News",left-news,"May 18, 2015",0 +NYC MAYOR DEBLASIO SAYS β€˜Something is changing in America” ANNOUNCES NEW β€œCommunist Manifesto” AGENDA,"Why would anyone expect anything else from a mayor who criticized Barack Obama for being too conservative and too afraid to take the bold kind of action that President Roosevelt took during the Great Depression MISS ME YET?Last week, New York City Mayor Bill de Blasio unveiled a 13-point national Progressive Agenda that is being touted as the liberal Contract with America. The aim is for the Progressive Agenda to become the basis for the Democratic Party s main economic policies, including those of its 2016 presidential candidate.De Blasio has compared his plan to the Contract with America, a document released by the Republican Party during the 1994 congressional election and drawn up by future House Speaker Newt Gingrich to serve as the GOP policy agenda.Now WND documents that most of the 13 points in de Blasio s Progressive Agenda can also be found in the manifestos and literature of the Communist Party USA and the Socialist Party USA.The full progressive plan, entitled, The Progressive Agenda to Combat Income Inequality, can be found on the agenda s new website.Here is a comparison of the Agenda s plan with literature from the manifestos and writings of the Community Party USA, or CPUSA, and the Socialist Party USA, or SPUSA. Progressive Agenda: Raise the federal minimum wage, so that it reaches $15/hour, while indexing it to inflation. SPUSA: We call for a minimum wage of $15 per hour, indexed to the cost of living. CPUSA: Calls for struggles for peace, equality for the racially and nationally oppressed, equality for women job creation programs, increased minimum wage. Even with ultra-right control of the Federal government, peoples legislative victories, such as increasing the minimum wage, can be won on an issue-by-issue basis locally, statewide, and even nationally. Progressive Agenda: Pass comprehensive immigration reform to grow the economy and protect against exploitation of low-wage workers. SPUSA: We defend the rights of all immigrants to education, health care, and full civil and legal rights and call for an unconditional amnesty program for all undocumented people. We oppose the imposition of any fees on those receiving amnesty. We call for full citizenship rights upon demonstrating residency for six months. CPUSA: Declares the struggle for immigrant rights is a key component of the struggle for working class unity in our country today. Progressive Agenda: Make Pre-K, after-school programs and childcare universal. SPUSA: We support public child care starting from infancy, and public education starting at age three, with caregivers and teachers of young children receiving training, wages, and benefits comparable to that of teachers at every other level of the educational system. Progressive Agenda: Earned Income Tax Credit. Implement the Buffett Rule so millionaires pay their fair share. SPUSA: We call for a steeply graduated income tax and a steeply graduated estate tax. CPUSA: No taxes for workers and low and middle income people; progressive taxation of the wealthy and private corporations. Dems hail beginning of revolution De Blasio criticized Obama as too conservative to assert a progressive economic vision and too afraid to take the bold kind of action that President Roosevelt took during the Great Depression, reported the liberal news network.Speaking at the Progressive Agenda launch event outside the Capitol building last Tuesday, de Blasio said something is changing in America. It s time to take that energy and crystallize it into an agenda that will make a difference, he said. We ll be calling on leaders and candidates to address these issues, to stiffen their backbones, to be clear and to champion these progressive policies. Read more at WND ",left-news,"May 18, 2015",0 +WATCH JUDGE ORDER PUNK WEARING β€œPOLICE LIE” T-SHIRT TO LEAVE COURTROOM…Or Face Contempt Charges,"The hate for our law enforcement is at an all time high. The blame for the injuries suffered and murders of innocent law enforcement officers falls squarely on the shoulders of Eric Holder, Eric Sharpton and Barack Hussein Obama ",left-news,"May 18, 2015",0 +IF YOU CROSS OUR BORDERS ILLEGALLY….YOU CAN NOW LAND A JOB TEACHING IN THIS STATE," We re going to have people who are bilingual teachers, and ultimately people who just want to do the right thing for the United States. So in other words, soon it won t matter if these illegal alien teachers are able to speak english as long as they want to do the right thing? Gov. Brian Sandoval signed a bill Wednesday that would make it easier for immigrants with temporary legal status to get a Nevada teaching license, saying it would help meet the needs of a new Nevada. Among the people who flanked the Republican governor as he signed AB27 was Uriel Garcia, a 22-year-old Nevada State College student and recipient of the Deferred Action for Childhood Arrivals program who was previously denied a license. He said he plans to re-apply as soon as possible to get started on his student teaching and move toward his goal of teaching 2nd grade English language learners. I want to give back to the community that gave me so much, Garcia said.The old law allowed the state superintendent to give a teaching license to someone who is not a citizen but has a work permit only if there s a teacher shortage for a subject the person can teach. The new law, which passed the Senate and Assembly unanimously, allows those immigrants to get a teaching license if a district has a teacher shortage of any kind.The measure affects immigrants in the deferred action program, also known as DACA recipients or DREAMers. State Superintendent Dale Erquiaga said it s not clear how many new teachers the change will yield, but said his office will track that number going forward.Proponents framed the bill as a way to deal with a major teacher shortage, as well as a way to diversify the teaching force in a state with a high population of English language learners. We re going to have people who are bilingual teachers, and ultimately people who just want to do the right thing for the United States, Garcia said.Sylvia Lazos, vice chair of the Latino Leadership Council, said the bill better reflects a changing Nevada. These laws that prohibit non-citizens from getting licensed come from another era, another time, when many states were hostile to Germans, Catholics, Irish, Lazos said. Modern Nevada is not protectionist, not anti-immigrant, not anti-foreigner. It s a wonderful day for Nevada to affirm that. Via: Chron",left-news,"May 18, 2015",0 +GET OUT OF JAIL FREE: How Obama’s Race War Is Quietly Being Funded By Jay Z,"Keep buying Jay Z and Beyonce s music and keep telling us you like their music and see no connection between buying their music and using it to fund Obama s race war Rap mogul Jay Z has quietly used his wealth to post bail for people arrested in protests across the United States against police, an author close to him said Sunday.Dream Hampton, a writer and activist who worked with Jay Z on his 2010 memoir Decoded, made the revelations in a series of messages on Twitter that were deleted but were posted by the hip-hop magazine Complex. When we needed money for bail for Baltimore protesters, I hit Jay up, as I had for Ferguson (and he) wired tens of thousands of dollars within minutes, read one tweet.She also tweeted that Jay Z and his pop superstar wife Beyonce wrote a huge check to support the burgeoning Black Lives Matter movement aimed at stopping police brutality.Protests spread last year after a white police officer shot dead African American teenager Michael Brown in the St. Louis suburb of Ferguson.Major demonstrations, some turning violent, erupted last month in Baltimore after another African American man, Freddie Gray, died from a spinal injury sustained in police custody. The tweets appeared aimed at defending Jay Z and Beyonce, who have faced accusations from some activists that they have only paid lip service to the cause without tapping into the couple s estimated $1 billion net worth.Hampton later wrote that she deleted the tweets because Jay Z would be pi-issed to see I was offering evidence that he is taking action.Jay Z on Saturday performed in New York as an exclusive for Tidal, the music streaming service he has launched with fellow stars.In a freestyle segment, Jay Z paid homage to Brown and Gray and belittled Tidal s rivals Spotify and Apple.Jay Z and Beyonce met with Brown and Gray s families last week at a peace concert in Baltimore by Prince, leaving without making public appearances.The power couple are also strong supporters of President Barack Obama, throwing a multimillion-dollar fundraiser for him during his 2012 campaign.Via: Yahoo News",left-news,"May 18, 2015",0 +BEWARE THE UNITED NATIONS PUSH FOR β€œGLOBAL GOVERNANCE” FOR THE β€œGOOD OF THE PLANET”,"Beware of this agenda that s Agenda 21 for those who aren t familiar with the term sustainable development. Your every move will be micromanaged for the common good . I am really disappointed in the Pope s position on this and many other things. He s so far left on so many issues but the fact that he s buying into the global warming scam is very disturbing. The UN plans to launch a brand new plan for managing the entire globe at the Sustainable Development Summit that it will be hosting from September 25th to September 27th. Some of the biggest names on the planet, including Pope Francis, will be speaking at this summit. This new sustainable agenda focuses on climate change of course, but it also specifically addresses topics such as economics, agriculture, education and gender equality. For those wishing to expand the scope of global governance , sustainable development is the perfect umbrella because just about all human activity affects the environment in some way. The phrase for the good of the planet can be used as an excuse to micromanage virtually every aspect of our lives.So for those that are concerned about the growing power of the United Nations, this summit in September is something to keep an eye on. Never before have I seen such an effort to promote a UN summit on the environment, and this new sustainable development agenda is literally a framework for managing the entire globe.If you are not familiar with this new sustainable development agenda, the following is what the official United Nations website says about it The United Nations is now in the process of defining Sustainable Development Goals as part a new sustainable development agenda that must finish the job and leave no one behind. This agenda, to be launched at the Sustainable Development Summit in September 2015, is currently being discussed at the UN General Assembly, where Member States and civil society are making contributions to the agenda.The process of arriving at the post 2015 development agenda is Member State-led with broad participation from Major Groups and other civil society stakeholders. There have been numerous inputs to the agenda, notably a set of Sustainable Development Goals proposed by an open working group of the General Assembly, the report of an intergovernmental committee of experts on sustainable development financing, General Assembly dialogues on technology facilitation and many others. Posted below are the 17 sustainable development goals that are being proposed so far. Some of them seem quite reasonable. After all, who wouldn t want to end poverty . But as you go down this list, you soon come to realize that just about everything is involved in some way. In other words, this truly is a template for radically expanded global governance . Once again, this was taken directly from the official UN website 1. End poverty in all its forms everywhere2. End hunger, achieve food security and improved nutrition, and promote sustainable agriculture3. Ensure healthy lives and promote wellbeing for all at all ages4. Ensure inclusive and equitable quality education and promote lifelong learning opportunities for all5. Achieve gender equality and empower all women and girls6. Ensure availability and sustainable management of water and sanitation for all7. Ensure access to affordable, reliable, sustainable and modern energy for all8. Promote sustained, inclusive and sustainable economic growth, full and productive employment, and decent work for all9. Build resilient infrastructure, promote inclusive and sustainable industrialisation, and foster innovation10. Reduce inequality within and among countries11. Make cities and human settlements inclusive, safe, resilient and sustainable12. Ensure sustainable consumption and production patterns13. Take urgent action to combat climate change and its impacts (taking note of agreements made by the UNFCCC forum)14. Conserve and sustainably use the oceans, seas and marine resources for sustainable development15. Protect, restore and promote sustainable use of terrestrial ecosystems, sustainably manage forests, combat desertification and halt and reverse land degradation, and halt biodiversity loss16. Promote peaceful and inclusive societies for sustainable development, provide access to justice for all and build effective, accountable and inclusive institutions at all levels17. Strengthen the means of implementation and revitalise the global partnership for sustainable developmentAs you can see, this list goes far beyond saving the environment or fighting climate change .It truly covers just about every realm of human activity.Another thing that makes this new sustainable development agenda different is the unprecedented support that it is getting from the Vatican and from Pope Francis himself.In fact, Pope Francis is actually going to travel to the UN and give an address to kick off the Sustainable Development Summit on September 25th His Holiness Pope Francis will visit the UN on 25 September 2015, and give an address to the UN General Assembly immediately ahead of the official opening of the UN Summit for the adoption of the post-2015 development agenda. This Pope has been very open about his belief that climate change is one of the greatest dangers currently facing our world. Just a couple of weeks ago, he actually brought UN Secretary General Ban Ki-moon to the Vatican to speak about climate change and sustainable development. Here is a summary of what happened On 28 April, the Secretary-General met with His Holiness Pope Francis at the Vatican and later addressed senior religious leaders, along with the Presidents of Italy and Ecuador, Nobel laureates and leading scientists on climate change and sustainable development.Amidst an unusually heavy rainstorm in Rome, participants at the historic meeting gathered within the ancient Vatican compound to discuss what the Secretary-General has called the defining challenge of our time. The mere fact that a meeting took place between the religious and scientific communities on climate change was itself newsworthy. That it took place at the Vatican, was hosted by the Pontifical Academy of Sciences, and featured the Secretary-General as the keynote speaker was all the more striking. In addition, Pope Francis is scheduled to release a major encyclical this summer which will be primarily focused on the environment and climate change. The following comes from the New York Times The much-anticipated environmental encyclical that Pope Francis plans to issue this summer is already being translated into the world s major languages from the Latin final draft, so there s no more tweaking to be done, several people close to the process have told me in recent weeks. I think that we can get a good idea of the kind of language that we will see in this encyclical from another Vatican document which was recently released. It is entitled Climate Change and The Common Good , and it was produced by the Pontifical Academy of Sciences and the Pontifical Academy of Social Sciences. The following is a brief excerpt Unsustainable consumption coupled with a record human population and the uses of inappropriate technologies are causally linked with the destruction of the world s sustainability and resilience. Widening inequalities of wealth and income, the world-wide disruption of the physical climate system and the loss of millions of species that sustain life are the grossest manifestations of unsustainability. The continued extraction of coal, oil and gas following the business-as-usual mode will soon create grave existential risks for the poorest three billion, and for generations yet unborn. Climate change resulting largely from unsustainable consumption by about 15% of the world s population has become a dominant moral and ethical issue for society. There is still time to mitigate unmanageable climate changes and repair ecosystem damages, provided we reorient our attitude toward nature and, thereby, toward ourselves. Climate change is a global problem whose solution will depend on our stepping beyond national affiliations and coming together for the common good. Such transformational changes in attitudes would help foster the necessary institutional reforms and technological innovations for providing the energy sources that have negligible effect on global climate, atmospheric pollution and eco-systems, thus protecting generations yet to be born. Religious institutions can and should take the lead in bringing about that change in attitude towards Creation.Read more: Zero Hedge",left-news,"May 17, 2015",1 +"NOT GRASSROOTS: #Ferguson Protestors PAID Over $5K To Attack Police, Instigate Violence And Disrupt","The Ferguson #BlackLivesMatter protesters are spilling the beans on the so-called grassroots movement.Earlier this week black protesters staged a protest at at the office of MORE (Missourians Organizing for Reform and Empowerment) on Thursday to press their claim that groups led by whites have collected tens of thousands of dollars in donations off of the Black Lives Matter movement without paying the Black participants their fair share.Much more on that sit-in protest at MORE here.The black protesters threatened to f*ck up the white protest organizers.Now this It s widely known thatFerguson activists were flown to New York City, Wisconsin, and even the West Bank to spread racial hatred.Now we know why they re so committed to the cause.They are being paid quite a bit to disrupt and initiate violence across the country.The protesters are talking online about how much they were getting paid to protest against the police and stir up racial hate in Ferguson and other communities since August.** Protesters were making MORE THAN $5,000 a month to disrupt cities and attack police!Listening to @search4swag live now on @JoePrich they pointing out that @deray is getting paid by Soros Independent CaT (@RealOrangeCat) May 16, 2015The far left billionaire George Soros pumped at least $33 million into the violent Ferguson protest movement, according The Washington Times.Many of the grassroots leaders were paid handsomely.And the protesters are wising up to Deray who has been out every night tweeting and stirring up the race hate n numerous cities for several months. Black Lives Matter and Get Paid Another group Resource Generation, a racist Socialist group, paid a million to the protesters.Via: Gateway Pundit",left-news,"May 17, 2015",0 +"MSNBC Tweets Terrifying Video Of Cop Being Dragged By Thug’s Car, Jokingly Asks If It Counts As A Police Chase?","MSNBC the cable news station who hired tax cheat, FBI snitch and paid race baiter, Al Sharpton as a mouthpiece to spew hate for the sniveling leftists who run the pathetic low ratings network After being called out by The Gateway Pundit, MSNBC took down a video mocking a police officer being dragged from a car by a suspect fleeing the officer.MSNBC deleted their report but not before The Gateway Pundit saved a screengrab of it The video, which was posted Friday night, was removed Saturday afternoon from MSNBC s Facebook and Twitter accounts within an hour of publication of The Gateway Pundit report.The video was titled, Does it count as a police chase if you take the cop along for the ride? MSNBC subsequently posted an apology to Twitter, but the statement did not state what precisely was being apologized for, nor was there an apology to the law enforcement community.A video tweeted from @msnbc Friday evening has been removed. The material was inappropriate. It should not have been posted and we're sorry. MSNBC (@MSNBC) May 16, 2015 A video tweeted from @msnbc Friday evening has been removed. The material was inappropriate. It should not have been posted and we re sorry. The takedown of the videos and apology by MSNBC came within one hour and twenty minutes of the 2:57 p.m. CDT posting of the article at TGP.The MSNBC video was posted in conjunction with NowThisNews and was also deleted from the Twitter account of NowThisNews Saturday after The Gateway Pundit report.Commenters at the Facebook page slammed MSNBC:Erick Delumeau: MSNBC you have shown your true colors again. Irresponsible reporting. A family member just had this happen to his partner and his partner suffered a head injury. So everyone who allowed this to air with circus music, deserves to be fired. Walter Daniel Bosak: You re network is disgusting. This officer could have been killed all because this individual thinks it s ok to resist a lawful investigation partly because networks like yours have advocated violence against police. Tiffany Eve: You should be ashamed of yourselves MSNBC!!! These men and women in uniform serve and protect us all, and this is how you treat them? An apology to all law enforcement officers and their families should be in order. Kyle Bodenhorn: Way to go MSNBC. You once again proved why cops around the world have a great disdain for media. This officer is lucky to be alive and you made jokes about his being dragged. Surely you feel that adding fuel to the fire of the hatred for police is a better news story than the thousands of police who have spent the week in D.C. honoring slain police as it is Police memorial week. Estela Ramirez: Msnbc how is this comical with this head line and music like this is a joke. The cop could have or was probably injured because of this. If it was a black man being dragged by a cop this head line would be different. This is tasteless and just shows how the media works to its own benefits. Via: Gateway PUndit",left-news,"May 17, 2015",0 +BAIL DENIED: CONVICTED MUSLIM RAPIST Refuses Mandatory Sex Offender Course Because It β€œconflicts with [his] Islamic faith”,"Apparently, keeping a slave and repeatedly raping her is not against his Islamic faith From International Business Times:A Saudi national who was convicted of keeping his Indonesian maid as a sex slave has refused to attend a mandatory sex offender s course, arguing that his Muslim beliefs do not allow him to look at pictures of scantily-clad women.Homaidan al-Turki, 45, was jailed for 28 years in 2006 after his maid claimed she had been forced to work 12 hour days with no break and then locked in a cellar and abused regularly by the Saudi, who was in the US on an academic scholarship with his wife and five children.Al-Turki s sentence was reduced in 2011 to eight years-to-life but his parole applications have been repeatedly denied because of his refusal to attend a sex offenders course.Al-Turki told prison officials in 2013 that the sex offender treatment programme conflicts with [his] Islamic faith , according to a letter by the then executive director of the Colorado Department of Corrections, Tom Clements.Eight years for keeping a slave in America. Shameful.Via: Gateway Pundit",left-news,"May 17, 2015",0 +HILLARY 2016 FAN JAMES TAYLOR: β€œEvery day that Barack Obama and Michelle Obama are in the White House is a day that I am thankful for”,"Time to exhale James Barack Obama supporter James Taylor doesn t just think the U.S. president is great he believes Obama is the greatest of all-time. I ve been watching politics since (Dwight) Eisenhower and Adlai Stevenson, when dinosaurs roamed the Earth, and Obama is my favorite, favorite president, Taylor said in an interview Wednesday. I am just thankful for every day that he s in office. I am so proud that he represents my country and I think he represents me I think he represents the America that I know. Taylor, 67, is a recipient of the National Medal of Arts. The pop icon performed America the Beautiful at Obama s second inauguration in 2013. I had a really tough time during the Cheney-Bush years, I did, and I had a hard time accepting that that administration represented me because I don t think they did, Taylor said.The Rock and Roll Hall of Famer also called Obama s family precious and said he appreciates the U.S. leader because he s sane and balanced. He promised to give us a health care system, it s a work in progress, but he has put us on a road to that, Taylor said. I m so grateful for what he s done for gay rights and for the emancipation of gay people. Particularly from my point of view, I think that was so overdue and so important, and so important for America to be ahead of the curve on this. Taylor criticized Congress in Obama s defense. I ve never seen a Congress that has been so obstructive and so contrary and so committed to doing anything that will foul up this administration. I just think it s an absolute scandal that he has had so little cooperation, he said. So anyway, you hit a nerve and I ll go on forever. But I ll just say it a third time: Every day that Barack Obama and Michelle Obama are in the White House is a day that I am thankful for. Obama isn t the only politician Taylor is supporting: The singer said he s on the Hillary Rodham Clinton train, too. And aside from the fact that she s a woman running, she s the right person. The whole point black or white, male or female, gay or straight, Christian, Jewish, Muslim, atheist it doesn t matter what these other connections are, he said. Our country needs to come together and the question is, Is this public servant someone who will bring us together? And I think she is. Taylor will release a new album, Before This World, on June 16, and will perform a concert for SiriusXM at The Apollo in New York City on the same day. He will also launch a U.S. tour in July.Via: AP News",left-news,"May 16, 2015",0 +FORMER NEW BLACK PANTHER ADVISOR AND β€œMINISTER” THREATENS: β€œIf Freddie Gray’s killers walk you will see cops being killed in broad daylight”,"Dr. Mauricelm-Lei Millere, who formerly advised the New Black Panther Party in Ferguson, is under fire for some things he tweeted this week about the Freddie Gray case:https://twitter.com/drmauricelmlei/status/597419872641888256A few hours later, he followed up with another warning:https://twitter.com/drmauricelmlei/status/597421745356742657Milliere is a psychotherapist based in Ohio. His website credits him as the founder of the Manic Aggression Personality Disorder, which: is a mental illness merely affecting Africans, Africans born in America,or the Pan-African Community.[Milliere] states, This psycho-socio illusion, or personality disorder (or M.A.P.D.), is an isolated illness pertaining to the African race entirely mimics [bipolar] and [schizophrenic] personality.Whether he is in America, Africa, the Diaspora, or abroad he suffers psychologically and socially from the evils of this [[neurotic]] syndrome for two reasons.Primarily, he suffers because the European (white) racist delusion of slavery encountered him as an animal. The term used is chattel (human cattle). Secondly, the culprit race, responsible for his inquisition refuse to take responsibility for the system of slavery and its damages, which is [[psychological]] or [[sociological]] in nature, they caused. Though many took issue with his tweets, he doubled down, advocating the murder of any police officer:https://twitter.com/drmauricelmlei/status/597421141125242880And on Friday, advocated for groups of black men to walk around armed in self-defense:Via: IJ Review",left-news,"May 16, 2015",0 +"ISIS SUPPORTER RESPONDS TO KILLING OF TOP ISIS OPERATIVE: β€œIf they took Abu Sayyaf, we will take Obama”","A JV team threat Shaken by a daring U.S. military strike deep in ISIS territory, supporters of the extremist organization were vowing revenge for the killing of senior leader Abu Sayyaf or claiming the special operations mission never took place, a Vocativ analysis reveals. If they took Abu Sayyaf, we will take Obama, one ISIS supporter posted in the hours after the raid near the eastern Syrian city of al-Amr.Translation: If your goal is killing Abu Sayyaf then our goal is killing Obama and the worshipers of the cross. We have attacks coming against you.Elite American commandos carried out the rare, overnight military operation, killing Sayyaf, capturing his wife, and freeing a Yezidi woman believed to have been held as their slave, the Pentagon said Saturday. Defense Secretary Ash Carter heralded the mission as a significant blow to the Islamic State.Vocativ analyzed social media across Syria in the wake of the strike and discovered some ISIS supporters claimed the news was U.S. propaganda timed to counter ISIS momentum after taking most of the Iraqi city of Ramadi this week. Others tweeted from outside the Syrian city of Raqqa vowing revenge for the strike, saying they heard explosions and helicopters.Carter said Sayyaf was responsible for directing many of the group s military activities and funding, directing its illicit oil, gas, and financial operation. No U.S. forces were killed or injured during the operation, which represented another significant blow to the group, Carter said. And it is a reminder that the United States will never waver in denying safe haven to terrorists who threaten our citizens, and those of our friends and allies, he continued in the statement.The mission included the arrest of Sayyaf s wife, Umm Sayyaf, and the freeing of the Yezidi woman. The trading of Yezidi women has been a major inducement and reward for ISIS fighters in the past. The Yezidis follow a strand of Islam that is rejected by mainstream Muslims as heretical. ISIS last year surrounded the Yezidis villages in northern Iraq, killing and capturing dozens, and taking many of the girls and women as slaves. U.S. forces captured Umm Sayyaf, who we suspect is a member of ISIS, played an important role in ISIS s terrorist activities, and may have been complicit in what appears to have been the enslavement of a young Yezidi woman rescued last night, Carter said. The White House said in a statement that Umm Sayyaf had been moved to a U.S. military detention facility in Iraq. The Yezidi woman would be freed. We intend to reunite her with her family as soon as feasible, Bernadette Meehan, the National Security Council spokeswoman, said in a statement.The operation was coordinated with Iraqi officials, but the U.S. government did not coordinate with the Syrian regime, nor did we advise them in advance of this operation, Ms. Meehan said.According to reports, a team of the Army s Delta Force troops traveled in Black Hawk helicopters and Osprey aircraft into al-Amr in eastern Syria. The Washington Post quoted an unnamed defense official who said a firefight broke out after the troops touched down near a building where Abu Sayyaf was believed to be, and that ISIS fighters tried to use women and children as human shields. It was a real fight, the official told the Post, saying there was hand-to-hand fighting and about a dozen militants were killed. He told the Post that troops collected items that might prove useful intelligence.Via: Vocativ.com",left-news,"May 16, 2015",1 +RECKLESS DEM MAYOR BLAMES AMTRAK ENGINEER FOR CRASH…UPDATE: New Evidence Shows Train May Have Been Hit By Projectile,"Perhaps Democrat Mayor Michael Nutter is taking a cue from the reckless DA in Baltimore in presuming guilt of the engineer without the benefit of an investigation. The Mayor basically accused the engineer of criminal negligence without even knowing all of the details of the crash. From Democrat Mayor Michael Nutter: Clearly it was reckless in terms of the driving by the engineer. There s no way in the world that he should have been going that fast into the curve. Clearly he was reckless and irresponsible in his actions. There s really no excuse that can be offered. Listen to the Mayor s unjustified, irresponsible inflammatory remarks here:https://youtu.be/CBZxmmdp2Kg The Amtrak train that derailed Tuesday, killing eight people and injuring more than 200, may have been struck by an object before it careened off the tracks, an assistant conductor on the train told investigators from the National Transportation Safety Board.At a news conference on Friday, Robert L. Sumwalt, the safety board official who is leading the investigation, said an assistant conductor had reported that she believed she heard a radio transmission in which an engineer on a regional line said his train had been struck by a projectile and the engineer on the Amtrak train replied that his had been struck, too.Mr. Sumwalt said that investigators had found a fist-size circular area of impact on the left side of the Amtrak train s windshield and that they had asked the Federal Bureau of Investigation to analyze it. He said that the F.B.I. had been called in because it has the forensics expertise needed for the investigation, but that it had not yet begun its analysis.He said that investigators had also interviewed the engineer and found him extremely cooperative, and that the engineer had said he was not fatigued or ill at the time of the accident. But he could not remember anything about the derailment.Investigators asked the engineer, Brandon Bostian, whether he recalled any projectiles, and he said he did not. He was specifically asked that question, and he did not recall anything of that sort, Mr. Sumwalt said. But then again, he reported that he does not have any recollection of anything past North Philadelphia. The assistant conductor, however, who was working in the cafe car, heard Mr. Bostian talking to an engineer on the Septa regional rail line who said his train had been hit by a rock or shot at, according to Mr. Sumwalt. She said she thought she heard Mr. Bostian reply that his train had also been struck. Right after she recalled hearing this conversation between her engineer and the Septa engineer, she said she felt a rumbling, and her train leaned over and her car went over on its side, Mr. Sumwalt said.Jerri Williams, a spokeswoman at Septa, confirmed that the windshield of one of its trains had been shattered by a projectile near the North Philadelphia station about 9:10 p.m. on Tuesday, about 12 minutes before the Amtrak train derailed. We have reports of trains being struck by objects in this area about two to three times a month, Ms. Williams said. Mostly, she said, the objects are thrown by children and do no damage.The safety board has asked to interview the engineer of the Septa train that was hit by the projectile, and Septa is cooperating, Ms. Williams said.For days, speculation about the cause of the accident has centered on Mr. Bostian. Investigators reported earlier this week that the train accelerated suddenly a minute before the derailment and that Mr. Bostian applied the emergency brake seconds before the cars careened off the tracks, striking nearby utility poles.On Friday, Mr. Sumwalt said that the engineer, accompanied by his lawyer, had been open with investigators and had demonstrated a very good working knowledge of the proper procedures and speeds for the rail line, but that he did not remember the accident. He recalls ringing the train bell as he went through North Philadelphia Station, as required, Mr. Sumwalt said. He has no recollection of anything past that. Investigators said that Mr. Bostian had been extremely cooperative during his interview and that he had reported no problems with his train handling. Two other conductors were on the train that night. A senior conductor is hospitalized, according to the safety board, and has not been interviewed.A junior conductor was in the back of the train and reported that his radio was not working, so he was unable to hear the engineer, Mr. Sumwalt said. He told investigators he felt shaking, then two large impacts that dislodged seats.Both conductors said they had confidence in the engineer, calling him very professional. Via: NYT",left-news,"May 16, 2015",0 +β€œKill Him…Kill Him”…GOOD SAMARITAN TRYING TO SAVE TEEN GIRL GETS BRUTALLY BEATEN [Video],"Another disturbing teen melee broke out inside a Brooklyn McDonald s Friday, and this time, the brawlers turned their violence on an innocent man trying to break the fracas up and on employees of the fast food joint.The brutality began at the McDonald s on Flatbush Avenue Extension in Downtown Brooklyn at about 3 p.m., just as schools were letting out. In the video, a teen girl can be seen standing on a table taking off her top, apparently preparing herself for the fight.Two young girls begin trading blows, and people try to tear them apart. An older gentleman in a hat tries to diffuse the situation, but is turned on by the teen boys crowding around, who seemed to have been enjoying the fight. The narrator, Don Balmain, can be heard gleefully yelling, Kill him! interspersed with laughs.Total chaos breaks out in the restaurant, with teens fighting with cashiers over the counter.The teens eventually chase the older man outside, with the goon behind the camera screaming, Kill him right now! A woman stands in front of him to shield him from the mob. The cameraman shouts, They can t help you! Balmain later posted the video on his Facebook page and sardonically commented, They put that old man in the hospital I feel bad for telling them to kill him. 911 was called, and a woman was taken to Brooklyn Hospital, officials told PIX11. Another man was aided at the scene, but refused medical attention.Via: Pix11.com",left-news,"May 16, 2015",0 +BREAKING: DEATH FOR WELFARE LEECH AND BOSTON JIHADIST… Jury Gives Muslim Terrorist First Class Ticket To Hell…,"No mercy for welfare leech and America hater, Dzhokhar Tsarnaev This is nothing to celebrate. This is justice, said first-responder Michael Ward. He wanted to go to hell and he s going to get there early. A jury s ruling today to sentence marathon bomber Dzhokhar Tsarnaev to death is justice and a warning Boston will not tolerate terrorism, survivors and police said after the verdict. This is nothing to celebrate. This is justice, said first-responder Michael Ward. He wanted to go to hell and he s going to get there early. The verdict against Tsarnaev, who ll turn 22 in July, was announced by U.S. District Court Judge George A. O Toole Jr. s courtroom clerk Paul Lyness. Tsarnaev showed no emotion as the verdict was read.Marathon bombing survivor Adrianne Haslet-Davis, who lost a third of her left leg in the bombing, told the Herald she s happy with the verdict. My heart goes out to everyone in the survivor community and to the victims families, she added. It s still a lot to process right now. Only three of the 12 jurors bought into the defense argument that Tsarnaev was influenced by his older brother Tamerlan. The jurors unanimously agreed that Tsarnaev showed no remorse for the marathon attack and its aftermath that killed four young people, maimed 17 and injured hundreds.The jurors unanimously voted to put him to death for the week of terror. You re not going to blow up our marathon. You re not going to blow up our city, said Boston police Commissioner William Evans. We will not tolerate terrorism. Tsarnaev will be formally sentenced by O Toole this summer after survivors and loved ones of the victims have the opportunity to present impact statements.Tsarnaev will also be afforded the chance to speak. He chose not to take the stand in his own defense during the trial a factor jurors were not allowed to consider or even discuss amongst themselves, per O Toole s orders.Tsarnaev is expected to remain incarcerated locally until after the sentencing, when he will be delivered to the USP Terre Haute prison in Indiana, where he will be the youngest person on federal death row.U.S. Attorney Loretta Lynch said today in a statement that Tsarnaev coldly and callously perpetrated a terrorist attack in Boston. We know all too well that no verdict can heal the souls of those who lost loved ones, nor the minds and bodies of those who suffered life-changing injuries from this cowardly attack, Lynch said. But the ultimate penalty is a fitting punishment for this horrific crime and we hope that the completion of this prosecution will bring some measure of closure to the victims and their families. We thank the jurors for their service, the people of Boston for their vigilance, resilience and support and the law enforcement community in Boston and throughout the country for their important work. The seven women and five men, who reached their verdict after 14 hours of deliberations, convicted the former University of Massachusetts Dartmouth sophomore on April 8 of a 30-count indictment that included the April 15, 2013, bombing murders of marathon spectators Martin Richard, 8, of Dorchester, Lingzi Lu, 23, a Boston University graduate statistics student from China, and restaurant manager Krystle Marie Campbell, 29, a Medford native.Tsarnaev was also held responsible for the shooting death of MIT Police Officer Sean Collier, 27, three days after the marathon massacre, when the FBI went public with photos of Tsarnaev and his late older brother Tamerlan, 26, as their terror suspects.Via: Bostonherald.com",left-news,"May 16, 2015",0 +LET THE REPARATIONS BEGIN: Rahm Emanuel Uses $5.5 Million Taxpayer Dollars To Gain Favor With Chicago’s Black Voters," We do this not because it s legally required, because it s not, Patton said at a hearing on the agreement. We do this because we believe it s the right thing to do, both for the victims and their families and for the city. This is historic, said Mr. Coverson. The only city in America that has given reparations and passed a reparations ordinance, and given an official apology for the violence that the police have done to citizens. The city of Chicago on Tuesday sought to put to rest one of its most persistent scandals, proposing a $5.5 million reparations fund for dozens of torture victims connected to former Chicago police Cmdr. Jon Burge and his so-called midnight crew of rogue detectives.The proposal, negotiated with a key plaintiff s attorney and supported by Mayor Rahm Emanuel, would offer free city college tuition for victims and their families, free counseling for psychological issues and substance abuse as well as other assistance to more than 50 potential victims. The city would also issue a formal apology, create a permanent memorial recognizing the victims and ensure that eighth- and 10th-grade students attending Chicago Public Schools would be taught about the Burge case and its brutal legacy, cementing the scandal s role in city history.But as much as the proposal seeks to end a painful, controversial era Emanuel said it would close this book, the Burge book on the city s history it is unlikely to stanch the flow of torture claims from victims. A Loyola University Chicago law school dean appointed by a Cook County judge has identified some 20 additional cases in which inmates may have been Burge victims. Other inmates who have made torture claims continue to fight to overturn convictions and win their freedom. And one lawsuit over the torture is pending.Already, this stubborn scandal has cost taxpayers about $100 million in lawsuit settlements, judgments and other legal costs, according to lawyers. It brings it much closer to closure, especially from the city s point of view, said Flint Taylor, an attorney who has been pursuing the torture issue for decades and was one of the lawyers who negotiated the reparations package. But it s not done and over. But as much as the proposal seeks to end a painful, controversial era Emanuel said it would close this book, the Burge book on the city s history it is unlikely to stanch the flow of torture claims from victims. A Loyola University Chicago law school dean appointed by a Cook County judge has identified some 20 additional cases in which inmates may have been Burge victims. Other inmates who have made torture claims continue to fight to overturn convictions and win their freedom. And one lawsuit over the torture is pending.Already, this stubborn scandal has cost taxpayers about $100 million in lawsuit settlements, judgments and other legal costs, according to lawyers. It brings it much closer to closure, especially from the city s point of view, said Flint Taylor, an attorney who has been pursuing the torture issue for decades and was one of the lawyers who negotiated the reparations package. But it s not done and over. Burge was convicted in federal court of lying about the torture and sentenced to 41/2 years in prison. He was released in October but confined to his home until February. He still collects a police pension.Burge did not return calls Tuesday to his home in Florida.But John Jack Byrne, Burge s former right-hand man, on Tuesday called the reparations deal a scam perpetuated on taxpayers. Via: Chicago Tribune ",left-news,"May 15, 2015",0 +CONSEQUENCES OF OPEN BORDERS: 15 Heavily Armed Men Break Into Texas Border Home With 9 Yr Old Boy And Open Fire,"Barack Obama s reckless desire to open our borders to international criminals will likely result in the most serious security threat our nation will ever face. A group of 15 heavily-armed masked gunmen kicked down the door of a Texas border home and opened fire without warning, in a home invasion that injured a 9-year-old boy and his 33-year-old mother.The assault took place in the morning hours, in a rural home near the border city of Harlingen. The gunmen kicked the door down and began shooting at random as soon as they arrived on the scene, Cameron County Sheriff Omar Lucio said in an interview with Breitbart Texas.The spray of bullets injured the woman and her child, but the woman s husband and other children were not harmed in the shooting, Lucio said. He classified the woman s injuries as minor, but the child remains at a local hospital, where he is listed in stable condition. During the robbery the gunmen yelled out policia policia which as we all know is the Spanish word for police, Lucio said.Preliminary information suggests the robbers attacked the wrong house, as they did not take anything from the property. Sheriff s investigators are still working to identify the gunmen, who are believed to have arrived in at least three vehicles.According to Lucio, the family inside the home is not believed to have any relation to criminal activity, and were simply random victims.As previously reported by Breitbart Texas, home invasions along the Texas border are a different breed of crime, since they often involve gunmen with ties to Mexican drug cartels storming houses to steal drug loads, or abduct human trafficking victims from a rival crew.Via: Breitbart News",left-news,"May 14, 2015",0 +MOOCH FOR PRESIDENT? Surprising New Poll Shows How Michelle Stacks Up Against Hillary In 2016 Presidential Bid,"If nothing else, Mooch makes Hillary seem like she s not such a bad candidate after all .If Michelle Obama decided to run for president in 2016 she would represent the most significant threat, among likely contenders, to Hillary Clinton s chances of winning the Democratic nomination, according to a new Rasmussen poll.A telephone survey of 1,000 likely voters conducted by the polling company found that, in a hypothetical match-up between the current First Lady and the former secretary of State, Clinton would best Obama 56 percent to 22 percent.That may seem like a significant margin, but according to the most recent RealClearPolitics polling average, Elizabeth Warren Clinton s other biggest hypothetical challenger nets just 12.5 percent to Clinton s 64 percent.Sen. Bernie Sanders (I-Vt.), the only other declared Democratic candidate for President, is even further behind with 7.4 percent. Former Maryland Gov. Martin O Malley, who is expected to announce his bid on May 30, fares the worst against Clinton with 1.2 percent of support from likely voters.The first lady is highly unlikely to mount a presidential campaign, however. In fact, of the people surveyed by Rasmussen, just 14 percent thought she should run.Still, 40 percent of black voters welcomed the idea of her running, and she bests Clinton among those voters, with 44 percent support among African-Americans compared with 36 percent for Clinton.Obama herself recently joked about a possible October surprise, hinting to Late Show host David Letterman that the thought had crossed her mind.Via: The Hill",left-news,"May 14, 2015",0 +"BUSTED: The Oh So Objective ABC News Chief Anchor, George Stephanopoulous Made Huge Donation To Clinton Foundation","Just like Hillary Stephanopoulos claims it was an honest mistake not to disclose his donations to the corrupt Clinton slush fund ABC News chief anchor George Stephanopoulos has given $50,000 to the Clinton Foundation in recent years, charitable contributions that he did not publicly disclose while reporting on the Clintons or their non-profit organization, the On Media blog has learned.In both 2013 and 2014, Stephanopoulos made a $25,000 donation to the 501 nonprofit founded by former president Bill Clinton, the Foundation s records show. Stephanopoulos never disclosed this information to viewers, even when interviewing author Peter Schweizer last month about his book Clinton Cash, which alleges that donations to the Foundation may have influenced some of Hillary Clinton s actions as Secretary of State.In a statement to the On Media blog on Thursday, Stephanopoulos apologized and said that he should have disclosed the donations to ABC News and its viewers.Watch George discuss the problem with donations to the Clinton Foundation on the Daily Show with John Stewart, and how it might make people question if donations to the Foundation could be seen as pernicious : I made charitable donations to the Foundation in support of the work they re doing on global AIDS prevention and deforestation, causes I care about deeply, he said. I thought that my contributions were a matter of public record. However, in hindsight, I should have taken the extra step of personally disclosing my donations to my employer and to the viewers on air during the recent news stories about the Foundation. I apologize. Stephanopoulos is the chief anchor and chief political correspondent for ABC News, as well as the co-anchor of ABC s Good Morning America and host of This Week, its Sunday morning public affairs program. Prior to joining ABC News, he served as communications director and senior advisor for policy and strategy to President Clinton. He also served as communications director on Bill Clinton s 1992 presidential campaign.In its own statement on Thursday, ABC News said it was standing behind its star anchor. As George has said, he made charitable donations to the Foundation to support a cause he cares about deeply and believed his contributions were a matter of public record, the network s statement read. He should have taken the extra step to notify us and our viewers during the recent news reports about the Foundation. He s admitted to an honest mistake and apologized for that omission. We stand behind him. ABC News later told the On Media blog that it would not take any punitive action against Stephanopoulos: We accept his apology, a spokesperson said. It was an honest mistake. Sources with knowledge of Stephanopoulos charitable giving said he gives to dozens of charities Stephanopoulosevery year and that the total sum of these annual contributions is in the millions of dollars. Those sources said that the Clinton Foundation contributions represent a very small percentage of the total.On the April 26 edition of This Week, Stephanopoulos interviewed Schweizer and challenged the author s assertions that Hillary Clinton may have committed a crime because there was a troubling pattern between donations to the Foundation and Clinton s actions as Secretary of State. We ve done investigative work here at ABC News, found no proof of any kind of direct action, the host told Schweizer. An independent government ethics expert, Bill Allison, of the Sunlight Foundation, wrote this. He said, There s no smoking gun, no evidence that she changed the policy based on donations to the foundation. No smoking gun. Later in the interview, Stephanopoulos said, I still haven t heard any direct evidence and you just said you had no evidence that she intervened here. He also noted that other news organizations that used Schweizer s research haven t confirmed any evidence of any crime. Among the more notable revelations to come out of Schweizer s research is the relationship between the Clinton Foundation and Uranium One, a former Canadian mining company that was taken over by Russia in 2013 with U.S. government approval. Between 2009 to 2013, Uranium One s chairman donated $2.35 million to the Clinton Foundation.Hillary Clinton has said that there is not an inherent conflict of interest between the Foundation donations and her decisions at the State Department. Her campaign has consistently dismissed the accusations as partisan attacks.Via: Politico",left-news,"May 14, 2015",0 +"7 DEAD, OVER 200 INJURED IN AMTRAK CRASH And This Passenger Has The Audacity To Complain About This…","This woman s remarks exemplify the Me first and Everyone s a victim attitude we re seeing so much of today..A violinist is facing backlash for her heartless tweet following the Amtrak train derailment Tuesday. Jennifer Kim, a professional violinist and music professor, was on board Amtrak 188 when it went off the tracks in Philadelphia about 9:30 p.m., killing seven people so far and left 140 injured. After the crash, Kim sent out a tweet that caused a strong counter blast from people social media. @AmtrakNEC @Amtrak thanks a lot for derailing my train. Can I please get my violin back from the 2nd car of the train? she wrote. The vitriol sent her way was so great, she deleted her Twitter account soon after her tweet started going viral, but thanks to screenshots it will never go away. Not even if she gets her violin back.Via: BizPacReview",left-news,"May 14, 2015",0 +STATE FUNDED PROGRESSIVE INDOCTRINATION: COLLEGE PROF DEMANDS Students Adopt His Atheist Beliefs And Leftist Views…Or Fail,"Emboldened by a radical leftist President who thumbs his nose at our Constitution and the core values our nation was founded on, our teachers and professors in colleges and universities across America are ramping it up. Our children and our nation will pay a heavy price unless we step and in and demand accountability for their actions A professor at Polk State College has allegedly failed a humanities student after she refused to concede that Jesus is a myth or that Christianity oppresses women during a series of mandatory assignments at the Florida college.According to a press release from the Liberty Counsel, a non-profit public interest law firm, Humanities Professor Lance Lj Russum gave a student a zero on four separate papers because the 16-year-old did not conform to his personal worldviews of Marxism, Atheism, Feminism, and homosexuality. The law firm has called for a full, private investigation of the professor and the course curriculum.The course description for the class, Introduction to Humanities, claims that students are under no obligation to agree with classmates, authors, or the instructor, in fact, the instructor will often occupy the space of Devil s Advocate for the purpose of lively discussion. The point of this is not to bash any religion, we should NEVER favor one over another, they all come from the same source, HUMAN IMAGINATION and [sic] they demonstrate that humanity is one, a copy of Russum s class outline, riddled with grammatical errors, says.Video via Breitbart News We have much to thank of [sic] humans like Michelangelo who took a sacred space, a temple to god, and made it a HUMAN space, a space where humanism can meet with god and discourse, one course assignment read. Finally humanity and the gods are on equal footing and that is what the myths of Hercules, Apollo and Jesus are all about the divine becoming human and human being divine. In her essay, the student, who Liberty Counsel identifies as G.L., argued that it is a logical fallacy to make the assumption that Christian humanism s goal was to blend mythologies and make man the center simply on account of Michelangelo s artwork or because Renaissance artists incorporate classicism. The student apparently received a zero on that assignment.Another assignment allegedly required students to discuss how fortunate Martin Luther was to be born in a historical moment that allowed him to challenge the mythos of the power structure of the church. The assignment required students to write only about the humanism of Luther and his reformation and students were instructed in bolded text to keep theology out of the paper: WHAT YOU MUST NOT WRITE ABOUT: 1. This is NOT about Luther s theology 2. Any quotes from his sermons or writings MUST be about humanism and how the reformation is in the right place and right time in history NOT some divine providence of the gods 3. You must stay focused on the history of the humanism of Luther and his reformation IF You turn this into a theological debate or divine providence I will NOT read it and you will be given a zero. She failed that assignment as well.Another description on the course outline criticized Christianity as one of the most violent forms of religion the world has ever seen, and bashed the religion for its dominance by powerful men. The description, supposedly for a class centered on the role of religion in the Middle Ages, claims that today s major religions STILL attempt to regulate the bodies of women. One assignment supposedly required students to argue why did Christianity, and its male gods, want to silence a specific group of nuns. SECOND, and this is VERY important, I DO NOT want you to write about how wonderful you think Christianity is now because women can do A, B, or C. History is history and facts are facts and your opinion on if it is better now or not is irrelevant for this discussion, the assignment, obtained by the Liberty Counsel, read. This is a HISTORICAL discussion about the middle ages. If you really feel the need to express your opinion on how you think Christianity is now for women you may email me, you may call my office or I would love for you to stop by for a nice cup of hot tea where we can talk about it but it does not belong in this assignment. The pieces your are [sic] reading a [sic] from some of the greatest expressions of mythology by women ever, the question is to honor that voice in that moment of history. Christianity. According to the Liberty Counsel, Russum s Facebook page which appears to have been deleted or unlisted via the website s privacy settings included photos of Jesus making an obscene gesture, and his email signature supposedly includes a quote from a Marxist. These, along with the inapropriate course content, show that Professor Russum is seeking to impose his own values on students, in violation of the Constitution, the press release states.In an email to G.L. s parents, obtained by Liberty Counsel, Dean of Academic Affairs Donald Painter said that he had reviewed the materials presented in Russum s Humanities 2020 course and believe[d] them to be appropriate. Painter apologized that the student and her family found the course materials to be distasteful, but said the materials would not be modified.Painter, who did not respond to an emailed request for comment from Campus Reform, reminded the student s parents in the email that they had signed an agreement with her dual-enrollment that acknowledged they were aware that some course material may be developed for the adult student, age 18 or older. According to its website, the college s core values are service, integrity, knowledge, diversity, and leadership. No student should be subjected to such outrageous bias and outright hostility to their values by a professor. Being a professor is not open season to belittle and punish students merely because they do not subscribe to the professor s radical opinions, Mat Staver, founder and chairman of Liberty Counsel, said in the press release.The Liberty Counsel is asking for not only a full and independent investigation of Russum and the humanities course materials, but also a written apology, re-grading of the student s assignments, and assurance that Russum s future courses will be free from discrimination. In this age of grade inflation it is difficult to earn a grade of zero much less four consecutive zeros. Professors who do so are likely to be sending a message, Dr. Mike Adams, a professor at the University of North Carolina Wilmington and no stranger to religious bias in academia, told Campus Reform. A cursory examination of this professor s test questions leaves little doubt about what that message is. The school would be foolish to ignore reasonable requests for an independent investigation. Otherwise they may be on the receiving end of another kind of message in the form of a civil complaint. According to the website Rate My Professor, Russum has an overall quality rating of 4.3 and the average grade of an A. His page is also adorned with a chili pepper to indicate his physical attractiveness. One student labeled him a Marxist and feminist in 2011.Russum did not respond to an emailed request for comment from Campus Reform.Polk State College officials said the school s legal counsel is reviewing the issue but declined to comment further to Campus Reform.Richard Mast, a lawyer with the Liberty Counsel who is assigned to the case, told Campus Reform that the school has yet to respond to the Liberty Counsel s letter but have until Friday to do so. The Liberty Counsel is prepared to take further action, if needed, Mast said. In terms of egregious behavior by professors, this is certainly one of those cases that will forge new ground on what not to do, Mast told Campus Reform in an interview. This is the most wildly inappropriate behavior I ve seen that reflects a growing hostility towards religion Christianity in particular, Mast said.According to Mast, the Liberty Counsel does have more documents in a file on Russum s classroom behavior that the firm has not yet released.The public state school, located in Lakeland, Fla., has more than 10,000 students enrolled.",left-news,"May 13, 2015",0 +THIS IS RICH! ACLU WANTS INVESTIGATION INTO HOLLYWOOD SEXISM,"Nothing like a ridiculous notion after all these years that Hollywood is sexist-bahahaha! The ACLU is such a useless organization that s reaching for conflict in areas that are inherently more incestuous than anything. What a joke!Major Hollywood film and TV studios have long been criticized for failing to create a level playing field for women. While insiders and studies have highlighted the entertainment industry s one-sided hiring practices in recent months and years, now the complainants have found an ally.The American Civil Liberties Union of Southern California and the national ACLU Women s Rights Project said Tuesday they will ask federal and California civil rights agencies to investigate a systemic failure to hire female directors in film and television.The New York Times reports those accused of gender discrimination include Hollywood s major studios, networks and talent agencies, and all could potentially face litigagation, for what the ACLU described as widespread and intentional discrimination.Melissa Goodman, Director of the L.G.B.T., Gender and Reproductive Justice Project at the ACLU of Southern California, said: Women directors aren t working on an even playing field and aren t getting a fair opportunity to succeed Gender discrimination is illegal. And really Hollywood doesn t get this free pass when it comes to civil rights and gender discrimination. Read more: Breitbart",left-news,"May 13, 2015",0 +NO JOKE! THE EPA STICKS ITS NOSE INTO THE NAIL SALON BUSINESS,"The EPA must be really bored with the important things they need to look into. It is just like the government to stick its nose where it really doesn t belong. Do we really need to spend taxpayer dollars on this??? It just seems that the lines with all these government agencies are becoming more and more blurred. Defund the EPA!!!Environmental Protection Agency Administrator Gina McCarthy will take a trip to a San Francisco nail salon Wednesday a visit intended to shine a spotlight on health risks posed by the industry.McCarthy s West Coast trip arrives on the heels of a New York Times expose published last week that documented poor working conditions in New York City-area nail salons, detailing how workers are routinely underpaid and overworked. The article sparked public outcry and prompted Gov. Andrew Cuomo to call for an investigation into worker treatment at nail salons. We know more visibility needs to be raised for these issues and we re working hard to reach communities and to educate folks, McCarthy said Tuesday at the White House Summit on Asian Americans and Pacific Islanders in Washington, where she announced her nail salon visit.During her trip, McCarthy will meet with a local nail salon owner along with members of the California Healthy Nail Salon Collaborative, which is a coalition of salon workers, environmental groups, nonprofits, and government agencies.Read more: NJ",left-news,"May 12, 2015",0 +WHY WAS THIS YOUNG MAN SPONSORED BY CAIR INVITED TO THE WHITE HOUSE,"It s Hard To Know Who Obama Hates More America, Israel Or Our Police Officers Barry doesn t have time to attend the funerals of any of the cops who ve been murdered in his race war, but he s got time to meet with a CAIR sponsored victim of alleged police brutality following a violent protest, supposedly at the hands of Israel police officers. He s always got time for the victim, especially if the radical muslim organization, CAIR has anything to do with using the victim s status to promote their radical cause. A White House official confirmed that the Obama administration s national security team recently met with a teenager who garnered international headlines after a video of him being beaten by Israeli police during a protest in East Jerusalem emerged on the Internet.Tariq Khdeir, a fifteen-year-old Tampa resident of Palestinian decent, was hosted at the White House for continuing meetings with the Obama administration, which says that it is continuing to monitor the case.Khdeir was filmed being beaten and arrested by Israeli police last summer during a riot in a Palestinian neighborhood over the death of Muhammad Abu Khdeir, Tariq s cousin.A White House official confirmed late Monday to the Washington Free Beacon that Khdeir and his family were hosted at the White House for meetings. The confirmation came following initial reports of the April 15 meeting by CNN. The U.S. government has remained closely engaged with Tariq and his family since his return from Jerusalem, a White House official told the Free Beacon. As part of the follow-up on pending issues related to his case, National Security Council staff met with the Abu Khdeir family recently. While Tariq Khdeir was originally accused of participating in the riot which came amid a series of similar riots in Jerusalem last summer he was cleared of all charges in January.Khdeir s cousin Muhammad was the victim of an apparent revenge killing in the wake of the abduction and slaughter of three Israeli teens by Palestinian terrorists.Anti-Israel activists touted the video of Khdeir s beating as proof of widespread Israeli aggression and malfeasance in East Jerusalem. Organizations such as the Council of America-Islamic Relations (CAIR) have featured Khdeir as a speaker at various anti-Israel conferences.The family is reportedly seeking assurances that Khdeir will not be subjected to retaliation by Israel should he return to Jerusalem.The Obama administration is reportedly miffed with Israel over the incident and believes the government has not taken such incidents seriously, according to CNN. Based on numerous conversations with administration officials on background, there is a widespread belief within the Obama administration that the Israeli government does not take these incidents against American citizens with the seriousness U.S. officials believe they merit, CNN reported. Unless there is video evidence that excessive force was used, as in the case of Tariq Khdeir, Israeli government officials inevitably conclude that the action taken was justified and in keeping with national security needs, officials say, according to the report.Via: Washington Free Beacon",left-news,"May 12, 2015",0 +[Video] US VETERAN FINDS FLAG HE CARRIRED ON TOUR DESECRATED IN FRONT YARD,"The war on the American flag continues.Retired mounted an American flag in front of his house, the same flag that he carried with him on duty across five continents.One morning last week, the vet woke up to find his car smashed with the flag pole and the flag desecrated with a marker. The message that I would like to say is America is still the greatest country in the world, Hernandez Garcia said on Fox and Friends Weekend. It s not something that we are just brainwashed with. We are still the greatest country. We got problems. Everybody does. The flag represents freedom. When you step on the flag, you really are stepping on those veterans that have really fought for you. And everybody else, including your own parents, grandparents and great-grandparents and so forth, Hernandez Garcia said. So, if you are watching this, I would like to tell you, come and talk to me. Let s talk about things. Let s not destroy things. Our country needs dialogue more than violence. He said that social media has a major influence on people, so maybe someone saw the recent stomp the flag challenge and was inspired.Tucker Carlson and Ainsley Earhardt revealed that America s Mighty Warriors, a group that helps support military families, will be paying for the damages to Hernandez Garcia s car and flagpole, plus paying for a weekend vacation for two. In addition to that, a flag will be flown over the U.S. Capitol in honor of his service.Via: Fox and Friends",left-news,"May 12, 2015",0 +"LAWS ARE FOR THE COMMON MAN…NOT FOR BARRY SOETORO: Obama Gives Work Permits To 2,000 After Judge Ordered Him To Stop","It was all an accident. It s good to King The Obama administration continues to ignore the law and do pretty much whatever the hell it wants.From The Hill:The government erroneously doled out about 2,000 expanded immigrant work permit authorizations under President Obama s controversial executive actions, even after a federal judge blocked the move, the Justice Department says. The Government sincerely regrets these circumstances and is taking immediate steps to remedy these erroneous three-year terms, the Department of Justice wrote in a court advisory filed late Thursday in the Southern District of Texas.The advisory comes after District Court Judge Andrew Hanen halted the implementation of the executive actions, which defer deportations for immigrants living in the U.S. illegally and provide them with expanded access to work permits, until the courts could decide whether the policies are constitutional.While the old policies authorize a two-year renewal of work permits under the Deferred Action for Childhood Arrivals program, the new program would allow for a three-year renewal.The DOJ added in the advisory that the Department of Homeland Security is converting the three-year renewals into two-year terms and that DHS Secretary Jeh Johnson has asked the agency s inspector general to investigate.Oh good they re investigating, I m sure they ll be fair and honest, right? If we can t trust them to follow a judge s ruling then why should we trust them about any immigration policy they might seek in the future? This is just pathetic. And of course it s released on Friday afternoon, knowing that the complicit moron media will barely report it.Via: The Right Scoop ",left-news,"May 12, 2015",0 +(VIDEO) MILITARY VETS TOLD NOT TO ACT β€˜POMPOUS’ TO AVOID ANGERING ISIS β€˜LONE WOLVES’ WHILE LIBERAL PUNDITS CALL RADICAL ISLAM A β€˜MADE UP IDEA’,"So is radical islam a made up idea? Are all horrors committed in the name of radical Islam just a figment of our imagination? Our own military would disagree with the liberal premiss and would go further in warning our military vets against acting pompous for fear of an attack from a VERY REAL threat and NOT a made up idea . You can t have it both ways and ignore the enemy but then raise an alarm against the possibility of an attack by them. So which is it? I stand with reality and truth. I stand with our military against the VERY REAL enemy that is Islam. The hardest thing to explain is the glaringly evident which everybody has decided not to see. Ayn RandMILITARY VETS TOLD NOT TO ACT POMPOUS Over the weekend, military bases across the United States were placed on higher alert for domestic terror attacks, in response to a surge in threatening chatter from ISIS and its sympathizers. It is the highest level of security since the tenth anniversary of September 11, notes Fox 13 News in Tampa Bay, home of MacDill Air Force Base. No specific threat has been announced, but the alert comes after an FBI warning that there are hundreds of known, active ISIS supporters in the United States. Homeland Security Secretary Jeh Johnson warned that lone wolf terrorists, such as the jihadis who attacked the Mohammed Art Exhibit in Garland, Texas, could strike at any moment. He described this as a new and challenging security environment, but added, we are not discouraging Americans from doing the things they do on a daily basis. That disclaimer might not be entirely accurate, judging by what Fox 13 has been hearing from the military community in Tampa. Military personnel, veterans and their families at military bases like MacDill are being advised to be careful what they post online and talk about in public, says the report.Retired Col. E.J. Otero is quoted as saying the 440,000 veterans in the Tampa Bay area have heard through one way or another from the commanders at MacDill to pay attention, keep a low profile, don t be so pompous about being in the military, because those guy are looking for possible targets. Read more: Breitbart News",left-news,"May 12, 2015",0 +U.S. APOLOGIZES FOR HUMAN RIGHTS VIOLATIONS AT U.N. REVIEW TO COUNTRIES WITH WORSE HUMAN RIGHTS VIOLATIONS,"Obama s apology tour for the greatest country in the world continues The United States heard widespread concern Monday over excessive use of force by law-enforcement officials against minorities as it faced the U.N. s main human rights body for a review of its record.Washington also faced calls to work toward abolishing the death penalty, push ahead with closing the Guantanamo Bay detention center and ensure effective safeguards against abuses of Internet surveillance. Its appearance before the U.N. Human Rights Council in Geneva is the second review of the U.S. rights record, following the first in 2010.A string of countries ranging from Malaysia to Mexico pressed the U.S. to redouble efforts to prevent police using excessive force against minorities. Welcome to Mexico. It to likely you ll find any human rights violations here. Oh and here s a prison in Malaysia. Nothing to see here The U.N.Human Rights Council has more pressing issues to deal with like hmmm .maybe their concerned about whether or not the terrorists we re keeping in our Guantanamo Bay Prison have soccer balls that are properly inflated We must rededicate ourselves to ensuring that our civil-rights laws live up to their promise, Justice Department official James Cadogan told delegates, adding that that is particularly important in the area of police practices and pointing to recent high-profile cases of officers killing unarmed black residents. These events challenge us to do better and to work harder for progress through both dialogue and action, he said at the session s opening. He added that the government has the authority to prosecute officials who wilfully use excessive force, and that criminal charges have been brought against more than 400 law-enforcement officials in the past six years.Several countries, including Brazil and Kenya, voiced concern over the extent of U.S. surveillance in the light of reports about the National Security Agency s activities.David Bitkower, a deputy assistant attorney general, responded that U.S. intelligence collection programs and activities are subject to stringent and multilayered oversight mechanisms. He added that the country doesn t collect intelligence to suppress dissent or to give U.S. businesses a competitive advantage, and that there is extensive and effective oversight to prevent abuse. Faced with widespread calls for a moratorium on executions and a move to scrap the death penalty, Bitkower noted that it is an issue of extensive debate and controversy within the U.S. He pointed to heightened procedural safeguards for defendants prosecuted for capital offenses.Brig. Gen. Richard Gross, the legal counsel to the chairman of the U.S. joint chiefs of staff, told the council that President Barack Obama has said closing Guantanamo in which he has been thwarted by Congress is a national imperative. The remaining detainees are detained lawfully, he said.Via: AP News",left-news,"May 11, 2015",1 +WACKO LIBERAL PUNDIT: β€˜GOOD NEWS’ BECAUSE ISIS ATTACKS IN U.S. WILL JUST BE SMALL SCALE, ,left-news,"May 11, 2015",0 +CRIES OF RACISM AFTER NYC MUSEUM KICKS OUT ROWDY HIGH SCHOOLERS,"So am I getting this right? Everyone needs to let the high schoolers rampage through the museum or else they ll scream racism? If we want everyone to be treated equally, then we should apply the rules set forth by the museum equally. Isn t it more racist to expect and accept bad behavior from minorities attending a museum? This could be a teaching moment for all involved but pointing the finger at the museum and screaming racism is so much easier. Does this sound familiar to anyone out there Baltimore? The Upper East Side museum banned a Brooklyn high school for life after its students were deemed too rowdy on a recent visit a move that some call discipline and others discrimination. A group of about 80 kids from Downtown Brooklyn s Science Skills Center HS were kicked out after just 20 minutes after a student allegedly spat off the museum s swirling rotunda lobby and another threw a penny off its winding walkway. The coin was rumored to have hit a security guard. It was only a handful of troublemakers, but the whole group of ninth- and 10-graders got the boot, with the museum forcing them to wait outside for an hour for their bus to arrive. Many never got to glimpse the gallery s Picassos, van Goghs and Monets or even finish checking out the main display by Japanese artist On Kawara. I thought, if anything, they [museum staff] should just tell the teachers to control the children more and let us finish the exhibit, but they didn t even do that. They just kicked us out, said student Yosmeris Martinez, 14, from East New York. Shortly afterward, the school was told it was not welcome back. Just last week, First Lady Michelle Obama pleaded for art institutions to be more welcoming of kids from all backgrounds. You see, there are so many kids in this country who look at places like museums and concert halls and other cultural centers and they think to themselves, Well, that s not a place for me, for someone who looks like me, for someone who comes from my neighborhood, she said, speaking at the opening of the new Whitney Museum in the Meatpacking District. Guggenheim rules state that people should speak quietly, not run and not disturb other visitors. However, gallery visitors complained about the students obnoxious behavior, with one angrily requesting a refund because of the troublesome teens. Some workers at the Guggenheim suggested the ban may have been a knee-jerk reaction to racist stereotypes. It was pretty much the first . . . group of black kids I have ever seen there, said Asha Walker, who has spent two years working at the Guggenheim distributing audio guides. IT S UNFAIR, BECAUSE CHILDREN ARE GOING TO BE CHILDREN. SO JUST TELL US THAT WE RE WRONG RATHER THAN HOLDING US BACK FROM GOING. Yosmeris Martinez, student Walker, who is black and from Bedford-Stuyvesant, said that she didn t see any spitting or throwing, but that the boisterous teens were yelling at one another across the rotunda, with very little supervision from teachers. This is the first time since I have been there that there are a majority of black students . . . and the first time I am hearing about a school being banned. But it s not the first time I am hearing about kids being rowdy in the museum or there being a behavior issue in the museum, said Walker. Another Guggenheim staffer, who requested anonymity, said: I think it s a real shame that the Guggenheim s automatic reaction was to say no and ban the school, instead of considering that maybe the students haven t been there before. It s a pretty dramatic step to me. The Guggenheim declined to comment on the ban.Via: NYP",left-news,"May 11, 2015",0 +HAPPY MOTHER’S DAY…Your First Grader Just Rated Your Mommy Skills For Her Public School Teacher,"Rate your mom for Mother s Day sounds like the perfect project that only an intrusive, progressive public school teacher would assign. A first grade class at Ridgecrest Elementary in Cottonwood Heights, Utah, (and scads of other schools around the country, too, if the 1,994 downloads are any indication) made a Mother s Day gift to take home. Was it a sentimental card? A loving poem? Perhaps the impression of the child s hand forever memorialized in plaster of paris? No.Some teacher (or in this case it may have been Principal Teri Mattson) thought it was a grand idea to have six-year-olds rate their moms on personal behaviors. The report card reveals how well the mom lives up to expectations! Kids get to rate (with smiling, neutral, or frowning faces) their moms on these items:The mom cares for her children. The mom cooks healthy meals for her children. The mom has an organized bedroom. The mom takes time to enjoy her hobbies, such as reading. The mom works hard to make money for her family. The mom is funny and makes her children laugh. The mom takes care of herself by getting her hair done and taking bubble baths. The mom is a safe driver and does not get distracted when driving. Inspire Me, ASAP! the username of a woman who offers items on Teachers Pay Teachers created this worksheet. It is apparently receiving lots of positive feedback (and smiling faces!) with comments like:The moms will love these! How fun is this?! Can t wait to have my kiddos make this! Super adorable! Adorable idea. I can t wait to see their answers.Now the questions are:How many parents are going to speak up about this? How could teachers/administrators be this clueless? Whenever things like this happen, I see a ton of private griping and moaning and negative social media commentary. Few parents, however, are willing to push back.In a nutshell, parents are afraid of school employees. These taxpayer funded teachers and administrators hold so much power (grades, influence, activities, resources) that parents vehemently object in private while smiling and nodding in public.They work for us, people. They must be held accountable.Giving such a worksheet is not just invasive and stupid. In Utah, it s illegal.Title 53A Chapter 13 Part 3 Section 302Except as provided in Subsection (7), Section 53A-11a-203, and Section 53A-15-1301, policies adopted by a school district or charter school under Section 53A-13-301 shall include prohibitions on the administration to a student of any psychological or psychiatric examination, test, or treatment, or any survey, analysis, or evaluation without the prior written consent of the student s parent or legal guardian, in which the purpose or evident intended effect is to cause the student to reveal information, whether the information is personally identifiable or not, concerning the student s or any family member s: (e) critical appraisals of individuals with whom the student or family member has close family relationshipsVia: Mormonmomma",left-news,"May 11, 2015",0 +WATCH HILARIOUS SNL β€œDraw Muhammed” Contest Skit…,"We d like to offer a special word of thanks to Pamela Gellar for shining the light on the truth about Americans who are being bullied into submission by muslim terrorists.https://youtu.be/D2mcRb_WXhYThis skit points out the ridiculousness of the argument by the left that we need to draw the free speech line at criticizing Islam. It s okay to criticize Christianity or Judaism. There s no need to fear criticizing other faiths, but criticize Islam and threats made against your life are apparently justified. Funny we don t remember seeing anything in the First Amendment that exempts American citizens from criticizing Muhammed or the Islam faith ",left-news,"May 11, 2015",0 +MOTHER OUTRAGED OVER DAUGHTER BEING ASKED TO ARRIVE NUDE TO EXAM BY RADICAL COLLEGE PROF Whose Past Includes Aiding Illegals To Cross Border Into US,"Not that anyone should be surprised by this insanity after all, it s California where rules, laws and morals don t really apply to liberals Arriving naked at a final exam is one of the most common nightmares for students, according to Psychology Today. At the University of California San Diego, however, the naked final exam is a requirement for a class in the visual arts department.Students are required to perform a gesture that traces, outlines or speaks about your erotic self(s), according to the course syllabus. In the performance, all of the students are naked, along with the professor, Ricardo Dominguez, who has taught the class for 11 years. It s the standard canvas for performance art and body art, Dominguez told local ABC News affiliate KGTV. It is all very controlled If they are uncomfortable with this gesture, they should not take the class. He was defending the class after one mother spoke out, claiming the requirement was not clear and was a perversion. According to the UCSD Visual Arts department website, the course is a prerequisite for a verbal performance art class. Fully 95% of students in the class receive a grade of A, according to the college course ratings website koofers.com.Domniguez s biography on the department website lists a series of political efforts, including a government-funded project called the Transborder Immigrant Tool, in which he handed out cell phones to prospective illegal immigrants with instructions about how to cross the U.S.-Mexico border.The goal of the project, which was funded by U.S. government grants and UCSD, and which was subsequently investigated by Congress, was to use poetry to dissolve the border.Via: Breitbart News",left-news,"May 10, 2015",0 +INSANE VIDEO: IT’S GRADUATION TIME…AND THAT MEANS IT’S TIME FOR OUR RACIST FIRST LADY To Spew Hateful Lies And Rhetoric About Racist White America And The Mistreatment Of Blacks,"GET OVER YOURSELF! MOOCH PLAYS THE RACE CARD AGAIN This woman loves to stir it up and fabricate things because it does exactly what she wants. It further divides us as a nation. Why else would she (a lawyer) not know that in both highly charged police abuse cases in Ferguson and Baltimore, racism was not the cause of death for either of the criminals who died.https://youtu.be/4w3eFiVUHQQSooo .instead of standing up to Mooch s claims that all Whites are racists and that clearly we, as a nation have made no progress in race relations since the 1950 s, the CBS hosts choose to applaud her courage and ability to speak the truth. Perhaps they missed the memo, but our so-called First Black President (who could have just as easily called himself white) and his racist wife have spent the last 6 years living in our White House and occupying the most important job in our nation.But you know, it s not about reality for these people, it s about stirring the pot and dividing the nation, and the mainstream media is more than happy to help them accomplish that goal. They don t even have the common sense to know they re being called racists right along with the rest of the majority of Americans who seem to be okay with Barack and Mooch s ignorant labels.CBS host Norah O Donnell closes her segment by saying: That is a speech worth reading from beginning to end. Everyone should take a look at that. ",left-news,"May 10, 2015",0 +OUTRAGEOUS VIDEOS: WATCH THE LEFTISTS BLAME THE VICTIM AND DENY THE TRUTH," The point is Alan Dershowitz made this absurd comment earlier, that the only people who are engaging in these violent ideological war are Muslim. That s not true. You can go to Uganda right now and see gay people killed for being gay by Christians, by rogue Christian organizations. We can go around Africa, around Europe, around South America and find all these people. MARC LAMONT-HILLWE ALL KNOW THE TRUTH: ",left-news,"May 9, 2015",0 +BOMB THREAT AND CRITICISM HITS HISPANIC BBQ OWNER’S PLANS FOR WHITE APPRECIATION DAY,"In the initial interview with the owner of this BBQ restaurant it was clear that this guy had good intentions. His intent was that we re all Americans and that we have special months and days for others but not one thing for whites. Could be that people might think he s doing this for the publicity but if that s the case, he got more than he bargained for DENVER The Hispanic restaurant owners who ignited an uproar over their plans to hold White Appreciation Day next month were forced to evacuate their barbecue joint late Friday after a bomb scare.Co-owner Edgar Antillon said Rubbin Buttz BBQ in Milliken, Colorado, was shut down for several hours during the dinner rush after a bomb threat in posts on social media, but he later said that the eatery plans to reopen Saturday.Shortly before the evacuation, Mr. Antillon told the Washington Times that he has received numerous threats and criticism over the restaurant s plan to hold White Appreciation Day on June 11. Mr. Antillon and Miguel Jiminez bought the restaurant last month. It s been phone calls, it s been emails, it s been on social media, said Mr. Antillon. Some are just, Hey, you re an idiot, and others have been legit threats. The former owners of this establishment are receiving threats even though they have nothing to do with this thing. It s unfortunate. He announced Thursday on Twitter that white customers would receive 10 percent off their tab on White Appreciation Day, but he emphasized Friday that the discount would apply to all patrons, regardless of their race. It s like we ve said many times before, if a black person comes in here and says, Hey, what about my discount, they re going to get a discount, Mr. Antillon said. If a Mexican comes in here and says, I want a discount, they re going to get a discount. Nobody s going to be turned down for anything. Read more: WT",left-news,"May 9, 2015",0 +FAMILY LIVING β€˜TRADITIONAL LIFESTYLE’ TORN APART: POLICE SEIZE 10 Homeschooled β€œOff Grid” Children From Their Family,"Conform or pay the ultimate price Police seized ten children from an off grid homeschool family in Kentucky on Wednesday after receiving an anonymous tip about the family s traditional lifestyle.The nightmare story began when sheriff s officers set up a blockade around Joe and Nicole Naugler s rural property before entering the premises. Eight of the kids were out with their father but Nicole and two of her oldest children were at home. Nicole attempted to drive away but was subsequently stopped and arrested for resisting (attempting to prevent officers from taking her two boys away).The sheriff then demanded Joe Naugler turn over the other eight children by 10am the next day or face felony charges, an order with which he complied. They are an extremely happy family, said family friend Pace Ellsworth, who asserts that the Nauglers were targeted because of their back to basics life and their decision to homeschool their children.Friends reported no concerns about how the children were being treated by the parents, who follow an educational model called unschooling where the children decide their own curriculum based on the subjects that interest them and what their strengths are. This is the natural way to live, said Ellsworth. It s actually a growing movement. They want to have a personal education and not a factory education. They are completely open about their life. Everyone is learning by living. They are all extremely intelligent. The family s Facebook page entitled My Blessed Little Homestead, is a charming testament to their way of life. The Naugler children are obviously living a blissful free range lifestyle amongst 26 acres of land in Breckinridge County. They frequently post pictures and videos of their children, animals and their off-grid life, reports Off the Grid News. A May 5 post showed a video of a toddler, Mosiah, learning to walk. An April 24 post showed a happy family, gathering around a campfire, roasting marshmallows. The family have set up a GoFundMe page to try and raise money for legal expenses.A website for the family spells out their plight with the heart-wrenching words; This Kentucky family of 12 people, 6 dogs, 2 farm cats and a few random farm animals was just torn apart. Their crime: Living a simple, back to basics life. This shocking story once again illustrates how families attempting to simply get on with their lives in a traditional manner are being treated as extremists by other Americans, snitched on, and targeted by authorities.Here is a Facebook link to the Nagger family business: Blessed Little Grooming Company, LLCVia: InfoWars",left-news,"May 9, 2015",0 +GUANTANAMO JIHADIST FREED AFTER MURDER OF SFC CHRISTOPHER SPEER,"Released from Guantanamo and then making his way back to Canada thanks to Obama, this murderer is free but SFC Speer is dead This deification of an al-Qaida-trained murderer is a slap in the face to every American soldier and every military family that has sacrificed to combat Islamic jihad. A Canadian judge ruled this week that Omar Khadr poses no public safety threat. Tell that to the children of Sergeant First Class Christopher J. Speer and the surviving American soldiers who valiantly fought Khadr on the battlefield.In 2012, Khadr pleaded guilty, guilty, guilty, guilty and guilty to five charges related to the killing of Speer, a 28-year-old medic with the U.S. Special Forces. This young American hero died in Afghanistan in 2002 during an ambush by al-Qaida operatives. Just days before he gave his life, Speer had fearlessly walked onto a minefield to rescue two wounded Afghan children. It was Khadr, born and bred an Islamic jihadist by his terrorist father, who lobbed the fatal grenade in the war zone. Another American soldier, SFC Layne Morris, survived the attack, but was blinded in one eye for life.In a sealed plea deal at Guantanamo Bay, Khadr admitted to throwing the grenade. He admitted to attempted murder, conspiracy, spying and providing material support to terrorism. He signed a 50-paragraph stipulation that classified him as an enemy belligerent because he has purposefully and materially supported hostilities against the United States and its coalition partners and documented his family s intimate association and friendship with al-Qaida leaders Osama bin Laden, Ayman al-Zawahiri and Muhammad Atef.Don t believe the international human rights bleeding hearts. The Khadr family is rightfully known as Canada s First Family of Terror. This so-called child soldier and good kid was a full-blown Muslim soldier of jihad; he trained one-on-one in weaponry, explosives and Jew hatred. A then-teenage Khadr bragged to a U.S. official that the proudest moment of his life was constructing and planting IEDs to kill U.S. forces. Gloating over the Alberta judge s decision to let Khadr loose, his radical leftwing lawyer railed against Canadian Prime Minister Stephen Harper as a bigot. His fan club thinks he deserves a medal. No, really. A Toronto Sun columnist argued last week that the jihadist deserves some kind of recognition along the lines of the country s Order of Canada for the dignity and stoicism with which he s borne the mingy behaviour of Canada s governments. Disgusting. This deification of an al-Qaida-trained murderer is a slap in the face to every American soldier and every military family that has sacrificed to combat Islamic jihad.But don t look for our government to raise its voice in protest. It is because of jihad-coddler Barack Obama, working quietly to empty Gitmo, that Khadr found his way back to Canada in the first place.",left-news,"May 9, 2015",0 +OBAMA REGIME’S SECRET ASIAN TRADE DEAL Would Let International Tribunal Overrule State and Fed Laws To Benefit Foreign Companies,"Nothing to see here just Obama evening the playing field by giving an ad hoc international tribunal the ability to overrule US laws and allow them to levy fines against the US the American taxpayer would be responsible for paying. It is really worrisome, said top House Ways and Means Committee Democrat Rep. Sandy Levin. Countries do not want to give away their jurisdiction away to some arbitrary panel, he added.At issue is the pending Trans-Pacific Partnership treaty and a provision called Investor-State Dispute Settlement, or ISDS, that would let foreign firms challenge U.S. laws, potentially overruling those laws and resulting in fines to be paid by taxpayers. The provisions are becoming common in some trade deals between other nations.Massachusetts Sen. Elizabeth Warren has warned that it would undermine U.S. sovereignty.Alabama Republican Sen. Jeff Sessions has also raised a concern about another phase in the legislation, living agreement. He and other experts say that phrase means that the treaty can be changed after Congress approves it.The Asia trade deal would be up first if Congress OK s the pending Trade Promotion Authority, which fast-tracks trade agreements. Levin said it is in trouble over concerns about the secret TPP.Is anyone else feeling exhausted by watching Josh the liar Earnest explain the corrupt Obama administration?At a media breakfast hosted by the Christian Science Monitor, Levin appeared with Jeffrey Sachs, prominent international economist at Columbia University, who panned the provision as a bid by foreign companies to make an end run around tough U.S. laws and regulations. Essentially, ISDS allows companies to sue states in a special ad hoc tribunal that is outside the court systems and outside of the legal systems of the host countries, he warned. U.S. law, U.S. court findings, could be set aside by this ad hoc process really designed and pushed by the corporate sector which sees this as an end run around national law, he added.Levin also joined in Sessions demand that the Asia trade pact be opened to the public. Currently, it is being kept in secret and only those cleared to see it are allowed to. Levin said, for example, that he was barred from discussing some TPP provision with Sachs.The White House has dismissed the secrecy claims, but Sachs said, It is secret. I haven t seen it. I can t see it. Levin also said that the treaty would include communist Vietnam which has far different worker rights laws than the U.S. He recalled recently meeting with a Vietnamese woman who was thrown in jail for trying to form a union. There has to be changes, he demanded.Via: Washington Examiner",left-news,"May 9, 2015",1 +REFUGEE BUSINESS IS CASH COW FOR LUTHERAN CHARITY IN MI AND OTHER STATES,"How very charitable of the Lutheran and Catholic churches to bring tens of thousands of refugees to America, dump them off, and expect the American taxpayer to fund their existence Michigan Congresswoman Brenda Lawrence cheers the news that more money is coming to her district for illegal aliens magically transformed into refugees.What she won t understand until it is too late, is that the arrival of thousands of refugees in Michigan will squeeze Americans, especially the African Americans, at the bottom rung of the pay scale. Michigan is in the top five states receiving refugees and yet they are adding alien children into the mix.But, what the heck, even as states increase poverty, these church groups have to make a living!From the Detroit Free Press:WASHINGTON The Obama administration has awarded a Michigan social services group $2.2 million to house unaccompanied immigrant children, U.S. Rep. Brenda Lawrence announced today. US Rep Brenda Lawrence is happy that the Lutherans are flooding Michigan with refugees and alien children. It was not immediately known how many children would receive or had received residential services under the grant to Lutheran Social Services of Michigan or whether any other groups were receiving grants in the state as well.No surprise! No one will return calls!Calls and emails to Lutheran Social Services of Michigan and the Office of Refugee Resettlement (ORR), part of the U.S. Department of Health and Human Services, from the Free Press seeking more information were not immediately returned.According to data on the ORR s website, only 235 unaccompanied immigrant children had been placed in Michigan in the last two years, far less than the number placed in neighboring states including Ohio. [I wonder if the new grant is in anticipation of Michigan getting more of the UACs ed]Some 63,000 undocumented children have been placed throughout the U.S. in the last two years, the ORR s website said.In announcing the grant, Lawrence, D-Southfield, said the grant assists unaccompanied minors who seek relief from the violence and poverty that threatens their very existence in their home countries. They can hardly be described as being faith-based while living off of taxpayer boodle! Doesn t sound like Christian charity to me! Lutheran Social Services truly lives up to their faith-based mission statement to serve the people most in need of help and I am proud to see them receive this substantial federal grant, she said, adding that she believes it also time for Congress to address comprehensive immigration reform.Lutheran Social Services of Michigan is the largest refugee resettlement agency in the state, Lawrence said, providing thousands of families from dozens of countries.So, it is the Lutherans resettling most of the Muslim refugees to Michigan?Other of the nine major contractors are also busy overloading Michigan, go here to see the handy list of subcontractors/contractors working in Michigan and your state too!For new readers, for years we have covered the unaccompanied minors (one of the government s original names for the youths illegally crossing the border). Click here for all of our previous posts.The US Conference of Catholic Bishops and Lutheran Immigration and Refugee Service were the two big dogs doing the resettlement of the children (Obama s new refugees) until two other federal contractors eclipsed them. Grant recipients Baptist Child and Family Services and Southwest Key Programs are now on the scene devouring federal cash as well.",left-news,"May 8, 2015",0 +"DESPERATE TO STOP THE FLOW OF MUSLIM REFUGEES INTO SWEDEN, Swedish Citizens Devise A Controversial Scheme","The liberals find this plan to be disgusting until their neighborhoods become the next victim of violent muslim immigrant gangs of course Anti-immigration campaigners in Gullberg in southern Sweden are plotting to build a pig farm next to an asylum centre in a last-ditch effort to deter would-be Muslim immigrants, who might find the animals offensive.More illegal immigrants on the run in Sweden (03 May 15) Swedish Syrian warms hearts over phone return (08 Apr 15) It was a long journey and some of my friends died (30 Mar 15)Plans for a new immigration centre in Gullberg have already been strongly opposed by local residents and on Wednesday it was reported that a group of campaigners had sent a letter to the Swedish Migration Board (Migrationsverket) pledging to breed pigs nearby in order to deter Muslims from seeking asylum in the town.The note, signed by what described itself as the interest group for Gullberg s survival said that it was trying to create a probably impossible situation for some religious people, especially Muslims , according to Sveriges Radio.Local politician Henry Sandahl from Sweden s Countryside Party (Markbygdspartiet) told the broadcaster that he agreed with the sentiment of the letter. You know that Muslims are not friends with pigs, he said.But Swedish religious experts have been quick to criticize the campaigners. This is nonsense and shows just how very little they know about Islam, said ke Sander, Professor of Psychology at the University of Gothenburg. It is one thing when Muslims try to stay away from pork, alcohol or gambling but there is nothing [in the Koran] that says you cannot be near pigs. This is a last-ditch effort when they [the campaigners] have no arguments left, he told the TT news agency.Others turned to social media to voice their disgust at the campaign.Carl G ransson, a lawyer and former Moderate party politician suggested on Twitter that building a gigantic rubbish dump next to the asylum centre instead, designed to blow smelly winds in the direction of the angry residents. Monstrous and a total fail , wrote Johan Arenius, a political press secretary for the Christian Democrat party based in rebro in central Sweden.Sweden became the first European country in 2013 to grant automatic residency to Syrian refugees and has since seen asylum requests rise to record levels, which are still expected to reach about 90,000 in 2015.To cope with an increasing flow of refugees, the Swedish Migration Board announced in March that it was more than tripling the maximum number of residents allowed at asylum centres from 200 to 650.Via: The Local seh/t Refugee Resettlement Watch",left-news,"May 8, 2015",0 +(AUDIO)NATION OF ISLAM LEADER FARRAKHAN: β€œWE WILL KILL YOU ALL” IF YOU GO AGAINST US,"After a recent speech given by Minister Louis Farrakhan, he took questions from the audience. One woman goes to the mic and asks Farrakhan about leadership and what she needs to do to be a good leader.Farrakhan gives her an answer about leadership and then goes into a angry diatribe about those who would come against them We will kill you all Listen to the audio: As is. Unedited.And then there s this: we ll tear this G D country apart Remember when the mayor of Baltimore thanked the people who helped after the riots she thanked the Nation of Islam. Yep, these angry people who want to tear us up WTH???",left-news,"May 8, 2015",0 +HAS FACE BOOK SIDED WITH MUSLIM JIHADISTS AGAINST FREE SPEECH? Muhammed Cartoon Contest Winner Is Removed From Social Media Site,"Bosch Faustian, a former muslim and winner of the Draw Muhammed contest hosted by Pamela Gellar claims he has been removed from Facebook:I have been removed from Facebook. Bosch Fawstin (@BoschFawstin) May 7, 2015We currently in a dark place in America. The parameters of free speech are now being determined by those on the left, and we are allowing them to do so. Here is the winning cartoon drawn by Bosch Fawstin:",left-news,"May 7, 2015",0 +LYING WHITE HOUSE PRESS SECRETARY: β€œOBAMA HAS SCRATCHED AND CLAWED FOR THE MIDDLE CLASS”,"It s interesting that Josh Earnest still carries around the line of bs that all middle class Americans know is a lie. He is, after all, the chief propagandist for Obama so lying is what he does professionally. The truth is, Obama s presidency has been horrific for the middle class but great for the uber wealthy. Once again, they re counting on the American people to buy the line of bs and propaganda instead of looking at facts One moment of unintended and unnoticed levity occurred near the end of the White House briefing Tuesday, when White House Press Secretary Josh Earnest claimed that President Obama has been a president of the United States that for the last six and a half years has scratched and clawed to protect the interests of middle-class families all across the country. Not sure about who or what he has scratched and clawed. Because the markings are difficult to discern.The White House is careful to dress up its policies as middle class economics. Because the middle class is where the votes are. But the Obama presidency is not about the middle class.You can agree or disagree with Obama s methods and policies. But his chief enthusiasm has been helping the lower classes by expanding the welfare state and regulating businesses. The middle class stuff is camouflage for the real agenda.The proof is in the pudding. Here s the pudding.According to Reuters:Barack Obama enters the final two years of his presidency with a blemish on his legacy that looks impossible to erase: the decline of the middle class he has promised to rescue.Federal Reserve survey data show families in the middle fifth of the income scale now earn less and their net worth is lower than when Obama took office. In the six years through 2013, over the recession and recovery that have spanned Obama s tenure, jobs have been added at the top and bottom of the wage scale, a Reuters analysis of labor statistics shows. In the middle, the economy has shed positions whether in traditional trades like machining or electrical work, white-collar jobs in human resources, or technical ones like computer operators.Between 2010 and 2013, as recovery took hold and stock markets soared, the average net worth of families in the top 40 percent of income earners grew. For all others average net worth shrank, declining 19 percent for the middle fifth.These results stem from specific policies. Obama s chief domestic initiative, Obamacare, is not a middle class program. It s an effort to get health insurance to the lower class, including a massive expansion of Medicaid. Expanding health insurance is a good goal, but the way he has done it involves turning insurers effectively into wards of the state and raising the price and lowering the quality of healthcare for everyone else.Among his other battle cries are raising the minimum wage and legalizing illegal immigrants. He pushed and signed legislation containing massive new regulations on the banks, wants to regulate carbon emissions by fiat, and has enlarged the government s share of the economy while running up trillions in debt.Meantime the WEALTHY have benefited during Obama s tenure for the zero-interest rate Fed policies needed to keep the economy afloat in the absence of any serious presidential leadership on expanding the economy. The low rates have grandly goosed everyone s stock portfolios and made the rich richer.These things he scratches and claws for. Not private sector expansion and business-friendly policies that would promote middle class expansion.And the results speak for themselves.Via: White House Dossier",left-news,"May 7, 2015",0 +BREAKING: FEDERAL COURT RULES ON NSA’S WARRANTLESS COLLECTION OF DATA…,"Another positive step towards restoring our freedoms A federal court has decided that the National Security Agency s (NSA) bulk, warrantless collection of millions of Americans phone records is illegal.The decision from the Second Circuit Court of Appeals on Wednesday represents the second major court victory for opponents of the NSA, after a lower court decision called the program nearly unconstitutional six months ago.The phone records program exceeds the scope of what Congress has authorized, Judge Gerard Lynch wrote on behalf of the three-judge panel. The court did not examine the constitutionality of the surveillance program.Via: The Hill",left-news,"May 7, 2015",1 +BREAKING: Michael Brown Friend Who Started #HandsUpDontShoot Lie Arrested,"What comes around, goes around. It was only a matter of time Dorian Johnson lied repeatedly that Michael Brown had his hands up and was shot in the back by Officer Darren Wilson in Ferguson.No charges listed on casenet yet.The Ferguson mob alleged it was a setup since Johnson filed charges against the Ferguson yesterday. In reality, his arrest on drug charges should surprise no one. He had pot references in his social media.The St. Louis Post-Dispatch reported:Dorian Johnson, the man who was with Michael Brown Jr. when Brown was fatally shot by a Ferguson police officer last summer, has been arrested on suspicion of drug charges and resisting arrest, St. Louis police said.Johnson was arrested on Wednesday and police are pursuing charges. The specifics of where and when he was arrested have not yet been released.Johnson was walking with Michael Brown Jr. on Aug. 9 when the two were approached by Ferguson police Officer Darren Wilson. The encounter ended with Brown fatally shot and led to months of protests and unrest in Ferguson.Johnson recently filed a lawsuit against the city, Wilson and former police chief Thomas Jackson.Via: Gateway Pundit",left-news,"May 7, 2015",0 +WAR ON CHRISTMAS: FEDS TO REGULATE CHRISTMAS LIGHTS,"Bah, Humbug! Manufacturers and retailers can face civil and possibly criminal penalties for failing to report any products to the CPSC that do not meet the regulation s requirements. The best time to wage the War on Christmas isn t in December, when regular Americans have their defenses up. A better time is now, and the best way to do it is through faceless, unaccountable federal bureaucracies for our own safety, of course:The Consumer Product Safety Commission (CPSC) issued a regulation for Christmas lights on Monday, deeming some holiday decorations a substantial product hazard. The Consumer Product Safety Commission is issuing a final rule to specify that seasonal and decorative lighting products that do not contain any one of three readily observable characteristics (minimum wire size, sufficient strain relief, or overcurrent protection), as addressed in a voluntary standard, are deemed a substantial product hazard under the Consumer Product Safety Act ( CPSA ), the final rule said.The ruling applies to a variety of Christmas decorations, including stars, wreathes, candles without shades, light sculptures, blow-molded (plastic) figures, and animated figures. However, solar-powered products are exempt.They will probably also make exceptions for lights powered by windmills, and any holiday lights put up to honor Martin Luther King Day.This is typical:The rule is listed as a voluntary standard. However, manufacturers and retailers can face civil and possibly criminal penalties for failing to report any products to the CPSC that do not meet the regulation s requirements.Ours is the ultimate soft tyranny. When we get to the point where people are sent to gulags because their neighbors turned them in for celebrating Christmas, no doubt it will be voluntary, like paying taxes.Via: moonbattery",left-news,"May 6, 2015",1 +IS JADE HELM 15 REALLY ABOUT MARTIAL LAW? Texas Ranger Relays What He Saw Inside Military Trains,"Chuck Norris wrote about Jade Helm 15 in a commentary for the conservative website WND last weekend, pointing to the decision of Texas Gov. Greg Abbott to have the Texas State Guard monitor the Pentagon s Jade Helm 15 military ops as evidence that the operations as a potential threat to the state s sovereignty. Governor Abbott wrote: During the training operation, it is important that Texans know their safety, constitutional rights, private property rights and civil liberties will not be infringed. And Abbott is demanding regular updates on the progress and safety of the Operation. Norris fanned the conspiracy flames by writing: Concerned Texans and Americans are in no way calling into question our brave and courageous men and women in uniform. They are merely following orders. What s under question are those who are pulling the strings at the top of Jade Helm 15 back in Washington. The US government says, It s just a training exercise. But I m not sure the term just has any reference to reality when the government uses it. A covert training operation by U.S. military special operations personnel, Jade Helm 15, is taking place in a several states this summer, spreading panic and conspiracy theories as to the true purpose of the mission.The two-month simulation spans much of the Southwest, requiring special forces from four branches of the military to carry out covert operations amid hostile territory in Texas, Utah and part of California.In at least one of those states, hostility toward the operation has begun a few months early. Online and at in-person meetings, many Texans have expressed suspicion and outright opposition to the project. Some are understandably worried about how it ll affect their daily lives, while conspiracy theorists claim it s an attempt to institute martial law.The military says that they are merely preforming training exercises to help hone soldiers skills in the event they face a foreign threat, but some citizens are worried that planners have something more domestic in mind.Events for the exercise are outlined in a map among unclassified documents posted online last month. Army sources have verified to The Washington Post that the map is legitimate.Many have speculated that the American government isn t far from declaring martial law, an idea only bolstered by these training exercises.In an anonymous email sent to Dave Hodges at The Common Sense Show, a self-described Texas Ranger said that train cars outfitted with prison-type shackles have been moving about Texas. While he added that the Department of Homeland Security claimed the train cars were for transporting captured terrorists, he was apparently reluctant to believe them. He wrote: We have been told by Homeland that these trains are slated for transporting captured terrorists, non-domestic. We are not sure we can trust this explanation because Homeland is keeping a lot from us and we are growing increasingly uncomfortable with their presence in Texas. The paranoia about Jade Helm, which started on websites like Alex Jones s InfoWars, had started with familiar fulmination about a mass seizure of firearms or a cover-up for American death squads. This week, Texas Governor Greg Abbott asked the Texas state guard to monitor the exercise for any violations of freedom. It is important that Texans know their safety, constitutional rights, private property rights and civil liberties will not be infringed, said the governor.Republican presidential candidate Ted Cruz said Saturday that he d been hearing concerns about Jade Helm 15, and reached out to the Pentagon for answers. My office has reached out to the Pentagon to inquire about this exercise. We are assured it is a military training exercise. I have no reason to doubt those assurances, but I understand the reason for concern and uncertainty, because when the federal government has not demonstrated itself to be trustworthy in this administration, the natural consequence is that many citizens don t trust what it is saying. The Texas Senator, speaking at the South Carolina Republican Convention went on to say: I understand a lot of the concerns raised by a lot of citizens about Jade Helm. And I think part of the reason is we have seen, for six years, a federal government disrespecting the liberty of the citizens. That produces fear, when you see a government that is attacking our free speech rights, or Second Amendment rights, or religious liberty rights. That produces distrust. Just because you re paranoid, said Cruz, doesn t mean they re not out to get you. Via: TPNN",left-news,"May 6, 2015",0 +"THE ROBBING OF INNOCENCE: 12 Yr Old Students Given CDC Survey About Transgender, Gay And Oral Sex","The left believes these are all perfectly acceptable topics to discuss with our young children. Whatever you do, just don t mention God!A public hearing is taking place Wednesday morning in the Massachusetts State House to look into a controversial sex survey given to middle school and high school students.Developed by the Centers for Disease Control and called the Youth Risk Behavior Survey, the survey asks students as young as 12 a series of very personal and highly ideological questions.The survey asks students if they are homosexual and if they are transgender. It also asks if they have had oral or anal sex and if they have performed such acts with up to six people.Whether or not they have carried a gun, smoked cigarettes, consumed alcohol and how much also appear on the questionnaire, as well as whether they have taken drugs, such as OxyContin, Percocet, and Vicodin. It asks how often their guardian uses a seat belt, if the youngster has a sexually transmitted disease, and where they sleep.The group MassResistance says the survey is psychologically distorting and will lead the child to think he is abnormal if he is not doing it all. The group stated that having children reveal personal issues about themselves and their family can have emotional consequences. They also complain that the survey results are used by radical groups from Planned Parenthood to LGBT groups to persuade politicians to give more taxpayer money [to] these groups. Though students fill out the survey anonymously, MassResistance warns that they are administered by the teacher in the classroom and there is often pressure for all kids to participate. The test is given nationally and not without controversy. The Chicago Tribune reported two years ago that a Chicago teacher was reprimanded for telling students they had a constitutional right not to fill out the survey.Via: Breitbart News",left-news,"May 6, 2015",0 +[VIDEO] BALTIMORE MAYOR TO POLICE: β€œLet them loot…it’s only property” Police Demoralized After Being Unable To Respond To 9-11 Calls From Terrorized Business Owners,"The radical Baltimore mayor who ordered the Baltimore Police Department to stand down is now calling for a federal investigation into the Baltimore Police Department. What about a federal investigation into her reckless actions that were clearly motivated by her desire to side with the rioters?? Are we living in some alternate universe where all ability to reason and to use common sense has been removed from our society?Baltimore s streets will likely take years if not decades to recover after April s riots that left scores of business owners devastated and local police disheartened. Many cops feel demoralized, hung out to dry and abandoned, Fox News Leland Vittert reported on Hannity Monday. There s a sentiment here of why bother showing up? Vittert added. Vittert was on the scene at what used to be ground zero for the rioting and said he had not seen a single police car during the time he was there. The area is known for drug dealings and gang activity, according to Vittert. Maryland Gov. Larry Hogan said more than 200 businesses were destroyed in the riots, Fox reported. So this was your life savings you put into this? Vittert asked a business owner whose property was destroyed. Exactly, exactly, the business owner said. He added that his life s work was demolished in 30 minutes by looters and vandals resulting in more than $30,000 worth of damage. Vitter talked to a pharmacy owner who said 99 percent of his store s shelves were ransacked and fears the prescription drugs are now out on the streets. There were dozens of businesses that were looted, and what was stunning to the business owners themselves is as the looting was going on, they were calling 911, Vittert said. And, as we have reported, the police did nothing because they had an order from the mayor to let them loot. It s only property. Business owners are now faced with the difficult decision of whether to rebuild as they worry they will not be protected from future crime and violence.Via: BizPacReview",left-news,"May 6, 2015",0 +HOW A SINGLE FEDERAL BUREAUCRAT OPENED THE DOOR TO LET FOREIGNERS VOTE,"Meet Alice Miller who single-handedly scr*wed the legal voters of America by letting non-citizens vote. I guess voter integrity only applies to some .The Supreme Court has been asked to allow Kansas and Arizona to verify that only United States citizens are registering to vote in those states. Unfortunately, a single federal bureaucrat refused to allow the two states to weed out non-citizens trying to register to vote.Meet Alice Miller, the acting executive director of the Election Assistance Commission. Miller alone, from her inside-the-Beltway office, refused to amend the Kansas and Arizona version of a federal voter registration form to include state laws requiring proof of citizenship. Backed by a swarm of left-wing groups, Miller, by herself, made it easier for foreigners to vote in Kansas and Arizona.You might wonder how a single federal bureaucrat could have so much power over how elections are run in Kansas and Arizona. Federal law, commonly known as Motor Voter, requires states to accept a form drawn up by the Election Assistance Commission to register voters in their state. But states can ask the Election Assistance Commission (EAC) to revise the version for their state to include state qualification laws. In Kansas and Arizona, registrants must establish that they are citizens to be qualified to register. When Kansas and Arizona asked the EAC to print new forms with those state law requirements, Miller refused.Kansas and Arizona sued, and a federal court ordered the EAC to reprint the forms. However, the Tenth Circuit Court of Appeals reversed and held that Miller had the power to deny Kansas and Arizona new forms.The Supreme Court has been asked to take the case, a case which implicates both the integrity of American elections as well as the reach of federal bureaucrats.Normally, the commissioners at the EAC decide what versions of a form the states can use, but the EAC lacked a quorum. Into this vacuum swept Miller.The Public Interest Legal Foundation has filed an amicus brief for the American Civil Rights Union with the Supreme Court. The brief asks the Court to take the case and to restore the constitutional balance which Miller has disrupted.Read more: pj media",left-news,"May 6, 2015",1 +WHITE BASEBALL PLAYER LOSES SCHOLARSHIP AFTER USING THE β€œN” WORD BUT NOT SO FOR BLACK BASKETBALL PLAYER,"So words deemed offensive are only offensive if you re white? Isn t that racist? Shouldn t the same punishment be given to people no matter the color of their skin? We d love to know your thoughts on this.A high school baseball player lost his scholarship to Cal State for being overheard using the term nigger. Meanwhile, a college basketball player kept his scholarship after being overheard using the word on live television.One was white, one was black.The leftist explanation that it s acceptable for blacks to call each other socially unacceptable epithets makes little sense. It makes about as much sense as the #BlackLivesMatter meme being created only after a handful of black deaths at the hands of white people, meanwhile thousands of black on black deaths garnered no similar sloganeering.White progressives declaring it okay for blacks to use epithets on each other is most likely their way of having the epithet used for them by proxy. It keeps blacks psychologically under-classed, but their hands are ostensibly clean. Read more: iotw",left-news,"May 6, 2015",0 +MEGYN KELLY SETS A CONFUSED LIBERAL STRAIGHT ON FREE SPEECH, ,left-news,"May 6, 2015",0 +RADICAL LEFTIST WHO DISMISSED CHARGES AGAINST MUSLIM TERRORIST SHOOTER IS POTENTIAL SUPREME COURT NOMINEE,"We re not sure which of Judge Mary Murguia s qualifications for becoming a U.S. Supreme Court Justice would be more attractive to Obama. Could it be the fact that she, like Barack Obama can claim she is responsible for dismissing charges against a terrorist? Perhaps her it s her sister s connection as a leader of La Raza, a government funded, radical activist group fighting to defend amnesty in America. Knowing Barry, it s likely both.The U.S. 9th Circuit Court of Appeals judge who previously dismissed terror charges against one of the Garland, Texas shooters has a connection to the controversial activist group, National Council of La Raza.Judge Mary Murguia, appointed by President Clinton and considered a potential nominee to the Supreme Court by President Obama, was the judge who dismissed government charges against Elton Simpson for suspected terrorism in 2011. On Sunday, Simpson attacked a free speech event in Garland, Texas depicting the Prophet Muhammad in cartoons.Daniel Greenfield cites evidence from the 2011 case:The FBI knew that Elton Simpson, one of the Garland Jihadists, was a threat and had attempted to lock him up after amassing evidence that he intended to go to Somalia as a terrorist. They had him on tape stating that Allah loves an individual who is out there fighting [non-Muslims] and If you get shot, or you get killed, it s [heaven] straight away. Mr. Simpson then said [Heaven] that s what we here for so why not take that route? Judge Murguia held then that the government was unable to prove Simpson mentioned violent jihad in his reasoning for traveling to Somalia. That phrase is one made up by the Government, likely because it is aware that jihad in the Muslim religion does not necessarily imply violence, she said, noted Greenfield.However, the LA Times previously noted that Judge Murguria s twin sister Janet Murguia leads a controversial group known as National Council of La Raza, which has been criticized as a racist hate group. It is the nation s largest Latino civil rights activist organization. La Raza is closely linked to the Obama Administration s amnesty efforts.Human Events, a conservative blog, previously reported that the mainstream media views La Raza no more than a Hispanic Rotary Club. But La Raza collected roughly $15.2 million in federal grants in 2005. Human Events also reported that undisclosed amounts of that money were used in get-out-the-vote efforts supporting La Raza political positions. La Raza has been added to congressional hearings and an anonymous senator even gave the Council of La Raza an extra $4 million in earmarked taxpayer money, supposedly for housing reform, according to Human Events. Moreover, Judge Murguria s brother, Carlos Murguria, helped coordinate the Immigration Amnesty Program prior to Clinton nominating him also for a judgeship, according to Front Page Magazine.Via: Bretibart News",left-news,"May 5, 2015",0 +(VIDEO) OBAMA ON LETTERMAN: β€œWE IGNORE POCKETS OF POVERTY” BUT OBAMA’S STIMULUS GAVE $1.8 BILLION TO BALTIMORE,"The stats don t lie on this one Obama s hoping to reach the low information voter who watches Letterman and will buy this bs. The stimulus under Obama gave BILLIONS for work programs and education but we still need to give more??? As a taxpaying American I am 100% FED Up! and ready for the black community to take responsibility for their towns and their youth. We DO NOT ignore pockets of poverty but I would say that we ignore the truth of what s going on in the black community and what s the real problem here. It s just like when the main stream media ignores and covers up the bad behavior of groups of black teens. We ve reported on numerous cases of this bad behavior that caused damage and physical harm to others. The latest case was ironically in Baltimore and the local press called the offenders kids when you can see clearly that these are teens. Downplaying and not punishing the bad behavior by these teens only makes it worse. No consequences breeds chaos President Obama said that too often we ignore pockets of poverty, lack of opportunity, lack of education on Monday s Late Show on CBS.Obama said, it s important that now that charges have been brought in Baltimore, that we let due process play itself out. Those officers who have been charged, they deserve, to be represented, and to let the legal system work its way through. We don t have all the facts yet, and that that s going to be presented in a court of law. I think it s also really important to remember that the overwhelming number of police officers are doing an outstanding job, we re in New York, today, we re in New York today, where a young officer lost his life doing his job, and families of officers all across the country every day, they re wondering is my loved one going to come home? And so they ve got a really tough job. He continued, what we also know, though, is that for far too long, for decades, you have a situation in which too many communities don t have a relationship of trust with the police, and if you just have a handful of police who are not doing the right thing, that makes the job tougher for all the other police officers out there. It creates an environment in the community where they feel as if, rather than being protected and served, they re the targets of arbitrary arrests or stops, and so our job has to be to rebuild trust, and we put forward a task force made up of police officers, but also young activists who have been protesting in Ferguson, or here in New York. They came up with some terrific recommendations about collecting data on what happens when there s a shooting involving police, what are we doing in terms of things like body cameras, and so there s some very practical, concrete things we can do to make the system work better. Read more: Breitbart",left-news,"May 5, 2015",0 +MOOCH SAYS BLACK KIDS AREN’T AS WELCOME IN MUSEUMS AS WHITE KIDS,"Our First Lady has taken time out from her self-appointed role as America s Food Nazi to fulfill her new role as First Propagandist in Obama s coordinated Race War on America First lady Michelle Obama used a speech Monday that was supposed to be celebrating the opening of a new museum to instead dig deeper the racial divide that s been growing ever wider during her husband s presidency. Museums and concert halls, she said, just don t welcome non-white visitors especially children the way they welcome whites. Speaking at the new Whitney museum in New York City s meat packing district last week, Obama said she grew up thinking that museums were not places for someone who looks like me. You see, there are so many kids in this country who look at places like museums and concert halls and other cultural centers and they think to themselves, well, that s not a place for me, for someone who looks like me, for someone who comes from my neighborhood. In fact, I guarantee you that right now, there are kids living less than a mile from here who would never in a million years dream that they would be welcome in this museum. And growing up on the South Side of Chicago, I was one of those kids myself. So I know that feeling of not belonging in a place like this. And today, as first lady, I know how that feeling limits the horizons of far too many of our young people. According to Twitchy, Obama s remarks went largely unnoticed outside of the event, until a local radio host reported on Museums as White Spaces. The first lady likely won t be answering that question any time soon. The tone of her speech was eerily similar to her husband s remarks during the launch of My Brother s Keeper Alliance in New York City on Monday. In the wake of racial tension and turmoil that has prompted riots throughout the country, President Obama unleashed some of his most overt commentary on race yet, as documented by Twitchy. Via: BizPacReview",left-news,"May 5, 2015",0 +Je Suis HYPOCRITES: FREE SPEECH IS EMBRACED WHEN INNOCENT PEOPLE ARE MURDERED IN FRANCE…Free Speech Is Condemned (BY EVERY MEDIA OUTLET INCLUDING FOX NEWS) When Muslim Terrorists Are Killed In America [VIDEO],"Sooo when terrorists attack Je Suis Charlie, a French newspaper (who makes a living mocking religion) and kills innocent people working for the publication, the world stands tall in support of free speech. When an American hosts a Draw Muhammed contest in Texas and two terrorists (who were plotting to kill innocent Americans) are killed just before their plot to kill innocent Americans exercising their free speech rights, the organizer and attendants are criticized for inciting and even inviting violence. Can someone explain how this is not hypocrisy?In truth perhaps I was not Charlie . After all, I wasn t a religion-attacking atheist. Truth to tell, in the story of Charlie Hebdo, many left out that the cartoon magazine was something that we might call a liberal rag . It was often offensive and frequently unfunny with attacks on religion, and it didn t limit its criticism to Islam, actually attacking Christianity more. Some even believed it anti-Semitic. Deliberately, purposely provocative.And yet, even though I was none of those things, I was Charlie . Not because I agreed with any of it. But precisely because I didn t. Because even the provocative offensive speech by assholes, to paraphrase Jeffrey Goldberg of the Atlantic, is protected. Especially the provocative speech, the minority speech, that which offends, that which many may not like. Because the government doesn t have the right to shut down offensive speech for being offensive and neither do terrorists with AK-47s. You do not have the right to kill over a cartoon.Much of the world seemed to agree, leaders linking arms in Paris, being Charlie. Media in the U.S was also generally sympathetic, many pieces running Je Suis Charlie in headers.Yet here we are today, a few months later. A similar situation, where Americans exercise their First Amendment right to draw offensive cartoons of Muhammad. Yet where are the crowds of media saying Je Suis Garland ? Where are the crowds of media condemning the attack on free speech? Where are the crowds of media, highlighting even just the fact that this was immediately apparent ISIS-endorsed attack on the United States?WATCH FOX NEWS MARTHA MacCallum ATTACK EVENT ORGANIZER PAMELA GELLAR FOR ORGANIZING AN EVENT THAT MAY HAVE BEEN CONTROVERSIAL:https://youtu.be/mnMRFSg8i2sInstead, what we have is some, like NY Times reporter Rukmini Callamachi and even McClatchy News, in scary fashion, asking when is provocative speech too much and attacking the people who held the event in Garland, more than calling out the terrorists.McClatchy even discusses whether charges should be brought against the organizers of the Garland event.So why the difference here for media? Because the group was one they didn t like in a state for which they didn t care with a better result than Paris because of, well, guns?And where has the Federal government s response been to an ISIS-claimed attack on American soil? President Obama hasn t even mentioned it. The press secretary made a fairly perfunctory comment about violence not being the proper response to expression even if offensive. One might have thought he was speaking of a video, rather than an Islamist terror attack on the United States. Again, no mention of ISIS, Islamists or terrorism. Meanwhile the President has managed to go on Letterman, to golf and to attend Democratic fundraisers.In the words of Mr. Goldberg, who gets to define what is provocative?I don t know if I would agree with everything Mr. Goldberg writes, but I would defend his right to say it, even if he were provocative. Vox calls the Garland event hate speech . I think much of what Vox says is hate speech. Who gets to decide? I have multiple options to object to the content by protest and by pen, that is the benefit of being an American. As Mr. Goldberg notes, Iran has a Holocaust cartoon contest every year, basically catering to Holocaust deniers. Are they attacked? No, they are laughed at, they are belittled.Either we are all in or we are not. Either we believe in what we say we do, or we do not. But if we do not, if we allow offense or political difference to limit that protected speech, if we start to suggest as some of these writers do, what speech should or should not be allowed , we move down the slippery slope to the rule of the mob, to the rule of the despot. In an ever-growing media state, where already, even the slightest offense is often seized on and may result in the prevailing view hounding a person from his/her job for differing, this is a frightening thought.Via: Weasel Zippers",left-news,"May 5, 2015",0 +OUTRAGEOUS VIDEO! OBAMA KEEPS STIRRING THE FLAMES OF DIVISION AND HATE, ,left-news,"May 5, 2015",0 +(VIDEO) MEDAL OF HONOR RECIPIENT SCORCHES AMERICAN FLAG STOMPERS," Medal of Honor recipient @Dakota_Meyer asking you to stand up against those who disrespect the flag #NeverOutgunned https://t.co/n8Fb9SjwAn FOX & Friends (@foxandfriends) May 5, 2015 ",left-news,"May 5, 2015",0 +"TAKE A NUMBER, YOU’RE GONNA BE HERE A WHILE…Remember When Barack Promised Number Of Emergency Room Visits Would Decrease With Obamacare?","Add another lie to an exhaustive list of Obama lies Emergency-room visits continue to rise in the second year of Obamacare, the Wall Street Journal reports.The visits are up despite claims by President Obama that the law would reduce emergency-room visits because Obamacare would increase access to other kinds of care. There was a grand theory the law would reduce ER visits, Dr. Howard Mell, a spokesman for the American College of Emergency Physicians, told the Journal. Well, guess what, it hasn t happened. Visits are going up despite the ACA, and in a lot of cases because of it. Emergency-room visits continued to climb in the second year of the Affordable Care Act, contradicting the law s supporters who had predicted a decline in traffic as more people gained access to doctors and other health-care providers.A survey of 2,098 emergency-room doctors conducted in March showed about three-quarters said visits had risen since January 2014. That was a significant uptick from a year earlier, when less than half of doctors surveyed reported an increase. The survey by the American College of Emergency Physicians is scheduled to be published Monday.Medicaid recipients newly insured under the health law are struggling to get appointments or find doctors who will accept their coverage, and consequently wind up in the ER, ACEP said. Volume might also be increasing due to hospital and emergency-department closures a long-standing trend.Via: Washington Free Beacon",left-news,"May 5, 2015",0 +CONTROVERSY OVER CHRISTIAN FLAG ENGULFS SMALL TOWN,"Local residents supported the flag but national groups said they had received complaints about the flag. So this one is a good case of separation of church and state debate away!A month after a North Georgia county caught hell for raising the Confederate battle flag over its courthouse, another flag controversy has engulfed a small Middle Georgia town.Only this time, it has nothing to do with the Civil War.A traditional Christian flag flying over Cochran will come down Friday, after city officials bowed last week to threats of legal action and concerns over its impact on the city s fiscal resources. The controversy began early last month, when the Cochran City Council voted against the advice of its attorney to fly the flag at city hall to help promote a local Bible-reading marathon sponsored by the International Bible Reading Association.While city officials have said local residents supported the decision, national groups including the D.C.-based Americans United for Separation of Church and State said they have received several complaints over the matter. The group recently sent letters to both the city and Bleckley County which has flown the flag in the past declaring that flying the Christian flag on public property violates the First Amendment.The group in part cited a recent legal case in which a North Carolina city agreed to stop displaying the Christian flag, which includes a Latin cross, at a government-sponsored veterans memorial.In a statement on its website, the city said it has decided to take the flag down after reviewing further input from the community, detailed written legal opinions from our city attorney and a second legal opinion from a constitutional lawyer. In the future, the city said it would only fly the U.S. and state flags at city hall.Via: ajc",left-news,"May 5, 2015",0 +LEFTIST ALAN COLMES THINKS WE SHOULD STOP β€œUSING” THE NATIONAL ANTHEM AT SPORTING EVENTS,"Remember when the left would have been ashamed to say singing The Star Spangled Banner was considered a false display of patriotism? Jamie Foxx is being heavily criticized for his performance of The Star-Spangled Banner at Saturday night s fight. How about stopping this false display of patriotism altogether? What does two people beating the bejesus out of each other have to do with the rockets red glare and bombs bursting in air ?Here s racist Jamie Foxx s version of The Star Spangled Banner In fact, what does this song have to do with today s America in the first place? The melody is based on an old English drinking song, has images of war, and is impossible to sing. And, contrary to what one might think based on exposure to it, the last two words are not play ball! In the case of the Mayweather-Pacquiao fight, the anthem and the whole event celebrated and rewarded an abuser of women. At least seven assaults against five women have resulted in citations, not to mention other times police were called but no charges were filed. We re glorifying a violent sport and using our national anthem to sanctify it.Let s once and for all confine this song to military exercises and classrooms. Better yet, let s choose a better national anthem, like America the Beautiful or This Land Is Your Land. Here s an even better idea: Since we re a nation of immigrants, how about America from West Side Story, which would also celebrate a great American composer, Leonard Bernstein? And let s hope Mr. Mayweather takes some of his millions and donates it to women s shelters.Via: Huffington Post",left-news,"May 5, 2015",0 +BLACK REPUBLICAN AND BRILLIANT NEUROSURGEON ANNOUNCES RUN FOR PREZ: Huffington Post Places Story Next To Story About Dog Living In Tree Trunk, ,left-news,"May 5, 2015",0 +(VIDEO) BALTIMORE MAYOR REOPENS LOOTED MALL: TELLS VENDORS THEY’RE MAKING A β€œGREAT INVESTMENT” BY STAYING, ,left-news,"May 4, 2015",0 +(VIDEO) PAM GELLER HAMMERS CNN HOST: β€œDid Christians Burn Embassies When Jesus Christ Was Put in Jar of Urine?”, ,left-news,"May 4, 2015",0 +PRO-ABORTION BOOK FOR CHILDREN: My β€œSister Is a Happy Ghost!”,"Leftist indoctrination for toddlers How I wish this wasn t a true story A three-year-old named Lee defends the abortion of his sister in a new children s book by an author with her own ghost sister. Sister Apple, Sister Pig by Mary Walling Blackburn focuses on an adult topic: abortion. The story follows Lee as he (or she, as the author stressed) searches for his sister who might be an apple, a pig, or somewhere in a tree. Lee later decides Sister is a happy ghost! and explicitly says he s glad Sister isn t around to inconvenience his parents.The free e-book is available on art publishing platform e-flux, The Blaze reported. The author, Walling Blackburn, is assistant professor of art at Southern Methodist University s Meadows School of the Arts and founder of The Anhoek School. Lee is Papa and Mama s only child for now, although there once was a sister, the book began. Where does Sister live now? At one point, Lee explained to his Papa, Well, she used to live in Mama and doesn t anymore. After Papa agreed, Lee reiterated, She lived before me, but Mama couldn t keep her. Mama says she is a ghost. When Lee s Papa asked, [D]oes that make you sad or scared? Lee changed his tune. I m not sad that my sister is a ghost! If you kept my sister, you would be tired, and sad, and mad! When his father questioned why, Lee continued:Because we would be wild and loud and sometimes we would fight. Mama might be scared that she could not buy enough food for us. Mama might not have enough time to read to me, to paint with me, to play with me, to talk with me .Papa also noted good reasons Lee doesn t have a sister right here right now. Maybe you will have another sister when there is more time, and there is more money, Papa said.But even during story time, Lee couldn t forget about his lost sibling. He whispered the secret to his uncle: The secret is that she s she s a ghost! Lee and his Uncle pretend she s still there. The ghost girl can sit beside me, his uncle offered.Later, Lee told his uncle, Mama had an abortion before she had me, but reassures him that Sister is a happy ghost! Even the uncle s friend, Jess, wonders where the ghost sister is. Lee replied, Ghost sister has her own things to do! but that [s]he returns when I call her if I need her. And he did, as the last page read, Mama, Papa, Lee, (and sister) are about to head into the late afternoon towards home. In the acknowledgements, Walling Blackburn thanked her own ghost sister and warned Masochists, look elsewhere, because, between these pages you will not find the luxury of grief, culpability s sharp sting or salty guilt. Via: Newsbusters",left-news,"May 2, 2015",0 +(VIDEO) ALAN DERSHOWITZ – SAD DAY FOR JUSTICE – BALTIMORE PROSECUTOR OVERCHARGED AND IDENTIFIED WITH PROTESTERS," You re At Forefront Of This Cause And As Young People, Our Time Is Now PROSECUTER MALTBY",left-news,"May 1, 2015",0 +CLINTON CHARITIES RAKED IN TAXPAYER DOLLARS IN THE MILLIONS,"This is like one big slush fund for Hillary 2016. The Clintons not only collected millions from foreign donors, they also rake in $7 million in taxpayer dollars. Really outrageous! The Clinton Foundation and its major health charity have raked in more than $7 million from the U.S. government in recent years, according to an analysis of public records conducted by the Washington Free Beacon.The Clinton Health Access Initiative (CHAI), chaired by Bill Clinton and run by the former president s long-time associate Ira Magaziner, has received $6,010,898 from the Centers for Disease Control and Prevention (CDC) since 2010. CHAI, the biggest arm of the Clinton family s charitable efforts, accounting for 60 percent of all spending, received $3,193,500 in fiscal years 2010, 2011, and 2012, according to federal contracts, during Hillary Clinton s tenure as secretary of state. The organization received an additional $2,817,398 from the CDC in FYs 2013, 2014, and 2015.The grants, including $200,000 awarded as recently as January, have gone to CHAI s Global AIDS program, and are filed under Global Health and Child Survival. The CDC is listed as a $1 to $10 million contributor to CHAI, according to its donor list released earlier this month.The Boston-based health arm of the Clinton Foundation has come under scrutiny for failing to disclose donations from foreign governments in violation of a pledge Clinton made to the Obama administration before she assumed office as secretary of state.A Reuters report found that the health initiative stopped making its annual disclosure in 2010 and that no complete list of donors to the Clintons charities has been published since. The group only recently published a partial donor list, which its spokesperson Maura Daley told Reuters made up for CHAI s oversight of failing to meet the disclosure agreement.When asked whether the CDC has any concern regarding its funding of CHAI or plans to provide grants to the organization in the future, an agency spokesperson told the Washington Free Beacon that it can t predict who will apply for and be awarded grants. CDC and potential grantees must follow federal guidelines when applying for or awarding and monitoring grants, said Shelly Diaz. CHAI, like any other organization meeting federal requirements, may apply for CDC grants. They would also be expected to meet the same ongoing requirements for grantees (e.g. reports, audits, performance standards). CHAI received hundreds of millions from foreign nations between 2009 and 2014, including: the United Kingdom ($79.7 million), Australia ($58.6 million), Norway ($38.1 million), Canada ($12.1 million), Ireland ($11.7 million), Sweden ($7.2 million), and New Zealand ($1.2 million).The Boston Globe found that foreign donations sharply accelerated to CHAI when Hillary Clinton became secretary of state.Read more: WFB",left-news,"May 1, 2015",1 +(VIDEO) SICKENING CHALLENGE GOES VIRAL: DISRESPECTING OUR AMERICAN FLAG BY STOMPING ON IT,"A sick new challenge is going viral, urging people to disrespect and stomp on the American flag https://t.co/iNhTTmxNz2 FOX & Friends (@foxandfriends) May 1, 2015A video challenge to show solidarity with a New Black Panther Party college student who s being sought by police asks watchers to stomp the American flag and post their pictures to the Internet.It s called the #EricSheppardChallenge, aimed at giving support to a Valdosta State University student who self-identifies as a terrorist toward white people, as WND previously reported. Sheppard, 22, first made national headlines when a female veteran tried to intervene in his flag burning on campus. The video of their exchange, and the veteran s subsequent altercation with police, went viral. Police later recovered a backpack belonging to Sheppard containing a gun and two clips, and kicked off a search for him.Sheppard, meanwhile, has disappeared, and his father has called for him to turn himself in to authorities. The college student is reportedly a member of the New Black Panther Party and calls himself a terrorist toward liars and those who are weak, as well as a terrorist toward white people. Now, social media activists are taking to Facebook and Instagram to display photos and videos of themselves treating the flag with disrespect.In one particularly graphic video, a poster named Erica Walker opens with a [Expletive] you flag before placing it on the ground and dancing on it, Campus Reform reported.Read more: WND",left-news,"May 1, 2015",0 +STATE’S ATTORNEY LIED: BALTIMORE POLICE HAD PROBABLE CAUSE DUE TO A WARRANT FOR GRAY’S ARREST,Marilyn Mosby held a press conference today in which she said police officers had no probable cause to arrest Freddie Gray. That s a lie Freddie Gray had an active warrant out for his arrest so Baltimore police had every reason to bring him in.,left-news,"May 1, 2015",0 +BALTIMORE POLICE UNION WANTS AN INDEPENDANT PROSECUTOR: MOSBY HAS CONNECTIONS TO FREDDIE GRAY FAMILY,"The Police Union came out almost immediately after the Mosby press conference today with a response against her assessment of the Freddie Gray Case. They are fighting back against the claim that the 6 officers did anything wrong during the arrest and transport of Mr. Gray.Fraternal Order of Police lodge is asking Baltimore State s Attorney Marilyn Mosby to appoint a special prosecutor to the Freddie Gray investigation because of her personal connection to the Gray family s attorney, William H. Billy Murphy Jr., and her marriage to a city councilman. Not one of the officers involved in this tragic situation left home in the morning with the anticipation that someone with whom they interacted would not go home that night, the letter states. As tragic as this situation is, none of the officers involved are responsible for the death of Mr. Gray. Ryan requests that Mosby appoint a Special Independent Prosecutor. I have very deep concerns about the many conflicts of interest presented by your office conducting an investigation in this case, the letter states. These conflicts include your personal and professional relations with Gray family attorney, William Murphy, and the lead prosecutor s connections with members of the local media, the letter states. Based on several nationally televised interviews, these reporters are likely to be witnesses in any potential litigation regarding this incident. Via: Baltimore Sun",left-news,"May 1, 2015",0 +(VIDEO) MADNESS IN THE STREETS: OVER 100 COPS HURT IN BALTIMORE AS OBAMA’S PLAN FOR CHAOS SPREADS,"Bill O Reilly isn t my favorite and can be belligerently wrong sometimes but this rant is spot on: The truth is we don t know what happened to Mr. Gray. The same way we did not know what happened in Ferguson, MO, O Reilly said, going on to make the point that it is irresponsible for people to make judgments about what happened before all the facts are known. The litany of excuse-making is excruciating. The rioters are angry because America s a country of mass incarceration. People who burn down buildings and loot are just misdirected folks who feel hopeless. And if you feel hopeless, it s okay to riot. You see it s really not the fault of those who commit crimes. It s the fault of America because we don t provide jobs for everyone. Instead of pinpointing the real problem, and trying to solve it, you get crazy theories that attempt to provide justification for Americans hurting other Americans. If you can t make big money go ahead and sell heroin. No problem!Here s the truth. How could anyone provide a job that pays adecent salary to someone who can t read or write? To someone who can t speak basic English? To someone who has tattoos all over their body who s defiant, disrespectful doesn t even want to work because they have a sense of entitlement that says they re victims and YOU owe me. Does that sound like a good job-seeking resume to you? And don t tell me those folks don t exist. They re legion.So these politicians out on the street trying to justify rioting by saying that we don t provide jobs are dishonest in the extreme. If you get educated and are willing to work hard you can get a job. It may not be the best paying job at first, but you work your way up! OFFICERS HURT SINCE VIOLENCE BROKE OUT IN BALTIMORE:Nearly 100 officers have been hurt since violence broke out in the city on Monday, Baltimore Police said. Capt. Eric Kowalczyk said Thursday afternoon that more than 40 officers required some sort of treatment at the hospital. Protesters have been throwing bricks, bottles and other items at officers trying to contain demonstrations after the death of Freddie Gray, a black man who suffered critical injuries while he was in police custody. I m Just a Regular Guy From Baltimore : Amateur Photographer Shot Time s Poignant Protest Cover Kowalczyk also said that more than half of the people detained during Monday s riots have been released without charges. He said 201 people were arrested during the riots and 106 of them were subsequently released after 48 hours because specific charges couldn t be filed. He said police are reviewing surveillance footage and expect to charge many of those people once their identities have been confirmed.MARC THIESSEN: You ve got a mayor who is constantly backing off in the face of rioters and looters [ ] all of the sudden they re young people who need support. The rioters don t need support. The people of Baltimore need support. The people with their businesses destroyed need support. A 51-year-old man was found dead in the cab of a tractor trailer, about a block away from where a crowd of police, protesters and reporters gathered just before the citywide curfew went into effect Thursday night, police said.The man was not identified, and police labeled his death suspicious. Officers found the body, which showed no obvious signs of trauma or foul play, in the 2500 block of Pennsylvania Ave. at about 9:30 p.m., police said.Meanwhile Five people were shot in Baltimore Thursday night as the violence in west Baltimore surges.Police also identified two men who were fatally shot Wednesday in Baltimore: Andre Hunt, 28, of the 600 block of Woodgreen Circle was fatally shot in the 3800 block of Liberty Heights Ave. Davon William Johnson, 26, was killed in the 500 block of Edgewood St. He lived in the block, police said.Don t expect any protests for these two. Only very few black lives seem to matter.Read more: GATEWAY PUNDIT",left-news,"May 1, 2015",0 +CHANGING HIS TUNE: THE MAN WHO WAS IN THE POLICE VAN WITH FREDDIE GRAY BREAKS HIS SILENCE,"So now that this guy fears for his life he s backtracking on the story he told or is he?This is such a mess and so convoluted that I doubt we ll ever get answers. This entire thing really is a sideshow to the bigger agenda of the Obama administration. Federalizing the police force is next From the beginning, the investigation into what killed Freddie Gray has centered on what happened inside the police transport van. We knew there was another prisoner inside the van and tonight we hear from him. WJZ s Mike Schuh is the first to speak with Donta Allen about what he heard. I am Donta Allen. I am the one who was in the van with Freddie Gray, Allen said. The one who the police commissioner calls the second prisoner in the van. The second prisoner who was picked up said that he didn t see any harm done to Freddie at all, Commissioner Anthony Batts said. What he has said is that he heard Freddie thrashing about. But Allen wants to set something straight. All I did was go straight to the station, but I heard a little banging like he was banging his head, he said. He tells WJZ he s angry about an internal police report published in The Washington Post. And they trying to make it seem like I told them that, I made it like Freddie Gray did that to hisself (sic), Allen said. Why the [expletive] would he do that to hisself (sic)? Allen was in the van because he allegedly stole a cigarette from a store on North Avenue. He was never charged. Instead he was brought straight to the station. I talked to homicide. I told homicide the same story. Allen said. A story he says is being distorted and now he fears being killed. I had two options today right, either come and talk to y all and get my credibility straight with ya ll and not get killed by these [expletive] or not tell a true story, Allen added. The only reason I m doing this is because they put my name in a bad state. His statements are included in a police report that was today turned over to the city state s attorney Marilyn Mosby. Via: Baltimore CBS Local",left-news,"Apr 30, 2015",0 +GUESS WHERE THE BALTIMORE SCHOOL SYSTEM RANKS AMONG THE NATION’S 100 LARGEST SCHOOL DISTRICTS?,"Holy smokes! Could someone tell Obama he doesn t need to dump more money into the Baltimore school system. I think they need to point the finger somewhere else The Baltimore school system ranked second among the nation s 100 largest school districts in how much it spent per pupil in fiscal year 2011, according to data released Tuesday by the U.S. Census Bureau.The city s $15,483 per-pupil expenditure was second to New York City s $19,770. Rounding out the top five were Montgomery County, which spent $15,421; Milwaukee public schools at $14,244; and Prince George s County public schools, which spent $13,775.The Census Bureau also noted the first decrease in per-pupil spending nationally since 1977, the year the figures were first tracked.The per-pupil expenditures were calculated based on taking the districts current spending on day-to-day operations and deducting payments to charter schools and capital funding. The remaining money was divided by the number of students enrolled in traditional schools. The amounts were not adjusted for inflation.Baltimore schools CEO Andr s Alonso said the city s total could have reflected large infusions of cash to the district, including millions in federal stimulus dollars and federal Race to the Top funds.He also credited state lawmakers for maintaining funding. As many states pulled back on spending, with many districts losing funding, Maryland held the line on education, which is why you see three districts at or near the top, he said.On Monday, the school board passed a $1.2 billion budget that includes per-pupil funding of $5,190. That amount is different from what the Census Bureau reported because the school system takes out other expenses, such as transportation costs and special-education services, before allocating money to individual schools. In addition, the school system provides extra funding for certain groups of students, such as those in special education and dropout-prevention programs.Via: Baltimore Sun",left-news,"Apr 30, 2015",0 +(AUDIO) RACIST BLACK PANTHER LEADER: β€œWe’re willing to kill to save a black nation.”,"What is it that they don t get? Does anyone even listen to these inciters of anger and hate? This is pitiful!WARNING: Profanity/Strong Racial LanguageThis Week on the New Black Panther Party s Black Power Radio, national chairman Hashim Nzinga said since America has declared war on us, evidenced by military police in the black neighborhood protecting the rich, the New Black Panthers should be looked upon as Founding Fathers who declare war and are willing to die or kill to save our babies and to save a black nation that is dying before our eyes. Nzinga said, America is about protecting the rich and the powerful. He added, We pay taxes. They have declared war on us and it s nothing but state racism. So if we say we are at war, we should be applauded like George Washington, Nzinga continued. We should be applauded like Thomas Jefferson. We should be applauded like the Founding Fathers of the country. This is not the hate hour, this is the love hour, he added. We have to love ourselves enough to be willing to die or kill to save our babies and to save a black nation that is dying before our eyes. Via: Breitbart",left-news,"Apr 30, 2015",0 +SHOCKING REPORT: MORE LAW ENFORCEMENT OFFICERS KILLED THAN YOUNG BLACK MEN BY WHITE COPS,"We all knew this but we also know that the reporting is very biased in favor of the Trayvon Martins or Freddie Grays of the world. The squeaky wheel gets the grease The stat that s shocking is that there were 6,000 black on black crimes last year. Please pass this truth on to everyone you know.According to the National Law Enforcement Officers Memorial Fund 682 law enforcement officers were killed in the line of duty in the past five years in the United States. That averages out to over 136 dead law enforcement officers each year.Here are the numbers:2010 161 2911 171 2012 126 2013 107 2014 117Conversely, on average, there were 96 black males who are killed by white police officers each year and another 300 white males who are killed by police officers according to FBI statistics. USA Today reported:Nearly two times a week in the United States, a white police officer killed a black person during a seven-year period ending in 2012, according to the most recent accounts of justifiable homicide reported to the FBI.On average, there were 96 such incidents among at least 400 police killings each year that were reported to the FBI by local police.Then there s this There were 431 black killers of whites in 2014, compared to 193 white killers of blacks while blacks make up only 13% of the national population. There were approximately 6,000 black on black murders last year.Remember this the next time the liberal media or some far left crank tries to persuade you there is an epidemic of black men being slaughtered by white cops.Read more: Gateway Pundit",left-news,"Apr 30, 2015",0 +BREAKING: FREDDIE GRAY HEAD INJURY MATCHES BOLT ON DOOR OF TRANSPORT VAN,"This answers questions but also raises many more questions in this case. Why did the van stop four times? The police van driver hasn t given testimony yet so perhaps he can shed some light on what happened to Freddie Gray An investigation into the death of Baltimore resident Freddie Gray has found no evidence that his fatal injuries were caused during the videotaped arrest and interaction with police officers, according to multiple law enforcement sources.The sources spoke to ABC7 News after being briefed on the findings of a police report turned over to prosecutors on Thursday. Sources said the medical examiner found Gray s catastrophic injury was caused when he slammed into the back of the police transport van, apparently breaking his neck; a head injury he sustained matches a bolt in the back of the van.Details surrounding exactly what caused Gray to slam into the back of the van was unclear. The officer driving the van has yet to give a statement to authorities. It s also unclear whether Gray s head injury was voluntary or was a result of some other action.The medical examiner s office declined to comment on this open investigation and said it does not release preliminary findings. Via: WJLA",left-news,"Apr 30, 2015",0 +BREAKING: TEXAS COP STABBED 14 TIMES By Man Who β€œhad a desire to kill a police officer”,"Who knew that in our First Black President s second term killing cops would be all the rage in the black community? A Houston Community College police officer has survived an assassination attempt after being stabbed by her assailant 14 times. The officer was saved by civilians who stepped in and stopped the attacker. The attacker told investigators he did this to get back at police for their brutality. A spokesman from the family said it might be related to the Baltimore riots.Officer April Pikes remains in critical condition at Houston s Ben Taub Hospital, a public relations official at the Houston Police Department said to Breitbart Texas. Her alleged attacker, Jeremiah M. Matthews, 23, was pulled off of her by a group of men while he was stabbing her and attempting to grab her pistol, according to a statement from HPD obtained by Breitbart Texas.Harris County prosecutors said that Matthews told them he had the intent to attack a police officer and his desire to kill a police officer, according to a Click2Houston.com report. One of the witnesses, Abe Baker, who helped stop the attack said, I saw him on her, just stabbing her. I wasn t really thinking, Baker said. His arm was just up getting ready to stab her and I just grabbed his arm and took him down, and that s when everybody else came over and we all just took him down. The HPD statement revealed that Matthews stabbed her several times before he was tackled and disarmed. The statement says he was attempting to gain control of her duty weapon. After taking down the suspect, the good Samaritans used the officer s handcuffs to detain Matthews until other police officers arrived and arrested him.The Click2Houston report states that Pike may lose her right arm. She was stabbed repeatedly in her right arm and torso.The scene of the attack was a Walmart located in Meyerland (Southwest Houston), where Pikes was working an approved off-duty security job. Pikes was in uniform when she was attacked. He was in an upbeat mood, whistling and he had a fast pace, walking fast, Baker said of the assailant, who was smiling and cheerful right up until the moment he began his surprise attack. He does have a diagnostic history of mental illness in the past. To what degree that played into what happened, we don t know, local community activist Deric Muhammad said, speaking on behalf of the Matthews family. He said it is possible that Matthews was inspired by the riots in Baltimore Monday night.The weapon was described as a hunting knife in a report by Fox26Houston s Kristine Galvan. That was an innocent woman. She had family, loved ones, Abe Baker told Galvan. That s someone s life and everyone s life counts and matters. Baker said he stopped by the Walmart on a late-night errand to pick up some laundry soap, and came to the rescue when he heard Pikes screams. His quick action, and the response of the other men, probably saved her life. I want to offer my condolences to the victim, said Vanessa Johnson, Matthews mother, in the Fox26 video. As a mother this is painful. I wish her a speedy recovery. My heart and prayers are going out to her and their entire family. The HPD statement from Wednesday morning states that Matthews has been charged with Attempted Capital Murder. His case has been assigned to the 182nd State District Court, which is presided over by Judge Jeannine Barr.Via: Breitbart News",left-news,"Apr 29, 2015",0 +THIS IS RICH! COMMIE NYC MAYOR UNLEASHES CLASS WAR ON SCOTT WALKER FROM SWANKY PRIVATE CLUB,"New York Mayor Bill de Blasio traveled to Milwaukee to attend a fundraiser where he delivered a blistering speech attacking Scott Walker and the wealthy. Governor Walker is part of a dangerous breed of Republicans, a group actively working to dismantle the foundation for middle-class life. Now listen, he told attendees, according to the transcript, I m not saying Scott Walker set out to destroy Wisconsin s middle class. But if that were his mission, I can t think of a (darn) thing he d had done differently! It s no wonder why the latest polls show Governor Walker s approval sinking to new lows. The people of Wisconsin can see beyond his pleasant smile and reassuring words. He tries to play the everyman then he stabs the everyman in the back. Mayor de Blasio s event was held at the exclusive and private Milwaukee Athletic Club (pictured above). According to Orbitz:The Milwaukee Athletic Club is a private city club located in the heart of downtown Milwaukee .Built in 1917, the historic club sits on the corner of Broadway and Mason streets. The 12 floors house 17 meeting rooms including the stunning Grand Ballroom, restaurants, bars, 60 hotel rooms, separate athletic facilities for men and women, co-ed fitness studio, pilates studio, yoga studio and babysitting room Swanky!Read more: GATEWAY PUNDIT",left-news,"Apr 29, 2015",0 +OBAMA PLAYS THE VICTIM CARD AGAIN: BALTIMORE RIOTERS β€œSTRIPPED A,"THE GREAT SOCIETY $22 trillion, yes, that much has been spent along with so much more to get the black community out of poverty and hopelessness. Where are we today? Well, it seems we re in the same spot as decades ago with the inner cities still struggling:The Great Society welfare state entitlement programs remain the largest drivers of red ink at both the federal and state level. It gets worse as Obamacare, the inevitable capstone of the Great Society, kicks in (and kick is precisely the right word).Most of the Great Society was designed to fight LBJ s War on Poverty, the total cost of which has been the sum of $22 trillion in current dollars, as reckoned by the Heritage Foundation. The tally rises by about $1 trillion a year as more than 80 overlapping means-tested federal programs sap resources the country does not have. The $22 trillion figure is three times the amount of money that the government has spent on all military wars in its history, from the Revolutionary War to the present, says Heritage s Robert Rector.What do we have to show for all this federal largesse? The poverty rate hasn t budged. Instead, we ve seen the rise of multigenerational welfare dependency. For the $2 trillion the federal government has spent on education since 1965, test scores have plummeted and the achievement gap between minority students and their peers has barely budged. Families, the bedrock of an authentically great society, have suffered most in LBJ s great social experiment. The overall out-of-wedlock birth rate has ballooned from 8 percent in the mid-1960s to more than 40 percent today; from 25 percent to 73 percent among blacks.Now we have Obama asking the American taxpayer for more money because he s claiming the rioters have been stripped away of opportunity Obama commented on the Baltimore riots and those who have been stripped away of opportunity where there are no fathers to offer guidance, where manufacturing has been stripped away; and drugs have flooded the community, and the drug industry ends up being the primary employer for a whole lot of folks . The president intimates that burning buildings, cars, and looting businesses is the result of hopelessness. I assure you, this is not hopelessness.Drug addictions strip away opportunity, but a future is there if you want it. Robbing neighbors, burning cars, and destroying businesses strips away opportunity for the community as a whole, but a future lies ahead if there is a will to grab it.Are you a young person fighting a terminal illness? If not, you are not without opportunity. You don t have the right to be hopeless.Having an absent father is heartbreaking when the father made the choice to leave. A one-parent home makes it harder, but not opportunity-less; just ask Dr. Ben Carson, Bill Clinton, Samuel L. Jackson, Gene Simmons, Louie Armstrong, Jackie Robinson or the boy or girl down the street from a one-parent home, who WILL move ahead and make his/her opportunities.Ask any among those whose opportunity has been stripped away, if he/she will trade his current opportunity-deprived situation with a person suffering from terminal cancer a cancer that has nothing to do with lifestyle. Take your pick of any devastating disease. It happens to you. You, a person from wealth, or a blue-collar home, or the poorest among us, and yet you have never had an addiction, or lived an unhealthy lifestyle outside of the occasional double cheeseburger, with bacon, and a side of cheese fries. You made a choice not to hang with a dangerous crowd. You innately know the difference between right and wrong, because, you know, all of us do know the difference.Your choice: live a productive and lawful life, or die soon of cancer. How fast will you find opportunity? In the blink of an eye? Probably.You picked your friends carefully, and got yourself into a working environment at the first opportunity. You appreciated your minimum wage, and took pride in the job you did. You went to school, graduated, and either went on to higher education or entered the work force and you liked it, yet the cancer found you, and you know that without a miracle, your life will end at an early age. This is opportunity stripped away, not what s happening in Baltimore.Via: Maggie s Notebook",left-news,"Apr 29, 2015",0 +"CHILLING INTERVIEW: [VIDEO] 14 Yr. Old Girl Doused Baltimore Pizza Store Owner In Lighter Fuel, Tried To Set Him On Fire","A 14 year old girl yelled: F*ck the pizza man and this is what happened next:Why were they trying to kill you?I don t know. I don t do nothing. From what I could tell, they was doing it for fun. It s kids doing this stuff.Do you think you ll re-open?Yes, yes, I m gonna open. I m gonna re-open.Will you do anything differently?What I m gonna do is I m gonna secure my business [ineligible] Get like a weapon license and everything, to save myself from this neighborhood.You re gonna get a gun..yes?Yes, I m gonna get a license and try to save myself. Because what I ve learned is I could be dead and no one would help me.At least walk to my car WATCH CHILLING VIDEO INTERVIEW HERE:h/t IJ Review",left-news,"Apr 29, 2015",0 +(VIDEO) BALTIMORE BBQ & BREW OWNER GUARDS RESTAURANT AFTER LEADERS β€œUTTERLY FAILED”,"Midtown BBQ & Brew owner Tony Harrison was on Fox and Friends to explain that he saw video of a police line being breached and realized that [authorities] weren t going to be able to help us. That s when he decided he would stand watch outside of his business instead.Harrison said that he left his restaurant at one point. When he came back, a window was broken. He said he waited inside in the dark to protect his restaurant, but nothing further happened.Harrison said he s disappointed in the way leaders have responded to the rioting which began in the wake of Freddie Gray s death. They utterly failed, they failed the businesses, they failed the communities, they failed their own police officers, Harrison said.",left-news,"Apr 29, 2015",0 +BREAKING: LEFTIST DEMOCRAT MAYOR ORDERED BALTIMORE POLICE TO STAND DOWN [Video],"A source involved in the enforcement efforts confirmed there was a direct order from the mayor to her police chief, as riots broke out on Monday night to stand down.Despite a firm denial by Baltimore Mayor Stephanie Rawlings-Blake, a senior law enforcement source charges that she gave an order for police to stand down as riots broke out Monday night, raising more questions about whether some of the violence and looting could have been prevented.The source, who is involved in the enforcement efforts, confirmed to Fox News there was a direct order from the mayor to her police chief Monday night, effectively tying the hands of officers as they were pelted with rocks and bottles.Asked directly if the mayor was the one who gave that order, the source said: You are God damn right it was. The claim follows criticism of the mayor for, over the weekend, saying they were giving space to those who wished to destroy. By Tuesday night, despite the chaos a day earlier, Baltimore police along with the National Guard and other law enforcement contingents seemed to be restoring order in the city, which was under a curfew overnight.Rawlings-Blake has defended her handling of the unrest, which grew out of protests over the death of Freddie Gray while in police custody.The mayor, in an interview with Fox News Bill Hemmer on Tuesday, denied any order was issued to hold back on Monday. You have to understand, it is not holding back. It is responding appropriately, she said, saying there was no stand-down directive.She said her critics have a right to their opinion.Maryland Gov. Larry Hogan on Monday suggested the mayor also waited too long to request a state of emergency.That followed criticism over her remarks over the weekend, when she said it s important to give protesters the opportunity to exercise their right to free speech.She seemed to take that notion a step further: It s a very delicate balancing act, because, while we tried to make sure that they were protected from the cars and the other things that were going on, we also gave those who wished to destroy space to do that as well. As her destroy remarks faced a buzzsaw of criticism amid the riots Monday, the mayor initially tried to deny she said them. I never said nor would I ever say that we are giving people space to destroy our city, so my words should not be twisted, the mayor said Monday.In a press conference, she accused critics of a blatant mischaracterization. But her office eventually released a written statement acknowledging she said those words while attempting to explain them.Via: FOX News",left-news,"Apr 29, 2015",0 +BREAKING: VIOLENCE ERUPTS (AGAIN) IN FERGUSON…TWO PEOPLE SHOT [Video],"FERGUSON PART II: Police are having a difficult time investigating because of the rocks being thrown at them. Baltimore and Ferguson are one in the same. They re organized by radical leftist groups, funded by radical leftist organizations andAt least two people were shot in separate incidents in Ferguson, Missouri, on late Tuesday and early Wednesday as hundreds of demonstrators gathered in support of protests in Baltimore.More gunshots. pic.twitter.com/qpqmVatFM5 Antonio French (@AntonioFrench) April 29, 2015 Police are having a difficult time investigating because of the rocks being thrown at them, said Jeff Small, a spokesman for the city of Ferguson. At this point police are not sure if the (shootings are) linked to the protest or not. St. Louis Alderman Antonio French posted video on his Twitter account. Multiple gunshots can be heard as people flee in panic. Via: CNN Happening now in #Ferguson pic.twitter.com/GXHUXyyY2L Antonio French (@AntonioFrench) April 29, 2015 ",left-news,"Apr 29, 2015",0 +(VIDEO)BALTIMORE IN A NUTSHELL: GERALDO RIVERA AND RIOTERS SCUFFLE AS APOLOGIST DEMOCRAT POLITICIAN MAKES EXCUSES FOR THE THUGGERY,"I watched this exchange last night and couldn t believe the insanity seriously. It was curfew and the people in the streets ignored it which is crazy in itself but then Geraldo shows up. He almost comes to blows with rioters and is screamed at. One rioter said, Stop making money off of black pain. The part of all this that s maddening is this woman s excuse that the media was causing these people to be angry. The City Council woman continued to make excuses for these bad actors and blamed the messenger. Does this sound familiar to anyone? Yes, this is the common theme from the left and I believe most Americans are 100% FED Up! with it.",left-news,"Apr 29, 2015",0 +"BREAKING: CHARITY FAILED TO REVEAL 1,100 DONORS TO THE CLINTON FOUNDATION","More and more dirt on these two grifters who re shockingly still denying the truth or saying nothing to defend themselves. They have pocketed most of the donations with only 15 cents of every dollar donated going to charity. And now this A charity affiliated with the Clinton Foundation failed to reveal the identities of its 1,100 donors, creating a broad exception to the foundation s promise to disclose funding sources as part of an ethics agreement with the Obama administration.The number of undisclosed contributors to the charity, the Canada-based Clinton Giustra Enterprise Partnership, signals a larger zone of secrecy around foundation donors than was previously known.Details of the organization s fundraising were disclosed this week by a spokeswoman for the Canadian group s founder, mining magnate Frank Giustra.The Canadian group has received attention in recent days as a potential avenue for anonymous Clinton Foundation donations from foreign business executives, including some who had interests before the U.S. government while Hillary Rodham Clinton was secretary of state.The partnership, named in part for Bill Clinton, sends much of its money to the New York-based Clinton Foundation. Two of the partnership s known donors Giustra and another mining executive, Ian Telfer are featured in the soon-to-be-released book Clinton Cash for their roles in a series of deals that resulted in Russia controlling many uranium deposits around the world and in the United States.With the foundation s finances emerging as an issue for Hillary Clinton s presidential campaign, a foundation official this week defended the arrangement with the Giustra group, noting in a blog post that Canadian law prevents charities in that country from disclosing their donors without the donors permission.The Canadian partnership has in recent days begun to reach out to its 28 largest donors, each of whom gave donations equivalent to at least $250,000 in U.S. dollars, to seek permission to release their names, said a person familiar with the foundation, who was not authorized to speak publicly about the matter.The large number of undisclosed supporters of a Clinton-affiliated charity raises new questions about the foundation s adherence to the 2008 ethics agreement it struck with the Obama administration, which was designed to avoid conflicts of interest during Hillary Clinton s tenure at the State Department.Read more: WaPo",left-news,"Apr 29, 2015",0 +[VIDEO] LEFTIST CNN ANCHOR TELLS RACIST US REP THE #BaltimoreRiots Are Vets Fault β€œThey come back from war…and they’re ready to do battle”,"Whiskey, Tango, Hotel Don t worry, Brooke clarified her ludicrous statement by saying: These veterans are coming back from war and they just don t know their communities. Yeah okay thanks for clarifying Brooke Radical leftist and open racist, Democrat Rep. Elijah Cummings appears to have the answer however, he s got the DOJ involved in an investigation from top to bottom of the Baltimore Police Department. Once their shake-down is complete, the racist crackers will be outed, they ll be fired and everyone can go back to business. As usual, where s there s a Democrat, there s a taxpayer funded government solution As if it s not hard enough to have to watch racist Democrat, US Rep. Elijah Cummings offer his expert opinion on the Baltimore riots/race war he s just giddy about we now have to listen to leftist CNN reporter Brooke Baldwin tell us these riots are the fault of our returning US Veterans How much more idiocy can America take? Here s a great example of a courageous US Veteran who stood tall last night in the face of a large group of thugs who were threatening the Baltimore Police with rocks and other projectiles. Is this who you were referring to Brooke?Here s the original interview with US Rep. Elijah Cummins:After more than a year of CNN pouring gasoline all over America with hysterical, and oftentimes phony, stories of American racism, the left-wing network s afternoon anchor Brooke Baldwin finally took it to the next level by blaming American veterans for the Baltimore riots.In a pathetic suck-up interview with Democrat Congressman Elijah Cummins, Baldwin never once had the moral courage to ask the failed Baltimore City congressman if the left-wing policies ushered in by a half-century of a Democrat monopoly in Baltimore might have something to do with the city s ills. Instead, she said of young military veterans who become police officers, I love our nation s veterans, but some of them are coming back from war, they don t know the communities, and they are ready to do battle. The context was a discussion about increased training and retraining for the Baltimore police.There s no question Baldwin is hoping to launch a narrative with that smear.This is pure CNN; throwing out anti-science smears towards the best people this country has to offer while it is in reality the rioters who are doing battle. It is savages who are looting and burning and causing anarchy, not the police. But it is the Baltimore police who have 15 wounded among their ranks. It is the Baltimore police who calmly did not do much battle during Monday night s riots.Baldwin and CNN just can t help themselves. This is a cable news network that relentlessly launches Hate Campaigns to smear decent people, like Christians, as a way to deflect from the evils done by the Gaystapo and the thugs who are tearing down predominantly black, working class cities like Ferguson and Baltimore.Essentially, what Baldwin said to the world was, Don t hire veterans! They re too damaged to be trusted with authority. We re back to the Vietnam-era where leftists smear our heroes to cover up the real problems. CNN wants us to believe unstable veterans are the problem in Baltimore, not unstable families.But she loves veterans.Here s a great follow up interview with Mr. Valentine, the fearless veteran the residents in the city of Baltimore are fortunate enough to have living amongst them:Wine and live television tend to reveal just how ugly some people really are.Via: Breitbart News",left-news,"Apr 28, 2015",0 +BREAKING ENERGY DEPARTMENT AUDIT REVEALS SHOCKING PRICE TAG AND LIABILITY FOR OBAMA’S GREEN ENERGY FAILURES,"The American taxpayers are on the hook for less than predicted but this is still huge! It was Obama s green energy scam with companies like Solyndra that was like flushing millions and billions down the toilet Taxpayers are on the hook for more than $2.2 billion in expected costs from the federal government s energy loan guarantee programs, according to a new audit Monday that suggests the controversial projects may not pay for themselves, as officials had promised.Nearly $1 billion in loans have already defaulted under the Energy Department program, which included the infamous Solyndra stimulus project and dozens of other green technology programs the Obama administration has approved, totaling nearly about $30 billion in taxpayer backing, the Government Accountability Office reported in its audit.The hefty $2.2 billion price tag is actually an improvement over initial estimates, which found the government was poised to face $4 billion in losses from the loan guarantees. But as the projects have come to fruition, they ve performed better, leaving taxpayers with a shrinking though still sizable liability. As of November 2014, DOE estimates the credit subsidy cost of the loans and loan guarantees in its portfolio that is, the total expected net cost over the life of the loans to be $2.21 billion, including $807 million for loans that have defaulted, the GAO said in its report to Congress.The green program loan guarantees were created in a 2005 law and boosted by the 2009 stimulus. The first applications were approved in 2009, and through 2014 the Obama administration had issued some 38 loans and guarantees, covering 34 projects ranging from nuclear power plants to fuel-efficient vehicles to solar panels and wind-generation technology.Read more: Washington Times",left-news,"Apr 28, 2015",1 +BRILLIANT AND TRUE: THIS IS ALL YOU NEED TO KNOW ABOUT THE FAILURE OF BALTIMORE’S LEADERS,"Kevin D. Williamson of National Review nails it in this brilliant and true piece! This is so worth the time! This all encompassing look at Baltimore and the failed Democratic city governments gives us the problem and the solution. All I can say is Amen!A few weeks ago, there was an election in Ferguson, Mo., the result of which was to treble the number of African Americans on that unhappy suburb s city council. This was greeted in some corners with optimism now, at last, the city s black residents would have a chance to see to securing their own interests. This optimism flies in the face of evidence near St. Louis and far Baltimore, Detroit, Philadelphia, Cleveland, Atlanta, Los Angeles, San Francisco . . .St. Louis has not had a Republican mayor since the 1940s, and in its most recent elections for the board of aldermen there was no Republican in the majority of the contests; the city is overwhelmingly Democratic, effectively a single-party political monopoly from its schools to its police department. Baltimore has seen two Republicans sit in the mayor s office since the 1920s and none since the 1960s. Like St. Louis, it is effectively a single-party political monopoly from its schools to its police department. Philadelphia has not elected a Republican mayor since 1948. The last Republican to be elected mayor of Detroit was congratulated on his victory by President Eisenhower. Atlanta, a city so corrupt that its public schools are organized as a criminal conspiracy against its children, last had a Republican mayor in the 19th century. Its municipal elections are officially nonpartisan, but the last Republican to run in Atlanta s 13th congressional district did not manage to secure even 30 percent of the vote; Atlanta is effectively a single-party political monopoly from its schools to its police department.American cities are by and large Democratic-party monopolies, monopolies generally dominated by the so-called progressive wing of the party. The results have been catastrophic, and not only in poor black cities such as Baltimore and Detroit. Money can paper over some of the defects of progressivism in rich, white cities such as Portland and San Francisco, but those are pretty awful places to be non-white and non-rich, too: Blacks make up barely 9 percent of the population in San Francisco, but they represent 40 percent of those arrested for murder, and they are arrested for drug offenses at ten times their share of the population. Criminals make their own choices, sure, but you want to take a look at the racial disparity in educational outcomes and tell me that those low-income nine-year-olds in Wisconsin just need to buck up and bootstrap it?Black urban communities face institutional failure across the board every day. There are people who should be made to answer for that: What has Martin O Malley to say for himself? What can Ed Rendell say for himself other than that he secured a great deal of investment for the richest square mile in Philadelphia? What has Nancy Pelosi done about the radical racial divide in San Francisco? DETROIT IN RUINS: Mychal Denzel Smith, toy radical at The Nation, offered the usual illiterate slogan f**k the police and declared of the rioters: I also hope they break s**t. Writers at Salon also endorsed violence for its own sake. I do not advocate non-violence, Benji Hart affirmed. Most of this can be credited to juvenile posturing, and it should be noted that the rioters in Baltimore mostly are not burning down tax offices or police stations but are in the main looting businesses and carrying out acts of wanton opportunistic vandalism that s not a revolt, but a crime spree. Meretricious black rage rhetoric notwithstanding, what we have seen in places such as Ferguson and Baltimore is much more ordinarily criminal than political.But there is a legitimate concern here from which no one seems to be willing to draw the obvious conclusion: There is someone to blame for what s wrong in Baltimore.Would any sentient adult American be shocked to learn that Baltimore has a corrupt and feckless police department enabled by a corrupt and feckless city government? I myself would not, and the local authorities dishonesty and stonewalling in the death of Freddie Gray is reminiscent of what we have seen in other cities. There s a heap of evidence that the Baltimore police department is pretty bad.This did not come out of nowhere. While the progressives have been running the show in Baltimore, police commissioner Ed Norris was sent to prison on corruption charges (2004), two detectives were sentenced to 454 years in prison for dealing drugs (2005), an officer was dismissed after being videotaped verbally abusing a 14-year-old and then failing to file a report on his use of force against the same teenager (2011), an officer was been fired for sexually abusing a minor (2014), and the city paid a quarter-million-dollar settlement to a man police illegally arrested for the non-crime of recording them at work with his mobile phone. There s a good deal more. Does that sound like a disciplined police organization to you?Yes, Baltimore seems to have some police problems. But let us be clear about whose fecklessness and dishonesty we are talking about here: No Republican, and certainly no conservative, has left so much as a thumbprint on the public institutions of Baltimore in a generation. Baltimore s police department is, like Detroit s economy and Atlanta s schools, the product of the progressive wing of the Democratic party enabled in no small part by black identity politics. This is entirely a left-wing project, and a Democratic-party project.When will the Left be held to account for the brutality in Baltimore brutality for which it bears a measure of responsibility on both sides? There aren t any Republicans out there cheering on the looters, and there aren t any Republicans exercising real political power over the police or other municipal institutions in Baltimore. Community-organizer a wretched term Adam Jackson declared that in Baltimore the Democrats and the Republicans have both failed. Really? Which Republicans? Ulysses S. Grant? Unless I m reading the charts wrong, the Baltimore city council is 100 percent Democratic.The other Democratic monopolies aren t looking too hot, either. We re sending Atlanta educators to prison for running a criminal conspiracy to hide the fact that they failed, and failed woefully, to educate the children of that city. Isolated incident? Nope: Atlanta has another cheating scandal across town at the police academy. Who is being poorly served by the fact that Atlanta s school system has been converted into crime syndicate? Mostly poor, mostly black families. Who is likely to suffer from any incompetents advanced through the Atlanta police department by its corrupt academy? Mostly poor, mostly black people. Who suffers most from the incompetence of Baltimore s Democratic mayor? Mostly poor, mostly black families should they feel better that she s black? Who suffers most from the incompetence and corruption of Baltimore s police department? Mostly poor, mostly black families.And it s the same people who will suffer the most from the vandalism and pillaging going on in Baltimore, too.The evidence suggests very strongly that the left-wing, Democratic claques that run a great many American cities particularly the poor and black cities are not capable of running a school system or a police department. They are incompetent, they are corrupt, and they are breathtakingly arrogant. Cleveland, Philadelphia, Detroit, Baltimore this is what Democrats do.And the kids in the street screaming about inequality ? Somebody should tell them that the locale in these United States with the least economic inequality is Utah, i.e. the state farthest away from the reach of the people who run Baltimore. Keep voting for the same thing, keep getting the same thing. Kevin D. Williamson is roving correspondent at National Review.Read more: National Review",left-news,"Apr 28, 2015",0 +URBAN TERRORISTS: HORRIFIC NEW VIDEO EMERGES OF HUGE MOB DRAGGING AND BEATING WHITE MAN From Inside Baltimore Liquor Store To Street,"The identity of the victim has not yet been confirmed, but he is believed to be the owner of the liquor store where this horrific event took place. It appears that he is already unconscious by the time he is dragged out onto the sidewalk in front of the store where is repeatedly kicked by the violent mob. .@justin_fenton @baltimoresun I just watched a guy dragged from his store and sucker punched and stomped pic.twitter.com/R8zYI7bpWt Joe Talaiver (@jtalaiver) April 27, 2015",left-news,"Apr 28, 2015",0 +(VIDEO) MOM OF THE YEAR! WHEN YOUR MOM CATCHES YOU RIOTING AND BEATS YOUR A@@ ON LIVE TV, ,left-news,"Apr 27, 2015",0 +[VIDEO] FLASHBACK…MARTIN LUTHER KING JR. ON RIOTS: β€œWe Can’t Win A Violent Revolution”,"Wouldn t it be great if our first Black President would make an effort to quell the angry and violent crowds in Baltimore by and asking for calm? Is it too much to ask that he take this opportunity to address our nation and behave like a leader for the entire country and not like a Community Organizer with an agenda? As long as the negro finds himself living every day in a major depression, then every city will sit on a powder keg and will explode over the slightest incident. This is why I have constantly said that riots are socially destructive and self-defeating. After all, the negro ends up on the losing end. We can t win a violent revolution. The persons who end up not being able to get milk for their children are the negros, because things where they have to live are destroyed. Dr. King: Nonviolence is the Most Powerful Weapon Violence creates more social problems than it solves. ",left-news,"Apr 27, 2015",0 +(VIDEO) RIOTERS TAKE SELFIES WITH TORCHED POLICE CAR, ,left-news,"Apr 27, 2015",0 +BALTIMORE BURNS: MARYLAND GOVERNOR BRINGS IN NATIONAL GUARD AND DECLARES A STATE OF EMERGENCY, ,left-news,"Apr 27, 2015",0 +"BREAKING #BALTIMORE RIOT VIDEOS: REPORT Black Guerrilla Family, Bloods And Crips Contracted To attack Baltimore Police","Pray for these police officers, the innocent citizens, residents and business owners in Baltimore Here is a recruitment flyer that was posted by the Black Panthers leading up to the start of the riots in Baltimore on Saturday: WFLA News Channel 8Looting a CVS pharmacy, because nothing says Justice for Freddie Grey like looting a drug store:This video is from last night. It gives America a view of what an unarmed society looks like when they are threatened by criminal behavior.https://youtu.be/fR1gCfh7J1IThis recently released video shows an attack by three men who knock a man on his back and then descend on him, kicking him and hurling objects at him as he appears to be knocked unconscious.https://youtu.be/HqJ5izcZrBgBefore protests over Freddie Gray s death turned chaotic, an unlikely alliance was born in Baltimore on Saturday: Rivals from the Bloods and the Crips agreed to march side by side against police brutality.The alleged gang members are pictured on social media crowding together with Nation of Islam activists, who told The Daily Beast they brokered the truce in honor of Gray, who died last week after sustaining spinal injuries while in police custody.In one photo, a gang activist in a red sweatshirt crouches to fit into a group photo with rivals decked out in blue bandanas. I can say with honesty those brothers demonstrated they can be united for a common good, said Carlos Muhammad, a minister at Nation of Islam s Mosque No. 6. At the rally, they made the call that they must be united on that day. It should be commended. The detente was only a small part of the demonstration drawing 1,200 people to Baltimore s City Hall, but it raised eyebrows among activists. Are things so bad that even Baltimore s gang adversaries are joining forces to combat law enforcement? We can unite and stop killing one another, Muhammad told The Daily Beast, and the Bloods and the Crips can help rebuild their community. DeRay McKesson, an organizer known for his work in Ferguson, also confirmed the street-crime ceasefire. He live-tweeted Saturday s mostly peaceful demonstration, which later descended into clashes with police and smashed storefronts and cop cars, and alerted followers of a possible respite in gangland. The fight against police brutality has united people in many ways that we have not seen regularly, and that s really powerful, McKesson told The Daily Beast. The reality is, police have been terrorizing black people as far back as we can remember. It will take all of us coming together to change a corrupt system. Still, it s not the first time gangsters called a truce to focus on another foe. In August, the MadameNoire web publication reported on two former Bloods and Crips rivals in St. Louis now protesting against police in Ferguson, Missouri who held a sign in red and blue letters: NO MORE CRIPS. NO MORE BLOODS. ONE PEOPLE. NO GANG ZONE. Young black men are dying from the police and they are dying from the gangs too, one activist said. But this is a bigger problem, so we took it upon ourselves to focus our energy on making a better solution for the community we live in. On Sunday, Baltimore police announced that 35 people were arrested and six police officers were injured in demonstrations.The unrest prompted a mayoral press conference on Saturday evening, when Gray s twin sister Fredericka made her first public statements. My family wants to say, can you all please, please stop the violence? she pleaded. Freddie Gray would not want this. But before Fredericka spoke, Baltimore Mayor Stephanie Rawlings-Blake thanked those who were discouraging violence and even singled out Nation of Islam s peacekeeping efforts. I want to also thank the Nation of Islam, who have been very present in our efforts to keep calm and peace in our city, she said.Seriously? Thanking the Nation of Islam for promoting peace and calm? What planet has she been living on? Via: The Daily Beast ",left-news,"Apr 27, 2015",0 +BUSTED: [Video] AARP Caught Using SUBLIMINAL MESSAGE To Promote β€˜MARTIAL LAW’ In Recent Ad,"Could someone please explain this? I honestly don t think it s any accident.I stumbled onto this video via BadBlue, which linked to a site called Hyscience. At first I thought it was a joke. But the video is posted on the official AARP YouTube channel.In order for me to hear the not-so subliminal message on the radio playing in the background, I had to turn the volume all the way up and use headphones. But this is what I hear: Riots nationwide have prompted local governments to declare martial law. The president is asking that citizens find safety and remain calm. Authorities are working their hardest to contain the outbreak. It really does make one ask, what the hell? Of all the messages that could be playing on a radio in an AARP ad, why this one?Via: The Right Planet",left-news,"Apr 26, 2015",0 +UNREAL! FORMER GITMO DETAINEES PROTEST AT U.S. EMBASSY FOR FREEBIES FROM THE U.S.,"We should do NOTHING for these terrorists! They got money and a house from the government of Uruguay but want even more from the U.S. and Uruguay. Unreal!Four former Guantanamo Bay prisoners protested for a second day Saturday demanding more help from both the Uruguayan and the U.S. governments for adapting to life in their new home in this South American country.The men began their protest in front of the U.S. Embassy in Montevideo on Friday and said they slept there through the night. They insisted would stay until they met with the U.S. ambassador. We ll be here until Monday. We are not leaving until with speak with the ambassador, former detainee Adel bin Muhammad El Ouerghi said.The men began their protest after the embassy closed for the weekend, and U.S. officials had not responded to messages requesting comment.As a humanitarian gesture, Uruguay s government took in the four and two other men in December after U.S. authorities freed them from Guantanamo. They had spent 12 years at the U.S. military prison for suspected al-Qaida ties, but U.S. officials decided they were no longer a threat and let them go.The four Syrians, one Tunisian and one Palestinian have repeatedly said the United States should help them financially so they can afford to bring their families to Uruguay.The men get $600 (15,000 pesos) a month from Uruguay s government, which they must use to pay for food, clothes, cellphones and other personal items. Officials have also provided a house for the six men to share. Via: Stars and Stripes",left-news,"Apr 26, 2015",1 +CRAZY VIDEO! MAYOR OF BALTIMORE: WE GAVE RIOTERS β€œSPACE TO DESTROY”,"Mayor Stephanie Rawlings-Blake: While we tried to make sure that they were protected from the cars and the other things that were going on. We also gave those who wished to destroy space to do that as well. And we work very hard to keep that balance and to put ourselves in the best position to deescalate, and that s what you saw. THE MAYOR S ENTIRE PRESS CONFERENCE:",left-news,"Apr 26, 2015",0 +WATCH YOUNG TEENAGE THUGS AS THEY ROB FEMALE REPORTER Filming #BaltimoreRiots,"Because nothing says justice for Freddie Gray like a large group of teenage thugs descending on a defenseless woman and stealing her purse A producer for Ruptly, a video news service run by RT (formerly Russia Today), was robbed on camera while filming the violent protests in Baltimore overnight.The dramatic video shows the female victim first surrounded and harassed by a group of youths, who rapidly grow bolder reaching out at her, all the while hurling a stream of vulgarity and ranting about the police. She is then clearly physically attacked by the group. As the video stabilizes you see that the producer is chasing the thieves down the street trying to retrieve her stolen bag before the intervention of the Baltimore police.The protests in Baltimore over the death of Freddie Gray while in custody turned into violent riots overnight Saturday into Sunday morning. So much so that 30,000 people were locked down in Camden Yards.As Twitchy notes, at the time of the lockdown President Obama was delivering jokes to the mainstream media and assorted celebrities about a half hour away.Toward the end of the video, the woman who was robbed can be heard sobbing as she continues to film.Via: RT Ruptly",left-news,"Apr 26, 2015",0 +SIX REASONS THE LEFT Turned Their β€˜Accepting’ Backs On Bruce Jenner After He β€˜Came Out’ In TV Interview,"1). I m a Christian.2). I m NOT gay.3). He fears his lifestyle puts him at odds with the Bible.4). He s a Republican.5). He doesn t like President Obama.And the mortal blow to the left .6). He believes in the US ConstitutionIn an Interview with Diane Sawyer Friday night on ABC, Bruce Jenner ended months of speculation by confirming he is in the process of transitioning into a woman. I ve always been confused about my gender identity, Jenner tearfully said at the beginning of the two-hour special, which was partially filmed inside of his home.Bruce told Sawyer he has always known he was different and believes he has the soul of a female. At one point, the former Associated Press Male Athlete of the Year was known for his chiseled physique, but he said his brain is more female than male and that his entire life has been lived as a lie. I am a woman, he stated. Although he identifies himself as female, Jenner feels a woman can still kick butt. He also explained, It s not like I ve been dressing up like a woman, it s like I ve spent my whole life dressing like a man. While walking Sawyer through his childhood, Jenner described himself as a lonely little boy growing up, who often cross-dressed in order to fight confusion regarding his gender identity. He eventually grew up to be a lonely big boy. The reality TV star also made it clear that sexuality is separate from gender: I ve always felt heterosexual I ve never been with a guy. He is still unsure if his next relationship will be with a man or woman and explained he considers himself asexual as of now, and at his current age is more concerned with finally living under his true identity.Speculation about Jenner s changing appearance has heated up over the past year, but the 65-year-old also revealed that at one point in the early eighties he started taking hormones but lost his nerve after five years. Due to the hormones, he actually developed size-36B breasts.In addition to starting hormone treatment 30 years ago, Bruce also started changing his face with a series of cosmetic procedures and removed the hair on his face and chest with electrolysis. He claimed that two of his three ex-wives, Linda Thompson and Kris Jenner, were both aware of his secret, and it played a part in ending his marriages.Jenner explained he was also once caught wearing a dress by stepdaughter Kim Kardashian and later by daughters Kendall and Kylie, after he was captured on a computer spy cam in Kylie s bedroom. After a talk from Kanye West, he said Kim became more accepting of his transition.WATCH THE INTERVIEW HERE: Among the more surprising revelations, Bruce told his guest he is both a Christian and a Republican. He admitted he has at times been concerned his lifestyle puts him at odds with the Bible in particular, the book of Deuteronomy, which classifies a man dressing as a woman as sin. I would sit in church and always wonder, In God s eyes, how does he see me? Maybe this is my cause in life This is why God put me on this earth to deal with this issue. When asked about President Obama s support for LGBT rights during the State of the Union, the former Olympian admitted he is not a big fan of Obama. I ve always been more on the conservative side, he said.A puzzled Sawyer asked him if he identifies as a Republican, to which Jenner answered, Yeah. Is that a bad thing? I believe in the Constitution. While he admitted he has at times had moderate suicidal thoughts, he now feels great about ridding himself of the anxieties of hiding his identity from his children and others.His four older children also spoke to Sawyer during the interview and all showed their support. His son Brandon said: I feel like I m getting an upgraded version of my dad. His son Brody said of him coming out: It finally makes sense. Jenner has been taking hormones again for a year and a half now but has not yet made a decision about full gender reassignment surgery. If this is the only problem I have in life, I ve got it made, he told Sawyer. In the next house, I m building a glam room. The interview was a farewell to Bruce Jenner, according to Sawyer, but Bruce explained he wasn t necessarily saying goodbye but rather: I m saying goodbye to people s perceptions of me I m just doing what I have to do. I m going to learn a lot in the next year, Jenner added. 2015 is going to be quite a ride. Sawyer then teased that she may again catch up with the TV star for an additional interview in a year.Via: Breitbart News",left-news,"Apr 26, 2015",0 +"SHOCKING VIDEOTAPED INTERVIEW WITH BARACK HUSSEIN OBAMA’S β€œBROTHER”MALIK: β€˜I’d like to see him (Barack) be for real, not so deceptive’","In a shocking interview with Joel Gilbert, producer of Dreams From My Real Father, Malik talks about having to come through the back door at the White House or being asked to come at night so no one sees him. He talks about everything that Barack s Aunt Zetouni did for him when he needed her, and how he wouldn t contribute a penny for her funeral. He left it up to the poor villagers in Kenya to figure out how to get her body back to her home country. He also reveals how Barack has never contributed a dime to help a family member in Kenya. Ever since President Barack Obama was elected president, many have wondered who Obama really is and what he stands for. Undisclosed and unreported to the mainstream media, Joel Gilbert, who produced the film, Dreams From My Real Father: A Story of Reds and Deception, has released an interview with Obama s brother Malik Obama, the Freedom Post reported on Friday. Gilbert conducted the 12-minute interview with Malik Obama on April 10, 2015 and was published on April 22, 2015.The interview shows clips of President Obama speaking of how his father grew up and herded goats and then Gilbert told Malik that Obama had deceived Americans when Obama stated that he would cut the deficit, support Israel, and that Obamacare is not a tax and how he felt about it. Malik responded to Gilbert and said, Well, the way that he s turned and become a different person with the family is the same way that I see him behaving politically. He says one thing and then he does another. He s not been an honest man, as far as I m concerned, in who he is and what he says and how he treats people. Gilbert then asked Malik on how he felt about being the oldest brother in the family, Malik responded with disappointment and said, Disappointed disappointed, used, used and also betrayed. In the beginning, I didn t think that he was a schemer. His real character, his real personality, the real him, is coming out now. Malik also spoke on how he and Obama s family back in Kenya feel no respect from Obama and was hurt and crushed that Obama would act that way to them. I don t understand how somebody who claims to be a relative or a brother can behave the way that he s behaving, be so cold and ruthless, and just turn his back on the people, Malik said. He said were his family. WATCH INTERVIEW HERE:Joel Gilbert came to the front lines of Obama really is when his book and film was released. The film and book chronicles the life of President Obama, based in part on two years of research, interviews, newly unearthed footage and photos, and the writings of alleged real father of President Obama, Frank Marshall Davis as well as Obama himself. The film and book also chronicles Barack Obama s life journey in Socialism and Marxism, from the day he was born through his election to the Presidency.Via: The Examiner",left-news,"Apr 26, 2015",0 +DOJ MONITORS PATRIOT GUN-RANGE OWNER Who Banned Muslims From Her Gun Range," I will close my business before I will make any compromises that could jeopardize the safety and security of the members who shoot here. You can be certain the Feds are more concerned about those peaceful Muslims in America who want to kill me than they are about anything I might say or do that hurts the feelings of islamic (sic) terrorists. -Jan MorganOn Saturday, Breitbart.com s AWR Hawkins said the Department of Justice is monitoring Jan Morgan, the owner of Gun Cave Indoor Firing Range in Hot Springs, Arkansas, who banned Muslims from her business in 2014, citing safety concerns. But Morgan isn t backing down and told Examiner.com Saturday she would close her business before putting her clients safety at risk.The Washington Post said the monitoring is the result of demands by the Council on American-Islamic Relations and the Arkansas chapter of the American Civil Liberties Union. Both groups demanded a federal investigation after Morgan declared her range to be a Muslim-Free Zone. CAIR and the ACLU argue that Morgan s Muslim-free policy violates the public accommodation provision of the federal Civil Rights Act of 1964, the Times said. But Morgan disagrees, saying her range is a private club with dues-paying members.The DOJ confirmed it was monitoring Morgan, the Times added. The agency, however, did not say if it has plans to launch an investigation. CAIR said it was pleased with the action. We welcome this positive development and hope it leads to a thorough investigation of clear violations of the civil rights of American Muslims and those perceived to be Muslim by the gun range owner, said CAIR s civil rights litigation director Jenifer Wicks. But Morgan told Examiner there is a huge difference between monitoring and investigating.In fact, she said at her website, she has been under the watchful eyes of federal law enforcement authorities for a long time as a result of years of death threats from Muslims. The threats, she added, began long before she owned the range. Now, she lives her daily life under a federal microscope. I have nothing to hide, she said. I have no secrets from the federal government. Last year, she added, FBI counter-terrorism agents met with her and said ISIS is in Arkansas. The agency feared I was going to be a target of opportunity, and I was directed to take EVERY SECURITY PRE-CAUTION necessary to protect my life and the lives of all people in my presence at all times, she wrote.Morgan said that like the French cartoonists at Charlie Hebdo, she has had her life threatened many times over her articles. She also acted upon the directive of the ATF to all FFL holders to err on the side of caution and not engage in any firearm transactions with anyone we suspect might use that firearm in the commission of a crime. So, CAIR and the ACLU, do you really think the idea of more monitoring of my daily life is somehow new or a threat to me in any way? she asked on Facebook. Of course the feds are monitoring me, she added. You can be certain the Feds are more concerned about those peaceful Muslims in America who want to kill me than they are about anything I might say or do that hurts the feelings of islamic (sic) terrorists. Morgan told Examiner she is prepared to deal with a federal investigation should one be launched against her. I was prepared to fight this from day one, she said.The bottom line, she added, is this: I will close my business before I will make any compromises that could jeopardize the safety and security of the members who shoot here. On her site, Morgan said she will continue to follow the advise of two agencies within the DOJ to protect and defend my own life, as well as the lives of innocent American citizens in my presence, from any and all threats of violence connected to, and or associated with any and all terrorist organizations. Anything less, she added, would be irresponsible, reckless, and life threatening. Via: Joe Newby, The Examiner",left-news,"Apr 26, 2015",0 +CLINTON MEGA-CHARITY: β€œSlush Fund For The Clinton’s” Took In $140 Million… Gave Pittance In Direct Aid,"Try to process this: A woman running for President of The United States (whose entire career has been built on lies and deceit) has a charity that has now been placed on a watch list as a way to warn potential donors about investing in the Clinton Foundation The Clinton Foundation s finances are so messy that the nation s most influential charity watchdog put it on its watch list of problematic nonprofits last month. The Clinton family s mega-charity took in more than $140 million in grants and pledges in 2013 but spent just $9 million on direct aid. The group spent the bulk of its windfall on administration, travel, and salaries and bonuses, with the fattest payouts going to family friends. On its 2013 tax forms, the most recent available, the foundation claimed it spent $30 million on payroll and employee benefits; $8.7 million in rent and office expenses; $9.2 million on conferences, conventions and meetings ; $8 million on fund-raising; and nearly $8.5 million on travel. None of the Clintons are on the payroll, but they do enjoy first-class flights paid for by the Foundation. In all, the group reported $84.6 million in functional expenses on its 2013 tax return and had more than $64 million left over money the organization has said represents pledges rather than actual cash on hand. Some of the tens of millions in administrative costs finance more than 2,000 employees, including aid workers and health professionals around the world. But that s still far below the 75 percent rate of spending that nonprofit experts say a good charity should spend on its mission. Charity Navigator, which rates nonprofits, recently refused to rate the Clinton Foundation because its atypical business model . . . doesn t meet our criteria. Charity Navigator put the foundation on its watch list, which warns potential donors about investing in problematic charities. The 23 charities on the list include the Rev. Al Sharpton s troubled National Action Network, which is cited for failing to pay payroll taxes for several years. Other nonprofit experts are asking hard questions about the Clinton Foundation s tax filings in the wake of recent reports that the Clintons traded influence for donations. It seems like the Clinton Foundation operates as a slush fund for the Clintons, said Bill Allison, a senior fellow at the Sunlight Foundation, a government watchdog group once run by leading progressive Democrat and Fordham Law professor Zephyr Teachout. In July 2013, Eric Braverman, a friend of Chelsea Clinton from when they both worked at McKinsey & Co., took over as CEO of the Clinton Foundation. He took home nearly $275,000 in salary, benefits and a housing allowance from the nonprofit for just five months work in 2013, tax filings show. Less than a year later, his salary increased to $395,000, according to a report in Politico. Braverman abruptly left the foundation earlier this year, after a falling-out with the old Clinton guard over reforms he wanted to impose at the charity, Politico reported. Last month, Donna Shalala, a former secretary of health and human services under President Clinton, was hired to replace Braverman. Nine other executives received salaries over $100,000 in 2013, tax filings show. The group also failed to disclose millions of dollars it received in foreign donations from 2010 to 2012 and is hurriedly refiling five years worth of tax returns after reporters raised questions about the discrepancies in its filings last week.Via: NY Post",left-news,"Apr 26, 2015",0 +FULL VIDEO: THE BLOCKBUSTER INVESTIGATION INTO CLINTON CASH, ,left-news,"Apr 25, 2015",0 +(VIDEO) HILLARY CLINTON: RELIGIOUS BELIEFS MUST BE CHANGED TO ACCOMMODATE ABORTION, ,left-news,"Apr 25, 2015",0 +[Video] POLICE HAVE VERY GOOD REASON FOR BLOCKING NEWLY β€œELECTED”MAYOR From Entering City Hall Office,"This mayor s involvement in potential illegal activity will get little attention this story will be a full blown case of racial injustice in 5 4 3 2 1 Betty McCray, newly-elected mayor of Kinloch, Missouri, showed up at City Hall this week to get to work. But when she arrived, the police wouldn t let her in the door.The reason why? Those non-existent illegal voters who cast ballots for the candidate.The election, which was held April 7, was hotly contested and the results have been questioned by McCray s opponents. However, the St. Louis County Board of Elections certified the results and swore McCray in after city officials refused to.The St. Louis Post-Dispatch reports that deputies met her in the parking lot, and she was served with articles of impeachment by City Attorney James Robinson. Robinson also told her that she was suspended.After being blocked from entering the building, McCray held a press conference in the parking lot: I won. The people spoke, McCray told the press after she had been served papers and told she could not enter the building. I was sworn in by the St. Louis County. Today I take office. I want them out, I want the keys. It was rumored that McCray was going to fire multiple city employees, once in office.Kinloch, which is located near Lambert-St. Louis International Airport, once thrived with more than 10,000 residents. But airport development has led to homes being purchased by the airport authority and demolished.Today, Kinloch, which has fewer than 300 residents, is marked by pilfered coffers, shady land deals and increasingly bitter fights over the last remnants of political power.During the past five years, the city has seen the imprisonment of a former mayor on federal fraud and theft charges, the hiring of a convicted felon as city manager, the selling of a previous city hall building to an alleged drug dealer and the unseating of at least two aldermen. McCray won the mayoral contest by garnering 38 votes compared to her opponent, the incumbent mayor s, 18.Prior to the election, the city alerted the County Board of Elections said that they believed there were 27 voters registered illegally. McCray s camp alleges that these voters were living in city-owned housing and evicted because they supported her.The bad blood goes back further. McCray is a former Alderman, who served under a mayor who has since been convicted of federal fraud charges. Members of the current administration accuse her of benefiting financially from land deals under that mayor, Keith Conway.McCray told Fox2 she was going to file an injunction in the St. Louis County courts, and then attempt to enter City Hall again.Via: IJReview",left-news,"Apr 24, 2015",0 +NEW TV SHOW HAS COUPLES β€œBravely” Putting Their Marriage On The Line By Sleeping With Strangers,"Television just doing their part to contribute to the moral decay of America Sex in a box in front of a studio audience having failed to save American marriages, the TV industry now will attempt to rescue the institution by trying a two-week spouse switch for wedded couples. FYI has greenlighted The Seven Year Switch, an eight-episode series in which married couples bravely put their marriage on the line by shacking up with a new partner for a couple weeks. Production is underway for the series to premiere this summer.It s named after The Seven Year Itch, the 1955 Broadway play-turned-Billy Wilder movie starring Marilyn Monroe and Tom Ewell. Hopefully that will be lost on most viewers of this series because if they saw it, they re too old to be FYI s target audience or any network s for that matter.In today s announcement, FYI instead focused on the fact that someone at some point decided seven years marks the point in many marriages at which couples become restless and dissatisfied and might wonder why they d signed up with this guy instead of the doctor their mothers wanted them to marry. In the series, four couples at a crossroads in their relationship FYI did not say if they ve all been married seven years get the chance to shack up with a stranger for two weeks in an experimental marriage. They will eat, live and, yes, sleep with these total strangers, the network said.As with WE tv s recently pulled-due-to-lousy-ratings reality series Sex Box, relationship experts will help guide the Seven Year Switch couples through the process, FYI said. At the end of what the network explains is a monthlong experiment, each of the married couples will reunite and decide whether to divorce or renew their vows.Gena McCarthy, SVP Programming and Development at FYI, described it as an experiment to determine whether absence really does make the heart grow fonder, sidestepping the whole shacking-up-with-a-stranger part.Via: Deadline.com",left-news,"Apr 24, 2015",0 +"FARRAKHAN DEVOTEE, COP HATER AND RAPPER, β€˜KILLER MIKE’ To Speak At SOLD OUT Event At Prestigious MIT University","Rapper Killer Mike, will appear in front of a SOLD OUT audience at the prestigious MIT University today. Here s a clip from an interview with Jew hater and racist Louis Farrakhan:He s a follower and admirer of this racist Jew hater. He s clearly one of the most angry black men in the entertainment business. After watching this interview, you will better understand the mentality of the protestors on the streets who are getting in the faces of cops (of whom the majority are good men and women protecting and defending the citizens within their jurisdiction). It should be noted, that Killer Mike s dad was a police officer or dirty pig as he likes to call them.Killer Mike views rap as social activism, and never shies away from sharing his opinions on race and abuses of power. Whether he s condemning institutionalized corruption in Reagan or speaking out against police brutality with Run The Jewels Close Your Eyes, if Killer Mike thinks it s messed up, he s going to let you know.This Friday, April 24, MIT students will have the chance to hear how messed up race relations are, when Killer Mike delivers a lecture titled Race Relations in the U.S. at the school. According to the press release, he ll be talking about how current and advancing technology are shaping race relations. (We re guessing that he doesn t regard drone surveillance as a democratizing agent.) Chances are pretty good that Killer Mike will also be addressing the spate of well-publicized police shootings of young unarmed black men and their systemic social consequences.Here is an example of the most recent music video by Killer Mike. ****WARNING****Violence and strong language***Killer Mike s lecture is the second in MIT s new Hip-Hop Speaker Series, which opened with Young Guru. The series is the result of a collaboration between the Arts at MIT and TapTape, an MIT-based music startup. The series stated goal is to bring together leaders in hip-hop with leading faculty and students at the Massachusetts Institute of Technology. That s a perfect opportunity for a mathematics seminar featuring Dr. Octagon and Dr. Roman Bezrukavnikov, Professor of Algebraic Geometry.While Killer Mike s lecture certainly sounds intriguing, Friday s lecture is exclusively available to MIT students and is already sold out. But if you re jonesing to hear Killer Mike drop some heated words, there s always the extremely-NSFW Big Beast video, featuring Bun B and T.I.We were going to include the Big Beast video, but after viewing this disturbing video, which includes nudity, horrific acts of violence and an attempted rape scene, we decided against it. The driver in the video is wearing a Ronald Reagan mask because Killer Mike believes that all of the problems plaguing the black community are as a result of Ronald Reagan s presidency. Please feel free to view it (if you are an adult) and you can stomach it at this link: https://www.youtube.com/watch?v=Z8-RmM5py1cVia: AV Club",left-news,"Apr 24, 2015",0 +ACTORS QUIT β€œFERGUSON” PLAY DAYS BEFORE OPENING Because They Want Media’s Bogus β€œHands Up Don’t Shoot” Version To Replace Actual Court Transcripts," These are people who claim to love diversity, and they don t love diversity they just want people to agree with them. Ferguson playwright Phelim McAleerVeteran actor Philip Casnoff hadn t read the full script yet when he arrived for the first rehearsal of Ferguson, a play chronicling the shooting of Michael Brown by a Missouri police officer.Casnoff thought he knew what the play, set for a four-day staged reading starting Sunday at the Odyssey Theater, would be about: the wilderness of testimony the grand jury navigated while investigating the day Officer Darren Wilson fatally shot the unarmed 18-year-old. Casnoff presumed a variety of viewpoints, the fog of truth.Then he read the script, which tells the story that Brown didn t have his hands up and that he charged at Wilson.Now, in a case of art imitating life, the play is experiencing the kind of ill will and mistrust that erupted from the city it attempts to portray. Part of the 13-member cast is in revolt Casnoff and four others have quit as the playwright and actors are locked in a fundamental disagreement over how to tell the story of Brown s death.Though the grand jury declined to indict Wilson after some witnesses and physical evidence supported his account of events, the tone of the play shocked some actors. It felt like the purpose of the piece was to show, Of course he was not indicted here s why,' Casnoff said. He said that after he learned who the play s author was, Casnoff, who describes himself as very liberal, left-wing-leaning, thought, Whoa, this is not the place for me to be. Through testimony taken from grand jury transcripts, the play ends with a witness telling a prosecutor that Wilson was justified in killing Brown. The audience is then supposed to vote on whether Wilson should have been indicted.The cast members who quit questioned the motivations of the playwright, Phelim McAleer.McAleer, a conservative filmmaker and journalist from Ireland now living in Marina del Rey, said he s just interested in the truth. The truth is the truth. If it doesn t fit in with their beliefs, they need to change their beliefs, said McAleer, who declined to say whether Wilson should have been indicted but said his research shows the hands-up claim is bogus. All the people who testified that he had his hands up, it was pretty much demolished in grand jury testimony. If the rest of the decidedly more liberal cast resigns some actors are leaning that way McAleer said he ll find a new cast. He also hopes to put the show on YouTube and bring the production to Ferguson itself. There s got to be some actors in L.A. who aren t scared of controversy, he said.During the Ferguson rehearsal, the performers balked after realizing the only witness in McAleer s play who says Brown had his hands up is immediately discredited by an FBI agent.(Although some witnesses told investigators that Brown had his hands up, a Department of Justice report said many of those witnesses accounts were recanted, debunked or inconsistent with physical evidence.)McAleer s play also ends with a damning exchange between a witness and prosecutor. Do you feel like this could have ended up any other way? the prosecutor asks. Yeah, it could have, if Michael Brown had just stopped running toward Wilson, says the witness, who is identified as Witness 48 in the grand jury transcripts, but who is given a pseudonym in the play and cast with a young black actress. It could have ended another way. The officer had no other choice. No other choice, in other words, but to shoot Brown.After those lines were read by actors Deborah Puette and Sydney A. Mason, a kind of awkward quiet fell over the cast members, whose bodies had been bent like question marks as they stared down at their scripts in a rehearsal space near Culver City.The cast questioned the balance of the 55-page script, and even debated the justification for the shooting. Why not shoot him in the leg? asked one actress, Donzaleigh Abernathy, cast to play a witness, her voice booming through the small, windowless space. He didn t have time! responded a younger actor, also playing a witness.Several members requested changes to the script that would include adding another account more sympathetic to Brown to balance out the final witness dramatic testimony. McAleer has rejected those requests, spurring some of the actors departures. He claims that he wrote this to try to get to the truth of it, but everybody s truth is totally subjective, said Veralyn Jones, an African American cast member who resigned. When you come to the matter of what really happened, nobody really knows for sure, because everybody has a different take on it. It just didn t feel right to me. One of the script s most heated critics has been Abernathy, who is the daughter of civil rights movement leader Ralph David Abernathy, who was with the Rev. Martin Luther King Jr. when he died. Abernathy, who is black, has not decided to leave the cast yet at least not before she has the chance to meet McAleer at a cast meeting scheduled for Thursday night. I want to hear what he has to say face to face. I actually want to know, on a moral level, how can you do something like this that you know will divide America? Abernathy asked. Does it make you feel good? Obviously he has a personal agenda. What is his personal agenda? McAleer was unapologetic, and waved away criticism. These are people who claim to love diversity, and they don t love diversity they just want people to agree with them, he said.So with or without his cast, McAleer said, the show will go on.Via: LA Times",left-news,"Apr 23, 2015",0 +OBAMA’S FUNDAMENTAL TRANSFORMATION: Census Record Shows In 8 Years You Won’t Recognize This Country,"Adios America Census: Record 51 million immigrants in 8 years, will account for 82% of U.S. growthWisconsin Gov. Scott Walker disrupted the debate this week when he said that legal immigration also needs to be reformed to make sure Americans don t suffer by losing jobs to new citizens.But even more, the CIS report said that the surge in mostly legal immigrants will have a huge impact on the nation and taxpayers. These numbers have important implications for workers, schools, infrastructure, congestion and the environment, said Steven Camarota, the center s director of research. They also may have implications for our ability to successfully assimilate and integrate immigrants. Yet there has been almost no national debate about bringing in so many people legally each year, which is the primary factor driving these numbers. Those numbers are likely to shake up Washington s political debate over the 12 million illegals in America, the expected 70,000 expected to pour over the border this year and the 4.4 million legal immigrants on a State Department waiting list who have relatives or jobs in the U.S.A key senator steering the immigration debate, Alabama Republican Jeff Sessions, has warned that higher numbers of immigrants will hurt the middle class. In a letter to the New York Times Saturday, he wrote, It defies reason to argue that the record admission of new foreign workers has no negative effect on the wages of American workers, including the wages of past immigrants hoping to climb into the middle class. Why would many of the largest business groups in the United States spend millions lobbying for the admission of more foreign workers if such policies did not cut labor costs? On Friday, key business leaders including the U.S. Chamber of Commerce and a group associated with former New York Mayor Michael Bloomberg plan to pitch for more immigration. Their schedule is below.The numbers, as seen in the highlights below, will also raise concerns that Washington is giving the keys to the nation to new immigrants: The immigrant population will grow four times faster than the native born population, reaching 15.8 percent, or 57 million, of the nation s population in 2030, 17.1 percent, or 65 million, in 2040, and 18.8 percent, or 78 million, in 2060. Net immigration this year will be 1.24 million; green cards about 1.1 million. Immigrants and their descendants will account for the overwhelming share of population growth, said the Center in projecting growth. They will account for 75.5 percent from 2010-2050 and 82 percent from 2010-2060. Census Bureau projects that in 2023 the nation s immigrant population, legal and illegal, will reach 14.8 percent of the total U.S. population, the highest share ever recorded.Via: Washington Examiner",left-news,"Apr 22, 2015",0 +PULITZER PRIZE WINNING AUTHOR TONI MORRISON: β€œI want to see a cop shoot a white unarmed teenager in the back”,"The recipient of the Presidential Medal of Freedom from Barack Obama in 2012 had this to say when asked about racism: And I want to see a white man convicted for raping a black woman. Then when you ask me, Is it over? , I will say yes. Age hasn t dimmed the fire in Toni Morrison, 84. The unwavering voice of black America talks about her latest novel and what it will take for racism to be a thing of the past.Toni Morrison is, without a doubt, a world-class novelist. Her work as an editor, however, has received much less attention. Morrison worked at Random House for 20 years, leaving in 1983, just before she set out to write her Pulitzer Prize-winning novel Beloved.At her apartment in lower Manhattan, I ask her about the ways in which American literature has changed, and she volunteers that she had something to do with that . But she is not referring to her own fiction. I said, I can t march, I have small children, she tells me. I m not the marching type anyway. So when I went into publishing, I thought, the best I can do is to publish the works of those who are out there like Angela Davis, Huey Newton and the literature. And let it be edited by someone who understands the language, and understands the culture. Last summer Morrison came to the Hay Festival and made three appearances over three days. In the course of those conversations, she touched on this issue a number of times, spinning it out, examining it, not tub-thumping but the opposite, as if there were still nothing conclusive to say. The question of race, she reflected, is not static. You just have to swim in it for a bit .Since then, Eric Garner has been strangled by white policemen on Staten Island, Michael Brown has been shot by white policemen in Ferguson, Walter Scott has been shot by a white policeman in South Carolina. People keep saying, We need to have a conversation about race, she says now. This is the conversation. I want to see a cop shoot a white unarmed teenager in the back, Morrison says finally. And I want to see a white man convicted for raping a black woman. Then when you ask me, Is it over? , I will say yes. Toni Morrison who was then Chloe Wofford grew up understanding none of this. In the small industrial town of Lorain in Ohio, where she was raised, the stories told by her Southern parents seemed unreal. Her father was a welder in the shipyards. Most of their neighbours were European immigrants, and in her high-school yearbook there were only two other black students.Had her father really witnessed a lynching when he was 14? Did they really have separate water fountains for white and coloured people in Georgia? It was only when she went to Howard University, a historically black college in Washington, DC, that she began to realise how things were. And off-campus, in the late 1940s, the city was segregated. She stole one of the wooden bars used to keep blacks at the back of buses and sent it to her mother as a grim keepsake.Morrison began to feel an affinity, a fascination. What emerged was a career-long project to in her words turn the gaze . She didn t want to write in order to persuade white people, as the abolitionists Frederick Douglass or Solomon Northup had. She wasn t interested in assuming a white person s worldview, like the mid-20th century writer Ralph Ellison ( Invisible to whom? she says of his famous novel The Invisible Man). She didn t want to join in the black power cries of screw whitey . When the revolutionary 1960s turned into the 1970s, she wanted to say, Before we get on to the black is beautiful thing, may I remind you what it was like before, when it was lethal? So she wrote from the point of view of little black girls in her first two books, of 17th-century slaves in Mercy, of a child killed by her mother to save her from suffering in Beloved. She combined the metaphorical stories of her grandparents with the facts on the ground, and arrived at what she calls imaginative resistance . To tell a tale, you have to pick up its pieces, she once suggested, comparing storytellers to Hansel and Gretel. Their momma doesn t want them. They leave a little trail. That trail is language. In words that are simple and cadences that are sometimes incantatory, through action that is both true to life and magical in its habits of thought, Morrison has conveyed a series of black perspectives, thrown her readers into a world they had not previously met in fiction, and realigned American history by choosing the people through whom it might be told.Via: Telegraph UK",left-news,"Apr 22, 2015",0 +WHY THESE ARMY ROTC CADETS WERE PRESSURED INTO WEARING HEELS WILL HAVE YOU SEEING RED…,"The wu$$ification of our military Army ROTC cadets are complaining on message boards that they were pressured to walk in high heels on Monday for an Arizona State University campus event designed to raise awareness of sexual violence against women.The Army openly encouraged participating in April s Walk A Mile in Her Shoes events in 2014, but now it appears as though ROTC candidates at ASU were faced with a volunteer event that became mandatory. Attendance is mandatory and if we miss it we get a negative counseling and a does not support the battalion sharp/EO mission on our CDT OER for getting the branch we want. So I just spent $16 on a pair of high heels that I have to spray paint red later on only to throw them in the trash after about 300 of us embarrass the U.S. Army tomorrow, one anonymous cadet wrote on the social media sharing website Imgr, IJReview reported Monday.In a Reddit Army thread on the subject titled Okay, who put the cadets up to this? one user said the claims were legitimate and added, I just don t understand why [General] Combs would court political controversy like this. Isn t the military supposed to avoid faddish political movement and religious issues. Army ROTC cadets are complaining on message boards that they were pressured to walk in high heels on Monday for an Arizona State University campus event designed to raise awareness of sexual violence against women.The Army openly encouraged participating in April s Walk A Mile in Her Shoes events in 2014, but now it appears as though ROTC candidates at ASU were faced with a volunteer event that became mandatory.Via: Washington Times",left-news,"Apr 21, 2015",0 +[VIDEO] ABOVE THE LAW: Hillary’s Campaign Van Caught Going 92 in a 65 mph Zone,"The laws don t apply to the Clinton s they re just for the Everyday Americans Democratic presidential candidate Hillary Clinton s campaign bus (known as the Scooby Van ) reportedly led reporters on a high-speed chase Monday, breaking several traffic laws in the process.Among those chasing the van were reporters with the UK tabloid Daily Mail. If police radar had been engaged, however, it would have clocked Hillary s signature black conversion van hitting 92 mph in a driving rainstorm on Interstate 89, where the top speed limit is 65, writes Daily Mail U.S. Political Editor David Martasko.Later in the day, the van later hit 73 in a 55 mph zone on its way to Claremont, New Hampshire. According to the Daily Mail, at no point did anyone in Clinton s motorcade display flashing lights or a siren. (WATCH: Desperate Media Gaggle Chase Down Hillary s Van Like Crazed Beatles Fans)Video courtesy of UK Daily MailThe reason for all these high-speed races? Clinton was visiting a number of politically-connected New Hampshirites in non-public events, including former New Hampshire state Senate President Sylvia Larsen and an aide to Democratic Senator Jeanne Shaheen.Via: Daily Caller",left-news,"Apr 21, 2015",0 +UPDATED VIDEO: IS THIS AMERICA? CONSERVATIVES And Their Families Experience SHOCKING ABUSE And SHAMING In Their Homes Ordered By Leftist DA As Part Of Insane Vendetta,"This story should send chills down the spine of every American. Communism is on our doorstep THEY CAME WITH A BATTERING RAM. Cindy Archer, one of the lead architects of Wisconsin s Act 10 also called the Wisconsin Budget Repair Bill, it limited public-employee benefits and altered collective-bargaining rules for public-employee unions was jolted awake by yelling, loud pounding at the door, and her dogs frantic barking. The entire house the windows and walls was shaking.She looked outside to see up to a dozen police officers, yelling to open the door. They were carrying a battering ram. She wasn t dressed, but she started to run toward the door, her body in full view of the police. Some yelled at her to grab some clothes, others yelled for her to open the door. I was so afraid, she says. I did not know what to do. She grabbed some clothes, opened the door, and dressed right in front of the police. The dogs were still frantic. I begged and begged, Please don t shoot my dogs, please don t shoot my dogs, just don t shoot my dogs. I couldn t get them to stop barking, and I couldn t get them outside quick enough. I saw a gun and barking dogs. I was scared and knew this was a bad mix. She got the dogs safely out of the house, just as multiple armed agents rushed inside.Some even barged into the bathroom, where her partner was in the shower. The officer or agent in charge demanded that Cindy sit on the couch, but she wanted to get up and get a cup of coffee. I told him this was my house and I could do what I wanted. Wrong thing to say. This made the agent in charge furious. He towered over me with his finger in my face and yelled like a drill sergeant that I either do it his way or he would handcuff me. They wouldn t let her speak to a lawyer.She looked outside and saw a person who appeared to be a reporter. Someone had tipped him off. The neighbors started to come outside, curious at the commotion, and all the while the police searched her house, making a mess, and according to Cindy leaving her dead mother s belongings strewn across the basement floor in a most disrespectful way. Then they left, carrying with them only a cellphone and a laptop.Here is a videotaped interview of a neighbor who witnessed the police invasion of her home: IT S A MATTER OF LIFE OR DEATH. That was the first thought of Anne (not her real name).Someone was pounding at her front door. It was early in the morning very early and it was the kind of heavy pounding that meant someone was either fleeing from or bringing trouble. It was so hard. I d never heard anything like it. I thought someone was dying outside. She ran to the door, opened it, and then chaos. People came pouring in. For a second I thought it was a home invasion. It was terrifying. They were yelling and running, into every room in the house. One of the men was in my face, yelling at me over and over and over. It was indeed a home invasion, but the people who were pouring in were Wisconsin law-enforcement officers. Armed, uniformed police swarmed into the house. Plainclothes investigators cornered her and her newly awakened family.Soon, state officials were seizing the family s personal property, including each person s computer and smartphone, filled with the most intimate family information.Why were the police at Anne s home? She had no answers. The police were treating them the way they d seen police treat drug dealers on television. In fact, TV or movies were their only points of reference, because they weren t criminals. They were law-abiding. They didn t buy or sell drugs. They weren t violent. They weren t a danger to anyone. Yet there were cops surrounding their house on the outside, swarming the house on the inside.They even taunted the family as if they were mere perps. As if the home invasion, the appropriation of private property, and the verbal abuse weren t enough, next came ominous warnings.Don t call your lawyer. Don t tell anyone about this raid. Not even your mother, your father, or your closest friends.The entire neighborhood could see the police around their house, but they had to remain silent. This was not the right to remain silent as uttered by every cop on every legal drama on television the right against self-incrimination.They couldn t mount a public defense if they wanted or even offer an explanation to family and friends. Yet no one in this family was a perp. Instead, like Cindy, they were American citizens guilty of nothing more than exercising their First Amendment rights to support Act 10 and other conservative causes in Wisconsin. Sitting there shocked and terrified, this citizen who is still too intimidated to speak on the record kept thinking, Is this America? THEY FOLLOWED ME TO MY KIDS ROOMS. For the family of Rachel (not her real name), the ordeal began before dawn with the same loud, insistent knocking. Still in her pajamas, Rachel answered the door and saw uniformed police, poised to enter her home.When Rachel asked to wake her children herself, the officer insisted on walking into their rooms. The kids woke to an armed officer, standing near their beds. The entire family was herded into one room, and there they watched as the police carried off their personal possessions, including items that had nothing to do with the subject of the search warrant even her daughter s computer.And, yes, there were the warnings. Don t call your lawyer. Don t talk to anyone about this. Don t tell your friends.The kids watched alarmed as the school bus drove by, with the students inside watching the spectacle of uniformed police surrounding the house, carrying out the family s belongings. Yet they were told they couldn t tell anyone at school. They, too, had to remain silent.The mom watched as her entire life was laid open before the police. Her professional files, her personal files, everything. She knew this was all politics. She knew a rogue prosecutor was targeting her for her political beliefs. And she realized, Every aspect of my life is in their hands. And they hate me. Fortunately for her family, the police didn t taunt her or her children. Some of them seemed embarrassed by what they were doing. At the end of the ordeal, one officer looked at the family, still confined to one room, and said, Some days, I hate my job. For dozens of conservatives, the years since Scott Walker s first election as governor of Wisconsin transformed the state known for pro-football championships, good cheese, and a population with a reputation for being unfailingly polite into a place where conservatives have faced early-morning raids, multi-year secretive criminal investigations, slanderous and selective leaks to sympathetic media, and intrusive electronic snooping.Yes, Wisconsin, the cradle of the progressive movement and home of the Wisconsin idea the marriage of state governments and state universities to govern through technocratic reform was giving birth to a new progressive idea, the use of law enforcement as a political instrument, as a weapon to attempt to undo election results, shame opponents, and ruin lives.Most Americans have never heard of these raids, or of the lengthy criminal investigations of Wisconsin conservatives. For good reason. Bound by comprehensive secrecy orders, conservatives were left to suffer in silence as leaks ruined their reputations, as neighbors, looking through windows and dismayed at the massive police presence, the lights shining down on targets homes, wondered, no doubt, What on earth did that family do?This was the on-the-ground reality of the so-called John Doe investigations, expansive and secret criminal proceedings that directly targeted Wisconsin residents because of their relationship to Scott Walker, their support for Act 10, and their advocacy of conservative reform.Largely hidden from the public eye, this traumatic process, however, is now heading toward a legal climax, with two key rulings expected in the late spring or early summer.The first ruling, from the Wisconsin supreme court, could halt the investigations for good, in part by declaring that the misconduct being investigated isn t misconduct at all but the simple exercise of First Amendment rights.The second ruling, from the United States Supreme Court, could grant review on a federal lawsuit brought by Wisconsin political activist Eric O Keefe and the Wisconsin Club for Growth, the first conservatives to challenge the investigations head-on.If the Court grants review, it could not only halt the investigations but also begin the process of holding accountable those public officials who have so abused their powers.But no matter the outcome of these court hearings, the damage has been done. In the words of Mr. O Keefe, The process is the punishment. UPDATED VIDEO INTERVIEW WITH BLAZE TV s DANA LOESCH:It all began innocently enough. In 2009, officials from the office of the Milwaukee County executive contacted the office of the Milwaukee district attorney, headed by John Chisholm, to investigate the disappearance of $11,242.24 from the Milwaukee chapter of the Order of the Purple Heart.The matter was routine, with witnesses willing and able to testify against the principal suspect, a man named Kevin Kavanaugh.What followed, however, was anything but routine. Chisholm failed to act promptly on the report, and when he did act, he refused to conduct a conventional criminal investigation but instead petitioned, in May 2010, to open a John Doe investigation, a proceeding under Wisconsin law that permits Wisconsin officials to conduct extensive investigations while keeping the target s identity secret (hence the designation John Doe ).John Doe investigations alter typical criminal procedure in two important ways: First, they remove grand juries from the investigative process, replacing the ordinary citizens of a grand jury with a supervising judge.Second, they can include strict secrecy requirements not just on the prosecution but also on the targets of the investigation. In practice, this means that, while the prosecution cannot make public comments about the investigation, it can take public actions indicating criminal suspicion (such as raiding businesses and homes in full view of the community) while preventing the targets of the raids from defending against or even discussing the prosecution s claims.Why would Chisholm seek such broad powers to investigate a year-old embezzlement claim with a known suspect? Because the Milwaukee County executive, Scott Walker, had by that time become the leading Republican candidate for governor. District Attorney Chisholm was a Democrat, a very partisan Democrat.Almost immediately after opening the John Doe investigation, Chisholm used his expansive powers to embarrass Walker, raiding his county-executive offices within a week.As Mr. O Keefe and the Wisconsin Club for Growth explained in court filings, the investigation then dramatically expanded: Over the next few months, [Chisholm s] investigation of all-things-Walker expanded to include everything from alleged campaign-finance violations to sexual misconduct to alleged public contracting bid-rigging to alleged misuse of county time and property.Between May 5, 2010, and May 3, 2012, the Milwaukee Defendants filed at least eighteen petitions to formally [e]nlarge the scope of the John Doe investigation, and each was granted. . .That amounts to a new formal inquiry every five and a half weeks, on average, for two years.This expansion coincided with one of the more remarkable state-level political controversies in modern American history the protest (and passage) of Act 10, followed by the attempted recall of a number of Wisconsin legislators and, ultimately, Governor Walker.Political observers will no doubt remember the events in Madison the state capitol overrun by chanting protesters, Democratic lawmakers fleeing the state to prevent votes on the legislation, and tens of millions of dollars of outside money flowing into the state as Wisconsin became, fundamentally, a proxy fight pitting the union-led Left against the Tea Party led economic Right.At the same time that the public protests were raging, so were private but important protests in the Chisholm home and workplace.As a former prosecutor told journalist Stuart Taylor, Chisholm s wife was a teachers -union shop steward who was distraught over Act 10 s union reforms. He said Chisholm felt it was his personal duty to stop them. Meanwhile, according to this whistleblower, the district attorney s offices were festooned with the blue fist poster of the labor-union movement, indicating that Chisholm s employees were very much invested in the political fight.In the end, the John Doe proceeding failed in its ultimate aims. It secured convictions for embezzlement (related to the original 2009 complaint), a conviction for sexual misconduct, and a few convictions for minor campaign violations, but Governor Walker was untouched, his reforms were implemented, and he survived his recall election. But with another election looming this time Walker s campaign for reelection Chisholm wasn t finished.He launched yet another John Doe investigation, supervised by Judge Barbara Kluka. Kluka proved to be capable of superhuman efficiency approving every petition, subpoena, and search warrant in the case in a total of one day s work.If the first series of John Doe investigations was everything Walker, the second series was everything conservative, as Chisholm had launched an investigation of not only Walker (again) but the Wisconsin Club for Growth and dozens of other conservative organizations, this time fishing for evidence of allegedly illegal coordination between conservative groups and the Walker campaign.In the second John Doe, Chisholm had no real evidence of wrongdoing. Yes, conservative groups were active in issue advocacy, but issue advocacy was protected by the First Amendment and did not violate relevant campaign laws.Nonetheless, Chisholm persuaded prosecutors in four other counties to launch their own John Does, with Judge Kluka overseeing all of them.Empowered by a rubber-stamp judge, partisan investigators ran amok. They subpoenaed and obtained (without the conservative targets knowledge) massive amounts of electronic data, including virtually all the targets personal e-mails and other electronic messages from outside e-mail vendors and communications companies.The investigations exploded into the open with a coordinated series of raids on October 3, 2013. These were home invasions, including those described above. Chisholm s office refused to comment on the raid tactics (or any other aspect of the John Doe investigations), but witness accounts regarding the two John Doe investigations are remarkably similar: early-morning intrusions, police rushing through the house, and stern commands to remain silent and tell no one about what had occurred.At the same time, the Wisconsin Club for Growth and other conservative organizations received broad subpoenas requiring them to turn over virtually all business records, including donor information, correspondence with their associates, and all financial information. The subpoenas also contained dire warnings about disclosure of their existence, threatening contempt of court if the targets spoke publicly.For select conservative families across five counties, this was the terrifying moment the moment they felt at the mercy of a truly malevolent state.Speaking both on and off the record, targets reflected on how many layers of Wisconsin government failed their fundamental constitutional duties the prosecutors who launched the rogue investigations, the judge who gave the abuse judicial sanction, investigators who chose to taunt and intimidate during the raids, and those police who ultimately approved and executed aggressive search tactics on law-abiding, peaceful citizens.For some of the families, the trauma of the raids, combined with the stress and anxiety of lengthy criminal investigations, has led to serious emotional repercussions. Devastating is how Anne describes the impact on her family. Life-changing, she says. All in terrible ways. O Keefe, who has been in contact with multiple targeted families, says, Every family I know of that endured a home raid has been shaken to its core, and the fate of marriages and families still hangs in the balance in some cases. Anne also describes a new fear of the police: I used to support the police, to believe they were here to protect us. Now, when I see an officer, I ll cross the street. I m afraid of them. I know what they re capable of. Cindy says, I lock my doors and I close my shades. I don t answer the door unless I am expecting someone. My heart races when I see a police car sitting in front of my house or following me in the car.The raid was so public. I ve been harassed. My house has been vandalized. [She did not identify suspects.] I no longer feel safe, and I don t think I ever will. Rachel talks about the effect on her children. I tried to create a home where the kids always feel safe. Now they know they re not. They know men with guns can come in their house, and there s nothing we can do. Every knock on the door brings anxiety. Every call to the house is screened. In the back of her mind is a single, unsettling thought: These people will never stop.Victims of trauma and every person I spoke with described the armed raids as traumatic often need to talk, to share their experiences and seek solace in the company of a loving family and supportive friends. The investigators denied them that privilege, and it compounded their pain and fear. The investigation not only damaged families, it also shut down their free speech. In many cases, the investigations halted conservative groups in their tracks.O Keefe and the Wisconsin Club for Growth described the effect in court filings: O Keefe s associates began cancelling meetings with him and declining to take his calls, reasonably fearful that merely associating with him could make them targets of the investigation.O Keefe was forced to abandon fundraising for the Club because he could no longer guarantee to donors that their identities would remain confidential, could not (due to the Secrecy Order) explain to potential donors the nature of the investigation, could not assuage donors fears that they might become targets themselves, and could not assure donors that their money would go to fund advocacy rather than legal expenses.The Club was also paralyzed. Its officials could not associate with its key supporters, and its funds were depleted. It could not engage in issue advocacy for fear of criminal sanction.These raids and subpoenas were often based not on traditional notions of probable cause but on mere suspicion, untethered to the law or evidence, and potentially violating the Fourth Amendment s prohibition against unreasonable searches and seizures. The very existence of First Amendment protected expression was deemed to be evidence of illegality.The prosecution simply assumed that the conservatives were incapable of operating within the bounds of the law. Even worse, many of the investigators legal theories, even if proven by the evidence, would not have supported criminal prosecutions. In other words, they were investigating crimes that weren t crimes at all.If the prosecutors had applied the same legal standards to the Democrats in their own offices, they would have been forced to turn the raids on themselves. If the prosecutors and investigators had been raided, how many of their computers and smartphones would have contained incriminating information indicating use of government resources for partisan purposes?With the investigations now bursting out into the open, some conservatives began to fight back. O Keefe and the Wisconsin Club for Growth moved to quash the John Doe subpoenas aimed at them.In a surprise move, Judge Kluka, who had presided over the Doe investigations for more than a year, recused herself from the case. (A political journal, the Wisconsin Reporter, attempted to speak to Judge Kluka about her recusal, but she refused to offer comment.)The new judge in the case, Gregory Peterson, promptly sided with O Keefe and blocked multiple subpoenas, holding (in a sealed opinion obtained by the Wall Street Journal, which has done invaluable work covering the John Doe investigations) that they do not show probable cause that the moving parties committed any violations of the campaign finance laws. The judge noted that the State is not claiming that any of the independent organizations expressly advocated Walker s election. O Keefe and the Wisconsin Club for Growth followed up Judge Peterson s ruling by filing a federal lawsuit against Chisholm and a number of additional defendants, alleging multiple constitutional violations, including a claim that the investigation constituted unlawful retaliation against the plaintiffs for the exercise of their First Amendment rights.United States District Court judge Rudolph Randa promptly granted the plaintiffs motion for a preliminary injunction, declaring that the Defendants must cease all activities related to the investigation, return all property seized in the investigation from any individual or organization, and permanently destroy all copies of information and other materials obtained through the investigation. From that point forward, the case proceeded on parallel state and federal tracks. At the federal level, the Seventh Circuit Court of Appeals reversed Judge Randa s order.Declining to consider the case on the merits, the appeals court found the lawsuit barred by the federal Anti-Injunction Act, which prohibits federal courts from issuing injunctions against some state-court proceedings.O Keefe and the Wisconsin Club for Growth have petitioned the Supreme Court for a writ of certiorari and expect a ruling in a matter of weeks.At the same time, the John Doe prosecutors took their case to the Wisconsin Court of Appeals to attempt to restart the Doe proceedings. The case was ultimately consolidated before the state supreme court, with a ruling also expected in a matter of weeks.And so, almost five years after their secret beginning, the John Doe proceedings are nearly dead on life support, according to one Wisconsin pundit but incalculable damage has been done, to families, to activist organizations, to the First Amendment, and to the rule of law itself.In international law, the Western world has become familiar with a concept called lawfare, a process whereby rogue regimes or organizations abuse legal doctrines and processes to accomplish through sheer harassment and attrition what can t be accomplished through legitimate diplomatic means. The Palestinian Authority and its defenders have become adept at lawfare, putting Israel under increasing pressure before the U.N. and other international bodies.The John Doe investigations are a form of domestic lawfare, and our constitutional system is ill equipped to handle it. Federal courts rarely intervene in state judicial proceedings, state officials rarely lose their array of official immunities for the consequences of their misconduct, and violations of First Amendment freedoms rarely result in meaningful monetary damages for the victims.As Scott Walker runs for president, the national media will finally join the Wall Street Journal in covering John Doe.Given the mainstream media s typical bias and bad faith, they are likely to bring a fresh round of pain to the targets of the investigation; the cloud of suspicion will descend once again; even potential favorable court rulings by either the state supreme court or the U.S. Supreme Court will be blamed on conservative justices taking care of their own.Conservatives have looked at Wisconsin as a success story, where Walker took everything the Left threw at him and emerged victorious in three general elections. He broke the power of the teachers unions and absorbed millions upon millions of dollars of negative ads. The Left kept chanting, This is what democracy looks like, and in Wisconsin, democracy looked like Scott Walker winning again and again.Yet in a deeper way, Wisconsin is anything but a success. There were casualties left on the battlefield innocent citizens victimized by a lawless government mob, public officials who brought the full power of their office down onto the innocent.Governors come and go. Statutes are passed and repealed. Laws and elections are important, to be sure, but the rule of law is more important still. And in Wisconsin, the rule of law hangs in the balance along with the liberty of citizens.As I finished an interview with one victim still living in fear, still shattered by the experience of nearly losing everything simply because she supported the wrong candidate at the wrong time, I asked whether she had any final thoughts. Just one, she replied. I m hoping for accountability, that someone will be held responsible so that they ll never do this again. She paused for a moment and then, with voice trembling, said: No one should ever endure what my family endured. Via: National Review",left-news,"Apr 21, 2015",0 +5-Star Mooch and Free-Loading Granny Drop In For Lunch In New York On The Taxpayer’s Dime…,"Nothing but the best for the queen and the queen s mom No other mother-in-law of a President in the history of the United States has enjoyed a more extravagant lifestyle than that of Mooch s mom, Marian Robinson. Thanks to Mooch and Barack s generosity with other people s money, she has become accustomed living the high life in our White House. She s been the recipient of an excessive number taxpayer funded luxury vacations planned by Mooch for their extended family and friends.Enjoying a perfect spring day in New York City, the First Lady and Grandmother-in-chief , Marian Robinson, had a mother-daughter bonding lunch in Greenwich Village.The two sat down for a meal at Lupa, a small Italian eatery on Thompson Street and were looked after by owner and restaurant mogul Mario Batali.Batali was heard telling the photographers waiting out of the trattoria that the pair had the Chef s Roman Tasting Menu .Outside the eatery a group of bodyguards stood on the sidewalk waiting for the two.Here a just a few photos from taxpayer funded trips with Mooch and Marian:The taxpayers have been good to Mooch and Marian. As word spread that the First Lady and her mom were dining inside, resident s in the building above the restaurant emerged on their fire escapes, keen to get a look.Via: Daily Mail ",left-news,"Apr 20, 2015",0 +DEATH PANELS? PRINCETON PROFESSOR WANTS TO KILL DISABLED BABIES And Wants Obamacare To Pay For It,"Hell has a special spot reserved for this horrible man According to an article published Sunday by World Net Daily, a Princeton University professor has suggested that severely disabled infants be killed to cut health care costs and for moral reasons. In a radio interview Sunday with Aaron Klein, broadcast on New York s AM 970 The Answer and Philadelphia s NewsTalk 990 AM, Princeton University ethics professor Peter Singer argued it is reasonable for government or private insurance companies to deny treatment to severely disabled babies.Several times during the interview Singer argued the health-care system under Obamacare should openly acknowledge health-care rationing and that the country should acknowledge the necessity of intentionally ending the lives of severely disabled infants. Singer also repeatedly referred to a disabled infant as it during the interview.According the WND, Singer is well-known for his controversial views on abortion and infanticide. He essentially argues the right to life is related to a being s capacity for intelligence and to hold life preferences, which in turn is directly related to a capacity to feel and comprehend pain and pleasure.Singer told Klein rationing is already happening, saying doctors and hospitals routinely make decisions based on costs. Klein is the host of Aaron Klein Investigative Radio, a syndicated radio program that airs in several markets across the US. Klein is also a columnist at WND. It s different in the U.S. system, in a way, because it doesn t do this overtly; maybe it doesn t do it as much, Singer explained. And the result is it spends about twice as much on health care as some other countries for very little extra benefit in terms of the outcome. During the interview Klein quoted from a section of Singer s 1993 treatise Practical Ethics, titled Taking Life: Humans. In the section, Singer argued for the morality of non-voluntary euthanasia for human beings not capable of understanding the choice between life and death, including severely disabled infants, and people who through accident, illness, or old age have permanently lost the capacity to understand the issue involved. Singer contends that the wrongness of killing a human being is not based on the fact that the individual is alive and human. Instead, Singer argues it is characteristics like rationality, autonomy, and self-consciousness that make a difference. When asked by Klein whether he envisions denying treatment to disabled infants to become more common in the US under the new health-care law, Singer replied: It does happen. Not necessarily because of costs. If an infant is born with a massive hemorrhage in the brain that means it will be so severely disabled that if the infant lives it will never even be able to recognize its mother, it won t be able to interact with any other human being, it will just lie there in the bed and you could feed it but that s all that will happen, doctors will turn off the respirator that is keeping that infant alive. I don t know whether they are influenced by reducing costs, Singer continued. Probably they are just influenced by the fact that this will be a terrible burden for the parents to look after, and there will be no quality of life for the child. So we are already taking steps that quite knowingly and intentionally are ending the lives of severely disabled infants. And I think we ought to be more open in recognizing that this happens. Klein then asked singer, I know that it happens and it happens certainly if the family gives consent. But do you think in the future in order to ensure a more fair rationing of health-care and health-care costs, that it should actually be instituted more? The killing of severely disabled babies? Singer responded by saying the killing of infants would be quite reasonable if it saved money that can be used for better purposes. He contended that most people would say they don t want their premiums to be higher so that infants who can experience zero quality of life can have expensive treatments. Singer s full response: I think if you had a health-care system in which governments were trying to say, Look, there are some things that don t provide enough benefits given the costs of those treatments. And if we didn t do them we would be able to do a lot more good for other people who have better prospects, then yes.I think it would be reasonable for governments to say, This treatment is not going to be provided on the national health service if it s a country with a national health service. Or in the United States on Medicare or Medicade. And I think it will be reasonable for insurance companies also to say, You know, we won t insure you for this or we won t insure you for this unless you are prepared to pay an extra premium, or perhaps they have a fund with lower premiums for people who don t want to insure against that. Because I think most people, when they think about that, would say that s quite reasonable. You know, I don t want my health insurance premiums to be higher so that infants who can experience zero quality of life can have expensive treatments. Via: Examiner.com",left-news,"Apr 20, 2015",0 +FIRST GRADE TEACHER READS TRANSGENDER BOOK TO STUDENTS ABOUT How A Boy Came To The Realization He Was Really A Girl,"Seriously? FIRST GRADE? When are parents going to stand up and say they ve had enough?!!Officials at Mitchell Primary School are apologizing after a book about a transgender child was read to most of the school s K-3 students. We have a practice of if a topic is considered sensitive, parents should be informed, superintendent Allyn Hutton told SeaCoastOnline.com. In this situation, that didn t happen. The whole culture at Mitchell School is about teaching tolerance and respect. The people presenting the lesson thought (the book) was one more piece of teaching that lesson. In retrospect, we understand that toleration is tolerating people of all opinions, Hutton said.Criticism flooded the district after Fox News host Sean Hannity posted about the lesson on his website, prompted by a Mitchell school mother who was angry she wasn t given advanced warning that teachers were reading students the book I am Jazz by Jessica Herthel and Jazz Jennings, the news site reports.The book details the struggles of a child with a boy s body and a girl s brain, who eventually finds a doctor that tells the family the boy is a transgender.From the book s description on Amazon.com: From the time she was two years old, Jazz knew that she had a girl s brain in a boy s body. She loved pink and dressing up as a mermaid and didn t feel like herself in boys clothing. This confused her family, until they took her to a doctor who said that Jazz was transgender and that she was born that way. Jazz s story is based on her real-life experience and she tells it in a simple, clear way that will be appreciated by picture book readers, their parents, and teachers. The mother wrote in to Hannity.com to express her frustration that she wasn t given a heads up about the lesson, which was read out loud to students in 20 of Mitchell s 22 classes. I feel like my thoughts, feelings and beliefs were completely ignored .My right as a parent to allow or not allow this discussion with my child was taken from me, the mother wrote. It is very upsetting to me that I didn t have an option at all. The mother said she tried to approach school officials about her concerns but was given the cold shoulder. When I spoke with the principal he was very cold about it, she said. It s amazing how thoughtless the school has been with this whole thing. Hannity contacted Hutton with specific questions about the lesson and received an anemic response. I have spoken with the principal at Mitchell School who has been working with their guidance counselor to appropriately manage this situation and provide the appropriate information for the children at this age level, Hutton said. All information has been posted on the school s guidance blog for parent review. That blog, written by guidance counselor Dana Richerich, contends some people may think primary school students are too young to worry about addressing issues surrounding gay, lesbian, bisexual, transgender and questioning (LGBTQ) students. Not so, experts say. It s never too early to begin teaching children about respecting differences. When our students and their parents have questions related to LGBTQ issues, our goal is to foster healthy dialog (sic), critical thinking and inclusiveness. With that in mind, our conversations include all students and perspectives to create a safe and supportive school climate, the blog reads.The critical LGBTQ thinking, however, seems to have confused at least one student. The mother who wrote in to Hannity said her son s now confused about whether he s transgender.The boy asked his mother if he s transgender, or if he could be a girl in love with a girl. The mother says that up until time the topic was brought up in school, her son had never said anything like that before, according to Hannity.com. I was taken aback by it, the mother said. Being seven, once you put something in their mind they don t forget so easily. Via: EAG News",left-news,"Apr 20, 2015",0 +WATCH WHAT HAPPENS WHEN COLLEGE STUDENTS ARE ASKED β€œAre you ready for Hillary”,"Listen to the mind boggling answers to these questions asked by Caleb Bonham, founder of Campus Reform. Just for fun, we ve included the latest ad by the AmericaRisingPAC (You won t want to miss it. We promise it s pretty awesome!)What is the biggest reason you re voting for Hillary?What is the #1 reason you would support a woman President?Like if I said I support Scott Walker because he s a man would that be sexist? Do you think that s a qualifying factor to be President, the Commander in Chief that she s a woman? WATCH THIS AMAZING NEW ANTI-HILLARY AD BY THE AMERICA RISING PAC:",left-news,"Apr 19, 2015",0 +ONLY 25% OF DOWN SYNDROME BABIES ARE ALLOWED TO BE BORN…This β€˜Flying Baby’ Might Make Some People Re-think That Decision,"Alan noticed his son liked to lay on his belly and pretend he was flying.One day he edited an image to make it appear as though Wil was floating in mid-air. Our family and friends loved this idea and it soon became a weekly thing on my Instagram to see where Wil had been flying that week. These photos soon took on a whole new meaning for us as we began to consider some of the unique challenges he will face as he grows up, Alan said.Alan Lawrence s son can fly, and he s not even 2 years old!This is Wil. The youngest of five children, Wil s family had no idea he would be born with Down syndrome.When baby William was born, his family didn t expect him to have Down syndrome. Although they were unsure of what that meant and what the future held for them, his parents didn t have a second thought about loving him the same way they loved their four other children.In case you haven t noticed, Wil can fly.While those with Down syndrome have unique circumstances, they prove every day that those circumstances should not be confused with limitations. Wil has always wanted to fly ever since he learned to roll on his stomach. When on his stomach he likes to throw his arms behind his back and wiggle his feet and my family and I have always joked that he will one day take off. This is Wil flying with his dad, Alan. When Wil was first born, Alan admits that for a moment he could only focus on what Wil wouldn t be able to do. We don t have to give up all the things we love to do as a family because Wil has Down syndrome. He helps us slow down and find the joy in life. Well said! Our family with Wil is happy. We want to show the world that you can have a happy life with a child with Down syndrome. The photos went viral, and now Wil s family is hoping to release a calendar of the pictures to help spread awareness about Down syndrome. Via: Littlethings.comYou can help by visiting their Kickstarter here!By now, most pro-lifers have heard the cruel and elitist comments made by Richard Dawkins about aborting Down syndrome babies. Dawkins claims that the ethical choice is to abort all babies with Down syndrome, even though these children often lead happy lives and enrich their families and society.An NBC article by Kimbery Hayes Taylor describes the results of 3 studies conducted by Boston Children s Hospital. In the first study, out of 2,044 parents or guardians surveyed, 79% reported their outlook on life was more positive because of their child with Down syndrome.A second study found that among siblings of children with Down syndrome, 97% expressed feelings of pride for their brother or sister and 88% were convinced that they were better people because of their sibling. This study polled siblings over the age of 12.A third study focused on the feelings and attitudes of people with Down syndrome themselves. Among adults with Down, 99% said they were happy with their lives and 97% said they liked who they were. 96% said they liked the way they looked. You would probably not find such high numbers among the general public. According to the study, Down syndrome children grow up to be happy adults.And yet the abortion rate for Down syndrome babies is tragically high. Some studies put the number at 90%. Our culture puts so much value on independence and individual achievement that human beings who do not measure up to certain standards can be rejected and aborted. Children become commodities that can be tested and found wanting and then destroyed. Only if they pass a criteria established by their parents are they judged acceptable and allowed to be born.Rayna Rapp, a former abortion clinic worker who aborted a baby with Down syndrome herself, conducted a survey of women and couples who sought amniocentesis to screen for Down syndrome and other problems with their babies. All of the interviewees intended to abort if the baby was found to have Down syndrome. Some of the things that these parents say about Down syndrome children are deeply troubling to anyone who values life. Here are some comments from men and women who said they would abort if the test came back positive for Down.I would have a very hard time dealing with a retarded child. Retardation is relative, it could be so negligible that the child is normal, or so severe that the child has nothing All of the sharing things you want to do, the things you want to share with a child that, to me, is the essence of being a father. There would be a big void that I would feel. I would feel grief, not having what I consider a normal family.(133)I have an image of how I want to interact with my child, and that s not the kind of interaction I want, not the kind I could maintain. (133)I m sorry to say I couldn t think about raising a child with Down s. I m something of a perfectionist. I want the best for my child. I ve worked hard, I went to Cornell University, I d want that for my child. I d want to teach him things he couldn t absorb. I m sorry I can t be more accepting, but I m clear I wouldn t want to continue the pregnancy.( 133 134)The bottom line is when my neighbor said to me: Having a tard, that s a bummer for life. (91)I just couldn t do it, couldn t be that kind of mother who accepts everything, loves her kid no matter what. What about me? Maybe it s selfish, I don t know. But I just didn t want all those problems in my life. (138)If he can t grow up to have a shot at becoming the president, we don t want him.(92)It s devastating, it s a waste, all the love that goes into kids like that. (134)I think it s kind of like triage, or like euthanasia. There aren t enough resources in the world. We d have to move, to focus our whole family on getting a handicapped kid a better deal Why spend $50,000 to save one child?(146)All of these mothers and fathers (for they are already mothers and fathers to their babies growing in the womb) had chosen to have abortions if the baby had Down. The book did not specify which pregnancies actually tested positive and how many went on to abort. But all of the quotes above were made by men and women who fully intended to kill their babies if they turned out to be mentally challenged.Many of these people were affluent, successful men and women. They had an idea of what they wanted their child to be like, and if it turns out their baby does not measure up to their expectations, they want to reject that child and try again. It s a consumer culture that views babies as commodities that can be accepted or rejected based on the parents expectations.You have to wonder how these parents would react if their normal child turned out to have a learning disability or just is less of an overachiever- not as perfect as they want him to be. The sanctity of human life has been defeated by a consumer culture where women have amniocentesis in order to decide whether or not a baby is acceptable to be born, as if they were purchasing a pair of shoes and looking for the most comfortable and attractive ones.Two of the people interviewed also expressed reluctance to make the sacrifices required to care for a Down syndrome child. Not wanting problems in my life becomes a tragic statement when you realize that all children cause problems at one time or another. Putting a monetary cost on a child s life and deciding that the child s life isn t worth that arbitrary amount is even worse. I wonder how much money the mother who so cavalierly said Why spend $50,000 to save one child thinks her own life is worth?I wonder if the respondents knew that there is a waiting list of parents hoping to adopt children with Down syndrome. Sadly, I doubt this knowledge would make a difference to those who rejected their children.Via: Live Action News",left-news,"Apr 17, 2015",0 +"LOW FLUSH TOILETS, DELTA SMELT, PAYOFFS, NEIGHBORHOOD SNITCHES AND STATISTS…Why The Radical Left Is Lying About A Water Crisis In CA","Dr. Gina Loudon is hands down one of our favorite conservative writers. She nails it with this piece about the truth behind the lies of the California drought I found it supremely ironic this week that two of the big stories were about a man-made lack of water in California, and a man lost in a vast sea off of Florida.Gov. Jerry Moonbeam Brown announced the dire circumstances, not from the Capitol in Sacramento, but from the dramatic backdrop of a mountaintop. His narrative held that there should be five feet of snow pack, but alas, there was none. Brown, and the radical Marxists, couched as environmentalists he represents, have convinced most Americans to hold two radically opposing views simultaneously. Ostensibly, California is in danger of being flooded by rising sea levels caused by global warming and melting polar ice caps, and it is also utterly out of water.There is no shortage of water. This is an environmentalist-created drought that is costing billions.I waver between utter disgust and admiration when I watch how the leftists sell these things, always with straight faces. Every major news outlet in America and many around the world swallowed the narrative like fish on a baited hook. They tell us there is no water, no snow to provide water for the summer, and the farmers are taking too much so people must suffer. There is an all-out war on grass, and no one is safe. Sorry, Shaggy, your grass is to blame as well.There is hand wringing in every club house as the boards are told they are coming for the rough grass, your fairways and greens are safe, for now. Evil rich guys in colorful knickers and almond farmers in overalls are the scourge of California. Off with their heads! Oh, and you can forget about the luxury of children playing on the lawn. If you want that, you breeders should move to flyover land! Don t you dare sneak and water the backyard after dark; Brown makes it easy for your neighbors to snitch on you. I m not making this up. They really have a state hotline for that.Those of us who pay attention know well the proverb, Where there is no vision, the people perish. The people who built California into the greatest agricultural producer in America gave us dams, canals, reservoirs and all kinds of conveyance of water. They harnessed the rivers that reach from the Pacific Northwest down well into Northern California and even draw water to the Golden State from the Colorado River. That was then. Nothing has changed since then, except political power.For the last several decades, the radical fringe has taken full control of California, and it hates people. Dennis Prager observed that statists love humanity but hate humans. Watch how they latch onto dreams of egalitarian states but begin the execution of their plans by marginalizing, isolating and then executing anyone who disagrees with them. They dine in the finest restaurants in San Francisco, the likes of Brown, Pelosi, Boxer and Feinstein, planning lawsuits to cut the flow of water to the farms of Central California and the people in Southern California, caring not a wit that 40,000 agricultural workers, mostly Hispanic, are unemployed.Just this week, in the middle of a human crisis, federal fish agents ordered the release of billions of gallons of water purportedly to save six fish. You read that right. Not to save six species of fish, but literally, six fish. Apparently, these special six stood their, err ground, and when 29 of their compadres rode the 10 billion gallon man-made wave to the ocean in March, they refused to go with the flow (sorry).You can t make this stuff up. But when you do, people actually believe it.So Obama administration agents want a second toilet flush to give these hard-headed steelheads a second nudge. The idea that nature itself may be holding the fish where they are is of no concern to statists who love telling both man and beast what they think is good for them. Sadly, this latest mind-boggling atrocity is getting very little media coverage. I found excellent coverage in the Manteca Bulletin. Why hasn t the Los Angeles Times reported on this?The current shortage is based primarily on the release of billions of gallons daily into the San Francisco Bay to sustain the bait fish known as the Delta smelt. This is a simple distribution issue; there is plenty of water.Prior to the statists taking over California, massive pumps were diverting water from rivers into the canal system (built before Brown and his ilk took control of the state). They have all but turned these pumps off to protect the fish from their Darwinian demise, and billions upon billions of gallons of fresh water is continuously dumped into the ocean.For the people-hating San Francisco cabal, cutting off water from the people is the real goal. They want fewer people to begin with, but the ultimate goal is control. Few environmentalists admit it publicly, but they want zero farming in the central valley, preferring to allow land to return to its prehistoric state. The cabal wants to control water so they can control people. Brown is just the messenger today. He is telling America that water access is a privilege, he has the power to pick winners and losers, and we have to just take it.If Brown decides tomorrow that he wants to withhold water from almond farmers, Americans will just have to accept it. Have you ever wondered why any business owner would give campaign donations to Marxist, business-hating politicians? Now you know why. They must give to buy protection. Business owners do not donate to Brown, Pelosi or Harry Reid because those politicians are good for business; they give to be sure they are not the next targets.The problem with all of this is that water is a limitless natural resource. Just ask the sailor who faced drowning daily or the people in the Midwest who were deluged this week. It is one thing to argue for conservation of animals, or even trees, or green space, but water? Water is a limitless natural resource. Not even the most self-important leftist believes he could make water go away, no matter how hard he tried. How did they convince us to accept this lie?They got us to buy the lie that water is scarce by telling it often enough and pounding it into generations of schoolchildren. Using federal law and acts of Congress, they forced people from water-soaked regions to accept low flush or what some call two flush toilets the same as desert-dwelling Californians. And we fell for it. At least the Democrats among us fell for it.Thus it is that Brown got to have his cake and eat it, too. He told Californians, and really all Americans and the world, that lack of water was not his fault for lacking the vision to feed the distribution system created by the real men who built California. He repeats that it is not the fault of the Marxists Endangered Species Act that prefers hard-headed fish over people. The lack of water is the result of the lack of snow pack, which is the result of climate change, which is the result of greedy people being well, people. The Delta smelt and steelhead trout must live and we mere humans should all just die.Meanwhile, Jerry Brown is committed to spending $100 billion for trains, but he has made zero commitment to allowing water to flow to people instead of fish, and zero commitment to finding funding for his twin tunnels alternate solution. And why would he? We are cutting back our water use, ratting on our neighbors and accepting higher produce prices across America. The Marxists in San Francisco are toasting total victory. The farmers and country club board members are suing for peace. Lord help usVia: WND",left-news,"Apr 17, 2015",0 +[Video] WATCH HOW MARCO RUBIO Handles Same Reporter Who Attempts Interview With Hillary,There s just something about Shrillary that almost makes you wonder if everything she does has to be staged Watch how differently Marco Rubio is able to handle an impromptu interview with this TMZ reporter vs Hillary Clinton (below): h/t IJ Review,left-news,"Apr 17, 2015",0 +JEB BUSH WANTS CONGRESS TO APPROVE AMNESTY And Confirm Loretta Lynch (Eric Holder In A Skirt) For AG Position,"Jeb Bush just unofficially placed himself on team Democrat Potential GOP presidential candidate Jeb Bush is calling on Congress to confirm attorney general nominee Loretta Lynch, whose confirmation hearings took place in front of the Senate Judiciary Committee in January. In February, Lynch was voted out of the committee and approved 12-8. Due to the legislative schedule and fighting over bills already in motion, a full Senate vote on her confirmation has not yet taken place. More from POLITICO: I think presidents have the right to pick their team, Bush said, according to reports of his stop at the Politics and Pie forum in Concord, New Hampshire, on Thursday night.A Senate fight over a sex-trafficking bill that includes a controversial abortion provision has held up Lynch s nomination for 160 days since Obama announced his choice last Nov. 8, but Minority Leader Sen. Harry Reid (D-Nev.) is threatening to break protocol and force a vote on the Senate floor. If someone is supportive of the president s policies, whether you agree with them or not, there should be some deference to the executive, Bush told reporters. It should not always be partisan. The attorney general isn t supposed to be supportive of the president s policies. The attorney general is supposed to advise the president on constitutional matters and is responsible for ensuring the balance between the executive and legislative branches in maintained.During her confirmation hearings, Lynch expressed support for President Obama s executive amnesty and argued that anybody who is inside the United States, regardless of how they got here or what their legal status is, has a right to work. I think the right and obligation to work is one that is shared by everyone in this country regardless of how they came here and certainly if someone is here, regardless of status, I would prefer that they be participating in the work place than not be participating, Lynch said.https://youtu.be/FbjsvEjXLgoSorry Loretta, but we beg to differ: Via: Townhall",left-news,"Apr 17, 2015",0 +[VIDEO] HILLARY’S VAN BLOWS BY ELDERLY PEOPLE IN WHEELCHAIRS Waiting To See Her On Way To Manufactured Event,"Hillary s for all Everyday Americans just not the elderly ones in wheelchairs Hillary Clinton wants to meet everyday Americans so badly, she drove right past many waiting in front of her event in Iowa.In the now-viral clip of reporters chasing after Clinton s Scooby van, the Clinton camp drove to the back entrance, surprising both reporters and many of her supporters waiting to get a glimpse of the candidate. I think what you don t see in that clip, which is one of the most surprising things is there were actually a ton of people waiting for her at the front of that college, said Financial Times reporter Megan Murphy. There were elderly people in wheelchairs, there were people and they just cruised right on by to the back. The news that Clinton symbolically drove past ordinary voters while driving their own everyday Americans to the event will certainly reflect poorly on the campaign. The incident draws parallels to the man Clinton hopes to succeed in the Oval Office when he drove past disabled veterans in Phoenix.The Democratic front-runner had already snubbed everyday Americans when she parked at a handicapped spot for her convenience at one event and did not include differently-abled citizens in her announcement video. Those were the everyday Americans. Those were the everyday Iowans and guess what they were lined up in front of that community college, Murphy said.Morning Joe host Mika Brzezinski was appalled after hearing the story. Earlier in the day, she criticized the Clinton campaign for her evasive and inaccessible approach to the campaign roll out which has left Clinton looking stale and flat. Joe Scarborough, on the other hand, laughed and said the story proved the narrative of an inauthentic Clinton campaign. The former congressman said it was not surprising Clinton did not want to meet the elderly people on wheelchairs because her staff did not get to vet them first. Because they want the everyday Americans that they had talked to for 30 minutes about how to act like an everyday American, Scarborough said.With senior citizens making up a quarter of all voters in 2014, up from 21 percent in 2010, Clinton may face an uphill battle in gaining the trust of the most reliable voting block to turn out on Election Day.Via: WFB",left-news,"Apr 17, 2015",0 +ELEMENTARY SCHOOL PLANS β€˜BLACKS ONLY’ FIELD TRIP TO COLLEGE FOR THIRD GRADERS,"Because there wouldn t be any outrage over a white kids only field trip to a local college would there?Parents criticized Indiana school officials Thursday for a trip planned to local colleges that was only offered to black third-graders, ABC 57 reported.School officials defended the trip, saying the outing sends a positive message to black students who may believe the prospect of college is out of reach. We take them to a college campus, have them meet African-American students, modeling the idea that as a black person, college is a great place, Dr. G. David Moss, the head of the African-American services at the South Bend Community Schools Corporation, told the station.The initiative has been criticized by parents in the community, not because of its ambitions, but because it excludes students with other backgrounds.One parent whose son is going on the trip told the station that she believes all kids should be going. Moss told the station that he did not mean to offend anyone with the trips, but said he was hired to look at the issues facing African-American kids in the community.Via: FOX News",left-news,"Apr 17, 2015",0 +MIDDLE SCHOOL TEACHER BEATEN UNCONSCIOUS BY PARENT AND STUDENT WARNED: β€˜I fear for my safety…the children have no respect for adults”,"Don t worry, the attorney for the mom/thug who brought her own special form of street justice to the teacher in the classroom says: she s a nice person. Yeah that s what we assumed. A middle school teacher is recovering in hospital in New York after being viciously assaulted by one of her student s mothers and the woman s 14-year-old niece.The incident occurred Wednesday afternoon at Alverta B. Gray Schultz Middle School in Hempstead.Police say the parent, Annika McKenzie, 34, walked into the building without being cleared by security and waited in the hallway for her daughter s math teacher, Catherine Engelhardt. McKenzie believed Engelhardt had put her hands on her 12-year-old daughter earlier in the day, according to ABC 7.Engelhardt refused to speak with McKenzie, telling her to first get a security pass.A fight then ensued.Authorities say the teacher was shoved against the wall, placed in a headlock and thrown to the floor.Several students also became involved in the attack, including McKenzie s 14-year-old niece.Another teacher was able to break up the melee and attend to Engelhardt.She was unconscious for several minutes and rushed to Winthrop University Hospital.Engelhardt, a mother and teacher of 20 years, has since been released and is recovering at home in a lot of pain , according to Newsday.Speaking from her home to ABC 7, Engelhardt said she has long feared for her safety at the school. It s not like I thought a parent would do something, but I knew something violent was going to happen, she told the network. I ve warned (the school) time and again that the children have no respect for adults. Yes, I fear for my safety. They can t control the kids. Via: UK Daily Mail",left-news,"Apr 16, 2015",0 +ELEMENTARY SCHOOL PLANS β€˜BLACKS ONLY’ FIELD TRIP TO COLLEGE FOR THIRD GRADERS,"Because there wouldn t be any outrage over a white kids only field trip to a local college would there?Parents criticized Indiana school officials Thursday for a trip planned to local colleges that was only offered to black third-graders, ABC 57 reported.School officials defended the trip, saying the outing sends a positive message to black students who may believe the prospect of college is out of reach. We take them to a college campus, have them meet African-American students, modeling the idea that as a black person, college is a great place, Dr. G. David Moss, the head of the African-American services at the South Bend Community Schools Corporation, told the station.The initiative has been criticized by parents in the community, not because of its ambitions, but because it excludes students with other backgrounds.One parent whose son is going on the trip told the station that she believes all kids should be going. Moss told the station that he did not mean to offend anyone with the trips, but said he was hired to look at the issues facing African-American kids in the community.Via: FOX News",left-news,"Apr 16, 2015",0 +23 YR OLD SOMALI REFUGEE TURNED NATURALIZED CITIZEN ARRESTED FOR TERROR PLOT AGAINST US,"From the amazing Ann Corcoran s Refugee Resettlement blog: Ho hum! Another of those Somalis we are still bringing into America as refugees at the rate of 800-900 a month has been indicted in Columbus, the city second only to Minneapolis as a city being colonized by a large population of Somali Muslim refugees (thanks to those religious non-profits hired by the federal government to place them!).This latest jihadist came here as a child and your tax dollars helped raise him! (I ll have more tomorrow, just wanted to get the news out while it s hot!) Stay tuned A 23-year-old resident of Columbus, Ohio, who trained with a group affiliated with al Qaeda has been arrested and charged with plotting an attack on American soil, the Justice Department revealed today.Abdirahman Sheik Mohamud, a naturalized American citizen of Somali descent, had been instructed by a cleric to return to the United States and carry out an act of terrorism, the indictment said.The Justice Department stated that Mohamud was also an Islamic State sympathizer, and that his brother, Abdifatah Aden, was killed fighting with the group in Syria in 2013.According to court documents, Mohamud left the US a year ago with the intent to go to Syria and train with a terrorist group linked to al Qaeda in Iraq.In April 2014, he purchased a one-way ticket to Greece, but during a layover in Istanbul he failed to board a connecting flight to Athens and instead made his way to Syria.Once he reached his destination, Mohamud stated that he received training in shooting weapons, breaking into houses, explosives and hand-to-hand combat.The 23-year-old Columbus man aloes said that after completing his training, a cleric with the group Jabhat al-Nusrah instructed him to return to the US and commit an act of terror.The 23-year-old returned to the US in June 2014 with a plot to attack a military base or a correctional facility, targeting people in uniform, according to court documents. Mohamud talked about doing something big in the United States, the papers cited by ABC News indicate. He wanted to go to a military base in Texas and kill three or four American soldiers execution style. On Thursday, Mohamud was indicted on one count of attempting to provide and providing material support to terrorists, one count of attempting to provide and providing material support to a designated foreign terrorist organization, and one count of making false statements to the FBI.The first two counts, providing material support to terrorists and providing material support to a designated foreign terrorist organization are each crimes punishable by up to 15 years in prison.Making false statements involving international terrorism carries a maximum sentence of eight years in prison.Mohamud was arrested on state charges February 21, 2015, and is expected to be transferred into federal custody based on today s indictment.Before Mohamud s brother was killed in battle on or around June 3, 2014, the two had exchanged emails discussing the 23-year-old s plans to travel to Syria and fight with Islamic State. In February, Mohamud asked Abdifatah Aden how he could send him money.Later that month, Mohamud was arrested at his Columbus home for allegedly providing a computer tablet an other material support to terrorist organizations abroad.Prosecutor Ron O Brien at the time asked a judge to set Mohamud s bond at $1million saying he was a flight risk and posed a threat to public safety.Mohamud s attorney, Sam Shamansky, insisted that his client was not a terrorist and would not flee because he was taking care of his ailing mother in Ohio.Via: UK Daily Mail ",left-news,"Apr 16, 2015",0 +FLASHBACK: HILLARY COURTS ILLEGAL ALIEN VOTE BY LYING About Her Three β€œImmigrant” Grandparents,"As it turns out, 67 year old Hillary Cinton used to hear her grandparents talk about the immigrant experience when she was a young girl, so she just thought they were immigrants Mission accomplished. No more clarification is necessary.On Wednesday in Iowa, Hillary Clinton invented three immigrant grandparents to push for more foreign workers. All my grandparents, you know, came over here and you know my grandfather went to work in lace mill in Scranton, Pennsylvania, and worked there until he retired at 65, she reportedly said. So I sit here and I think well you re talking about the second, third generation. That s me, that s you. But according to a BuzzFeed report, three of her grandparents were born in the United States while her paternal grandfather was an immigrant from England. Last year, Clinton also falsely claimed that her paternal grandmother, Hanna Jones Rodham, immigrated with her family as a young girl to Scranton. As BuzzFeed noted, according to Census records, Hanna Jones Rodham, Clinton s paternal grandmother (the wife of Hugh Rodham Sr.) was born in Pennsylvania in 1882, according to the 1910 census while her paternal grandfather, Hugh Rodham Sr., was born in England and immigrated with his parents as a child. Clinton s maternal grandparents were both born in Illinois, according to Census records.A Clinton spokesperson told BuzzFeed that Clinton s grandparents always spoke about the immigrant experience and, as a result she has always thought of them as immigrants. As has been correctly pointed out, while her grandfather was an immigrant, it appears that Hillary s grandmother was born shortly after her parents and siblings arrived in the U.S. in the early 1880s, he added.Clinton invented her immigrant grandparents while pushing for more foreign workers, which may not resonate with the everyday Americans who have not recovered from the recession and are trying to move up the economic ladder. We are turning down people who really want to work. I mean they are here to work And a lot of them now have children who are American citizens, and they are doing the best they can to try to make a good life for themselves and their families, she reportedly said at a campaign event at Capital City Fruit. And we are saying to all these other people who want the same dreams and the same aspirations and the willingness to work hard just like our families did that no, we re not going to make it easy for you, we re not going to make it legal for you. And I just think that s such a short term, unfortunate outcome for us and well as for them. Via: Breitbart News",left-news,"Apr 16, 2015",0 +STEVE JOBS’ WIDOW ANNOUNCES SUPPORT FOR β€œRevolutionary” HILLARY On Same Day Hillary’s Busted For Faking This…,"You d think she d know a thing or two about email servers and at a minimum, question Hillary s integrity Apple founder Steve Jobs widow Laurene has told of her admiration for Democratic White House front-runner Hillary Clinton.Ms Jobs, 51, called former First Lady Hillary a revolutionary woman, and added that it s not just because she s a woman but the type of woman she is .Speaking to Time 100, Ms Jobs said: Hillary Clinton is not familiar. She is revolutionary. Not radical, but revolutionary: The distinction is crucial. She is one of America s greatest modern creations. Her decades in our public life must not blind us to the fact that she represents new realities and possibilities. Indeed, those same decades have conferred upon her what newness usually lacks: judgment, and even wisdom. Oops wrong picture! It matters, of course, that Hillary is a woman. But what matters more is what kind of woman she is. Mrs Clinton announced her intention to seek the Democratic nomination on Sunday and set upon the campaign trail with a trip to meet ordinary voters in Iowa.But she was blasted for her staged visit on Tuesday morning to a coffee shop in LeClaire, Iowa.Austin Bird, one of the men pictured sitting at the table with Mrs Clinton, claimed the whole event was orchestrated from beginning to end .Bird told Daily Mail Online that campaign staffer Troy Price called and asked him and two other young people to meet him Tuesday morning at a restaurant in Davenport, a nearby city. Price then drove them to the coffee house to meet Clinton after vetting them for about a half-hour.The three got the lion s share of Mrs. Clinton s time and participated in what breathless news reports described as a roundtable the first of many in her brief Iowa campaign swing. Bird himself is a frequent participant in Iowa Democratic Party events. He interned with President Obama s 2012 presidential re-election campaign, and was tapped to chauffeur Vice President Joe Biden in October 2014 when he visited Davenport. What happened is, we were just asked to be there by Troy, Bird said Wednesday in a phone interview. We were asked to come to a meeting with Troy, the three of us, at the Village Inn. The other two, he confirmed, were University of Iowa College Democrats president Carter Bell and Planned Parenthood of the Heartland employee Sara Sedlacek. It was supposed to be a strategy meeting, Bird recalled, to get our thoughts about issues. But then all of a sudden he says, Hey, we have Secretary Clinton coming in, would you like to go meet her? And then we got in a car Troy s car and we went up to the coffee house, and we sat at a table and then Hillary just came up and talked with us. Bird said we all were called. I mean, Troy asked us all to do to go to a meeting with him. And we didn t really know what it was about. I mean, he did. He knew. Via: UK Daily Mail",left-news,"Apr 16, 2015",0 +HIGH SCHOOL TEACHER ASKS STUDENTS TO β€œPretend you are a muslim”,"Umm Yeah Okay Would it be acceptable to the school if this teacher asked her students to close their eyes and pretend to be Jesus? It s a rhetorical question of course UNION GROVE, Wis. Pretend you re a Muslim. That s what a 10th grade World History writing assignment asks students to do at a Wisconsin high school.WISN talk radio host Vicki McKenna posted Union Grove High School teacher Beth Urban s email for a five-paragraph essay on Twitter.It reads: Pretend you are:1. Muslim male/female in U.S.2. Give 3 examples of what you do daily for your religion and any struggles you face.3. Again, 5 paragraphs (intro, 3 body paragraphs, closing.)**Keep in mind we ve been doing work and watching documentaries that have the facts needed to write the essay.Union Grove Muslim essay assignment fullEAGnews emailed Urban to obtain more information on the assignment but she did not respond.Specifically, we wanted to know if there were similar assignments based on other religions or just Islam, as well as what documentaries were watched to prepare for the essay.A parent of the student who received the assignment tells EAGnews, I feel that the purpose of the assignment is to show prejudices towards Muslims in America or to invent them or exaggerate them. The parent, who asked to remain anonymous, doesn t blame the teacher for the essay s instructions. I did not voice my concerns directly to the teacher because I do not blame the teacher. I believe this is a curriculum issue. The teachers are not using their own curriculum, the school boards/superintendents do generally, according to the parent. I brought attention to it because I felt that it was inaccurate for World History. I would have no problem with this assignment if they were to pretend they were in the Middle East and practicing their religion. I first was bothered because it seems that if any Catholic issues are brought up attention is brought to the school and (the assignment) banned being a public school. EAGnews reported on another controversial lesson two years ago almost to the day at the same high school.At that time, students were given a crossword puzzle that defined conservatism as the political belief of preserving traditional moral values by restricting personal freedoms The definitions of conservatism and liberalism make me sick, parent Tamra Varebook told EAGnews. I think it s horribly distorted and it s biased. After EAG s report, the publishing company, Cerebellum Corporation, announced it would discontinue selling the skewed assignment. Although we are careful to screen the quality of our products, we are not always able to identify the problems seen in Liberalism vs. Conservatism, Cerebellum President James Rena said in a statement sent to EAGnews.",left-news,"Apr 15, 2015",0 +"HILLARY CLINTON: We All Know She’s Deceitful And Dishonest, But I Bet You Didn’t Know This…"," She was an unethical, dishonest lawyer. She conspired to violate the Constitution, the rules of the House, the rules of the committee and the rules of confidentiality. I ve decided to reprint a piece of work I did nearly five years ago, because it seems very relevant today given Hillary Clinton s performance in the Benghazi hearings. Back in 2008 when she was running for president, I interviewed two erstwhile staff members of the House Judiciary Committee who were involved with the atergate investigation when Hillary was a low-level staffer there. I interviewed one Democrat staffer and one Republican staffer, and wrote two pieces based on what they told me about Hillary s conduct at the time.I published these pieces back in 2008 for North Star Writers Group, the syndicate I ran at the time. This was the most widely read piece we ever had at NSWG, but because NSWG never gained the high-profile status of the major syndicates, this piece still didn t reach as many people as I thought it deserved to. Today, given the much broader reach of CainTV and yet another incidence of Hillary s arrogance in dealing with a congressional committee, I think it deserves another airing. For the purposes of simplicity, I ve combined the two pieces into one very long one. If you re interested in understanding the true character of Hillary Clinton, it s worth your time to read it.As Hillary Clinton came under increasing scrutiny for her story about facing sniper fire in Bosnia, one question that arose was whether she has engaged in a pattern of lying.The now-retired general counsel and chief of staff of the House Judiciary Committee, who supervised Hillary when she worked on the Watergate investigation, says Hillary s history of lies and unethical behavior goes back farther and goes much deeper than anyone realizes.Jerry Zeifman, a lifelong Democrat, supervised the work of 27-year-old Hillary Rodham on the committee. Hillary got a job working on the investigation at the behest of her former law professor, Burke Marshall, who was also Sen. Ted Kennedy s chief counsel in the Chappaquiddick affair. When the investigation was over, Zeifman fired Hillary from the committee staff and refused to give her a letter of recommendation one of only three people who earned that dubious distinction in Zeifman s 17-year career.Why? Because she was a liar, Zeifman said in an interview last week. She was an unethical, dishonest lawyer. She conspired to violate the Constitution, the rules of the House, the rules of the committee and the rules of confidentiality. How could a 27-year-old House staff member do all that? She couldn t do it by herself, but Zeifman said she was one of several individuals including Marshall, special counsel John Doar and senior associate special counsel (and future Clinton White House Counsel) Bernard Nussbaum who engaged in a seemingly implausible scheme to deny Richard Nixon the right to counsel during the investigatioWhy would they want to do that? Because, according to Zeifman, they feared putting Watergate break-in mastermind E. Howard Hunt on the stand to be cross-examined by counsel to the president. Hunt, Zeifman said, had the goods on nefarious activities in the Kennedy Administration that would have made Watergate look like a day at the beach including Kennedy s purported complicity in the attempted assassination of Fidel Castro.The actions of Hillary and her cohorts went directly against the judgment of top Democrats, up to and including then-House Majority Leader Tip O Neill, that Nixon clearly had the right to counsel. Zeifman says that Hillary, along with Marshall, Nussbaum and Doar, was determined to gain enough votes on the Judiciary Committee to change House rules and deny counsel to Nixon. And in order to pull this off, Zeifman says Hillary wrote a fraudulent legal brief, and confiscated public documents to hide her deception.The brief involved precedent for representation by counsel during an impeachment proceeding. When Hillary endeavored to write a legal brief arguing there is no right to representation by counsel during an impeachment proceeding, Zeifman says, he told Hillary about the case of Supreme Court Justice William O. Douglas, who faced an impeachment attempt in 1970. As soon as the impeachment resolutions were introduced by (then-House Minority Leader Gerald) Ford, and they were referred to the House Judiciary Committee, the first thing Douglas did was hire himself a lawyer, Zeifman said.The Judiciary Committee allowed Douglas to keep counsel, thus establishing the precedent. Zeifman says he told Hillary that all the documents establishing this fact were in the Judiciary Committee s public files. So what did Hillary do? Hillary then removed all the Douglas files to the offices where she was located, which at that time was secured and inaccessible to the public, Zeifman said. Hillary then proceeded to write a legal brief arguing there was no precedent for the right to representation by counsel during an impeachment proceeding as if the Douglas case had never occurred.The brief was so fraudulent and ridiculous, Zeifman believes Hillary would have been disbarred if she had submitted it to a judge.Zeifman says that if Hillary, Marshall, Nussbaum and Doar had succeeded, members of the House Judiciary Committee would have also been denied the right to cross-examine witnesses, and denied the opportunity to even participate in the drafting of articles of impeachment against Nixon.Of course, Nixon s resignation rendered the entire issue moot, ending Hillary s career on the Judiciary Committee staff in a most undistinguished manner. Zeifman says he was urged by top committee members to keep a diary of everything that was happening. He did so, and still has the diary if anyone wants to check the veracity of his story. Certainly, he could not have known in 1974 that diary entries about a young lawyer named Hillary Rodham would be of interest to anyone 34 years later.But they show that the pattern of lies, deceit, fabrications and unethical behavior was established long ago long before the Bosnia lie, and indeed, even before cattle futures, Travelgate and Whitewater for the woman who is still asking us to make her president of the United States.Franklin Polk, who served at the time as chief Republican counsel on the committee, confirmed many of these details in two interviews he granted me this past Friday, although his analysis of events is not always identical to Zeifman s. Polk specifically confirmed that Hillary wrote the memo in question, and confirmed that Hillary ignored the Douglas case. (He said he couldn t confirm or dispel the part about Hillary taking the Douglas files.)To Polk, Hillary s memo was dishonest in the sense that she tried to pretend the Douglas precedent didn t exist. But unlike Zeifman, Polk considered the memo dishonest in a way that was more stupid than sinister. Hillary should have mentioned that (the Douglas case), and then tried to argue whether that was a change of policy or not instead of just ignoring it and taking the precedent out of the opinion, Polk said.Polk recalled that the attempt to deny counsel to Nixon upset a great many members of the committee, including just about all the Republicans, but many Democrats as well. The argument sort of broke like a firestorm on the committee, and I remember Congressman Don Edwards was very upset, Polk said. He was the chairman of the subcommittee on constitutional rights. But in truth, the impeachment precedents are not clear. Let s put it this way. In the old days, from the beginning of the country through the 1800s and early 1900s, there were precedents that the target or accused did not have the right to counsel. That s why Polk believes Hillary s approach in writing the memorandum was foolish. He says she could have argued that the Douglas case was an isolated example, and that other historical precedents could apply.But Zeifman says the memo and removal of the Douglas files was only part the effort by Hillary, Doar, Nussbaum and Marshall to pursue their own agenda during the investigation.After my first column, some readers wrote in claiming Zeifman was motivated by jealousy because he was not appointed as the chief counsel in the investigation, with that title going to Doar instead.Zeifman s account is that he supported the appointment of Doar because he, Zeifman, a) did not want the public notoriety that would come with such a high-profile role; and b) didn t have much prosecutorial experience. When he started to have a problem with Doar and his allies was when Zeifman and others, including House Majority Leader Tip O Neill and Democratic committee member Jack Brooks of Texas, began to perceive Doar s group as acting outside the directives and knowledge of the committee and its chairman, Peter Rodino.(O Neill died in 1994. Brooks is still living and I tried unsuccessfully to reach him. I d still like to.)This culminated in a project to research past presidential abuses of power, which committee members felt was crucial in aiding the decisions they would make in deciding how to handle Nixon s alleged offenses.According to Zeifman and other documents, Doar directed Hillary to work with a group of Yale law professors on this project. But the report they generated was never given to the committee. Zeifman believes the reason was that the report was little more than a whitewash of the Kennedy years a part of the Burke Marshall-led agenda of avoiding revelations during the Watergate investigation that would have embarrassed the Kennedys.The fact that the report was kept under wraps upset Republican committee member Charles Wiggins of California, who wrote a memo to his colleagues on the committee that read in part:Within the past few days, some disturbing information has come to my attention. It is requested that the facts concerning the matter be investigated and a report be made to the full committee as it concerns us all.Early last spring when it became obvious that the committee was considering presidential abuse of power as a possible ground of impeachment, I raised the question before the full committee that research should be undertaken so as to furnish a standard against which to test the alleged abusive conduct of Richard Nixon.As I recall, several other members joined with me in this request. I recall as well repeating this request from time to time during the course of our investigation. The staff, as I recall, was noncommittal, but it is certain that no such staff study was made available to the members at any time for their use.Wiggins believed the report was purposely hidden from committee members. Chairman Rodino denied this, and said the reason Hillary s report was not given to committee members was that it contained no value. It s worth noting, of course, that the staff member who made this judgment was John Doar.In a four-page reply to Wiggins, Rodino wrote in part:Hillary Rodham of the impeachment inquiry staff coordinated the work. . . . After the staff received the report it was reviewed by Ms. Rodham, briefly by Mr. Labovitz and Mr. Sack, and by Doar. The staff did not think the manuscript was useful in its present form. . . .In your letter you suggest that members of the staff may have intentionally suppressed the report during the course of its investigation. That was not the case.As a matter of fact, Mr. Doar was more concerned that any highlight of the project might prejudice the case against President Nixon. The fact is that the staff did not think the material was usable by the committee in its existing form and had not had time to modify it so it would have practical utility for the members of the committee. I was informed and agreed with the judgment.Mr. Labovitz, by the way, was John Labovitz, another member of the Democratic staff. I spoke with Labovitz this past Friday as well, and he is no fan of Jerry Zeifman. If it s according to Zeifman, it s inaccurate from my perspective, Labovitz said. He bases that statement on a recollection that Zeifman did not actually work on the impeachment inquiry staff, although that is contradicted not only by Zeifman but Polk as well.Labovitz said he has no knowledge of Hillary having taken any files, and defended her no-right-to-counsel memo on the grounds that, if she was assigned to write a memo arguing a point of view, she was merely following orders.But as both Zeifman and Polk point out, that doesn t mean ignoring background of which you are aware, or worse, as Zeifman alleges, confiscating documents that disprove your argument.All told, Polk recalls the actions of Hillary, Doar and Nussbaum as more amateurish than anything else. Of course the Republicans went nuts, Polk said. But so did some of the Democrats some of the most liberal Democrats. It was more like these guys Doar and company were trying to manage the members of Congress, and it was like, Who s in charge here? If you want to convict a president, you want to give him all the rights possible. If you re going to give him a trial, for him to say, My rights were denied, it was a stupid effort by people who were just politically tone deaf. So this was a big deal to people in the proceedings on the committee, no question about it. And Jerry Zeifman went nuts, and rightfully so. But my reaction wasn t so much that it was underhanded as it was just stupid. Polk recalls Zeifman sharing with him at the time that he believed Hillary s primary role was to report back to Burke Marshall any time the investigation was taking a turn that was not to the liking of the Kennedys. Jerry used to give the chapter and verse as to how Hillary was the mole into the committee works as to how things were going, Polk said. And she d be feeding information back to Burke Marshall, who, at least according to Jerry, was talking to the Kennedys. And when something was off track in the view of the Kennedys, Burke Marshall would call John Doar or something, and there would be a reconsideration of what they were talking about. Jerry used to tell me that this was Hillary s primary function. Zeifman says he had another staff member get him Hillary s phone records, which showed that she was calling Burke Marshall at least once a day, and often several times a day.A final note about all this: I wrote my first column on this subject because, in the aftermath of Hillary being caught in her Bosnia fib, I came in contact with Jerry Zeifman and found his story compelling. Zeifman has been trying to tell his story for many years, and the mainstream media have ignored him. I thought it deserved an airing as a demonstration of how early in her career Hillary began engaging in self-serving, disingenuous conduct.Disingenuously arguing a position? Vanishing documents? Selling out members of her own party to advance a personal agenda? Classic Hillary. Neither my first column on the subject nor this one were designed to show that Hillary is dishonest. I don t really think that s in dispute. Rather, they were designed to show that she has been this way for a very long time a fact worth considering for anyone contemplating voting for her for president of the United States.By the way, there s something else that started a long time ago. She would go around saying, I m dating a person who will some day be president, Polk said. It was like a Babe Ruth call. And because of that comment she made, I watched Bill Clinton s political efforts as governor of Arkansas, and I never counted him out because she had made that forecast. Bill knew what he wanted a long time ago. Clearly, so did Hillary, and her tactics for trying to achieve it were established even in those early days.Vote wisely.Via: Patriot Net Daily",left-news,"Apr 15, 2015",0 +MICHIGAN CONTROVERSY OVER GUN DEPICTED IN VETERANS’ MEMORIAL: β€œWe didn’t win the war by throwing sticks and stones.”,"This is political correctness out of control! What do these goofballs think we won the war with? Hopefully, they come to their senses and go ahead with the memorial including the rifle.A Milford, Michigan, veterans group is up in arms after a proposal to place a memorial containing a battlefield cross a military helmet and dog tags atop a semiautomatic rifle mounted on boots was deemed too pro-violence by the local council.The battlefield cross dates back to Civil War days as a stark reminder of the sacrifices of fallen soldiers.Fox News reported Bear Hall, the chairman of the Friends of American Veterans in Milford, wanted to place a sculpture of the iconic image at the end of a walkway to an existing veterans memorial. But some on the local council deemed it inappropriate. There was some concern from a couple of members regarding the specific memorial that s proposed. Specifically, the gun, said Milford Village Manager Christian Wuerth, to the Detroit Free Press. They understood the history and meaning of it. They just didn t feel it was appropriate for that specific location. Councilman Tom Nader was one who opposed the memorial. Being a veteran, I want to see a monument there, yes, he said. I just don t think this is the proper one. But as another council member, Jennifer Frankford, said: If it wasn t for the boots and the gun and helmet, we wouldn t have all the freedoms we have. The council is supposed to debate the matter again at an upcoming hearing.Hall, meanwhile, said his group would support the final decision with caveats. If [the council] doesn t want it as a focal point, that s fine, but we don t want some foofoo fountain either, he said. Everyone s thinking the same thing we re thinking we didn t win the war by throwing sticks and stones. Read more: wnd",left-news,"Apr 15, 2015",0 +BREAKING: VIDEO OF YOUNG OBAMA EMERGES Discussing Mentor Frank Marshall Davis’ Advice About Growing Up In A White Racist World,"Who needs family when you have a neighborhood mentor who can teach you the value of racism, communism and hate for America?In his 1995 book, Dreams from My Father, Barack Obama never discussed the identity of the mysterious Frank who had given him important advice on growing up black in what was described as a white racist world. We learned in 2008 that Frank was Frank Marshall Davis, a member of the Communist Party who was the subject of a 600-page FBI file. Still, the major media never asked Obama about this important relationship during his growing up years in Hawaii.Now, in an extraordinary development, video of Obama explicitly and openly identifying Frank as Frank Marshall Davis has suddenly surfaced on the Internet. The footage is said to have been recorded on September 20, 1995, with the program originally airing on Channel 37 Cambridge Municipal Television as an episode of the show, The Author Series. It s not clear how many saw this program when it aired. For some reason, this From the Vault Barack Obama presentation was just recently posted on YouTube. In the video, Obama is introduced as a Harvard Law School student and President of the Harvard Law Review. He discusses Frank as Frank Marshall Davis at about 8:37 in the video.In his remarks, Obama never identifies Davis as a communist or even a leftist. But the remarks do reflect the significant influence that Davis had over his young life as he was growing up in Hawaii. Obama talks about how Davis schools him on the subject of race relations. The term implies a teacher-student relationship the two of them had, confirming what we had reported back in 2008, that Davis had functioned as Obama s mentor. It s important to understand what Obama is saying here. Getting ready to read directly from his book, Dreams from My Father, Obama talks about the passages ending with me having a conversation with a close friend of my maternal grandfather, a close friend of gramps, a black man from Kansas, named Frank, actually at the time a fairly well-known poet named Frank Marshall Davis, who had moved to Hawaii and lived there, and so I have a discussion with him about the kinds of frustrations I m having, and he sorts of schools me that I should get used to these frustrations Davis was indeed a black poet. His works included attacks on Christianity. One Davis poem referred to Christ irreverently as a nigger. Davis was himself an atheist.However, Davis was better known as a communist propagandist whose work for the Communist Party in Hawaii earned him surveillance by the FBI and placement on its security index. Davis was also a pornographer who engaged in bizarre sexual practices, even pedophilia.Needless to say, Obama s willingness to identify Frank as Davis before this audience raises questions as to why Frank wasn t identified by his full name Frank Marshall Davis in the book itself. Obama made references to Frank 22 times throughout his book. Paul Kengor notes that Obama s audio version of Dreams from My Father omitted every reference to Frank that was in the book. Those omissions were clearly designed to keep people from asking questions about Frank, since Obama was considering a run for the presidency.Today, in 2015, discovering film of Obama identifying Frank as Davis is confirmation of the obvious. It doesn t make a lot of difference politically, since Obama is serving out his second term. But it could have made a difference seven years ago, in 2008, when we identified Frank as Davis, during Obama s campaign for his first term in office.The clip of Obama talking about Davis during his 1995 Cambridge presentation is important for other reasons, however.By his own admission, Obama was preoccupied with his own feelings and thoughts about race relations. He saw himself as an angry young man whose father was absent from his life. He said he was without father figures around who might guide and steer my anger. That s significant because it s clear, from the passages he reads, that Davis became that father figure. Davis was indeed picked by his white grandfather to be a role model or father figure for the young Barack Obama.In the passages he read back in 1995, Obama discussed inviting some white friends to a black party and seeing them squirm. They re trying to tap their foot to the beat and being extraordinarily friendly, he said. They are trying to fit in but they are uncomfortable and they tell Obama they want to leave. Obama concluded, What I have had to put up with every day of my life is something that they find so objectionable that they can t even put up with a day. This is like a revelation to Obama about the world of white racism. All of this he says triggers something in his head and he comprehends a new map of the world. He gets a sense of the anger and betrayal in society and even in his own family, where he is being raised by his white grandfather, Gramps, and white grandmother, Toot. This leads him to seek advice from Frank. Frank Marshall Davis then sort of schools me that I should get used to these frustrations, Obama says.The passages that he reads from the book before the Cambridge audience include a discussion of when his own white grandmother was accosted by a black panhandler. Davis told Obama that his grandmother was right to be scared and that She understands that black people have reason to hate. In other words, Davis did not encourage Obama to pursue racial harmony or reconciliation. He told Obama that blacks have a reason, or right, to hate.Via:AIM.comh/t Weasel Zippers",left-news,"Apr 14, 2015",0 +[VIDEO] #BlackLivesMatter ACTIVIST POSTS STAGED VIDEO OF POLICE BRUTALITY AGAINST A PROTESTOR ON TWITTER,"Meet Keegan Stephan. He could be Barack Obama s son. He s a community agitator with a sizable following on Twitter, who appears to get a thrill out of organizing Occupy re-treads and Ferguson holdovers to create hate and division in NYC. His primary focus for now, appears to be creating hate and mistrust for the entire New York Police Department through a campaign of propaganda.Occupy re-tread, Hillary supporter and #BlackLivesMatter activist Keegan Stephan s Twitter feed is filled with misleading propaganda which includes video footage that appears to be staged to make it look like a protestor was assaulted by a New York Police Officer. Notice the title of the vine video posted by Keenan: This is what happened to my friend Elsa. Watch the cop shove her. #ShutDownA14 Listen to the narrator of the video refer to the person being assaulted by the police officer (or more likely, a fellow protestor) as he. The narrator states: This protestor was shoved to the ground by an officer. He appeared to be injured. And here is the vine he used to show here being assaulted:Just before posting the vine (above), Keegan tweeted about this picture, saying: NYPD broke my friend Elsa s ribs by slamming her on the sidewalk. Didn t arrest her, just left her. #ShutDownA14So which one is it Keegan? Was the person who was assaulted by an evil NY Police Officer a he or a she? A proud Hillary supporter (that should come as no surprise given his penchant for lying), Keegan posts pictures of the vandalized signs that were posted all over NYC mocking Hillary Clinton:Keegan posted some additional footage from the Occupy the Brooklyn Bridge/#BlackLivesMatter event that appears to by more false propaganda. Keegan has this to say about the vine video below: Members of the press running scared from the NYPD. #ShutDownA14 First of all where the heck are the press? Secondly, pay close attention to the man with the large camera who doesn t seem to be in on the staged hoax, as he keeps looking behind to see what these people are running from but can t seem to find anyone chasing them.Meanwhile, according the New York Daily News, cops are hunting for two demonstrators who pummeled an off-duty NYPD sergeant during the #ShutDownA14 protest against police brutality. The 4:45 p.m. attack on Sgt. David Cuce, who was on the Brooklyn Bridge heading into Manhattan, occurred as hundreds of demonstrators spread from Union Square Park to lower Manhattan and across the East River to protest police violence in the wake of a fatal April 4 shooting in South Carolina involving an unarmed black man.Cuce, who was not in uniform, was punched in the head and shoulder by one of the two protestors after he exited his car to investigate the demonstration, which had brought traffic on the historic bridge to a standstill. After a brief fight, Cuce drew his service weapon and identified himself as a police officer, officials said. His attackers fled into the crowd and remain at large. In addition to the attack, police arrested 42 demonstrators for a smattering of misdemeanors following the protest, officials said.Here s what Keenan had to say about the 42 demonstrators who were arrested:How about They punched an off duty NY Police Officer in the head who was simply driving across the bridge and got out of his vehicle to see why the traffic was stopped? And last, but certainly not least, Keegan makes a brilliant analogy on Easter weekend comparing Jesus with the angry Ferguson/Garner protestors: And no Easter weekend would be complete without a cop hater comparing Eric Garner to the crucifixion of Jesus Christ:This is what we re up against America. These protests are not spontaneous, they re orchestrated and they re funded by wealthy radicals and unions whose primary objective is to divide Americans by class and race. No justice no peace I don t know how old Keegan is, but I m guessing he s old enough to remember this scene from 9-11, where there was no shortage of good cops who risked their lives for total strangers:This photo is just a subtle reminder Keegan, that not all cops are bad cops ",left-news,"Apr 14, 2015",0 +(VIDEO)ICE PROTECTING OBAMA: WON’T RELEASE NAMES OF CRIMINAL ILLEGALS RELEASED INTO AMERICA, ,left-news,"Apr 14, 2015",0 +(VIDEO) ICE DIRECTOR: AGENTS COULD BE FIRED IF THEY DON’T ENFORCE OBAMA’S LAWLESS IMMIGRATION POLICY,"It s simple and it s wrong: The Obama border policy asks ICE agents to disobey federal law. It would be nice if people we ve elected to Congress would stand up for the LEGAL citizens of America. It s literally been an invasion from Central America that is now on its second wave. Please pick up the phone and call your ELECTED Congressmen and tell them to do their job! It does make a difference!During a hearing on ICE oversight on April 14, Rep. Trent Franks (R-Ariz.) referred to Obama s statement during a town hall event in February, during which the President said there would be consequences for ICE agents who enforce federal immigration laws outside of his mandated enforcement priorities.Representative Franks then asked Saldana what those consequences would be. The president also said, and I know this question was proffered earlier, if somebody s working for ICE and they don t follow this policy, there s going to be consequences for it, Franks explained. Have you enforced that? I mean is there, are there consequences for not following that policy? There are consequences for not following the rule of the employee s status with the agency. I have a whole manual on that Saldana said before being cut off. What would the consequences be if someone in the position that required them to follow through with the president s directives and again we ll set the constitutional issue aside for the moment, if the president s done that then I guess we can do that what would be the consequences for doing that? Franks pressed. Well, whether it s that directive, or assaulting an employee in the office, or not abiding by some other rule or policy, the range of punishment can range from anything to a verbal meeting, where you counsel that person, to ultimately what s available to any employer and that s termination, Saldana said.",left-news,"Apr 14, 2015",0 +MEDIA COULDN’T BE FOUND DURING BENGHAZI SCANDAL…But Watch Them Sprint After Hillary’s β€œScooby” Van To Catch Her First Campaign Stop,Not that anyone should be surprised by the lap dog mentality of these second rate liberal hack journalists. They re the reason the most crooked woman in America is even a contender in this race.,left-news,"Apr 14, 2015",0 +HA! YOU WON’T BELIEVE HILLARY’S LUXURY β€œSCOOBY” VAN!,"Everyone s been asking where the Hillary van is So Hillary pulls up in a gas guzzling van with tinted windows-I thought she wanted to mingle with the regular folk? This monster gets 16-18 miles per gallon! Ouch!The van, however, isn t an everyday minivan or even a full-sized van. It s a luxury vehicle outiftted with top amenities.Specifically: It s a limited edition Chevrolet Express van upfitted with a Limited SE packed by Explorer Vans company It s very luxurious, a salesman who helped deliver this vehicle tells me on the phone. I d rank it up there with the best. The model being used to chauffeur Hillary Clinton around has a gray leather interior, heated seat, a 29 inch Samsung television, and a Blu-ray DVD player.There is no refrigerator in the van. However, Hillary s model does feature an ice chest between the two front seats. (Which might have been used to keep her cottage cheese cold.) The middle chairs are swivel and quick release. Indirect lighting (like mood lighting) throughout the vans.Oh, and there s a bed. The power sofa in the rear of the vehicle converts into a bed. But given the fact it s only a 6 foot wide vehicle, it might have been a little hard to get a proper night s sleep in it.But it s not exactly great for the environment. It s a 2014 model all-wheel-drive that gets only 16-18 miles per gallon.READ MORE: WEEKLY STANDARD",left-news,"Apr 14, 2015",0 +Lesbians4Hillary? Wait…What About Her Unyielding Support For Traditional Marriage In This Video?,"Yep Hillary s now a champion of lesbians and gay marriage. Or is she? It s hard to tell exactly what Hillary stands for. She seemed pretty adamant in the videos below that she was committed to preserving the sanctity of marriage between a man and woman. Hillary Clinton has garnered one of her first major endorsements in run bid for the White House: The nation s largest lesbian political action committee.The group, LPAC, launched Lesbians4Hillary on Monday to support the former First Lady s bid to become the nation s first female president.Lesbians4Hillary, co-chaired by pioneering tennis great Billie Jean King, said: Hillary Clinton is a proven leader and she has a strong track record when it comes to inclusion specifically for women and the LGBTQ community. Her entire career has been a road map to get her to this moment and she has earned my respect and my vote to become the next President of the United States of America. I am honored to join LPAC and help lead our effort to elect Hillary Clinton in 2016. King, who was outed as a lesbian in 1981, was a leader of the group Women for Hillary in 2008, as well.But wait what about this video showing Hillary s unyielding support for traditional marriage?In the video released yesterday announcing Clinton s candidacy for president, two gay couples were included. Among them, two lesbians who look lovingly into each other s eyes.However, in her 2008 campaign, Clinton did not support gay marriage. It took her five years to publicly say that she supported gay marriage. President Barack Obama publicly announced his support for gay marriage nearly a year earlier in March 2012.Via: UK Daily Mail ",left-news,"Apr 14, 2015",0 +THE LIST OF OBAMA’S HISTORIC FIRSTS AKA HOW CHICAGO POLITICS CORRUPTED WASHINGTON EVEN MORE,"Wow! What a list of accomplishments! The problem is that these accomplishments are rotten to the core. Just read a few and you ll get a taste of the corruption and Chicago style politics transplanted to D.C. via Obama. Not pretty!Law and Justice First President to Violate the War Powers Act (Unilaterally Executing American Military Operations in Libya Without Informing Congress In the Required Time Period Source: Huffington Post) First President to Triple the Number of Warrantless Wiretaps of U.S. Citizens (Source: ACLU) First President to Sign into Law a Bill That Permits the Government to Hold Anyone Suspected of Being Associated With Terrorism Indefinitely, Without Any Form of Due Process. No Indictment. No Judge or Jury. No Evidence. No Trial. Just an Indefinite Jail Sentence (NDAA Bill Source: Business Insider) First President to Refuse to Tell the Public What He Did For Eight (8) Hours After Being Informed That a U.S. Ambassador Was Facing Imminent Death During a Terror Attack (Source: Mediate) First President to Lie About the Reason For an Ambassador s Death, Blaming it on an Internet Video Rather Than What He Knew to be the Case: the Al Qaeda-linked Terror Group Ansar al-Sharia (Source: House Oversight Committee, et. al.) First President to Have an Innocent Filmmaker Thrown in Jail After Lying About the Cause for a Deadly Attack on U.S. Diplomats, Using the Filmmaker as a Scapegoat (Source: CNN) First President to Use the IRS to Unfairly Target Political Enemies as Well as pro-Catholic and pro-Jewish Groups (Source: Sen. Ted Cruz) First President to Unlawfully Seize Telephone Records of More than 100 Reporters to Intimidate and/or Bully Them (Source: Associated Press) First President to Witness a Single Cabinet Secretary Commit Multiple Hatch Act Violations Without Acting, Speaking Out, Disciplining or Firing That Person (Source: New York Times) First President to Systematically Release Detained Illegal Aliens Charged With Homicide Into the U.S. Population (Source: USA Today) First President to Release 40,000 Illegal Aliens with Serious and/or Violent Criminal Records Inside the U.S. (Source: Judicial Watch) First President to Create Secret Police Units Inside Government Agencies to Block Lawful Investigations by Inspectors General (Source: Associated Press) First President to Personally Lobby Senators to Violate Senate Rules and Destroy the Filibuster Through The Nuclear Option to Consolidate More Executive Power (Source: Wall Street Journal) First President to create his own propaganda news network and bypass journalists [having] developed [his] own network of websites, social media and even created an online newscast to dispense favorable information and images (Source: Associated Press) First President to Barricade Open-Air Government Monuments During a Partial Government Shutdown (Source: Rep. Steve Stockman) First President to Have His Attorney General Held in Criminal Contempt of Congress For His Efforts to Cover Up Operation Fast and Furious, That Killed Over 300 Individuals (Source: Politico) First President to claim Executive Privilege to shield a sitting Attorney General from a Contempt of Congress finding for perjury and withholding evidence from lawful subpoenas (Source: Business Insider) First President to Issue Unlawful Recess-Appointments Over a Long Weekend While the U.S. Senate Remained in Session (against the advice of his own Justice Department Source: United States Court of Appeals) First President to Fire an Inspector General of Americorps for Catching One of His Friends in a Corruption Case (Source: Gawker) First President to Order a Secret Amnesty Program that Stopped the Deportations of Illegal Immigrants Across the U.S., Including Those With Criminal Convictions (Source: DHS documents uncovered by Judicial Watch) First President to Sue States for Enforcing Voter ID Requirements, Which Were Previously Ruled Legal by the U.S. Supreme Court (Source: CNN) First President to Encourage Racial Discrimination and Intimidation at Polling Places (the New Black Panthers voter intimidation case, Source: Investors Business Daily) First President to Refuse to Comply With a House Oversight Committee Subpoena (Source: Heritage Foundation) First President to Arbitrarily Declare an Existing Law Unconstitutional and Refuse to Enforce It (Defense of Marriage Act Source: ABC News) First President to Increase Surveillance of American Citizen Under the Patriot Act by 1,000 Percent in Four Years (Source: NBC News) First president to appoint a convicted cop killer s advocate to the Department of Justice (Source: Investor s Business Daily) First Administration to Be Ruled by a Federal Judge as Aiding and Abetting Human Trafficking (Source: Federal District Court Judge Andrew S. Hanen) First President to Demand a Company Hand Over $20 Billion to One of His Political Appointees (BP Oil Spill Relief Fund Source: Fox News) First President to Have a Law Signed By an Auto-pen Without Being Present (Source: The New York Times) Scandals First President to publicly announce an enemies list (consisting of his opponents campaign contributors; and to use the instrumentalities of government to punish those on the list Source: Heritage Foundation) First President to Attempt to Block Legally-Required 60-Day Layoff Notices by Government Contractors Due to His Own Cuts to Defense Spending Because The Notices Would Occur Before the Election. (Source: National Journal) First President to Intentionally Disable Credit Card Security Measures (in order to allow over-the-limit donations, foreign contributions and other illegal fundraising measures Source: Power Line) First President to send 80 percent of a $16 billion program (green energy) to his campaign bundlers and contributors, leaving only 20% to those who did not contribute. (Source: Washington Examiner) First President to Propose an Executive Order Demanding Companies Disclose Their Political Contributions to Bid on Government Contracts (Source: Wall Street Journal) First President to issue an Executive Order implementing a Racial Justice System , a system that tries to achieve racially equivalent outcomes for crimes (Source: Daily Caller) First President to Leak Confidential IRS Tax Records to Groups Aligned Politically With Him for Partisan Advantage (Source: The Hill Newspaper) First President to Use the EPA to Punish Political Enemies and Reward Political Allies (Source: Competitive Enterprise Institute) First President to Send Millions in Taxpayer Dollars to His Wife s Former Employer (Source: White House Dossier) First President to Openly Use the Department of Justice to Intimidate Political Opponents and Threaten Companies to Donate to His Campaign (Source: Peter Schweizer, Extortion) First President to Direct His Census Dept. to Make Up Favorable Employment Data In Run-Up to His Reelection Campaign (Source: New York Post) First President to Have His Administration Fund an Organization Tied to the Cop-Killing Terrorist Group, the Weather Underground (Source: National Review) First President to have the EPA conduct hazardous experiments on the ill, infirm and elederly to push a radical environmental agenda, in a manner not dissimilar to the Third Reich s inhuman medical experiments (Source: The EPA Office of the Inspector General). First President to be Accused by His Own Party of Ordering the CIA to Spy on Congress (Source: Washington Post) First President to allow deadly Ebola disease-ridden patients to enter the U.S., refusing to restrict travel from infected countries like other Western allies (Source: New York Daily News) First president to order his EPA to unilaterally overturn a Federal Statute (changing the borders of Wyoming established by an act of Congress, Source: Casper Star-Tribune). First president to systematically delay enacting a wide variety of controversial rules until after a presidential election (Source: Washington Post) First president to have Politifact designate one of his statements Lie of the Year (Source: Politifact)Economy First President to Preside Over a Cut to the Credit Rating of the United States Government (Source: Reuters) First President to Bypass Congress and Implement the DREAM Act Through Executive Fiat (Source: Christian Science Monitor) First President to Move America Past the Dependency Tipping Point, In Which 51% of Households Now Pay No Income Taxes (Source: Center for Individual Freedom) First President to Increase Food Stamp Spending By More Than 100% in Less Than Four Years (Source: Sen. Jeff Sessions) First President to Spend a Trillion Dollars on Shovel-Ready Jobs and Later Admit There Was No Such Thing as Shovel-Ready Jobs (Source: President Obama during an early meeting of his Jobs Council ) First President to Threaten Insurance Companies After They Publicly Spoke out on How Obamacare Helped Cause their Rate Increases (Source: The Hill) First President to Abrogate Bankruptcy Law to Turn Over Control of Companies to His Union Supporters (Source: Wall Street Journal) First President to Propose Budgets So Unreasonable That Not a Single Representative From Either Party Would Cast a Vote in Favor (Sources: The Hill, Open Market) First President Whose Economic Policies Have the Number of Americans on Disability Exceed the Population of New York (Source: CNS News) First President to Sign a Law Requiring All Americans to Purchase a Product From a Third Party (Source: Wall Street Journal) First President to Sue States For Enforcing Immigration Laws Passed by Congress (Source: The Arizona Republic newspaper) First President to See America Lose Its Status as the World s Largest Economy (Source: Peterson Institute) First President to redistribute $26.5 billion of the taxpayers funds to his union supporters in the UAW (Source: Heritage Foundation) First President to Threaten an Auto Company (Ford) After It Publicly Mocked Bailouts of GM and Chrysler (Source: Detroit News) First President to Run a Record 5 Straight Years of Deficits for the Disability Trust Fund (Source: CNS News) First President to Attempt to Bully a Major Manufacturing Company Into Not Opening a Factory in a Right-to-Work State (Boeing s facility in South Carolina Source: Wall Street Journal) First President Since 1872 to See the U.S. Economy Sink From 1st to 2nd Largest in the World (Source: Financial Times). First President to Conceal Food Stamp Data From Public Scrutiny (Source: Judicial Watch: 8th Circuit Says USDA Can t Keep Hiding Food Stamp Data ) First President to Leave the American Middle Class No Longer the World s Richest (Source: The New York Times) First President to Retaliate Against a Rating Agency for Downgrading the United States Debt (Source: Investor s Business Daily) First President to Expand the Regulatory State to an Unprecedented Degree ( New record: Feds issued 56 regs for every new law, 3,659 in 2013 , Source: Washington Examiner)Energy Policy First President to Endanger the Stability of the Electric Grid by Shutting Down Hundreds of Coal-Fired Plants Without Adequate Replacement Technologies (Source: National Electric Reliability Corporation PDF) First President to Have His EPA Repudiated by a Federal Judge for Overstepping Its Powers When They Attempted to Shut Down Coal Operations in Appalachia (Source: Huffington Post) First President to be Held in Contempt of Court for Illegally Obstructing Oil Drilling in the Gulf of Mexico (Source: Politico) National Security and World Affairs First President to Lie Repeatedly to the American People About the Murder of a U.S. Ambassador and Three Other Diplomatic Personnel for Purely Political Reasons, Rewriting a Talking Points Memo No Fewer Than a Dozen Times to Avoid Referencing a Pre-Planned Terror Attack (Source: ABC News) First President to Openly Defy a Congressional Order Not To Share Sensitive Nuclear Defense Secrets With the Russian Government (Sources: ABC News, Rep. Michael Turner) First President to Leak Highly Classified Military and Intelligence Secrets to Hollywood In Order to Promote a Movie That Could Help His Reelection Campaign (Source: Judicial Watch)Read more: kenn niemann",left-news,"Apr 14, 2015",0 +100% FED UP! WITH HILLARY 2016? WE’VE GOT THE AWESOME ANSWER AND REASONS #WHYIMNOTVOTINGFORHILLARY,"Yada, yada, yada Hillary Clinton announced her 2016 presidential bid in a two-minute video that she uploaded to YouTube. Is everyone else as 100% FED Up! with the Hillary 2016 push from the main stream media? Yep, I thought so BUT THIS IS AWESOME AND YOU SHOULD PARTICIPATE ON TWITTER: Within minutes of her announcement, Twitter blew up with the following hashtag: #WhyImNotVotingForHillary. It quickly became the number one trending hashtag.In honor of this awesome hashtag, here is a list of some of the best reasons why Americans are choosing to NOT vote for Hillary Clinton: America should not be run by crooks. She hasn t cared about the Middle Class in 70 years. She s starting now???? I support women! That includes the unborn in the womb. I won t support anyone that supports Planned Parenthood. When terrorists murdered a US ambassador and 3 other Americans, her response was, What difference does it make? She takes money from countries that execute homosexuals and oppress women. She couldn t satisfy her husband how is she going to satisfy a whole country? Ambassador J. Christopher Stevens, Sean Smith, Tyrone Woods, and Glen Doherty. Because she s morally bankrupt! Judge Jeanine: Hillary Clinton is only out for herself. She is the poster child for what s wrong with our government. She is a criminal. She is a liar. She has accomplished nothing. I don t believe in socialism. The left believes in the supremacy of govt over the individual. Do you want tyranny or liberty? I don t believe in political dynasties. Because God must be ignored to adopt her Ends Justifies the Means ideology. She is Bill and Obama but without the charm. Enough is too much already. Corruption, incompetence, dishonesty, elitism just a few reasons. As a Hispanic, black woman I feel insulted by Dems who feel my needs are only abortion, immigration and racism. Because her greatest accomplishment has been accomplishing nothing worthy of our votes. I ve taken European History. I know the dangers of a socialist leader. Because she s worse than Caligula. Worse than the Oakland Raiders. Worse than Obamacare. Almost as bad as cancer. Boo yah!Please feel free to join in on the trend and issue your own #WhyImNotVotingForHillary tweet!Via: Down Trend",left-news,"Apr 13, 2015",0 +CUBA STILL A COMMIE HELLHOLE AFTER OBAMA’S β€œNORMALIZATION”: 4 YEARS IN THE SLAMMER FOR β€œSOCIAL DANGEROUSNESS”,"Don t you know Obama would love to just throw those who disagree with him in jail. Well, the Cuban government has only increased their detention of political dissenters since the normalization of relations with the Communist country. Basically, we ve just given Cuba more money to oppress its people it ll all a big fat NOTHING-BURGER The Cuban Human Rights and National Reconciliation Commission, or CCDHRN, said Thursday that Cuba s government detained 610 people for political reasons in March, the highest number in the past seven months. There is a noticeable trend toward increasing repressive activities of this kind, the CCDHRN said in its monthly report. At the same time, we also identify 95 cases of people who suffered other forms of political repression including physical attacks, police harassment and vandalism and hostile demonstrations. The exercise of all civil and political rights is still a crime, the group said, noting that the Cuban penal code still includes an offense called pre-criminal social dangerousness, which is punishable by up to four years in prison.The country is unlikely to see an improvement in respect for fundamental, civil and political rights as a result of the government s inflexible posture and its opposition to any effort or proposal leading to the urgent judicial, economic and political reforms that the Cuban people need and deserve, the commission said. Read more: Latin American Herald",left-news,"Apr 13, 2015",1 +"PRO ABORTION PAC, Emily’s List Doing Its Part To Keep Minority Population In Check… Endorses Hillary","Of course Emily s List is going to support Hillary, because Democrats have been doing their part to keep the unwanted or undesirable babies from making it out of the womb alive for decades .WASHINGTON, D.C. Today EMILY s List, the nation s largest resource for women in politics, endorsed Hillary Clinton for president. Clinton is on track to become the first woman to win the Democratic nomination, and if elected, the first woman president of the United States. Hillary Clinton is a lifelong champion for women and families and the most qualified candidate to be president, said Stephanie Schriock, President of EMILY s List. With roots in the middle class, Hillary s top priority is changing the economic reality for American families. Her focus is on strengthening the middle class, creating jobs, and making sure hardworking families get a fair shot. No one will work harder than Hillary. She knows how to lead so Washington fights for all Americans. As president, Hillary will create more opportunities than ever for women and girls (give them access to on demand abortions) and for all hardworking Americans across the country, just as she has done throughout her exceptional career. The EMILY s List community now more than three million members strong is proud to endorse Hillary Clinton for president. Hillary Clinton has devoted her entire career to fighting for women and families (supporting the killing of unborn babies). Instead of going to a big law firm after graduating from Yale Law School, she took her first job going door to door for the Children s Defense Fund. She helped lead the fight for the Children s Health Insurance Program as first lady of the United States, and she put emphasis on women s rights as a cornerstone of American foreign policy as Secretary of State.A visionary leader who s always worked to create opportunity for others, Hillary has said she believes our challenge is to be clear-eyed about the world as it is while never losing sight of the world as we want it to become. When she is elected president, it will mean more opportunities for women, more opportunities for girls, and more opportunities for hardworking Americans across the country.Via: Weasel Zippers",left-news,"Apr 13, 2015",0 +[Video] OBAMA TAKES ADVANTAGE Of Opportunity To Speak In Front Of Communists in Panama About Racist America: β€˜There Are Dark Chapters in Our Own History’," We have not observed the principles and ideals upon which this country was founded. Obama makes sure to let everyone know Americans never makes a claim about being perfect, we do make a claim about being open to change.' We re pretty sure every communist and socialist in the room would approve of Obama s version of change. h/t red flag news",left-news,"Apr 13, 2015",0 +(VIDEO) UNBELIEVABLE! BLACK JUDGE BERATES VICTIMS OF HOME INVASION AND YOU WON’T BELIEVE WHY,"You won t believe this judge and how he berates a family that was terrorized in a home invasion. Can a three-year old help how she feels after this traumatic event?The reason Judge Olu Stevens of Louisville, Kentucky berated a family that was terrorized by two black home invaders in court and on Facebook will knock your socks off. In all my years, I don t think I ve ever seen such an egregious example of race-card abuse.The judge was troubled and offended by the fact that a three year victim was so traumatized by a violent home invasion, she is now fearful of black males.Jordan and Tommy Gray s 3-year old daughter was watching SpongeBob when two black armed men broke into her home and robbed her family at gunpoint one of the perps pointing a gun in her father s face.Mom and dad honestly noted on the their victim impact statement that she is still afraid of black men 2 years later. Whenever we are running errands, if we come across a black male, she holds me tight and begs me to leave, the mother said. It has affected her friendships at school and our relationships with African-American friends. Tommy Gray also wrote that since the crime, his daughter had been terrified of black males and that probation was not sufficient punishment for Gregory Wallace, 27, who had pleaded guilty to robbery. If holding a little girl at gunpoint gets you probation, then our system is flawed, Gray said.But when Wallace was brought up for sentencing Feb. 4 in Jefferson Circuit Court, it was the parents, not Wallace, who suffered Judge Olu Stevens wrath. I am offended. I am deeply offended that they would be victimized by an individual and express some kind of fear of all black men, he said. This little girl certainly has been victimized, and she can t help the way she feels, he said. My exception is more with her parents and their accepting that kind of mentality and fostering those type of stereotypes. The Grays were not in court as Stevens denounced their statements and granted probation to Wallace, whom he said deserved the opportunity to redeem himself.But they did see when Stevens condemned their statements again, in a post on Facebook. Do three year olds form such generalized, stereotyped and racist opinions of others? he wrote. I think not. Perhaps the mother had attributed her own views to her child as a manner of sanitizing them. That a supposedly unbiased judge would ask such an ridiculously biased leading question does not speak well of him.It s obviously true that three year olds generally don t develop generalized, stereotyped and racist opinions (as if you could call her fears those things) on their own. This young tot had a little help She was traumatized when a couple of black home invaders terrorized her family. Is this judge stupid?The family is obviously unhappy that the ordeal has negatively impacted their daughter s view of blacks. How did he miss that? It s why they listed it it on the impact statement.Later Stevens said, I wasn t criticizing the victims, I was criticizing a statement that I thought was a generalization against an entire race of people. He was criticizing the feelings of a three year old victim of a crime. Shame on him. #SMDHMeanwhile Wallace and his accomplice, Marquis McAfee, both 27, were arrested about three weeks after the robbery. Both pleaded guilty and McAfee, who was on probation for a prior crime, was sentenced to 10 years in prison, which he is serving.Assistant Commonwealth s Attorney Richard Elder objected to probation for Wallace, who pleaded guilty to a 20-year sentence, saying he was guilty as hell and put a gun in that little girl s father s face. Via: nice deb",left-news,"Apr 12, 2015",0 +"THIS IS GREAT! ANTI-HILLARY STREET ART POPS UP EVERYWHERE IN BROOKLYNHillary Clinton’s supporters were calling certain words used to describe her as sexist. Words like entitled, ambitious, and secretive… The area around Hillary’s campaign headquarters was plastered with this: Β  Β  Β  Β  ","Hillary Clinton s supporters were calling certain words used to describe her as sexist. Words like entitled, ambitious, and secretive The area around Hillary s campaign headquarters was plastered with this: ",left-news,"Apr 12, 2015",0 +https://fedup.wpengine.com/wp-content/uploads/2015/04/hillarystreetart.jpg,https://fedup.wpengine.com/wp-content/uploads/2015/04/hillarystreetart.jpg,left-news,https://fedup.wpengine.com/wp-content/uploads/2015/04/hillarystreetart.jpg,1 +https://fedup.wpengine.com/wp-content/uploads/2015/04/entitled.jpg,https://fedup.wpengine.com/wp-content/uploads/2015/04/entitled.jpg,left-news,https://fedup.wpengine.com/wp-content/uploads/2015/04/entitled.jpg,1 +(VIDEO) OBAMA THROWS AMERICA UNDER THE BUS…AGAIN," I am a student of history so I tend to actually be familiar with many of these episodes that have been mentioned. I am the first one to acknowledge that America s application to concern around human rights has not always been consistent. And, I m certainly mindful that there are dark chapters in our own history in which we have not always observed the principles and ideals upon which the country was founded. Just a few weeks ago I was in Selma, Alabama celebrating the 50th anniversary of a march across a bridge that resulted in horrific violence and the reason I was there and the reason it was a celebration is because it was a triumph of human spirit in which ordinary people without resort to violence were able to overcome systematic segregation. There voices were heard and our country changed. America never makes a claim about being perfect, we do make a claim about being open to change. ",left-news,"Apr 12, 2015",0 +(VIDEO) WOMAN BEATEN BY TWO TEENS AFTER β€˜SHUSHING’ THEM IN MOVIE THEATER,"Is everyone else thinking what I m thinking? Two words come to mind on this one: concealed carry A Stroudsburg, Pa., woman suffered a broken eye socket and bruises during the attack, which took place in a local movie theater of all places. And why did the group of teen girls allegedly pounce on victim Cindy Santamaria-Williams? She tells WNEP-TV, which broke the story, that she shushed them for being loud and cursing. Worse, the attack didn t occur during the heat of the moment inside the theater. The woman tells WNEP that the girls jumped her after the film let out. They immediately jumped on me and knocked me to the ground, punched me in the face, she said, adding that the original girls were waiting with five other teens. She tells WNEP that she hopes someone will come forward to help police catch the young suspects: They were in my face. Their face is in my head. If I see them again or in a line up, I know exactly who they are, Santamaria-Williams said. Stroud Area Regional Police Chief William Parrish says authorities are looking at video from the mall.Via: wnep",left-news,"Apr 12, 2015",0 +"(VIDEO) HYSTERICAL SNL TAKE ON HILLARY’S ANNOUNCEMENT: β€˜BUCKLE UP AMERICA, THE CLINTONS ARE BACK!’", ,left-news,"Apr 12, 2015",0 +HILLARY SHOWS HER TRUE COLORS IN A VIDEO SHE DIDN’T THINK ANYONE WOULD SEE,"Since Hillary s making a big announcement today we thought we d give everyone a chance to see the real Hillary. This is a side of Hillary that we ve all heard about, but is rarely captured on film.Don t look now Hillary, but your arrogance is showing.Hillary s war on women ",left-news,"Apr 12, 2015",0 +UPDATE: 40% OF VICTIM’S SKULL IS MISSING…No New Arrests [Graphic Video] PHILADELPHIA POLICE ASK FOR HELP IDENTIFYING GANG OF KIDS And Mother For Sub-Human Attack On Homeless Man With Hammer,"UPDATE: Robert Barnes, the white homeless man who was viciously beaten by a van full of black people (mostly women and children) is still clinging to his life in the ICU unit at a hospital in Philadelphia. His head is filled with staples and 40% of his skull has been removed. According to his Diane Barnes, his sister he was an alcoholic who was a loving brother, nephew and uncle and his family loves him. Police say there was no evidence the homeless man, Robert Barnes did anything to provoke the incident.Unlike the Michael Brown shooting or Eric Garner case or even the most recent shooting of a black man in SC by a white cop, you won t likely see this video on any TV news channels because it doesn t fit their narrative. The Philadelphia Police Department could really use your help to identify the sub-humans who attacked this homeless man standing outside of a gas station in North Philadelphia.***WARNING****VIDEO IS VERY GRAPHIC & DISTURBING***https://youtu.be/thDRHavFIw8The boy in the red jacket who first approached the man and hits him appears to be visibly shaken by the shocking violent acts against the homeless man by the women he is with. He appears to start crying and is then guided back to the van by one of the females who arrived in the van with the gang. One of the women actually brought the little boy back to see the beaten man following their sub-human attack on him before directing him to get back into the getaway van. It s an especially nice touch.Philadelphia Police posted a video to YouTube on Friday of a vicious mob attack on a homeless man at a North Philadelphia Olney gas station that occurred on Tuesday. The man was left for dead after being attacked with a hammer, mace and a chair leg and having his head repeatedly stomped on by several attackers.Philadelphia media reports the attack was precipitated by a dispute between the man and a ten year old boy over who could hustle customers to pay them to pump gas. The boy reportedly claimed he was hit by the man, a claim that was disproven by security camera footage. The mob attack was participated in by the boy s mother who allegedly beat the homeless man with a chair leg in his face and head until the chair leg broke.This description was included with the posting of the video by police: Published on Apr 10, 2015 Northwest Detective Division is asking for the public s assistance to identify and locate the suspects wanted for an aggravated assault in Olney. On Tuesday, April 7, 2015, at 6:51 pm, 35th District Police responded to a fight on the highway located at 5538 North 5th Street. When police arrived they found the complainant, a 51 year-old male, lying on the ground bleeding from his head. Surveillance video recovered from a nearby surveillance system depicted a group of unknown males and females exiting a gray minivan with a hammer, mace, and a piece of wood assaulting the complainant repeatedly then fleeing the area. A short time later police, observed a Silver Honda Odyssey in the parking lot of Einstein Hospital with two females inside. The two females identified as Shareena Joachim and Aleathea Gillard who assaulted the complainant were taken into custody. The complainant was transported to Einstein Hospital by Medics where he was treated for head injuries and is listed in critical condition. If you see this suspect do not approach him, contact 911 immediately. To submit a tip via telephone, dial 215.686.TIPS (8477) or text a tip to PPD TIP or 773847. All tips will be confidential. If you have any information about this crime or this suspect, please contact: Northwest Detective Division 215-686-3353/3354 DC# 15-35-027260 Det. Jefferson #9299 The Philadelphia Inquirer described the attack: Footage from the station s surveillance camera shows the group running from the minivan toward the victim, with the boy s mother, 34-year-old Aleathea Gillard, swinging the rocking chair leg, police said. A close family friend, Shareena Joachim, 24, carried the Mace, they say. Joachim was the first to reach the man as he stood by the door of the station s convenience store. She tried to spray the Mace in his eyes but missed, hitting someone in her group instead, police said. As she backed off, Gillard and others moved in. Gillard swung the chair leg into the victim s head and face, hitting him over and over, until the chair leg broke over his head, police said. One woman beat the victim with what police believe is a hammer. Two juveniles, police said, stomped and kicked him in the head. As the group pulled back, Joachim pulled the boy by his red-and-yellow jacket toward the victim, let him look, and then ushered him back into the van before it pulled away. The Inquirer reported the unnamed victim is in a medically induced coma.WPVI-TV quoted a police spokesman saying the victim s prognosis was not good. The male right now is not doing that great, he s in critical condition. We re not sure if he s gonna make it or not and It s very tragic, said Capt. Malachi Jones, Philadelphia Police. Via: Gateway Pundit",left-news,"Apr 11, 2015",0 +EGYPTIAN COURT SENTENCES MUSLIM BROTHERHOOD LEADER AND 13 OTHERS TO DEATH AND LEADER’S β€œPeaceful” U.S.-Egyptian Brother To Life In Prison,"But wait wasn t the Muslim Brotherhood s Arab Spring (Sharia Law for all Egyptians) supposed to be a good thing? An Egyptian court sentenced Mohamed Badie, leader of the outlawed Muslim Brotherhood, and 13 other senior members of the group to death for inciting chaos and violence, and gave a life term to a U.S.-Egyptian citizen for ties to the Brotherhood.The men were among thousands of people detained after freely elected Islamist president Mohamed Mursi was toppled in 2013 by the military under Abdel Fattah al-Sisi, who is now president.Sisi describes the Brotherhood as a major security threat. The group says it is committed to peaceful activism and had nothing to do with Islamist militant violence in Egypt since Mursi s fall following mass protests against his rule.Egypt s mass trials of Brotherhood members and people accused of links to the group, as well as its tough crackdown on Islamist and liberal opposition alike, have drawn international criticism of its judicial system and human rights record.The sentences, pronounced at a televised court session on Saturday, can be appealed before Egypt s highest civilian court in a process that could take years to reach a final verdict.U.S.-Egyptian citizen Mohamed Soltan was sentenced to life in jail for supporting the veteran Islamist movement and transmitting false news. He is the son of Brotherhood preacher Salah Soltan, who was among those sentenced to death.Mohamed Abdel-Mawgod, one of the defense lawyers, condemned the verdicts. The court did not differentiate between the defendants and put them all in the same basket, he told reporters at the courthouse. None of the defendants were present during the hearing.Badie is the Brotherhood s General Guide and has already been sentenced to several death and life sentences. His deputy Khairat El-Shater was given a life sentence on Saturday. OPERATIONS ROOM TRIALRights groups say Egypt, where a popular uprising toppled veteran autocrat Hosni Mubarak in 2011 and started years of political turmoil, is now cracking down on all dissent. Sisi says stability is needed to revive the shattered economy.Rights advocates have criticized a U.S. decision to end a freeze on military aid to Cairo, saying Washington is putting human rights on the backburner. The United States has said the decision to end the freeze was in the interest of national security.Mohamed Soltan, 27, arrested in August 2013, had been on hunger strike while in prison. He deserves the punishment because of the money and instructions from the Brotherhood which were found with him, and for spreading chaos and horror in society, presiding Judge Mohamed Nagi Shehata told reporters.Sara Mohamed, a relative of the Soltan family, said they would appeal the verdict. It was a farce trial of the first class None of the defendants attended the session, she told Reuters by phone.A website calling for Mohamed Soltan s release says he was not a member of the Brotherhood, describing him as a U.S.-educated peace activist who was involved in youth events and charities. The website shows pictures of him lying emaciated on a stretcher while in detention.Saturday s case was known in local media as The Rabaa Operations Room trial. This is in reference to a sit-in at Rabaa square in 2013 in which hundreds of people protesting at the overthrow of Mursi were killed when security forces tried to clear the area by force.Cairo has defended its actions, saying it had given protesters the opportunity to leave peacefully and that armed elements within the Brotherhood initiated the violence.Saturday s session sentenced 51 people. Those who were not sentenced to death were given a life sentence. The long list of charges included leading and funding an outlawed group, overturning the constitution and planning to spread chaos, a court source said.Via: Reuters",left-news,"Apr 11, 2015",1 +BREAKING: WHY DID MASSACHUSETTS OFFICIALS WAIT SO LONG To Release This Video Showing Thug Shooting Police Officer In Face? [VIDEO],"Where was the media coverage when this black thug shot a white police officer in the face? It clearly doesn t fit their narrative which explains why this horrific incident took place on March 27, 2015 and the video is just being released today Massachusetts officials on Friday released video footage showing the near-fatal shooting of a Boston police officer last month by a man who was subsequently shot dead by other officers.The decision to release the footage comes amid protests in several major U.S. cities over a series of killings of civilians in recent months. The latest occurred last Saturday when a white officer in South Carolina was videotaped shooting an unarmed black man as he fled after a traffic stop. It is in everyone s best interest to share (this) information as soon as possible in order to tamp down speculation and rumors meant to inflame and not inform, Suffolk District Attorney Daniel F. Conley said at a news conference.The video shows six-year Boston Police Department veteran John Moynihan and two colleagues approaching a car stopped at about 6:40 p.m. on March 27 in Boston s Roxbury neighborhood.As Moynihan stands near the driver s door, a man identified by police as 41-year-old Angelo West jumps out of the vehicle, shoots Moynihan in the face and runs out of the camera frame as Moynihan falls to the ground.Authorities say West, who had a criminal record including prior gun charges, was shooting at police as he ran and that Moynihan s fellow officers returned fire, killing him.Moynihan, 34, is recovering after surgery to remove a bullet lodged in his neck.Local leaders at the news conference said that anger toward police over the incident was minimal. We need to be very aware that the work of police officers is indeed very dangerous, said Rev. Mark Scott, of the Azusa Christian Community in Boston s Dorchester neighborhood.He called West s death tragic, but added that once someone pulls a gun on a police officer, you don t leave the police any other option but to respond. The Suffolk District Attorney s office is investigating the shootings and has said it will release a full report on the incident later.Via: Reuters",left-news,"Apr 10, 2015",0 +"JIHAD FOR DUMMIES: How US Army Enlistee, Mohammed Abdullah Hassan Was Caught Attempting To Bomb US Army Base","Note to little Johnny you might want to consider using a diary next time you write about how you d like to engage in violent jihad in the name of ISIS.A 20-year-old Kansas man plotted to kill American soldiers with a vehicle bomb at the Fort Riley military base, an attack he planned to carry out on behalf of the ISIS terror group, prosecutors announced Friday.John T. Booker, also known as Mohammed Abdullah Hassan, was arrested as part of a lengthy FBI investigation. Federal authorities said he was arrested near the army base in Manhattan, Kansas, as he completed final preparations to detonate the bomb, which had, in fact, been rendered inert while he was under FBI surveillance. As alleged in the complaint, John Booker attempted to attack U.S. military personnel on U.S. soil purportedly in the name of (ISIS), said Assistant Attorney General John Carlin. Thanks to the efforts of the law enforcement community, we were able to safely disrupt this threat to the brave men and women who serve our country. Protecting American lives by identifying and bringing to justice those who wish to harm U.S. citizens remains the National Security Division s number one priority. Prosecutors said Booker repeatedly stated he wanted to engage in violent jihad on behalf of ISIS. He became an Army recruit and said he intended to commit an insider attack against American soldiers, like Major Nidal Hassan at Fort Hood in Texas.Booker is the latest among a number of ISIS sympathizers who have been arrested by the FBI in recent weeks.A criminal complaint unsealed Friday charged Booker with one count of attempting to use a weapon of mass destruction (explosives), one count of attempting to damage property by means of an explosive and one count of attempting to provide material support to a designated foreign terrorist organization.He was due to appear Friday afternoon in federal court in Topeka.The criminal complaint Friday alleged that Booker spent months developing and attempting to execute a plan that would result in his own death as an ISIS suicide bomber. It also alleged that he planned to pull the trigger of the explosives himself so that he would die in the explosion, Kansas U.S. Attorney Barry Grissom said at a news conference. I want to assure the public there was never any breach of Fort Riley Military Base, nor was the safety or the security of the base or its personnel ever at risk, said Kansas City FBI Special Agent in Charge Eric Jackson. Recently the Command Staff at Fort Riley has been working hand in hand with law enforcement to ensure the utmost security and protection for the men and women who serve our country, and the surrounding community that supports the base. Booker allegedly plotted to construct an explosive device for attack on American soil for months during meetings with two FBI informants. He told one killing Americans was permissible because the Koran says to kill your enemies wherever they are. Prosecutors said the jihadi wannabe advanced the plot by acquiring components for a vehicle bomb, producing a propaganda video and renting a storage locker to store components for the explosive device.Prosecutors said he identified Fort Riley as the target and talked about his commitment to trigger the device himself and become a jihadi martyr.His arrest came behind the wheel of a van he belived was packed with 1,000 pounds of explosive.Last year FoxNews.com reported exclusively that Booker was under investigation for threatening online to commit a Fort Hood-inspired act of terror just weeks away from reporting for basic training.The military learned of his radicalism which had apparently been on display for months in online posts where he praised Usama bin Laden and pledged to die for radical Islam.FoxNews.com reported then that Booker was the subject of an FBI alert. Getting ready to be killed in jihad is a HUGE adrenaline rush! I am so nervous, read a March 19. 2014 post on the Facebook page authorities believe belonged to Booker. NOT because I m scared to die but I am EAGER to meet my lord. FoxNews.com reported Booker enlisted in the Army in February 2014 and was due to report for basic training less than two months later on April 7. But the FBI interviewed him in March and alerted the Army, which formally discharged him.Via: FOX News",left-news,"Apr 10, 2015",0 +YOUR TAX DOLLARS PROVIDE THIS ASST PROFESSOR A CAPTIVE AUDIENCE REQUIRED TO LISTEN THIS: β€˜Religious Right worships an β€œa**hole’ God And β€˜white supremacist Jesus’,"Yep that s correct. Your hard earned tax dollars are helping to pay her salary Just days before Easter, one professor took to the internet to blast Christian conservatives for inventing a white supremacist Jesus. On Wednesday, Rutgers University professor Brittney Cooper published a column for online magazine Salon excoriating supporters of Indiana s Religious Freedom Restoration Act which she dubbed religious freedom garbage and alleging that conservative Christians harbor antagonistic political views toward every single group of people who are not white, male, Christian, cisgender, straight and middle-class. Any time right-wing conservatives declare that they are trying to restore or reclaim something, we should all be very afraid, Cooper wrote in reference to the controversial Indiana law that prevents the state from constraining individuals free exercise of religion without demonstrating a compelling government interest.According to Cooper, the law is the culmination of conservative anxieties over the legalization of same-sex marriage in Indiana, and will lead the state back to the idyllic environs of the 1950s, wherein women, and gays, and blacks knew their respective places and stayed in them. Cooper says the Supreme Court s ruling last June in Burwell v. Hobby Lobby which allowed owners of closely held, for-profit corporations to seek exemptions from laws that violate their owners religious beliefs provided the logic Indiana has used to curtail and abridge gay rights. She also claims the Indiana law sanctions the exercise of Islamophobia and declares it a slippery slope that will lead to racially inflected religious discrimination. Nothing about the cultural and moral regime of the religious right in this country signals any kind of freedom, writes Cooper, adding that this kind of legislation is rooted in a politics that gives white people the authority to police and terrorize people of color, queer people and poor women. The self-proclaimed Christian professor says she often questions if she worship[s] the same God of white religious conservatives, who she describes as a white, blond-haired, blue-eyed, gun-toting, Bible-quoting Jesus. I call this god, the god of white supremacy and patriarchy, Cooper writes.According to Cooper, if your politics are rooted in the contemporary anti-Black, misogynist, homophobic conservatism, then we are not serving the same God. That God, she claims, is an asshole with nothing holy, loving, righteous, inclusive, liberatory theologically sound about him. Cooper concludes by encouraging others to declare death to the unholy trinity of white supremacist, capitalist, heteropatriarchy allegedly created by those on the Religious Right who have pimped Jesus death to support the global spread of American empire vis-a-vis war Cooper, who teaches Women s and Gender studies and Africana Studies at the publicly-funded university in New Brunswick, N.J., describes herself as a next generation black intellectual. Via: Campus Reform",left-news,"Apr 10, 2015",0 +β€˜MOTHER OF THE YEAR’ Drives11 And Armed 15 Yr. Old Sons Along With 4 Teenage Friends To A Fight,"A 14-year-old boy suffered a gunshot wound to the leg Wednesday (April 8) after a woman drove him and five other juveniles to a residence in Kenner to continue a fight that had occurred earlier in the day, authorities said.Police arrested the woman, Lakenya Hall, 35, of Kenner, because she instigated the fight by taking over the group of boys, which included her own 11- and 15-year-old sons, said Lt. Brian McGregor, spokesman for the Kenner Police Department.The injured teen was taken to nearby Ochsner Medical Center in Kenner where he is expected to recover.The shooting occurred just after 5 p.m. Wednesday in the 3500 block of West Louisiana State Drive in Kenner. Police learned that the teens had been involved in an earlier fight at a bus stop, McGregor said. Authorities aren t sure what the teens were fighting about.Afterwards, Hall, of 225 Clemson Place, drove six juveniles about a mile and a half away from their Lincoln Manor neighborhood to West Louisiana State Drive to continue the brawl, McGregor said.At some point, a 15-year-old boy being confronted by Hall s group pulled out a .22-caliber pistol that had been stored in a backpack and began chasing them, McGregor said. He opened fire, hitting the 14-year-old boy.Police arrested the 15-year-old boy and booked him with aggravated battery, illegal possession of a handgun by a juvenile, possession of a firearm with an obliterated serial number, illegal use of weapons and disturbing the peace by fighting, McGregor said.Officers arrested Hall and booked her with disturbing the peace by fighting and six counts of contributing to the delinquency of juveniles. Just because you ve been in a fight, it doesn t give you the right to go over there and start a whole new fight, McGregor said. She s instigating something by taking the group over there in the first place. Police also arrested Hall s two sons and booked them with disturbing the peace by fighting. Investigators expect more arrests to come as they identify the other teens who were present at the time of the fight and shooting, McGregor said.Authorities have also been told that video exists of the fight, and police are working to find it. We re not going to have all these juveniles engaging in a fight in the city of Kenner, McGregor said.",left-news,"Apr 10, 2015",0 +Meet The CA Sheriff Who Won’t Be Bullied By Obama And Illegal Immigrant Activists Who Believe The Laws Don’t Apply To Lawbreakers," If you have a system that rewards you for being a victim, it s subject to abuse. Sheriff Donny YoungbloodThat kind of stance has won him enemies in California s immigrant-rights movement and frequent comparisons to Joe Arpaio, the brash Arizona sheriff notorious for his workplace raids and ID checks.Youngblood, 64, said he isn t trying to make headlines. The Vietnam War veteran, who grew up working in the potato sheds around Bakersfield, said he s happier hiking or riding his quarter horse, Sparky.He lives in the same modest suburban neighborhood where he grew up, on Bakersfield s now heavily Latino Eastside, and bristles at accusations that his policies encourage racial profiling, pointing out that a third of his deputies are Latino.As he drove through town on a recent morning, past oil derricks, gated golf courses and strip malls lined with Mexican restaurants and carnicerias, Youngblood outlined his philosophy on immigration.The federal government should start enforcing immigration laws or write new ones, he said. He criticized President Obama s new deportation policies, which say most immigrants who have not committed serious crimes and have fewer than three minor crimes on their records should not be priorities for removal. You re in this country illegally and we re going to give you three bites of the apple? That s three victims! Youngblood said. If you commit crimes, you oughta go. Youngblood s defiant views have made him a rare voice of dissent in what has become the nation s most welcoming state for people in the country illegally.At a time when the Democrat-controlled Legislature has moved to allow such immigrants to drive, practice law and pay in-state college tuition passing 26 immigrant-friendly laws last year alone, according to the National Conference of State Legislatures Youngblood is an outlier.He has largely refused to sign paperwork that immigrant crime victims need to apply for U visas, which allow some victims to stay in the country lawfully. As president of the Major County Sheriffs Assn., a national advocacy group, he has asked Immigration and Customs Enforcement officials to share data with police so patrol officers can determine whether the person they stop may be in the country illegally.Youngblood said his department began following the Trust Act last year on the advice of county attorneys. But he said he reserves the right to violate it. If ICE calls me and says, You have someone there who has committed this heinous crime, and we really need you to hold them, I m probably going to hold them, he said.Youngblood s approach has been celebrated by those who believe, as he does, that Obama has been too lax on immigration enforcement.And it has made him the target of activists who accuse him of setting his own immigration policy and of sowing fear among the estimated 66,000 immigrants in this rural county illegally. People are scared, said Lorena Lara, an immigrant who was brought to the country illegally by her farmworker father and who now works for a community organizing group called Faith in Action Kern County. They re afraid to call the police because they think they might be deported. Immigrant advocates have been pushing for more protections and political representation in the Central Valley since Cesar Chavez launched the modern immigrant-rights movement in the grape fields here half a century ago. In recent years, Kern County has been the scene of tense standoffs between protesters on opposing sides of the immigration debate, including a well-publicized shouting match outside the Bakersfield office of Republican Rep. Kevin McCarthy in 2013.The majority of Kern County residents are Latino, but it wasn t until the 1990s that a Latino was elected to the Bakersfield City Council or the Kern County Board of Supervisors. (Political scientists point out that Latinos make up only about a third of registered voters and tend to turn out for elections at much lower rates than their white counterparts.)Youngblood says his views are in line with the conservative voters who have put him in office three times since 2006. Their ideas about immigration and government couldn t be more different than the electorate in Los Angeles, he added, even though Kern borders Los Angeles County. We are right-of-the-center on things, he said. I always say Kern is a county that ought to be in Arizona. Not far from Youngblood s home, Jose and his wife live in a run-down gray bungalow. There s a large portrait of the Virgin of Guadalupe in the living room and a dirt yard out front. On a recent evening, as the couple cleaned up after a long day in the fields, a locomotive screeched on nearby tracks.The couple came here from Mexico nine years ago to find work. Jose, who didn t want to give his full name because he said he fears retaliation from the sheriff, now earns $9 an hour picking almonds and oranges. He made $9 a day as a bus driver back home.Jose said that in 2013 he and his wife were attacked by armed robbers while they slept. The thieves stole everything of value and beat Jose for an hour, shattering his ribs.Organizers with the United Farm Workers encouraged Jose to apply for a U visa, saying he had a slam-dunk case. The crime was sufficiently severe, they said, and he had cooperated with the sheriff s deputies who responded to the 911 call.To apply for the visa, immigrants must present a declaration from the law enforcement agency that investigated the crime saying that they were or will be helpful.The Bakersfield Police Department, like most agencies in the nation, has a policy of signing all U visa declarations. Youngblood doesn t.Out of 160 requests between 2012 and 2014, he signed just four, according to Sheriff s Department records. I think he has something personal against Latinos, said Jose, who prays that Youngblood will find it in his heart to reconsider. We are at his mercy, he said.Youngblood said he hasn t signed most declarations because he doesn t believe in the premise of the law. If you have a system that rewards you for being a victim, it s subject to abuse, he said.The sheriff s stance has won him supporters, such as Ellen Fluhart, 70, a retired rancher who lives in the northeastern part of the county. She said Youngblood s decision not to sign U visa petitions is his prerogative. Fluhart said Youngblood s views are refreshing in a state where politicians have passed bills that she says encourage unlawful immigration. They broke the law, Fluhart said. They shouldn t be rewarded. Tensions between law enforcement and immigrant laborers in this community go back decades, said Gonzalo Santos, a sociologist at Cal State Bakersfield. In the 1930s, sheriff s officials deputized farm owners so they could use their badges to shut down labor protests, Santos said. Some farmworkers were killed.Now the department is intervening in immigration matters, said Santos, who called Youngblood a rogue sheriff. Youngblood argues that Brown and the Legislature were interfering when they passed the Trust Act. Conflicting state and federal mandates put sheriffs like him in the crosshairs, he said. It s unfair, because the law is so unclear, Youngblood said. Really what we re looking for is clear law, clear direction. Via: LA Times",left-news,"Apr 9, 2015",0 +ONLY IN DETROIT: SQUATTING ON THE SQUATTER TAKES A TURN,You won t want to miss this ,left-news,"Apr 9, 2015",0 +FAMILY OF S.C. SHOOTING VICTIM HAS A MESSAGE FOR AL SHARPTON And He’s Not Gonna Like It…,"Poor little Al if he s not race baiting, he s hanging out with our President at the White House just waiting for the next white on black injustice. Heck if we didn t know better, we d almost think he enjoys being in front of the camera holding up the grieving parents but that would be so so insincere Stay away, Rev. Al. We don t want another Ferguson type of circus here, a source close to the Scott family told The Daily News.That was the message from the family of South Carolina police shooting victim Walter Scott to the civil rights activist Thursday two days before the funeral for the slain father of four.That was a reference to the Missouri town that was rocked by violent demonstrations last year after black teen Michael Brown was killed by a white cop.Sharpton gave a rousing speech at the 18-year-old s funeral, which was attended by thousands.Scott family attorney Chris Stewart said they appreciate Sharpton s support but the funeral is only going to be close family members. Via: NY Daily News",left-news,"Apr 9, 2015",0 +NOT NEWS: [Graphic Video] Michigan Woman Runs Over Rival With Car Following Street Brawl,"This is a story that will never make the news. A woman uses a car to intentionally hit another woman (this is the second time she s used her car as a weapon to hit another human being) but unfortunately, it s just another day of black on black crime, so it doesn t fit the media s narrative A wild fight between two 19-year-olds along a Michigan street Monday came to a dramatic end when one ran over her rival with a car.What began as a fight in the middle of the street with onlookers encouraging and sometimes interfering with the one-on-one showdown devolved into a hit-and-run, shocking video shows. Let them fight, at least one bystander yells repeatedly.Police have issued a warrant for Jalin Smith-Walker, accused of being behind the wheel during the graphic assault, The Grand Rapids Press reported. It was a fight between two former friends. It ultimately ended with blows being thrown, Grand Rapids Sgt. Terry Dixon told the Press.Smith-Walker has been charged with assault with intent to do great bodily harm less than murder.***Warning***This is a violent video with graphic language.Smith-Walker smiled broadly in her police mug shot after being arrested a few miles from the mall.After Monday s brawl in which the two tussled on the hood of one car, video shows a woman who police claim is Smith-Walker get into a car across the way and pull into the street.Via: NY Daily News",left-news,"Apr 9, 2015",0 +"OBAMA’S RACISM CZAR, β€œREVEREND” AL SHARPTON CALLS FOR FEDERAL POLICE FORCE","Yeah putting the federal government in charge of our entire police force, sounds like a great idea Al. We re waiting for Al to call for an all black police force next you know, in the name of fairness. Rev. Al Sharpton called for national policing legislation akin to the Civil Rights Act this morning at the kickoff his National Action Network s annual convention, just after the arrest of a white South Carolina police officer for murder in the shooting of an unarmed black man. There must be national policy and national law on policing, Mr. Sharpton said. We can t go from state to state, we ve got to have national law to protect people against these continued questions. Mr. Sharpton s comments, coming on the heels of multiple instances of police killings of unarmed men of color around the country, were met with applause from the crowd and from the dais, which was packed with elected officials including Mayor Bill de Blasio, Congressman Charles Rangel, Attorney General Eric Schneiderman, city Comptroller Scott Stringer and state Comptroller Thomas DiNapoliThe convention kickoff, which featured a ribbon cutting with the lawmakers, came just hours after it was announced last night that North Charleston, S.C., police officer Michael T. Slager would be charged with murder in the death of Walter Scott who can be seen in a widely publicized video running away from Mr. Slager, while the officer shoots into the man s back repeatedly. The video offers a markedly different story than the one Mr. Slager first offered up: that Scott had stolen his taser and left him in fear for his life.Mr. Sharpton praised the city s mayor and police chief for bringing the charges, but said the nation couldn t rely on the judgement of local officials. We commend them, but we cannot have a justice system that hopes we have a mayor in the right city or a police chief, he said. We have to have one policy that is national. Mr. Sharpton later noted that the comparatively small town s officials had been braver than police leaders in bigger cities. He has been vocal about his belief that New York City police Daniel Pantaleo should have been charged with a crime in the death of an unarmed black Staten Island man, Eric Garner. A grand jury declined to indict Mr. Pantaleo, spurring protests throughout the city.That death, too, was captured in a widely published video. And though the footage did not lead to any charges, Mr. Sharpton said today the national legislation should focus on cameras as well as accountability. He compared the fight for police reform to the civil rights struggle, noting that activists did not try to fix discrimination in individual states or cities. They fought for a national Civil Rights Act, a national Voting Rights Act. It s time for this country to have national policing, Mr. Sharpton said.After the ribbon cutting, Mr. de Blasio whose first year in office was dominated by an effort to reform police-community relations after Garner s death and a subsequent City Hall feud with police union leadership said he agreed some kind of national standard should be set. It s a broad point he s making, and I think he way he made the analogy to the Voting Rights Act is the right one. We ve got to figure out how to create the right relationship between police and community, Mr. de Blasio told reporters. The vast majority of police do their job well and want to work more closely with the community. Obviously community residents want to work more closely with the police. But we have to create more of a national standard that says we all have to be on the same page. The relationship between Mr. de Blasio and Mr. Sharpton was fodder for his woes with police unions last year: they took umbrage when Mr. Sharpton was seated next to the mayor and Police Commissioner Bill Bratton at a City Hall round table, and dismissed Mr. Sharpton as divisive. A poll later showed voters didn t like the approaches of either Mr. Sharpton or the union leaders and rank-and-file officers who later turned their backs on Mr. de Blasio at the funeral for two slain officers.Today, Mr. Sharpton offered a full-throated defense his relationship with the mayor, saying it was based not on political power but on a long history of working together, citing Mr. de Blasio s support on issues like wage increases and the silent march against stop, question and frisk before his election. He marched with us when other candidates wouldn t. So don t begrudge us for knowing somebody that we always knew, and that was there in the trenches with us, Mr. Sharpton said, saying he had never asked for favors or back room deals only access and policy changes. There s nothing in the back room we want. We want everything out front. Via: The Observer",left-news,"Apr 9, 2015",0 +Wake Up America! β€œSEED COMMUNITIES” Of Muslim Refugees Are Sprouting Up All Over The U.S.,"Be aware and be ready to push back on this effort by the State Department and the United Nations to spread seed communities (their term) all over the U.S. Pretty soon we ll be covered up in refugees who are mostly (90%) muslim. We already have millions of illegals from Central America that we cannot and should not support. We now know that small towns across America like Athens, GA and Spartanburg, SC are being targeted for a influx of muslim refugees. Because it s very secretive (for obvious reasons), you need to keep your ear to the ground and push back like Athens and Spartanburg. Below is a fantastic piece that will fill you in on what s REALLY going on:With Muslim immigrants streaming into the United States at a rate of 100,000 per year, some of the communities targeted for new arrivals are seeking information on their new neighbors, only to be frustrated by federal bureaucrats and their hired contractors.How does a city get on the U.S. State Department s list of 190 communities selected for refugee resettlement? How can cities find out who will be coming and when? What services will they use, and what will be the cost to taxpayers?And, the granddaddy of all questions: Can the communities be assured that foreign nationals with ties to ISIS, al-Shabab and other Islamic terrorist groups won t slip through the government s porous screening process posing as refugees ?The answers to these questions are simple. Very little information is available. And there are no guarantees that some very bad apples won t arrive in your town, says a leading expert on the refugee resettlement program. One community that is trying to get information right now is Spartanburg, South Carolina.On March 16, Ann Corcoran, author of the Refugee Resettlement Watch blog, spoke at a national security summit in Columbia, South Carolina, hosted by former Defense Department analyst Frank Gaffney. A few days before that conference, on March 9, a story broke in the local Spartanburg newspaper that World Relief, one of the nine resettlement agencies that works under contract with the federal government, was planning to open an office in Spartanburg.When an agency like World Relief opens an office in a city, it means refugees will be arriving soon. There are no public hearings or announcements in local media, Corcoran said. Typically a story will appear in the local newspaper just before or after the first arrivals appear in town.Corcoran met some activists at Gaffney s conference who wanted to find out more about the plans for resettling United Nations-certified refugees in their city. It is like pulling teeth to get any information, Corcoran said. And these are long-term grassroots activists who know how to get information. One of the activists is Christina Jeffrey, a political science professor and former U.S. House of Representatives historian who ran against Rep. Trey Gowdy, R-S.C., in last year s Republican primary. Gowdy is now chairman of the House subcommittee on immigration and refugees. He is chair of this committee, and so they want to set up a refugee office in his home district, and we still can t get any information, Corcoran said.Jeffrey has asked the federal government to prepare a comprehensive impact statement, detailing the impact the refugees will have on Spartanburg s public services. Schools, health facilities, housing, the job market and public welfare programs will all be affected, but so far nobody is saying to what extent.The mayor of Athens, Georgia, who asked for the same type of report last year, encountered the same blackout of information.St. Cloud, Minnesota, residents have also inquired about how many more Somali refugees will be arriving in light of recent problems with Somali student protests at a local community college. Dozens of other Somalis have either left the country to fight for al-Shabab or ISIS while others have been charged and convicted with sending material support to overseas terrorist organizations. They re trying to get information because residents have heard the rumor that there are 1,500 more Somalis getting ready to be resettled there in St. Cloud, Corcoran said.The resettlement agencies hold lots of meetings and place lots of phone calls with stakeholders in the targeted communities, but these collaborative efforts almost always occur outside of the public spotlight. The term stakeholders does not apply to you, the taxpayer footing the bill for all of this, Corcoran said.According to a March 8 article in the Spartanburg Herald-Journal, a partnership of faith leaders called Come Closer Spartanburg issued an invitation more than a year ago to World Relief to open a refugee office in Spartanburg. The March 8 article was the first public revelation of this effort even though World Relief had been working behind the scenes with stakeholders for a year. An initial group of 65 refugees will arrive this year, starting in April or May, from Congo, Bhutan and Syria.Jeffrey, in a March 30 op-ed in the local newspaper, shed more light on the group, Come Closer Spartanburg, and its goals: On its website, Come Closer Spartanburg describes the city of Spartanburg as home to what has been identified as the fifth most dangerous neighborhood in the United States. We have extremely high rates of unemployment, poverty and domestic violence. Overall, we were recently listed as the fourth most miserable city to live in our country. It does not take long to realize that we are a city in need of transformation. Jeffrey discovered that the objective is to plant a seed community in Spartanburg that will eventually blossom and transform the city. The federal government is creating communities within communities often pitted against each other economically and culturally.It s the same tactic that has been used for decades in Europe. Looking at other U.S. cities with new refugee communities, it appears that contractors often keep sending refugees to the same place until there is a community within a community. Unassimilated communities have created problems in Europe, and we are beginning to have similar problems here in the United States (witness Milwaukee, Wis., and Lewiston, Maine), Jeffrey writes.Corcoran said the word assimilation is no longer used by the resettlement agencies and their friends in the federal government. Rather, the new buzzword is integration. The goal of integration is to have a multitude of diverse cultures living side by side in coexistence but never assimilating.President Obama issued an executive memorandum dated Nov. 21, 2014, to all federal agencies directing them on Creating Welcoming Communities and Fully Integrated Immigrants and Refugees. This sort of backroom dealing between the federal government, its hired resettlement contractors and local officials is not designed to provide information to the people who live and work in the targeted refugee cities, Corcoran said. They don t like this whole idea that their town is being secretly selected, she said. This has been going on for over a year now in Spartanburg, and the refugees are now due to start arriving in a month or so. And these people have no information until it s actually upon them. The mayor of Athens, Nancy Denson, requested a plan. The city of Spartanburg is asking for the same consideration. That s what these people in Spartanburg are asking for, and they are asking that when you have a plan that you present it publicly at a public hearing, Corcoran said. They don t want to have to show any of that to the public. They re saying it s only 65; well, it s only 65 for the first year. It will continue to be more every year afterward once you become a seed community. Of the more than 500 Syrian refugees brought to the U.S. so far this past year, 90 percent of them have been Muslim, Corcoran said.Read more: wnd ",left-news,"Apr 9, 2015",0 +WHY DID HARRY REID LIE ABOUT THE β€œACCIDENT” He Had That Left Him Blind In One Eye?,"Dirty Harry must ve jarred something in his head that makes him unaware that he s lying in public. He used to be pretty good at hiding it Senate Minority Leader Harry Reid (D-NV) is changing the story about how he sustained those gruesome New Year s Day injuries that have left him blind in one eye.Previously, Reid claimed that an exercise band he was using broke. I was doing exercises that I ve been doing for many years with those large rubber bands and one of them broke and spun me around and I crashed into these cabinets and injured my eye, (emphasis added) Reid said at a press conference on January 22.(You can see the video of that press conference here.)But now, in an interview conducted by Fusion (a joint venture between ABC and Univision), excerpts of which have been released today, Reid tells Univision anchor Jorge Ramos that the exercise band slipped, rather than broke. [T]he [elastic band] strap had no handle on it, slipped, spun me around, uh, about, oh I guess four feet (Reid points with his right hand to the wall of the interview room) and so I smashed my face into a cabinet, Reid tells Ramos.Reid s latest version of the incident, as told to Ramos, differs from previous versions advanced by his team in another very significant way. Sources familiar with the incident said Reid was exercising in his bathroom, with the exercise band attached to the shower door, Politico reported on January 22. (emphasis added)As Breitbart News reported previously, that version of the story, almost certainly told to Politico by Reid s staffers with his approval, is not credible.Now, however, Reid tells Ramos a different story. The exercise band was not attached to the shower door in his bathroom, Reid says, but was instead attached to a big metal hook that came out from the wall in an unspecified room in his new Nevada home.Here s a partial transcript of the excerpt of the interview released by Fusion:Ramos: You said recently that the accident had nothing to do with your decision to retire.However, we are seeing the consequences of what happened.What really happened?Was it really with an elastic band?Reid: Yeah, I had a big, that thick (Reid gestures with his hands), that I had been using for about four years and I was, you know, trying to maintain my, uh, firmness, and, uh, that was my weight training. I was doing that in my new home here in Nevada and a big metal hook that came out from the wall that was hooked there that the strap had no handle on it, slipped, spun me around, uh, about, oh I guess four feet (Reid points with his right hand to the wall of the interview room) and so I smashed my face into a cabinet so hard that uh Ramos: It looked like somebody had hit you.Reid: I am so fortunate that, um, it wasn t over just a fraction of this way and hit me in the temple.Ramos: How s your eye?Reid: I am sightless in my right eye.Watch the full video of the excerpts of the Fusion interview here:Ramos then switched gears and asked Reid about the most difficult moments of [his] 28 years in the Senate. Ramos failed to ask some key follow up questions about Reid s New Year s Day injury incident.For instance, Ramos failed to ask Reid if the accident took place in his bathroom, as Reid s office had previously claimed. According to Reid s latest version of the story, we do not know in which room of his house he now claims he sustained these injuries.Breitbart News has asked Senator Reid s office, which has carefully controlled the release of information about his New Year s Day injuries, to comment on his changed version of the story of his New Year s Day injuries, but has received no reply.Via: Breitbart News",left-news,"Apr 9, 2015",0 +IT’S TIME TO STOP THE LIES! ARE YOU SICK AND TIRED OF THE FALSE β€œHands Up Don’t Shoot” NARRATIVE?,"Only one journalist has made it his mission to set the record straight about what really happened in Ferguson, MO on the day that Michael Brown was shot by Officer Darren Wilson. Every American needs to know about this man who faux journalists fear. Phelim McAleer is not a household name in America but he should be. He s challenged Matt Damon, Susan Sarandon and Yoko Ono and Sean Lennon on the false narrative they were promoting about the dangers of fracking in America.Watch Phelim bravely confront Susan Sarandon, Yoko Ono and Sean Lennon here:Watch Phelim expose the truth about who was helping to fund Matt Damon s anti fracking movie:While America was fixated on Jodi Arias murder trial for the stabbing death of her boyfriend, Phelim McAleer was focused on another trial that was taking place simultaneously that involved the most prolific serial killer of our time, abortionist Dr. Kermit Gosnell. The mainstream media intentionally ignored the story of Kermit Gosnell because the truth about the crimes he committed would surely harm the reputation of the coveted abortion industry. Phelim, along with his wife Ann McElhinney and Magdalena Segieda raised over $2.2 million on Indiegogo that is being used to finance the production of a made for TV movie that will tell the true and horrific story of Kermit Gosnell.Phelim has bravely gone against the tide on so many issues the left has been either lying about or hiding for years. Because the mainstream media fears him however, it s likely you ve never even heard his name. Our goal is to change that.Phelim s latest project, Ferguson will be a live play that was written by journalist and documentary filmmaker Phelim McAleer and will be directed by Nick DeGruccio. Ferguson will run from April 26-29 at Los Angeles s Odyssey Theater. The reenactment of the controversial killing of Michael Brown on stage will allow Americans to actually view the facts based on the Grand Jury testimony. McAleer told the Washington Times: It s going to be a dramatized stage reading. Witnesses are going to describe what happened, just as they described it in the grand jury room. We re going to have cast at least 13 people, playing 20 different characters. The documents that accompany the testimony will be on a large screen. The audience will act as the jury and their votes will decide whether or not Ferguson officer Darren Wilson should have been indicted.YOU CAN HELP PHELIM MCALEER TELL THE TRUTH about what happened in Ferguson by contributing to the production of his play Ferguson by clicking here.FERGUSON will be the first dramatization of the controversial shooting that prompted public outcry and riots, with protesters claiming that white police officer Wilson shot black teenager Brown as he was surrendering with his hands up. Ferguson is certain to confound and frustrate the leftist mainstream media who believes they have already cemented the hands up don t shoot narrative in the minds of Americans, regardless of the facts. I want to bring the truth about what happened that day to the stage, explains McAleer, a celebrated journalist and filmmaker. I think audience members will be very surprised, even shocked, when they hear the clear and unaltered truth about the events that took place on Aug. 9, 2014. There are a lot of myths and half-truths circulating about the shooting. FERGUSON is a chance to dispel these once and for all. Because the subject matter is so controversial, McAleer is launching the play as an independent production financed by crowdfunding. I know people want the truth to be told, so now they can be part of that process by going to FergusonThePlay.com to help make that happen, he says.Helmed by multiple award-winning director Nick DeGruccio (The Laramie Project at both Laguna Playhouse and the Colony Theatre), FERGUSON will be staged as an evening of verbatim or truth theater, modeled on Tricycle Theatre s wildly popular Tribunal Plays series that has been a staple in London for over two decades. Verbatim theater is defined as a play constructed from the precise words spoken by people interviewed about a particular event or topic. In this case, the audience will hear unaltered witness testimony, exactly as the Ferguson grand jury heard it.Concludes McAleer, who covered numerous crime scenes and court cases while reporting on the troubles in Northern Ireland for The Irish News and UK SundayTimes, I ve always been fascinated with the truth and with reexamining facts once the controversy and grief have abated. That is what I want to bring to the stage with FERGUSON. McAleer is also a producer and director of documentaries, including FrackNation, about fracking ( meticulously researched provocative The New York Times; briskly paced [a] mischievous pic. Variety); Not Evil Just Wrong, examining the devastating consequences of global warming hysteria; and Mine Your Own Business, exploring campaigns by foreign environmentalists against large scale mining projects in the developing world, which the UK Guardian described as A Michael Moore-style documentary [that] casts the green movement as the influential villain of a worldwide campaign to block development and deny people the chance of jobs and a decent life. As a foreign correspondent with the Financial Times and The Economist, McAleer covered the post communist chaos in Eastern Europe, and he is a regular columnist for the New York Post. He has appeared on BBC, CNN and Fox News, among others.The provocative nature of McAleer s projects make traditional financing difficult. With FrackNation, McAleer bypassed traditional funding methods and instead turned to Kickstarter, a crowd-funding website. It was one of the most successful documentary campaigns in Kickstarter history: in just 60 days, 3,305 backers donated $212,265. His Indiegogo campaign for Gosnell was the site s most successful ever, with over 26,500 people contributing $2.25 million in 45 days. FERGUSON is also being financed through crowdfunding. For more information, or to make a contribution, go to FergusonThePlay.com.",left-news,"Apr 9, 2015",0 +OBAMA AND UNION LEADERS SELL OUT AMERICAN WORKERS By Turning Illegal Alien Into Union Members,"This story just proves what we ve been saying all along. When it comes to unions, it s not about the members, it s about the union leadership and how they can increase their membership numbers (dues). Aiding union leadership in their quest to add members to flailing union membership numbers is just a way for Obama to keep the skids greased and ensure future contributions from one of the largest Democrat party donors (unions) in America. Congressional investigators say they ve uncovered another attempt by the Obama administration to aid illegal immigrants in the U.S. this time, by teaching foreign workers lessons on union organizing.The National Labor Relations Board has entered into agreements with Mexico, Ecuador and the Philippines to teach workers from those countries in the United States their rights when it comes to union activity.The agreements reportedly don t distinguish between illegal and legal immigrants. But lawmakers are worried it s part of an effort to shield illegal immigrants specifically, by encouraging them to join a union and get protection.NLRB spokeswoman Jessica Kahanek explained to Fox News that under the National Labor Relations Act, employees, whether documented or undocumented, are protected from retaliation due to union or other protected concerted activity. That means employers could be charged for dismissing an illegal immigrant worker if the firing is determined to be tied to the worker s union activityHouse Judiciary Committee Chairman Bob Goodlatte, a Republican from Virginia, argued illegal immigrant workers could soon learn to exploit the system, creating a catch-22 for businesses. They could instead be charged with violating the National Labor Relations Act because someone will claim that they re doing it because the individual is engaged in unionization activities, Goodlatte said.He also claimed the Obama administration was trying to keep the NLRB union education agreements, which were originally signed in 2013 and 2014, quiet. This is the first we ve learned of this and it s the first that news organizations have learned of this and they didn t learn it because the administration came out and told them, Goodlatte told Fox News. They learned about it because of leaked materials, and again, that is not the kind of transparency the American people expect of their government. An NLRB official, though, disputed the notion that the agreement was a new development or something that was intentionally being kept out of the news. Yet it isn t just the NLRB that could view union activity as a shield for illegal immigrants.In June 2011, then-Immigration and Customs Enforcement Director John Morton issued a memo saying: ICE officers, special agents and attorneys are reminded to exercise all appropriate discretion on a case-by-case basis when making detention and enforcement decisions in the cases . . . [of] individuals engaging in a protected activity related to civil or other rights (for example, union organizing). While this may serve as a way to boost union membership at a time when their numbers are trending downward, one activist said it will likely hurt U.S. citizen union members in the end. It seems that the union is almost selling out the interests of American workers and legal immigrant workers in order to boost its membership by appealing to illegal workers and getting the assistance of other countries in doing that, Jessica Vaughan, of the Center for Immigration Studies, told Fox News.Via: FOX News",left-news,"Apr 8, 2015",0 +UPDATE: WHY UNIV OF MICHIGAN REPLACED SCHEDULED SHOWING OF β€œAmerican Sniper” With PG Movie About A Teddy Bear,"HUGE NEWS: The head coach of the University of Michigan s football team just tweeted that the football team WILL watch American Sniper. Coach Harbaugh made his remarks in defiance of the university and the Muslim Student Association who canceled an upcoming screening of the film. Coach Harbaugh said he is proud to be an American and if that offends anybody then so be it. To hell with a true story about one of the most important American military heroes of our time. Sadly, PC trumps all in liberal colleges and universities across the United States University: While our intent was to show a film, the impact of the content was harmful, and made students feel unsafe and unwelcome at our program A scheduled movie screening of American Sniper at the University of Michigan was abruptly cancelled Tuesday after nearly 300 students and others complained the film perpetuates negative and misleading stereotypes against Muslims. The movie American Sniper not only tolerates but promotes anti-Muslim rhetoric and sympathizes with a mass killer, according to an online letter circulated among the campus community via Google Docs that garnered the signatures.The signers were mostly students, but also some staff, as well as the Muslim Students Association and the president of Students Allied for Freedom and Equality, a Palestinian solidarity group at UMich.The online memo, titled a collective letter from Middle Eastern and North African (MENA) and Muslim students on campus, accused the public university of tolerating dangerous anti-Muslim and anti-MENA propaganda by showing the movie, the highest grossing film of 2014.It follows U.S. Navy SEAL Chris Kyle, who served four combat tours in Operation Iraqi Freedom and was awarded two Silver Stars, five Bronze Stars with Valor, two Navy and Marine Corp Achievement Medals, and one Navy and Marine Corps commendation, according to his official Facebook page. But the protestors see him differently. Chris Kyle was a racist who took a disturbing stance on murdering Iraqi civilians, the collective letter stated. Middle Eastern characters in the film are not lent an ounce of humanity and watching this movie is provocative and unsafe to MENA and Muslim students who are too often reminded of how little the media and world values their lives. The University of Michigan should not participate in further perpetuating these negative and misleading stereotypes. The film was set to be shown Friday on campus, but the letter which asked for its cancellation was successful. While our intent was to show a film, the impact of the content was harmful, and made students feel unsafe and unwelcomed at our program, stated The Center for Campus Involvement, which oversees student activities and is run by university employees, as it announced its decision Tuesday on its various social media accounts, including Twitter and Facebook. We deeply regret causing harm to members of our community, and appreciate the thoughtful feedback provided to us by students and staff alike. Image of collective letter; not all signatories shownUniversity spokesman Rick Fitzgerald confirmed to The College Fix on Tuesday the movie was cancelled. The Center for Campus Involvement did hear concerns from students, Fitzgerald said, noting he did not have further details at the time.The Center for Campus Involvement did not return multiple phone calls seeking comment, but its official Twitter account noted Paddington Bear, a PG-rated movie about a stuffed animal s misadventures, will be shown instead of American Sniper. We have elected to pull the film from this week s program and screen another movie in its place that we believe better creates the fun, engaging atmosphere we seek, without excluding valued members of our community, the center stated.But not all students agree with this decision. It would be nice to see the university take a stand against outrageous claims of student exclusion, University of Michigan sophomore Jason Weaver told The College Fix. The film American Sniper in no way creates student exclusion any more than Saving Private Ryan. Both show American soldiers at war, the atrocities of war, and the costs of war, yet I m sure Saving Private Ryan would not illicit the same response. Just because the enemy in American Sniper shares ethnicity with students on campus does not mean they are conflated as the enemy any more than a German student should be conflated with Nazism. American Sniper was set to be shown as part of the center s UMix Late Night program, which brings movies, games, dances and other social events to the student body. The center is responsible for more than 300 co-curricular programs each year, including cultural and educational programs, films, art exhibits, UMix Late Night, athletic/spirit activities and various performance groups and concerts, its website states. We in the Center for Campus Involvement and the UMix Late Night program did not intend to exclude any students or communities on campus through showing this film, the center s announcement stated. UMix should always be a safe space for students to engage, unwind, and create community with others, and we commit to listening to and learning from our community in the interest of fostering that environment. We will take time to deeper understand and screen for content that can negatively stereotype a group. Via: College Fix",left-news,"Apr 8, 2015",0 +BREAKING: COURAGEOUS FEDERAL JUDGE DENIES OBAMA’S REQUEST TO LIFT STAY ON EXECUTIVE AMNESTY,"If I were U.S. District Judge Andrew Hanen, I d be keeping these guys close by:The injunction that has blocked President Barack Obama s executive amnesty will remain in place following the ruling of a federal judge Tuesday night in this Texas border city.In a late night ruling, U.S. District Judge Andrew Hanen sided with the State of Texas and 25 other states that are suing to stop the executive action that would grant legal status to at least 5 million illegal immigrants.The states have sued the federal government claiming that Obama s amnesty would cause irreparable harm and financial loss to their state if the executive action continues. Earlier this year Hanen granted an injunction requested by the 26 states seeking to halt the implementation of Obama s amnesty. They states claimed the damage would have already been caused and even if they won the lawsuit there would be little they could to at that point.Hanen s new ruling comes after the U.S. Government tried to fight the judge s ruling by asking for a stay of the injunction and also after information pointed to a possible violation by the federal government by granting a three year extension to the program known as DACA which granted status to hundreds of thousands of undocumented aliens in school.Read Hanen s decision below.Hanen RulingVia: Breitbart News",left-news,"Apr 8, 2015",1 +U.S. TAXPAYERS TO FOOT BILL FOR OUTRAGEOUS OBAMA SCHEME TO Import And Provide Housing For Relatives Of Illegal Aliens/Democrat Voters,"Thanks to Obama, all working Americans are beginning to see what it feels like to be a conservative who s been forced to pay union dues used to fund the Democrat party. The American taxpayer can take comfort in knowing that more of their hard earned paycheck will now be used to cover travel expenses, housing, food, free education and free health care for the families of potentially millions of illegal aliens entering our country. It was selfish to think I needed the entire 60% of my take home pay. I ll just put my children s college fund on hold. They likely won t get a spot at the college they were hoping to attend anyhow, as they won t meet any of the special status requirements put forth by our government that are needed to hop to the front of the line in the admissions process. To facilitate the often treacherous process of entering the United States illegally through the southern border, the Obama administration is offering free transportation from three Central American countries and a special refugee/parole program with resettlement assistance and permanent residency.Under the new initiative the administration has rebranded the official name it originally assigned to the droves of illegal immigrant minors who continue sneaking into the U.S. They re no longer known as Unaccompanied Alien Children (UAC), a term that evidently was offensive and not politically correct enough for the powerful open borders movement. The new arrivals will be officially known as Central American Minors (CAM) and they will be eligible for a special refugee/parole that offers a free one-way flight to the U.S. from El Salvador, Guatemala or Honduras. The project is a joint venture between the Department of Homeland Security (DHS) and the State Department.Specifically, the program provides certain children in El Salvador, Guatemala and Honduras with a safe, legal, and orderly alternative to the dangerous journey that some children are undertaking to the United States, according to a DHS memo obtained by JW this week. The document goes on to say that the CAM program has started accepting applications from qualifying parents to bring their offspring under the age of 21 from El Salvador, Guatemala or Honduras. The candidates will then be granted a special refugee parole, which includes many taxpayer-funded perks and benefits. Among them is a free education, food stamps, medical care and living expenses.During a special teleconference this week officials from U.S. Citizenship and Immigration Services (USCIS) and the State Department explained how CAM will work. Only friendly groups and individuals invited by the government were allowed to participate and the event was not open to the media. Judicial Watch attended as a Non-Governmental Organization (NGO) with interest in the matter. Obama administration officials offered an overview of the new CAM initiative and confirmed that the U.S. has deployed staff to the region to handle the influx of applicants. A State Department official promoted CAM as a family reunification program that will be completely funded by American taxpayers, though the official claimed to have no idea what the cost will be.A U.S.-based parent will initiate the application to bring his or her child in from any of the three Central American countries. To qualify they must be a permanent resident, a parolee or a beneficiary of Obama s recent amnesty or deferred action. Many have probably lived illegally in the U.S. for years. The only out-of-pocket cost is for a DNA test to assure the child belongs to the applicant but Uncle Sam will reimburse the money if the result is positive. A U.S. official will interview the child, then a medical exam and cultural orientation will be conducted before the minor flies to the U.S. Once in the U.S. the illegal alien will get resettlement assistance, the State Department official confirmed during the teleconference.If the applicant doesn t qualify for the more desirable refugee status he or she can be considered for parole, a USCIS official explained in the teleconference, which was attended mostly by immigrant rights groups known for advocating on behalf of illegal aliens. Refugee status is a form of protection offered to those who are deemed of special humanitarian concern to the United States. Parole allows individuals who may be otherwise inadmissible to come to the U.S. on a case-by-case basis for urgent humanitarian reasons or significant public benefit. The State Department official assured that applicants need not express or document a credible fear to qualify under CAM because we want to make sure this program is open to as many people as possible. Via: Judicial Watch",left-news,"Apr 8, 2015",0 +BREAKING: TWO RUSSIAN NAVY SPY SHIPS OPERATING OFF U.S. COAST…White House Computers Are Hacked By Russians," Attacks against us are increasing in frequency, scale, sophistication and severity of impact. Although we must be prepared for a catastrophic large scale strike, a so-called cyber armageddon, the reality is that we ve been living with an expanding and constant barrage of cyber attacks for some time. James Clapper, Director of National IntelligenceRussia reportedly hacked into a sensitive part of the White House computer system recently. They were able to view Obama s schedule.And two Russian spy ships are now operating off the US coast.The Russian RFS VIKTOR LEONOV CCB175 was spotted near Havana in 2014.The Pentagon says there are now two Russian naval ships operating off of US shores. A second ship has recently come up from Venezuela.https://youtu.be/iIc2p3B0br0And two Russian spy ships are now operating off the US coast. One ship recently left Venezuela to CNN reported:Russian hackers behind the damaging cyber intrusion of the State Department in recent months used that perch to penetrate sensitive parts of the White House computer system, according to U.S. officials briefed on the investigation.While the White House has said the breach only ever affected an unclassified system, that description belies the seriousness of the intrusion. The hackers had access to sensitive information such as real-time non-public details of the president s schedule. While such information is not classified, it is still highly sensitive and prized by foreign intelligence agencies, U.S. officials say.The White House in October said it noticed suspicious activity in the unclassified network that serves the executive office of the president. The system has been shut down periodically to allow for security upgrades.Via: Gateway Pundit",left-news,"Apr 7, 2015",1 +OBAMA’S OPEN BORDER POLICY COMES WITH SERIOUS NATIONAL SECURITY CONSEQUENCES: Iraqi Military Trainer Caught Crossing US-Mexico Border,"This is just one we caught crossing the border. What about the thousands we haven t caught or that we haven t heard about? Nothing to see here Breitbart Texas exclusively obtained leaked information on the Iraqi man who was apprehended while illegally crossing the U.S.-Mexico border into Texas on February 12, 2015.The Border Patrol agent responsible for interviewing the subject initially expressed concerns that the Iraqi was sent by Russia, largely due to the Iraqi man s history as a military trainer, his speaking several languages, including Russian, and his having lived in Crimea, according to one of the leaked documents. Breitbart Texas was provided with two documents by a federal agent who works under the umbrella of Customs and Border Protection (CBP). The agent insisted on remaining anonymous.The Iraqi man is named Ahmed Adnan Taha, Al Khafaji. His date of birth is 6-25-84. He has one sister in the U.S., one in Turkey, three brothers in Turkey, one in Ukraine, one in New York State, and three brothers in Iraq, according to the leaked documents.The Iraqi told U.S. authorities that he spoke fluent Russian and lived in Crimea prior to the Russian invasion. He further stated that a Ukrainian paid $4,000 for him to get to the U.S., however, the Iraqi refused to identify the Ukrainian to U.S. authorities.The public statement given by Border Patrol at the time of the Iraqi s apprehension stated, On Thursday, February 12, 2015, RGV Border Patrol Agents encountered an adult Middle Eastern male south of Pharr, Texas. The subject was taken into custody and transported to the Border Patrol station for further processing. The subject was setup for Expedited Removal back to his country of origin and transferred to the custody of ICE/ERO. Breitbart Texas recently asked the Border Patrol agency about the specifics in this report and their spokesman for the Rio Grande Valley Sector (RGV) responded, All record checks were conducted, our federal partners did interview the subject with no derogatory information being found. It is significant to note that Border Patrol processing an individual does not mean that Immigration and Customs Enforcement (ICE) actually deported the individual.Breitbart Texas provides images of both leaked documents below. The second document contains copy-and-pasted information from the official report, according to the federal agent who provided the information. The typos in the report were contained in the original and therefore included. Breitbart Texas redacted the TECS ID number.Via: Breitbart News",left-news,"Apr 7, 2015",1 +[Video] BURGER KING MANAGER CURSES OUT AND THREATENS CUSTOMER Who Asked For Refund,"A customer at Burger King is hoping to get a refund on her shake, but when no one responds to her plea for help she asks to speak to a manager.How this Burger King manager treats her is truly shocking!Whatever happened to customer service? Whatever happened to Americans who were proud to be elevated to a position in management? Whatever happened to civility?",left-news,"Apr 7, 2015",0 +SHOCKING: UNIV OF HAWAII RECRUITS GIRLS AS YOUNG AS 14 YEARS OLD FOR 2ND TRIMESTER ABORTION EXPERIMENTS,"The moral decay continues The Kapiolani Medical Center for Women and Children at the University of Hawaii is currently recruiting pregnant girls and women to participate in second-trimester abortions to measure their bleeding during the operation, with and without antihemorrhagic drugs. According to the Clinical Trials website, run by the National Institutes of Health, participants must be at least 14 years old and 18-24 weeks pregnant.The controversial study, led by Bliss Kaneshiro, MD and Kate Whitehouse, DO, will monitor bleeding during D&E abortions to determine the effects of the drug oxytocin, commonly used to minimize blood loss and decrease the risk of hemorrhage.The clinical trial, called Effects of Oxytocin on Bleeding Outcomes during Dilation and Evacuation began in October 2014 and is a collaboration between UH, Society of Family Planning and the University of Washington.The Society of Family Planning funds a number of similar research projects, such as experimenting with the dosage of Misoprostol, a uterine contracting agent, prior to surgical abortions at 13-18 weeks and exploring umbilical cord injections to produce fetal death prior to late-term abortions.In the UH study, researchers will carry out a randomized, double-blinded, placebo-controlled trials, to determine the effect of oxytocin s use on uterine bleeding, meaning that they will either provide or deny intravenous oxytocin to the women.Reports suggest that some doctors are concerned that withholding oxytocin during surgery may put patients, especially teen girls, at risk. This study is reminiscent of Nazi concentration camp experiments. I pity the poor women who are being treated like lab rats, especially those who are denied the drug to reduce hemorrhaging, said Troy Newman, President of Operation Rescue.Dilation and evacuation abortions are surgical procedures that involve dismembering the pre-born baby with forceps, scraping the inside of the uterus with a curette to remove any residuals and finally suctioning out the womb to make sure the contents are completely removed.After the abortion, the corpse of the fetus is reassembled and examined to ensure everything was successfully removed and that the abortion was complete.The study is hoping to attract up to 166 test subjects and is expected to conclude in July 2015.Via: Breitbart News",left-news,"Apr 7, 2015",0 +[VIDEO] HUNDREDS OF MORMON FUNDAMENTALISTS SURROUND Mother Who Escaped Cult Community To Prevent Her From Extracting Her Children,"Evil hiding under the banner of religion in our own backyard A 32-year-old woman was harassed and intimidated last week when she tried to pick up her four children from the fundamentalist Mormon sect she bravely left to escape an abusive husband.Sabrina Broadbent Tetzner, 32, fled the sect headed by convicted rapist Warren Jeffs eight years ago and finally gained full custody of her children (ages 8 to 13) last week.But when she tried to pick up her children from the Colorado City, Utah community where they have been living, she was physically stopped by hundreds of cult members hell bent on keeping the kids. Lots of members from the community started showing up. They surrounded her vehicle, the home, fences and the yard. They were kicking the van. They even tried to put a cow and chickens into her vehicle, ex-cult member Flora Jessop, who helped Tetzner through her legal battle, told KSL.Cell phone footage shows swarms of polygamists surrounding Tetzner s van, the women dressed in conservative floor-length dresses in varying pastel colors. A Mohave County judge ordered the sect to turn over the children at 5pm Thursday, but Tetzner says that when she got to the compound at the arranged time her kids were nowhere to be seen. FOX 10 News | fox10phoenix.comIt was only at midnight that they returned, and were quickly shepherded into their aunt Samantha Holm s house where several dozen fundamentalists kept them from seeing her mother.Tetzner spent the night in her van, fearing the vehicle would be torn apart if she left it unattended. When even about 600 cult members surrounded her vehicle in the morning, and kept her from reaching the home where her children were staying, Tetzner called police to intervene on her children s behalf. Sheriff s deputies had to take out a search warrant to pry the children from the house and into their mother s waiting arms.Allegedly, the children were not so happy to leave, since cult members had scared them into believing their mother was taking them to hell. Deputies escorted Tetzner and her children all the way back to their home in northern Utah, and reportedly FLDS members tailed them the whole way there.Since leaving the sect, she has remarried a man named Chase Tetzner and the two appear to have a toddler son together. A photo posted to her Facebook in August 2012, shows her in a half-white, half-camouflage wedding dress.Defenders of Children, a non-profit group that has been aiding Tetzner through her custody battle, said they fear for her safety and are raising money to pay for a security system and new clothes for the woman s children. Tetzner left the FLDS church eight years ago, about a year after the cult s leader Warren Jeffs was arrested for organizing marriages between men in his cult and underage girls. He is currently serving a life sentence in prison, but continues to head the church from behind bars.Custodial interference charges are pending against Samantha Holm, the aunt who initially wouldn t hand over Tetzner s children.Via: UK Daily Mail",left-news,"Apr 7, 2015",0 +WATCH WHAT HAPPENS WHEN CHRISTIAN MAN ASKS 13 GAY BAKERIES TO MAKE PRO-TRADITIONAL MARRIAGE CAKE [Video]," I was wondering if I could get a cake that says: Gay marriage is wrong. The tolerant answers that follow this question show the astounding hypocrisy of the left.Say that Bestiality Is Wrong or Polygamy Is Wrong and it s not considered hate speech, but if you have the opinion that Gay Marriage Is Wrong the whole world jumps up and down screaming racism bigotry and hatred .This is becoming the politically-correct norm, but no matter what one argues, this is suppressing free speech.No one targeted pro-gay bakeries, but gay activists target Christian bakeries. Support Gay Marriage is one Christian bakery was sued for refusing to put that slogan on a cake for an event to support the gay agenda. Yet Christian bakeries that refuse to make pro-homosexual marriage cakes are getting sued left, right, and center. They get fined, they get death threats, and they lose their businesses. This experiment proves beyond doubt that the gay agenda is not just about their freedom to practice a sexual orientation, but the suppression of free speech.To make our case we provided 3 video clips, the third one is a video showing homosexual activists in Ireland used the state to force a Christian bakery to make a cake with the slogan Support Gay Marriage for a pro-gay marriage event, but he refused which added a tremendous loss to his business. Several Christian bakeries were sued in the United States with several who lost their businesses and we said enough is enough.So Shoebat.com decided to call some 13 prominent pro-gay bakers in a row. Each one denied us the right to have Gay Marriage Is Wrong on a cake and even used deviant insults and obscenities against us. One baker even said all sorts of profanities against Christians and ended the conversation by saying that she will make me a cookie with a large phallus on it.It was all recorded. It will stun the American people as to how militant and intolerant the homosexual bakers were. Even after we completed our experiment we got a ton of hate messages saying that we were hateful for simply giving them a taste of their own medicine. They argued that the slogan Gay Marriage Is Wrong is not the same thing as Support Gay Marriage as if an opposite view of a view is hateful. This would mean that the majority of Americans who oppose gay marriage are bigoted and hate filled . Support Polygamy or Polygamy is Wrong are views, yet the first which the Muslim supports and the second most Americans would never support, but both are opinions and are considered free speech.Watch what happens when a customer wants to buy a cake for his pro-traditional marriage event:****WARNING****STRONG LANGUAGE ALERT*** Language used by baker to customer on phone is extremely vulgar:https://youtu.be/AJaroR_qTNshttps://youtu.be/ptgAKywiHG0The homosexual activist in this third video said you can t choose who you serve, as though he is taking a purely objective position, but when we ask for the reverse of the same message, all of a sudden the saying of you can t choose who you serve, does not apply to us, the Christians.OUR POINTHere is our point. A Christian making a homosexual cake with Support Gay Marriage goes against his faith and a homosexual putting Gay Marriage Is Wrong goes against his faith as well. Now of course we honor their right to say no, this is not the issue, but what about honoring the Christian right to also say no?CONCLUSIONThe big lie of the homosexual agenda is this: They claim that they are only fighting for equality and tolerance.This is false.What then is their agenda?Via: Christian Patriot ",left-news,"Apr 7, 2015",0 +SHOCKING: Why Our Fed Government Will Grant β€œDisabled” Status With Benefits To Spanish Speaking Residents Of Puerto Rico,"If we didn t know better, we d almost believe our Federal Government was attempting to give special privileges to Spanish speaking citizens. Perhaps they re establishing a precedent for taxpayer funded benefits for millions of illegal immigrants who will soon be American citizens The Social Security Administration (SSA) approved disability benefits for hundreds of Puerto Ricans because they do not speak English, despite the fact that Puerto Rico is a predominantly Spanish-speaking territory.According to a new audit by the Office of Inspector General (OIG), the agency is misapplying rules that are intended to provide financial assistance to individuals who are illiterate or cannot speak English in the United States. Under the rules, Puerto Ricans are allowed to receive disability benefits for their inability to speak English as well. We found the Agency did not make exceptions regarding the English-language grid rules for claimants who reside in Puerto Rico, even though Spanish is the predominant language spoken in the local economy, the OIG said.The audit said a person applying for disability in Puerto Rico who cannot speak English may increase his/her likelihood of receiving disability benefits. The agency does not currently have a system in place to keep track of the number of beneficiaries who receive disability insurance for not being able to speak English.However, the OIG was able to identify 218 cases between 2011 and 2013 where Puerto Ricans were awarded disability due to an inability to communicate in English. Furthermore, 4 percent of disability hearings in Puerto Rico involved looking at the individual s ability to speak, read, write, and understand English.Though 95 percent of Puerto Ricans speak Spanish at home, according to the rules a Spanish-speaking nurse in Puerto Rico would be considered unskilled, the OIG said.The SSA told the OIG that the rules are applied one-size-fits-all. SSA managers at various disability decision levels stated Social Security is a national program, and the grids must be applied to the national economy, regardless of local conditions, the audit said.The SSA takes into account an individual s education level when considering awarding disability benefits if they do not qualify for medical reasons. Part of the education requirement involves looking at a person s ability to speak English, to determine whether it limits his ability to find a job.Last year Sen. Jeff Sessions (R., Ala.) raised concerns that the Obama administration was broadly applying the education rule under the Social Security Act to allow individuals to receive disability payments solely because they cannot speak English.He noted that the Social Security Disability Insurance (SSDI) rolls swelled 230 percent between 2000 and 2010, while the U.S. population only grew 9.7 percent.Former SSA judges have also testified that individuals have been approved for disability in the United States without having to prove they cannot speak English.The hundreds of Puerto Ricans noted in the OIG s report have received disability insurance despite a 1987 U.S. District Court ruling that appears to contradict the SSA s policy. Benefits were denied on the grounds that it is the ability to communicate in Spanish, not English, that is vocationally important in Puerto Rico. It should be noted, however, that the court explicitly declined to apply this rationale outside of this one case, the OIG said.The SSA agreed with the OIG s recommendations to figure out how many individuals have been awarded disability based on their inability to communicate in English, and to evaluate the appropriateness of applying the English-speaking rules to Puerto Rico.The SSA is currently gathering information for a proposed regulation that could lead to changes to the English-speaking rule, the agency said.Via: Free Beacon",left-news,"Apr 7, 2015",1 +BREAKING: [Video] COLORADO BAKER WHO REFUSED TO MAKE CAKES With Anti-Gay Message Did Not Discriminate," About 2,000 of the emails I got were of support. There were four hateful, so that s not even 1 percent. Compare that the the hateful onslaught of messages that Memories Pizza in Indiana got from the left after only answered a hypothetical question about gay marriage. They were forced to close down after death threats from the Gay Mafia, yet the media never bothered to report the truth about this business who never refused service to anyone based on their sexual orientation.We ll tell you about this story, because you will likely not hear about it in the mainstream media. Just try however, to refuse to make a cake for a gay couple and the media will descend like buzzards on a fresh carcass. The Colorado Civil Rights Division has ruled that a baker who refused to make cakes with anti-gay messages did not discriminate.Marjorie Silva, owner of Azucar Bakery in Denver, says she got the news on Friday but knows that Bill Jack, a Christian from Castle Rock, Colo., will likely appeal the decision. I m happy that we were not just morally right but legally right, she said in an interview with Yahoo News. Hopefully this will lead to a better world where we are friendly to each other. In March 2014, Jack asked Silva to make him a Bible-shaped cake with anti-gay messages, such as Homosexuality is a detestable sin. Leviticus 18:22. He also wanted the cake to include two men holding hands with a large X over them.She agreed to make the dessert in the shape of a book but declined to include the hateful content.Silva has been inundated with messages of support from LGBT people and their allies since refusing to reproduce the homophobic messages. About 2,000 of the emails I got were of support. There were four hateful, so that s not even 1 percent. So it looks like humanity is going in the right direction and things are changing for good, she said.Via: Yahoo News",left-news,"Apr 7, 2015",0 +A MUST READ: OBAMA’S TREASON GOES INTO OVERDRIVE,"Our culture is what makes this Nation great and very exceptional. Unfortunately, we ve elected a president who s changing our nation at warp speed with refugees (their words) deposited into towns everywhere: Working and middle class whites are becoming a slave class that toils to provide benefits to the Third Worlders imported to empower the ruling class of elitist liberals. THE CULTURE WAR WE RE INAmericans believe that they are exceptional because their country is exceptional. So the left eagerly swarms to argue that America is not exceptional, except maybe that it s exceptionally bad.Americans believe that individuals succeed with hard work. Obama and Elizabeth Warren bray that You didn t build that. Americans believe in religion and family. The left sets out to destroy them by proving that these institutions are evil and oppressive. Religious leaders are pedophiles. The family is setting for abuse that makes gay people feel bad. When the dust settlers, the only good religion and family are the kind defined by the left. Having destroyed the existing system of organization, the left replaces it with its own. That is the ultimate goal of a culture war. Not mere destruction, but absolute power.The culture war begins by attacking abstract ideas. Then it attacks organizations. Then it attacks people.By attacking the ideas, it undermines the organizations based on them so that it can seize control of them or destroy them. Once that s done, it controls a sector of society and begins enforcing its conformity agenda on individuals. Much of that is underway. The war is drilling down to the individual level. We are approaching the tyranny threshold.At the individual level, the goal of the culture war is to destroy your will to resist them. The left has many tools for doing this.Please read the entire piece by Daniel Greenfield: This Culture War We re InOBAMA ESCALATES CULTURAL GENOCIDEIt isn t enough to invite illegal aliens to invade the USA in their numberless hordes and then quickly distribute them along with their exotic diseases throughout the country. Obama is now using your money to fly them directly from Central America, so as to save them the bother of traveling through Mexico:To facilitate the often treacherous process of entering the United States illegally through the southern border, the Obama administration is offering free transportation from three Central American countries and a special refugee/parole program with resettlement assistance and permanent residency. The new arrivals will be officially known as Central American Minors (CAM) and they will be eligible for a special refugee/parole that offers a free one-way flight to the U.S. from El Salvador, Guatemala or Honduras. The project is a joint venture between the Department of Homeland Security (DHS) and the State Department.Readers will recall that DHS was originally set up to defend the homeland. Under the Orwellian Obama Regime, it is in charge of orchestrating an invasion of the homeland.After Pearl Harbor, some feared a Japanese invasion. It would have been preferable to what is happening to us now. If the Imperial Japanese had successfully invaded, they would have ruled for a time, but eventually would have been kicked out. The current invaders aren t going anywhere, and they reproduce much faster than Americans.Plus the Japanese never expected us to pay them to invade us:The candidates will then be granted a special refugee parole, which includes many taxpayer-funded perks and benefits. Among them is a free education, food stamps, medical care and living expenses. A State Department official promoted CAM as a family reunification program that will be completely funded by American taxpayers, though the official claimed to have no idea what the cost will be.Who can put a price on the future?The fig leaf of refugees being allowed into the country ahead of immigrants likely to make a positive contribution because their lives are supposedly in danger has been dropped.The State Department official assured that applicants need not express or document a credible fear to qualify under CAM because we want to make sure this program is open to as many people as possible. Consider this as part of the bigger picture of what is being done to America, and it goes beyond treason. It is cultural genocide.Our rulers know exactly what they are doing. From the official federal propaganda outfit Voice of America:America s demographics are changing like never before. In less than 30 years, whites will no longer be the racial majority in the United States.On the large scale, race and culture are inseparable. Americans are effectively becoming a minority within our own country. Our own democracy will be used against us to relegate us to a permanent second class status (as South Africa demonstrates, whites being a minority hardly spares them from Affirmative Action).Working and middle class whites are becoming a slave class that toils to provide benefits to the Third Worlders imported to empower the ruling class of elitist liberals. Eventually intermarriage will breed the last of our kind out of existence, as VOA happily implies:In 1960, multiracial marriages accounted for only 0.4 percent of all marriages in the United States. By 2010, that figure rose to 8.4 percent, with interracial couples accounting for 15 percent of all new marriages a trend that experts say will only continue.The VOA piece was given the Orwellian title, Experts: Coming Demographic Shift Will Strengthen US Culture. What they mean by this is that the deliberately engineered demographic shift will erase US culture, so that it can be replaced by a multicultural utopia preconceived by cultural Marxists.It used to be genocide meant herding unwanted demographic sectors into gas chambers. But that was crude and inefficient. Simply diluting us out of existence can be done without mess and incredibly, without resistance.Via: moonbattery",left-news,"Apr 6, 2015",0 +TROLL CONGRESSWOMAN WANTS YOU TO SELL YOUR GUNS TO THE GOVERNMENT,"It s not for her to decide! We have the Second Amendment and that s enough for any American. DeLauro doesn t get to decide for us what s a gun that s ok to own. It might be a good idea to pick up the phone and voice your objection to this bill.Gun owners would receive tax breaks for voluntarily turning in high-powered assault rifles under new legislation proposed Monday.The Support Assault Firearm Elimination and Education of our (SAFER) Streets Act expected to be reintroduced next week by Rep. Rosa DeLauro (D-Conn.) would provide gun owners with an incentive to turn in their firearms to local police departments. Assault weapons are not about hunting, or even self-defense, DeLauro said. There is no reason on earth, other than to kill as many people as possible in as short a time as possible, that anyone needs a gun designed for a battlefield. Though DeLauro is in favor of stronger guns laws that would completely ban assault weapons and high-capacity ammunition, she emphasized this bill would not force gun owners to turn in their firearms. The legislation would provide up to $2,000 in tax credits for gun owners who voluntarily hand over assault weapons to their local police departments.The assault weapons legislation comes in response to the horrific mass shooting at Sandy Hook Elementary School in Newtown, Conn., DeLauro s home state, in December 2012.Via: The Hill",left-news,"Apr 6, 2015",0 +(VIDEO) UN CLIMATE CHANGE FREAKS: β€œWe should make every effort to decrease the world population”,"What an evil bunch of freaks! The agenda is so important to them that they can t see the forest for the trees. Overpopulation is a problem in itself but connecting it to the scam that is global warming is just crazy. These people have such a twisted view of everything that it s really scary. I m 100% FED Up! with the UN climate freaks and their agenda.Climate One founder Greg Dalton and the Executive Secretary of the United Nations Framework Convention on Climate Change (UNFCC) Christiana Figueres, held a discussion in 2013 on the role of women in fighting Global Warming.During the interview Secretary Figueres stated, We should make every effort, to reduce the world s population in an effort to fight Climate Change:DALTON: A related issue is fertility rates in population. A lot of people in energy and environmental circles don t wanna go near that because it s politically charged. It s not their issue. But isn t it true that stopping the rise of the population would be one of the biggest levers and driving the rise of green house gases?FIGUERES: I mean we all know that we expect nine billion, right, by 2050. So, yes, obviously less people would exert less pressure on the natural resources.DALTON: So is nine billion a forgone conclusion? That s like baked in, done, no way to change that?HERE S THE VIDEO-IF YOU WANT TO SKIP THE BS THEN JUST GO TO THE 4:20 MARK: A LITTLE MORE ON CHRISTIANA FIGUERES-THE 70 S CALLED AND THEY WANT THEIR RADICAL HIPPIE BACK! AT THE 2:40 MARK SHE SAYS WE NEED A TRANSFORMATION (SOUND FAMILIAR) AND A REVOLUTION TO CHANGE OUR WAY OF LIFE: FIGUERES: Well there again, there is pressure in the system to go toward that; we can definitely change those, right? We can definitely change those numbers and really should make every effort to change those numbers because we are already, today, already exceeding the planet s planetary carrying capacity, today. To say nothing of adding more population that is really going to overextend our capacity. So yes we should do everything possible. But we cannot fall into the very simplistic opinion of saying just by curtailing population then we ve solved the problem. It is not either/or, it is an and/also.Via: Progressives Today",left-news,"Apr 6, 2015",0 +SHERIFF WON’T ENFORCE GUN CONTROL LAW HE CALLS β€˜BORDERLINE TREASONOUS’,"The gun grabbers are at it again pushing for more oversight and background checks for gun owners. The sheriff says it s borderline treasonous and will be a nightmare for law enforcement. He s refusing to enforce these efforts at gun control and we salute him for his stance! Bravo!While Oregon Democrats stood with Gabby Giffords and the Brady Campaign to Prevent Gun Violence to push expanded background checks on April 1, Grant County Sheriff Glenn Palmer stood for the law-abiding citizens whom the checks will target by describing the gun control push as borderline treasonous. Palmer also made clear that if the Democrats pass the measure there is zero chance of his office enforcing it.The push for expanded background checks in Oregon is being spearheaded by state senator Floyd Prozanski (D-Eugene). His efforts are strongly supported by the Brady Campaign and Giffords.Giffords, in particular, believes every potential gun purchaser should have to pass the same background check her attacker passed to acquire his firearm, which the same background check Jerad and Amanda Miller (Las Vegas), Aaron Ybarra (Seattle Pacific University), Elliot Rodger (Santa Barbara), Ivan Lopez (Fort Hood 2014), Darion Marcus Aguilar (Maryland mall), Karl Halverson Pierson (Arapahoe High School), James Holmes (Aurora theater), Nidal Hasan (Fort Hood 2009), and many, many others passed to get the guns they used in their crimes.The irony is not lost on Sheriff Palmer, who sees the push for expanded background checks as just another way to infringe on the Second Amendment rights of law-abiding citizens without impacting crime or criminals. For these reasons, Oregon Live said Palmer described the push as borderline treasonous. Moreover, Palmer said the background checks pose a nightmare scenario for law enforcement officers who will be straddled with the responsibility of determining when a background should have been done but was not, as well as when a background check is not necessary to begin with.Palmer said he has no intention of enforcing Prozanski s bill if it becomes law.Via: Breitbart News",left-news,"Apr 6, 2015",0 +ILLEGAL INVASION CONTINUES: NYC RAMPING UP TO GIVE 1 MILLION ILLEGALS VOTING RIGHTS,"Insane! This really is the definition of insanity. Letting non-citizens vote in our elections is something no other country would even consider ever! When you elect a socialist radical as mayor then I guess that s what you get New York City lawmakers and Mayor Bill de Blasio are reportedly discussing legislation that would give voting rights to non-citizens in local elections. The Guardian noted that under the legislation that is being discussed, legally documented residents who have lived in New York City for at least six months will be able to vote in municipal elections. Lawmakers are reportedly discussing the legislation with Mayor Bill de Blasio s office and a bill might be introduced as soon as this spring. Two years ago, city councilman Daniel Dromm won the support of 35 of the city council s 51 members, forming a veto-proof majority when he tried to advance the non-citizen voting bill, but he faced the obstruction of then council speaker Christine Quinn and the unbreakable opposition of the Bloomberg administration. De Blasio has said he is willing to continue the conversation on non-citizen voting. Non-citizens make up as much as half the population in areas that Dromm represents and studies have found that more than a million would be eligible to vote citywide if such de Blasio were to sign such a bill. New York recently instituted its IDNYC card, which gives illegal immigrants access to a variety of city services in addition to the municipal identification card. As the Guardian points out, many Americans find the idea of non-citizen voting entirely unpalatable and fear that it undermines the sanctity and privilege of citizenship. Peter Schuck, an emeritus professor of law at Yale University, told the outlet, My guess is that it would cause many Americans to wonder what the point of citizenship is if anyone can vote without even bothering to learn or be committed enough to apply for naturalization. Eric Ulrich, one of three Republicans on the city council, recently told Newsday, The right to vote is a privilege and a sacred obligation that citizens have enjoyed. It should only be for United States citizens. It s also a reason for people who are on a path to citizenship to aspire to citizenship. It s something for them to look forward to. Six Maryland jurisdictions and Chicago allow non-citizens to vote in some local elections, and activists in Amherst, Massachusetts, Madison, Wisconsin, and Burlington, Vermont are also clamoring to give voting rights to non-citizens. -Breitbart NewsVia: Brietbart News",left-news,"Apr 6, 2015",0 +ILLEGAL ALIEN WITH DRUG RESISTANT TB TO BE RELEASED INTO GENERAL U.S. POPULATION,"Is anyone else 100% FED UP?On Friday, Arizona Rep. Paul Gosar, along with Rep. Ann Kirkpatrick (D-AZ) and Senators John McCain (R-AZ) and Jeff Flake (R-AZ), sent a letter to DHS Secretary Jeh Johnson and ICE Deputy Assistant Secretary Salda a warning them not to release an illegal immigrant with drug-resistant tuberculosis into the general public. I was alarmed when I was forwarded a letter written by Pinal County Director of Public Health Thomas Schryer indicating that the ICE Detention facility in Florence is planning on releasing an illegal immigrant with drug resistant tuberculosis into the Pinal County Community in the next couple days, Gosar said in a statement. I demand ICE and DHS rethink this awful decision and not release this dangerous individual. Such actions put our citizens at risk and will impose significant financial burdens on the County. Dr. Thomas Schryer, Director of Public Health for Pinal County, wrote a letter explaining his concerns about releasing the detained illegal immigrant, who has been receiving treatment for seven months for his tuberculosis. Tuberculosis is a very dangerous disease that can spread easily, due to the public health threat Arizona Revised Statutes and good public health practice dictates that we provide healthcare to treat tuberculosis for anyone residing in our county (other than those incarcerated) as a result when the ICE facility releases this individual he will be treated at the local tax payers expense, he stated. From a public health perspective it is essential that anyone who is suffering from TB be treated so they are not a health threat to others, I request that ICE pay the costs of those who are released from their facility. The full text of Dr. Schryer s letter and the letter from Gosar, McCain, Flake, and Kirkpatrick can be read below. FINAL Letter to ICE and DHS re Illegal Immigrant with TB in Florence Facility.docx Via: Breitbart News",left-news,"Apr 6, 2015",0 +NO TOILET PAPER?! SOCIALISM IS IN ITS FINAL STAGES FOR VENEZUELA SO BYOTP,"Socialism doesn t work but I guess Venezuela didn t get the memo. No toilet paper? No food? Yes, it s come to that in this socialist hellhole Venezuela s product shortages have become so severe that some hotels in that country are asking guests to bring their own toilet paper and soap, a local tourism industry spokesman said on Wednesday . It s an extreme situation, says Xinia Camacho, owner of a 20-room boutique hotel in the foothills of the Sierra Nevada national park. For over a year we haven t had toilet paper, soap, any kind of milk, coffee or sugar. So we have to tell our guests to come prepared. Montilla says bigger hotels can circumvent product shortages by buying toilet paper and other basic supplies from black market smugglers who charge up to 6-times the regular price. But smaller, family-run hotels can t always afford to pay such steep prices, which means that sometimes they have to make do without. Camacho says she refuses to buy toilet paper from the black market on principle. In the black market you have to pay 110 bolivares [$0.50] for a roll of toilet paper that usually costs 17 bolivares [$ 0.08] in the supermarket, Camacho told Fusion. We don t want to participate in the corruption of the black market, and I don t have four hours a day to line up for toilet paper at a supermarket . Recently, Venezuelan officials have been stopping people from transporting essential goods across the country in an effort to stem the flow of contraband. So now Camacho s guests could potentially have their toilet paper confiscated before they even make it to the hotel. Shortages, queues, black markets, and official theft. And blaming the CIA. Yes, Venezuela has truly achieved socialism.But what I never understood is this: Why toilet paper? How hard is it to make toilet paper? I can understand a socialist economy having trouble producing decent cars or computers. But toilet paper? And soap? And matches?Sure, it s been said that if you tried communism in the Sahara, you d get a shortage of sand. Still, a shortage of paper seems like a real achievement.Read more: CATO",left-news,"Apr 6, 2015",0 +(VIDEO) PATRIOTS DEMAND REMOVAL OF COMMUNIST FLAG,"Patriots removed the the Chinese flag between the American flag and the state flag at the capitol building in Olympia,Washington. Governor Jay Inslee had the POW/MIA flag lowered and replaced by the Chinese flag in honor of his meeting with China Ambassador Cui Tiankai.",left-news,"Apr 6, 2015",0 +HYSTERICAL VIDEO: SATURDAY NIGHT LIVE DOES CNN,PRETTY FUNNY STUFF-MAKE SURE TO WATCH TO THE END.,left-news,"Apr 5, 2015",0 +MarkLevin is Freaking Awesome: Obama negotiates with Iran; Iranian general says Israel’s destruction is not negotiable,Let s get real with some awesome truth from Mark Levin.Is this guy not just the best ever truth teller! Why can t we have more of him! Patty and I can t get enough of Levin and his ability to cut through the bs of the left.,left-news,"Apr 5, 2015",0 +FLASHBACK: Female Terrorist Who Planned To Blow Up NYC Police Funeral Was A Pre-School Teacher [Video],"So a wannabe female bomber was a pre-school teacher by day in Queens, NY and a jihadi the rest of the time.She was a pretty hardcore jihadi who worshipped Bin laden and was a big fan of the Boston Bombers. One of the things we found interesting is her affiliation with ICNA Relief, an Islamic charity affiliated with the Islamic Circle of North America. We don t know much about the organization but found a video of Noelle speaking about her support from ICNA. To be honest, it sounds like a bunch of bs but she s trying to raise funds for a women s shelter. She rambles on and on but you can at least get a better understanding of what an attention wh*re she is.NOELLE (PLEASE GO TO THE 7:00 MARK FOR HER STORY ) ALSO KNOWN AS AISHA ASIF IS A WANNABE JIHADIST WHO CONSPIRED TO BOMB THE NYC POLICE FUNERAL: One of the two Queens women accused of plotting a homemade bomb strike on American soil worked at a preschool, where officials remained tight-lipped Friday after her arrest on terrorism charges.Asia Siddiqui, a 31-year-old native of Saudi Arabia, was behind bars Friday, locked up with her best friend and accused sister in jihad Noelle Valentzas, 28.An undercover operative reported that Valentzas said being a martyr in a suicide attack guarantees entrance into heaven. A picture of Osama bin Laden with an AK-47 allegedly decorated her cell phone. She also allegedly turned her interests to pressure cookers after the Boston Marathon bombing: You can fit a lot of things in [the pressure cooker], even if it s not food, Velentzas told the undercover operative, apparently referencing explosives.She evidently told the undercover operative, If we get arrested, the police will point their guns at us from the back and maybe from the front. If we can get even one of their weapons, we can shoot them. They will probably kill us but we will be martyrs automatically and receive Allah s blessing. Velentzas was allegedly also friends with U.S. airman Tairod Pugh who, last month, was indicted on terrorism charges after allegedly plotting to travel to Syria to join the Islamic State.Less than two weeks ago, Velentzas was reportedly asked whether she had heard the news about the recent arrest of Pugh and replied that she did not understand why people were traveling overseas to wage jihad when there were more opportunities of pleasing Allah in the United States. In that same meeting, Velentzas said she needed to learn the science behind bomb-building to avoid being like Faisal Shahzad, the man who drove an SUV full of explosives into Times Square on a warm Saturday night in May 2010. He wasn t able to detonate the bombs. We have no comment at this time, said a worker at 82nd Street Academics in Queens on the day after FBI agents arrested the two Al Qaeda-linked suspects at their homes.The busts followed a two-year undercover probe, with the terrorist sympathizers accused of amassing bomb-making materials and studying bomb-making manuals while plotting their strike.The self-identified citizens of the Islamic State the terrorist organization responsible for beheading Western hostages have billed themselves as some bad bitches. Outside their South Jamaica home on Friday, Valentzas husband (PICTURED BELOW), Abu Bakr, defended his wife and her friend against the federal charges that carry a potential life sentence. He was left at the home with their two kids, ages 5 and 11, after federal agents took Noelle away in handcuffs. The 27-year-old Valentzas, a home health-care worker, was born in Florida, authorities said.She and Siddiqui became close friends and co-conspirators united by a desire to make history through a terrorist attack in the U.S. Both women are American citizens.But a federal criminal complaint said the two suspects were overheard repeatedly discussing violent activities with the undercover agent including a plot to bomb a police funeral.Read more: NYDN ",left-news,"Apr 5, 2015",0 +BUSTED: [VIDEO] MAN ATTEMPTS TO TAPE β€œGOTCHA” VIDEO OF COPS β€˜ABUSING THEIR POWERS’ And Gets Unexpected Challenge From Local News,"The Michael Brown and Eric Garner cases have opened up so many doors for opportunists looking for their 15 seconds of fame As an added bonus, we ve included Tony Soto s original gotcha video below. A video of a traffic stop by 15th district officers in Philadelphia has gone viral with more than 1 million views. The man in the video says officers abused their power but police are painting a very different picture.28-year-old Tony Soto recorded the traffic stop on his cellphone. I am not anti-police, I support the police. I just don t support police abusing their powers, Soto told Action News.In the video, Soto showed his license, but refused to show his registration.Police are concerned about Soto s motives and criminal past. We are going to tell our officers to be cautious. It raises your level of suspicion when you have a person a prior felony and has had some prior interaction with the law and has been known to interact with guns. So we are going to tell our officers to be careful, said Lt. John Sanford, Philadelphia Police.Soto sat down with Action News to discuss the controversial video. This traffic stop, just brought to light an ongoing issue that is continually denied all over our nation with individuals being stopped and in some cases being racially profiled, said Soto.Soto says the officers who stopped him were not African-American but police say differently. They were African American officers, said Lt. Stanford.The original reason for the stop was for tinted windows.Soto flashed a paper at the officer saying he had a medical exemption from PennDOT for sun screening on his car, but he didn t bring that letter to our meeting. If you were provided that certificate from PennDOT, it has to be colorless tint, said Lt. Stanford.We asked Soto if his windows were dark tinted. Okay in your opinion or anyone else s opinion from watching the video tape that s their opinion. No one knows what tint is on my vehicle, whether it s colored or colorless, although it may look dark, said Soto.And then there s this in the video, Soto held up a card and badge identifying himself to the officer as a fire marshal.We asked him if he s a fire marshal. The tape speaks for itself and, at this point, okay let s not take the focus as to who I am or what I do or what is going on and let s keep the focus on what is really going on. It is not about Tony Soto, said Soto.So who is Soto?He s a felon, sentenced to 33 months in federal prison for straw purchasing firearms.He has multiple convictions for theft, fleeing from police, and was convicted of impersonating a public servant in 2005 and now claims he is a volunteer firefighter.We asked Soto where he works. Well we are going to you are going to stop that right there alright we are going to stop that and we are not going to go into that, said Soto.Police are also cautioning the public not to use Soto s video as an example of what to do during a traffic stop.While it is legal to record video, the Pennsylvania vehicle code requires drivers to turn over their identification and registration.In addition, the Fraternal Order of Police is now asking authorities to pursue charges against Soto for allegedly impersonating a public servant. Via: 6ABC NewsHERE IS SOTO s ORIGINAL VIDEO:",left-news,"Apr 5, 2015",0 +LISTEN TO THIS FORMER DOJ WHISTLEBLOWER,THE CONGRESS IS THERE TO DO WHAT S BEST FOR THE AMERICAN PEOPLE YET THEY RE LIKE DEER IN THE HEADLIGHTS. Listen to this former DOJ whistleblower who s been in the belly of the Obama regime beast and knows the deal.,left-news,"Apr 5, 2015",0 +POLITICAL HACK RIHANNA SINGS β€œWe are the new America” AT THE FINAL FOUR…WHAT EXACTLY IS β€œNEW AMERICA”?,"Corporate sponsors like Coke should think again before hiring this potty mouthed anti-American hack singer for anything.Rihanna performed American Oxygen live for the first time at Saturday s March Madness Music Festival.If, by chance, corporate sponsors, broadcasters and the NCAA advised acts playing the March Madness Music Festival to not comment on the controversy that s gripped Indiana, Rihanna and supporting act Bleachers didn t heed that memo on Saturday.Rihanna paused during her performance to verbally slam RFRA in two expletive-laden sentences.The 2015 installment of the annual three-day event was held in Indianapolis, timed to the NCAA s Final Four competition. Rihanna was the headliner of the Coke Zero Countdown concert at White River State Park.Rihanna sang American Oxygen . It s a sluggish number that frames itself as a 21st-century The Times They Are A-Changin . We are the new America, sang Rihanna in a performance that TBS picked up for broadcast during Saturday s basketball coverage.Rihanna wrote on Twitter afterward, Thank you Indiana!!!! I would never forget how much fun I had with you tonight!! You blew me away!!! Thank you man!! One love always. And even though American Oxygen hasn t been officially released, the crowd responded to the performance quite strongly. You SANG EVERY F*CKING WORD!!!! tweeted Rihanna. That sh*t legit give me goosebumps!! GAG! WHAT IS NEW AMERICA? IS IT THE HATE AND DIVISION PROMOTED BY OUR PRESIDENT? IS IT THE TURMOIL AND CHAOS IN THE MIDDLE EAST CAUSED BY OUR PRESIDENT? IS IT THE SOARING NATIONAL DEBT IGNORED BY OUR PRESIDENT? IS IT THE COLONIZATION VIA INVASION OF ILLEGALS FROM CENTRAL AMERICA THAT S THE NEW AMERICA ?Via: indystar",left-news,"Apr 5, 2015",0 +ENTITLED IRS ETHICS LAWYER DISBARRED FOR ETHICS VIOLATIONS: β€œβ€¦reckless disregard for the truth”,"Don t you just love an entitled IRS lawyer who claims she can t be fired? What s even better is she was an ethics lawyer who really had no ethics at all. She was fired from the IRS but just yesterday was disbarred.A lawyer who worked in the IRS ethics office was disbarred Thursday by the District of Columbia Court of Appeals, which concluded she misappropriated a client s funds from a case she handled in private practice, broke a number of ethics rules and showed reckless disregard for the truth in misleading a disbarment panel looking into the matter.The lawyer, Takisha Brown, reportedly had bragged that she would never be punished because her boss would protect her, but an IRS spokesman said Wednesday that she was no longer an employee at the agency. Our records indicate that this employee no longer works for the IRS, spokesman Matthew Leas said, though he wouldn t comment further on the case, which became another black eye for the embattled tax agency when The Washington Times first reported on it last year.Ms. Brown had her licenses suspended and then was disbarred after misusing money she won for a client in an automobile accident case. Under terms of the deal, Ms. Brown was to use part of the settlement to pay the victim s medical bills, but the lawyer withdrew the money herself and ignored repeated requests from the client s physicians to make good on the bills, the appeals court said.Ms. Brown also misled a disbarment hearing panel when it began looking into the matter, the court said. The record amply supports the conclusions that Ms. Brown intentionally misappropriated funds and made false statements with reckless disregard for the truth, the appeals court concluded in a 14-page order finalizing her disbarment.Read more: WASHINGTON TIMES",left-news,"Apr 4, 2015",0 +[VIDEO] 16 YR OLD ARRESTED For Violent Gang Beating In McDonalds…15 Yr Old Victim Brags About New Found Fame,"This is a sad commentary on a generation who has truly lost their moral compass. No self respect, dignity or pride It s all about the 15 seconds of fame While we have yet to fathom how for almost three minutes, no one not even an adult or an employee stopped a now infamous fight inside a Brooklyn McDonald s. So far, one arrest has been made. Sixteen-year-old Aniah Ferguson was one of six girls who attacked 15-year-old Ariana Taylor and it seemed every teenager inside the McDonald s was there to witness the violent carnage, for which they also captured cell phone video.The 15-year-old did her best to hold her own in the brawl, which was allegedly arranged via Facebook. New York Daily News is reporting that Taylor has taken to Facebook to brag about her new-found fame. A user named Richey Bandz commented on Taylor s social media, saying, I applaud u shorty u a ICON NOW, and Taylor responded, Thanks guys. And that s when another user, Marshonna Espinosa said, So sad this little girl think she s getting famous for getting publicly humiliated. No, you re not famous. People felt bad for you. We re not so sure NY Daily News and Marshonna s assumptions around Taylor thinking she s famous are anything but assumptions. When Taylor posted a photo of herself, not to beat up, with the caption, I m Gucci, we took it as her addressing the concerned public and letting us all know she s good.Reports claim that Ferguson had been hunting Taylor down since January for some undisclosed disagreement involving a friend. She suffered injuries and was taken to Kings County Hospital that same night. But once the video was shared massively online, and even covered the front page of the New York Post and Daily News (though their known for exploiting situations like this), moves were made to find the girls who are also students of Erasmus Hall High School. Even for a World Star Hip-Hop era, the clip shocked most who viewed it. The 15-year-old was literally a punching and kicking bag.***Warning**** This video contains extreme violence:After Ferguson s arrest yesterday, her criminal record leaked and she has a history of violence at only 16. Before, she was arrested for stabbing her brother and assaulting her grandmother, who had to take an order of protection against her grandchild. She s had a total of nine arrests, six of them have been since September. Ferguson is unfortunately epitomizing the image and lifestyle of troubled youth. From her latest felony, she s being charged as an adult. Obviously there s a bigger story here around teenagers like Ferguson who come from troubled pasts and bring that into their present lives, allowing nothing but violence to speak for them.Via: Hello Beautiful",left-news,"Apr 4, 2015",0 +"β€œNon-violence hasn’t worked”…Reverend Sam Mosteller, Leader of Group Founded By MLK Calls On Blacks To Take Up Arms","Yeah that whole taking up arms thing seems to be working well in Chicago The president of a non-violent group established by MLK said that nonviolence is no longer working.At a press conference, the Rev. Sam Mosteller, president of the Georgia Chapter of the Southern Christian Leadership Conference (SCLC) said all African Americans should avail themselves of their Second Amendment Rights. You know, the SCLC stands for nonviolence, but nonviolence hasn t worked in this instance, Mosteller said, Let me just say it this way, I am going to have to advocate at this point that all African-Americans advocate their Second Amendment right, he added.The SCLC was co-founded by Martin Luther King, Jr. in 1957 in reaction to the shooting of two black men.The Daily Caller is reporting that when questioned about what some might consider a turn away from non-violence, Mosteller backpedaled a little. We re going to have to do something in our community to let the rest of America know that we are not going to be victimized by just anybody whether it be police or folks that decide that black people are thugs and we need to control that black community. When asked to explain what appeared to be a call to arms, Mosteller backed off, saying that he was not advocating for members of the black community to start carrying guns en masse.When a reporter asked if his advocacy for the Second Amendment was at odds with SCLC s attitude towards nonviolence, Mosteller said, Listen, listen I didn t say that. I said the Second Amendment right? I didn t say pack weapons, I did not say that. Do you have to carry a weapon to avail yourself of the Second Amendment? he asked. The answer is no, you don t have to. Via: DownTrend",left-news,"Apr 1, 2015",0 +"WATCH DIRTY HARRY REID ON HIS LIE ABOUT ROMNEY’S TAXES: β€œHE DIDN’T WIN, DID HE?”","In case you missed it Sen. Harry Reid (R-NV), who announced last week that he will retire after his current term expires in early 2017, said he does not regret taking to the Senate floor in 2012 to accuse then-GOP presidential nominee Mitt Romney of not paying his taxes. No, I don t regret that at all, he told CNN s Dana Bash. The Koch brothers no one would help me. They were afraid the Koch brothers would go after them, so I did it on my own. Bash said some viewed the charge as McCarthy-ite, but Reid didn t buy that explanation. He shrugged, saying, they can call it whatever they want. Romney didn t win, did he? Reid said somewhat amusingly.",left-news,"Mar 31, 2015",0 +HILLARY RODHAM NIXON: A CANDIDATE WITH MORE BAGGAGE THAN A SAMSONITE FACTORY,"The irony here isn t lost on us. Hillary is being compared to the President she wanted to take down. Nixon s got nothing on this criminal who wiped her server clean after e-mails were requested from her. John Fund questions the Democrat s strategy to support a Nixonian type candidate with more baggage than a Samsonite factory She s secretive, scandal-plagued, and seemingly inevitable. Ever since Hillary Clinton s e-mail scandal broke, comparisons between her secretive style and that of Richard Nixon, whom she ironically pursued as a young lawyer on the House impeachment committee, have been frequent. But with the revelation that she wiped her private e-mail server clean after her records were requested by the State Department last year, the comparisons are becoming more concrete. Washington wags note that even Nixon never destroyed the tapes, but Hillary has permanently erased her e-mails.Exactly what would a Hillary presidency look like, and could it plunge the nation into another round of debilitating Clinton scandals? That s a question Democrats should ask themselves before they hand the nomination over to her. Many Democrats have reservations about Hillary s cozy relations with Wall Street, her 2002 vote for the Iraq War, and the Clinton couple s flexibility on issues. They love winning. They re both masters of it, Hillary maybe even more than Bill. But that s not the same as having a belief system, noted the liberal Rolling Stone magazine. But some Democrats also want Hillary to be challenged on her Nixonian penchant for slipperiness and questionable fundraising.A strong primary challenge has provided clues as to how she would run in a general election something Democrats should know. After all, the first Clinton presidency was good for the Clintons, but not for the Democratic party, which lost both houses of Congress along with a majority of the nation s governorships and during a time of economic prosperity and peace.Read more: National Review",left-news,"Mar 31, 2015",0 +YEAR IN REVIEW: 2017 Top Ten Conspiracies,"Patrick Henningsen and Shawn Helton 21st Century WireOnce again, we ve arrived at our New Years Eve wrap-up of some of the most compelling and conspiratorial stories of the year. Like in years past, 2017 presented a polarizing political landscape, further exposing the current establishment paradigm. Unlike the establishment gatekeepers, when we use the word conspiracy here, we are talking about a real crime scene. Whether it was the ousting of thousands of western-backed terrorists in Iraq and Syria or a string of known wolf attacks amplified by made-to-order media agitprop, or the heavily manufactured Russia-gate narrative relentlessly pushed by mainstream outlets and Deep State actors it seemed there was no shortage of topsy-turvy stagecraft designed to mislead and confuse the masses at a time when the real world is undergoing some significant geopolitical realignments.As was the case in 2016, there were many high-profile incidents and individual stories which didn t make our annual compendium (but they are worth mentioning) like the red herring laced New Year s Eve mass shooting at Turkey s Reina nightclub that kicked off 2017 in classic Daily Shooter fashion, along with other dubious events like Fort Lauderdale s FBI-known shooter and subsequent CNN media circus. On the political front, it was a banner year for astroturfing starting with The Resistance which spent most of the first 3 months of the year demanding Trump s impeachment before he had served 100 days in office. As part of these efforts, we saw Hollywood and the Democratic Party s choreographed women s march backed by political agitator and perennial globalist George Soros, as well as MoveOn.org and other Soros-backed protests which followed Trump s highly controversial immigration ban, as contentious resignations by key members of the Trump White House loomed large. The stage was then set for Antifa s US riot tour which culminated the Charlottesville riots in Virginia followed by a series of social justice protests over Confederate statues, followed by more extremist left-wing antifascists foot-soldiers like black bloc throwing molotov cocktails and smashing buildings for kicks. And that only scratches the surface of what transpired in 2017.Other notable stories throughout the year included the Trump administration s decision to announce the creation of an Arab NATO headquartered in Saudi Arabia, the world s second-largest state sponsored of terror (US being the largest). That geopolitical gambit then teed up the Trump White House to announce that the US Embassy in Tel Aviv would begin proceedings to move to Jerusalem, a shift which some critics believe is further evidence of an ultra-Zionist agenda encroaching on Israeli-occupied Palestine and the West Bank. On the Asia front, questions emerged over what North Korea actually has in terms of ICBM missiles and a nuclear deterrent, while in the Middle East speculation raged about Saudi Arabia s historic palace purge and sabre rattling in the region. The year then saw the exposure of a giant US-NATO-Saudi weapons trafficking operation using diplomatic flight in order to arm terrorists in Syria and Iraq. 2017 also saw the mainstream media continue to market the media construct known as Bana of Aleppo, expecting the public to believe that an 8 year old girl who could not speak English was running a Twitter account from war-torn (and terrorist-occupied) East Aleppo from the autumn of 2016 all the while waxing poetic about the evil Assad, and the evil Russians and calling for US military intervention in Syria pure propaganda and a clear case of child exploitation. Interestingly, this outlandish Bana propaganda myth campaign has been shamelessly promoted by the multimillionaire Harry Potter author J.K. Rowling. 2017 also saw a wave of intelligence releases, set in motion by the CIA, who released more than 12 million documents pertaining to covert war programs, psychic research and the Cold War era, further outlining the symbiotic relationship between the agency and American media. This was followed by Wikileaks exposing much of the CIA s cyber hacking capabilities in their Vault 7 and later in their Vault 8 publications. Towards the end of the year, a new twist in the downing of MH17 revealed an apparent Netherlands cover-up, as another bizarre Daily Shooter event, the Texas Church shooting, would later disappear from headlines. Around the same time frame, new questions also emerged in the Sandy Hook saga concerning prior knowledge of the FBI, as New York was then stricken by a known wolf truck attacker. In December it was finally announced that after being held in prison for two years without trial, the Fed s Bundy Ranch Standoff case was declared a mistrial. However, most of the year s controversial stories were quickly pushed to the back page, buried underneath an avalanche of ready-to-go Weinstein-inspired sex abuse scandals involving Hollywood s elite punctuated by obligatory hashtag campaigns like #MeToo, before snagging a number of high-profile news media personalities and some of Washington s most coveted swamp dwellers. As an onslaught of new accusations flooded the media, the sordid revelation of a Congressional slush fund used to payoff sexual harassment accusers made headlines. The whole situation conjured DC s Conspiracy of Silence regarding tales of sexual misconduct in days past.All in all, it was another year of hyper-real media propaganda, as some stories published by mainstream media led to a cascade of retractions and corrections, and in certain cases, provided an all to convenient mask for other politically charged news throughout much of 2017. Unlike the mainstream media official conspiracies (like Russiagate), these ones are actually real 10. The JFK Files Over the course of 2017, one of America s most compelling conspiracies was reignited following the release of thousands of intelligence files long-held by the CIA and FBI. In late October, the Trump administration called for the release of the remaining JFK files, citing the JFK Assassination Records Collection Act deadline placed into law in 1992. While the material released was reportedly a mix of new and old, some critics declared that the recently declassified files revealed even more startling evidence related to the assassination of the 35th President of the United States, John F. Kennedy. This prompted larger legacy media establishments to provide a murky retelling of the JFK saga. Predictably, a week after the releases, one newer CIA memo stated that any links between the CIA and Lee Harvey Oswald, were unfounded. In essence, the JFK file releases appear to have been a way for the political powers that be to shut the door on a conspiracy that has an overwhelming amount of information suggesting CIA links not only to Oswald, but many of the characters surrounding the case. In reality though, as newfound interest in the JFK files was reawakened, it cast light on the over five decade old case, reopening the door to coup d tat claims concerning JFK and Cold War era false flag terror. In particular, terror created by Operation GLADIO, a CIA-NATO construct, which utilized covert armies to subvert the political interests of various nations through the implementation of a Cold-War era strategy of tension. The further one digs into America s seedy underworld of organized crime, intelligence operations, unlikely coincidences and secretive relationships concerning the mysterious plot to kill Kennedy, a highly intricate web of activity emerges that points to a compelling case beyond almost any other modern-day conspiracy.9. Grenfell Tower Fire & Cover-Up It was Britain s biggest domestic disaster post WWII, and from the minute this story broke, reports of government and corporate corruption began to surface. This real-life Towering Inferno featured some of the most surreal revelations, including a corrupt government Qango known as TMO (Tenant Management Organisation) who had paid a contractor to install highly flammable petroleum-based cladding on the building, supposedly to meet green sustainability goals but also to cover-up what wealthy property developers deemed as an eye sore (social housing high rise building), part of London s continuous and rampant gentrification property bubble agenda. The controversy did not stop with the fire itself though, as residents and concerned members of the public began to question the abnormally low death count which was being trumpeted by the media and the government agencies. Meanwhile, thousands of residents from Grenfell Tower and the surrounding buildings continued to suffer and mourn the loss of loved ones and friends leaving in indellible scar on the community while the government s elite Common Purpose management class continued on with business as usual. Six months on, the public is still wondering whether anyone will be arrested, or held to account for this unprecedented story of criminal negligence. In one of its most seminal episodes, the SUNDAY WIRE radio show, along with its affiliate the UK Column, drove the investigative agenda early on in this story, with the mainstream media later picking talking points covered by this independent media outlet.8. The Crisis in Yemen Back in January 2015 while the world was focused on the war in Syria, 21WIRE first raised the alarm over Yemen after it noticed the insatiable war-time president Barack Obama, along with Deep State and Pentagon media outlet CNN began drifting out talking points about Yemen. It wasn t long after that, in March 2015, that Saudi Arabia with the full military and political backing of the US and UK, began an undeclared war of aggression against Saudi s neighbor Yemen. Nearly three years on, with tens of thousands slaughtered by Saudi airstrikes dropping their newly purchased US and UK munitions (and even enjoying air refueling by the US military) and with the Saudi and US military blockade which is keeping much-needed humanitarian aid from entering the war-ravaged country leading to mass starvation and disease outbreaks like cholera on the peninsula why isn t the international community calling out the illegal war against Yemen for what it is genocide? In order to prop-up their fake narrative on Yemen, the US and UK mainstream media conglomerates and their state propaganda directors from intelligence agency information warfare units have concocted a new batch of official disinformation lies and myths used to muddy the waters of this important discussion and ultimately justify their slaughter and arms sales bonanza in Yemen. On balance, what the US, UK and Saudi Arabia have done to Yemen is by orders of magnitude worse than what Nazi Germany did to its neighbors in the initial phase of WWII. Nothing less than a new Nuremberg Trial will be suitable to help correct this act of international barbarism.7. London s GLADIO-style Attacks On March 22nd, an apparent two-pronged terror attack stretched from London s Westminster Bridge to Parliament Square. In the days leading up to the London attacks, it was revealed that Met Police rehearsed a terrifyingly realistic drill on the River Thames prior to yet another known wolf act of terror taking place. Adding to the drama, the London attacks occurred exactly one year after the Brussels airport bombings. In addition, the bizarre and unexpected event took place during a massive uptick of Western allied involvement in the Syrian conflict and in less than 24 hours, London authorities revealed that the British-born attacker named Khalid Masood, (after media outlets erroneously reported the wrong suspect) was already well-known to MI5 and had worked in Saudi Arabia sometime between 2005-2008. Shortly after the attack, it was revealed that eye-witnesses reported seeing multiple assailants at the crime scene, this was something that directly contradicted the official story. In fact, in those reports, it was suggested that at least two individuals participated in the large-scale attack in one of the most heavily surveilled parts of London. This aspect of the case was quickly buried by major media outlets, echoing other high-profile cases involving known wolf terrorists. In recent years, there s been a pattern of multiple suspects often witnessed or said to be involved in other terror-related events. This proved to be the case in the aftermath of the Nice, France truck attack, as well as the Brussels airport bombing in 2016. Rather incredibly or unbelievably, London s acting Police Commissioner Craig Mackey, just so happened to be at the scene to witness the Parliament Square attack on Pc Keith Palmer. All in all, the latest symbolically charged ISIS-approved attack on the verge of spring, appeared to be an effort to polarize the perception of Western viewers with yet another round of wartime propaganda, while also providing a media smoke screen for recent US military action in Syria. By early summer, just after the Manchester arena bombing, London once again became a target of a purported multi-pronged terror event right on the heels of the UK s hotly contested 2017 general election. Afterwards, a number of questions were raised following the London Bridge attacks, just as there were following the Parliament Square, Westminster Bridge attacks and the Manchester Arena attack. It s important to note the common thread between each suspicious event, and the recent UK attacks are no exception there s now indisputable evidence linking MI5 and MI6 British security services to various known wolves prior to carrying out the terror crimes mentioned above. The precarious relationship between security and terror is an ongoing pattern seen after almost every major terror attack on Western soil. Throughout 2017, the London attacks seemed to increase racial and ethnic tensions in the West, while also pushing the public into accepting a more direct military intervention in Syria, and new police state measures and surveillance powers in the UK prompting us to ask, who benefited the most from the London Attacks? We d say the answer to that question is pretty obvious now 6. Manchester s Known Wolf Arena Attack Another day, another conspiratorial crime. In this case, the public was witness to yet another known wolf terror attack allegedly carried out by an ISIS-inspired individual who, as with numerous other cases, was under the gaze of MI5. The man named in the Manchester bombing attack, Salman Abedi, was also tied to a terror group supported by NATO in Libya during the operation to oust Muammar el-Qaddafi in 2011. The Manchester arena attack proved to be more than just blowback from security operations gone awry, it provided further evidence of complicity on behalf of the West in the War On Terror era. While some researchers and analysts were a buzz with the numerological synchronicities associated with the Manchester attack, others noted some very real political circumstances and significant timelines surrounding this apparent mass-tragedy in Manchester. The event just happened to arrive on the heels of a monolithic arms deals with Saudi Arabia worth $110 billion dollars that will total $350 billion over the next 10 years, and only shortly after the Manchester attack, there were US-led coalition airstrikes supposedly targeting ISIS in both Syria and Iraq that killed 121 civilians in the process. The strikes led to increased tension, placing external pressure on the Russian-led Astana Peace Agreement in Syria, while continuing to benefit the strategic movements of ISIS in Syria. The really damning link however, was exposed by one major UK Government eyesore after the Manchester attacks: the revelation that a community of outlawed Libyan Islamic Fighting Group (LIFG) terrorists were in fact living in close proximity to the Manchester attacker Abedi, and directly connected to Abedi himself. This was a deeply troubling development for a public unaware of the nearby danger, as British security services and officials allowed this thriving group of fighters to reside in the UK seemingly without consequence or disclosure of their previous activities until the Manchester attack. So naturally, when it was revealed that Ramadan Abedi (the father of the purported Manchester suicide bomber) was also a member of the UK government-backed Libyan Islamic Fighting Group (LIFG) and was believed to have been a part of LIFG during the NATO-backed regime change operation in Libya in 2011 it only raised more questions concerning the attack. It s worth noting, Libya s militant governor of Tripoli, Abdel Hakim Belhadj, was also a part of the Mujahideen fighters closely linked to Bin Laden who became known as al-Qaeda. In fact, Belhadj returned to his home country [in 1995] as head of the Libyan Islamic Fighting Group, an underground paramilitary organisation dedicated to Gaddafi s downfall. Over the years, Belhadj was incarcerated and turned loose back into the field after being rendered by the CIA and British security services. As of 2015, despite the Manchester attack links to LIFG, the group is still on the US State Department s Delisted Foreign Terrorist Organizations. In the days after the attack, authorities released CCTV imagery apparently depicting the Manchester attacker Abedi, in what appeared to be a way to dramatize the bombing through emotionally charged imagery, as the media obscured other facts and connections observed in the aftermath of the attack itself. The Manchester attack was similar to other high-profile incidents used to distort public opinion in the wake of media styled mass-tragedies.5. The Las Vegas Mass Shooting October 1st marked the return of the Great American Mass Shooting a real record-breaker, complete with a shocking mile-long crime scene that stretched from the Las Vegas Mandalay Bay Resort and Casino to the nearby Route 91 Festival, where thousands of concertgoers suddenly became a target. Although America had seen a host of smaller, less sensationalized mass shootings throughout the course of 2017, including the bizarre Fort Lauderdale Airport Shooting and the strange Programmed to Kill Texas Church shooting, the high-profile Las Vegas calamity resuscitated the trauma inducing imagery so prevalent in the post-9/11 War On Terror era. This made-for-TV event was designed for media shock and awe, like the 9/11 of Mass Shootings. Over the past several years, 21WIRE has chronicled many bizarre shootings and mass casualty incidents that have rippled across America and Europe. These events have become a new kind of ritualized crimescape moving well beyond security concerns, but now accompanied by a complete range of socio-political mainstream media talking points including race, religion, gun reform , social media concerns and domestic extremism while concurrently obscuring and obfuscating the forensic reality of the crimes themselves. We re told that this tragic shooting attack was carried out by a classic lone gunman one individual without a criminal past (or nay past, as far as we could tell) but there proved to be much more to the story. Adding to this hyper-real incident, the main suspect in the Las Vegas tragedy was also revealed to be a multi-millionaire players club member, 64 year-old Stephen Paddock. With no motive and no criminal history, Las Vegas police were tasked with uncovering details of a crime overseen by billionaire bosses at MGM Resorts International and the FBI. As authorities failed to uncover a clear motive for the crime, police scanner audio, along with eye-witness testimony suggested that multiple shooters may have been at the scene, although this aspect was downplayed by mainstream media. This was quickly followed by several official revisions in the timeline of the shooting and even the crime scene itself, as evidenced by this disastrous press conference which failed to yield any new information in the case. The star-witness of the shooting, Mandalay Bay security guard Jesus Campos, also vanished and was declared missing right before a major media interview, only to resurface much later on the oddest of media venues, The Ellen DeGeneres Show, giving media gatekeepers the chance to run interference for DeGeneres s slot machine business partners at MGM. Along the way, bizarre media performances by Paddock s brother, Eric Paddock, only prompted more questions and deepened the mystery surrounding this surreal case. While the public waited for MGM to release CCTV footage of the alleged shooter Paddock, not one tape materialized, except for an older tape from 2011. Staged photos of the Mandalay Bay crime scene led to other forensic questions concerning the weaponry used, compounding other acoustic anomalies already noted. Other confusing elements of the case included the missing hard drive from Paddock s laptop, another brother s arrest, the wiring of $100,000 to his live-in girlfriend s (Marilou Danley) home country, the Philippines, Paddock s previous employment at the predecessor company of Lockheed Martin, a reported break-in at one of his homes after the shooting, the absurd insertion of an ISIS-inspired motive (which a number of dubious click-bait media outlets ran with), and later seeing a back drop of active shooter related drills and government activity, along with details suggesting Paddock may not have been alone and much more. In the search for answers in America s largest-ever mass shooting, months later, we still have yet to see any CCTV footage of the alleged killer or his whereabouts leading up to the tragedy, as he moved in and around Las Vegas. Imagine that: no CCTV footage. While some have attempted to make sense of the Las Vegas shooting tragedy, there are reports of a major push to revamp security in the hospitality industry through the use of gunfire detection systems, X-ray, body scanners and facial recognition in the wake of this confusing, if not partly manufactured event. The popular media concept of a lone wolf killer in today s world has reprogrammed the public mind in the very same way that the serial killer phenomenon did decades ago. This new fear-based saga has ushered in a string of improbable Hollywood-style scenarios, inducing a frozen apathy across the masses. Rather than looking deeply at crime scene forensics or pouring over piles of collected data, these Daily Shooter crimes hold the public psyche hostage until the next unexplained mass tragedy. Until the next episode 4. Syria s Sarin Gas False Flag In less than 24 hours after the highly dubious alleged chemical attack on April 4th (reported to be Sarin gas by Western media) in Khan Shaykhun in the Idlib province of Syria, wide-scale unsubstantiated condemnation laid blame at the doorstep of the Syrian government and Russia following the release of video footage that had yet to be forensically scrutinized. In fact, the mainstream media flooded the airwaves with a bevy of circumstantial and speculative evidence a far cry from actual hard evidence. Leaders in Washington and Western media outlets once again set the stage for wider military intervention in Syria. Days after the release of a forensically unproven chemical attack out of Khan Shaykhun, US President Donald Trump ordered a military strike on the Syrian government s Shayrat Air Base in response to the alleged chemical attack in Idlib. Trump s missile strike won him instant praise from the Pentagon media oracle CNN, as well as giddy celebrations by war-mongering neocons in the US. Perhaps the most telling aspect of Syria s most recent mass casualty terror tragedy, was the suspicious involvement of the US-UK-NATO-Gulf state backed NGO known as the White Helmets a group who once again was witnessed in wartime imagery that was not only full of anomalies but a production designed to evoke an emotional response rather than one based in rationality. Since their inception in late 2013, the White Helmets have largely conducted their so-called rescue operations in rebel-terrorist held areas in Syria, while producing an unprecedented amount of western-oriented war propaganda for nations deeply invested in arming and backing rebel-terrorists vying for regime change in Syria. Nearly two weeks after the alleged sarin gas attack, Massachusetts Institute of Technology (MIT) Professor Theodore Postol directly disputed claims concerning the official US report regarding the alleged chemical weapons attack out of Khan Shaykhun in the rebel-held terrorist-occupied Idlib province of Syria. Postol s initial analysis, along with its addendum, appeared to echo what MIT research affiliate and former US Congressional staffer Subrata Ghoshroy observed in the aftermath of the Syrian chemical incident in East Ghouta, Damascus in 2013. In addition, other award-winning American journalists like Seymour Hersh and Gareth Porter also exposed the sarin attack narrative as a fabrication promulgated by a corrupt OPCW but their reports were muted by mainstream gatekeepers. Both apparent attacks in Damascus and Idlib, were claimed through the presentation of dubious video imagery and suspicious photographs as a main source of evidence. Despite the absence of any real forensic investigation, the western media proclaimed certainty over images and videos largely supplied by the dubious NGO known as the White Helmets. It would later be revealed that on April 4th, the Syrian Air Force had also struck a warehouse in Idlib where chemical weapons were said to have been produced and stockpiled by US-backed militants. What was most disturbing, was that many in US-UK leadership seemed desperate for the public to buy into any WMD claims without concrete proof and in the process, they deliberately pushed heavily propagandized imagery presented on social media as proof of the as yet forensically unproven sarin gas attack. In essence, the whole event became a wag the dog moment ensnaring not only the White House, but many leaders in the UK as well.3. White Helmets Fraud The White Helmets. Who are they, who created them, who funds them, and which master do they serve in Syria? In the US and in Europe, these fundamental questions routinely go unanswered by the western mainstream media organizations and government officials. Since first appearing on the western media scene in late 2013, the UK and US government-funded pseudo NGO known as the White Helmets has achieved cult-like status as their pictures adorn the front pages of newspapers and CNN breaking news segments about Syria. For the last 4 years, their principle function has been to produce a steady stream of anti-Assad regime and anti-Russian propaganda tailored for western audiences. Since 2015, 21WIRE led the way in asking these important questions, and in 2017 the overwhelming pressure of mounting evidence of the White Helmet fraud eventually led to various shoddy academics in the US and in the UK mainstream media outlets attacking 21WIRE and its writers for challenging the official White Helmets narrative and for exposign how the UK government has been channeling hundreds of millions of pounds into terrorist-occupied areas of Syria under the thin guise building civil society (US and UK trojan horse) organizations in Syria. Establishment attacks included one mainstream media outlet promoting the White Helmets, The Guardian newspaper in the UK. According to The Guardian anyone who dared to question their official government-sanctioned narrative were conspiracy theorists and somehow part of a secret Russian-backed propaganda campaign. Despite mountains of evidence including various fake rescue videos, colluding in acts of murder and extreme violence and evidence which clearly depicts the dodgy search and rescue groups members as dual members in armed al Qaeda terrorist affiliates operating in rebel-held opposition areas of Syria western mainstream media are still determined to play dumb on this issue, which only goes to prove just how ignorant mainstream gatekeepers are as to the realities on the ground in Syria, or worse how controlled are mainstream editors desks by the western intelligence apparatus. Either way, Toto has already drawn the Wizard s curtain all the way back and it s only a question of time before western media apologists and clueless politicians retreat into full no comment mode on this issue.2. The Russia-Gate PsyOp It s been 18 months since the Democratic Party and the US mainstream media launched its Russia-gate narrative, claiming that Moscow had hacked the DNC, John Podesta and somehow influenced the result of the US 2016 Presidential Election. 18 months later, there s still no evidence to substantiate this mainstream conspiracy theory making Russiagate easily the biggest fake news story of the year. What s most telling about this official conspiracy theory (as it turns out, it s the mainstream that peddles the grandest conspiracy theories) is that its proponents have to resort to publishing repeated lies and wild exaggerations in order to maintain the pillars supporting their narrative. So desperate were the New York Times to tie Trump to Russia that it even claimed that the Russians where creating Facebook pages about puppies in order to confuse and mislead vulnerable American voters. New York Times also had to retract their central lie which claimed that 17 US Intelligence agencies had all agreed that the Russians meddled in the 2016 presidential election but still we hear legions of mindless journalists and shaky politicians like Adam Schiff (who, not surprisingly is also promoting the White Helmets) repeating that same old canard. As part of Washington s new McCarthyite red scare reboot, the US government labeled Russian international media network RT, and RT America as foreign agents forcing the channel and its journalists to register with the US government under old outdated pre-WWII espionage legislation. Other fake claims by US media include Kremlin bots deployed on Facebook to mess with the fragile minds of potential voters on social media, and CNN s all-time classic: an Exclusive! no less claiming that the Russians somehow infiltrated the computer game Pokemon Go in order to sow confusion among Americans. Honestly, we couldn t make it up if we tried. What s beyond ironic is that the same media who has been constantly crying fake news! as their prime talking point to explain how Trump beat Clinton has been dutifully recycling their own fake news narrative for over a year now. This one will surely go down in history as the biggest political hoax of all-time and all of the mainstream media outlets who helped promulgate this myth should also go down with it. Sadly, too many mentally-challenged lawmakers in the US, UK and Europe are actually basing their foreign policies of this mainstream fake news myth which is all too convenient for an ever-inflating the US defense budget, NATO s breakneck expansion eastward, and also for Brussels new roll-out of its EU Army 1. Fake News 2.0 2017 was the year of fake news. Last year, we crowned Fake News 1.0 as our top conspiracy, but this past year has seen it ascend to an entirely new level. From the beginning, this faux crisis had a clear set of political objectives. The first was to provide a scapegoat for Hillary Clinton s catastrophic imploding presidential run, and secondly, to try and prop-up the establishment s official conspiracy theory that somehow the Russians were spreading fake news across social media and alternative media websites in order to help Donald Trump win the election. On this front, many of us are indebted to Trump for branding CNN with the meme that keeps sticking, as the President hit CNN s bumbling White House correspondent Jim Acosta, with Trump pointing to Acosta and saying, You are fake news! live on national TV. If was a glorious moment for sure. Newspapers like the Washington Post performed a key role for the US Deep State by pushing-out fictional news features like the one claiming 200 of the leading alternative media websites were part of some Kremlin-orchestrated network of websites carrying out active measures (a defunct Cold War term) propaganda against the American people. The Post even presented a bogus anonymous construct, a website called PropOrNot in order to try and make their conspiracy theory look official. Around the same time, a radical progressive academic from Merrimack College in Massachusetts published a fake news list a database and virtual blacklist designed to defame and slander any independent media outlets who happened to veer from the party line and challenge the policies of Hillary Clinton and Obama. Dr. Zimdars heavily politicized list was promoted by the LA Times which, like the fraudulent story published in The Post, claimed that hundreds of alternative media websites were producing fake news and conspiracy stories and therefore were unreliable as information sources. It wasn t long before the establishment began referencing these politicized lists, holding them up as proof of some crisis in what the liberal intelligensia proudly dubbed a post-truth world. Despite the establishment s insistence on pushing this faux crisis, an increasing number of smart news consumers came to realize that for at least the last century and half, the establishment s tightly-controlled information syndicate has been able to manufacture its own consensus reality through the use of their own official fake news. By channeling public opinion in this way, the mainstream press has helped facilitate a number of engineered outcomes including war. Perhaps the most dangerous aspect of the fake news circus, is that Silicon Valley monopolies like Google and Facebook have taken it upon themselves to manipulate their online platforms in such a way that they are choosing which websites and news sources will be de-ranked and effectively hidden from the view of most users, and, in the case of Facebook censoring real information presented by independent, non mainstream journalists, but allowing political operatives to abuse their problematic communitarian information policing system to strike off offensive content. As a result a number of leading alternative commentators have been banned from Facebook for completely illegitimate reasons. Finally, we can reveal the 2.0 aspect of the establishment s fake news faux crisis a false pretext to unleash a wide-ranging program of internet censorship and it s already begun. Reasonable people should be under no illusions: Google Inc, Facebook and global monopolies like them it are the closest thing to a classic fascist-corporatist behemoth you will find in the world today. Both Google and Facebook are both actively colluding with big government and other mainstream media partners, and are guilty of stealth censoring through either their A.I. filtering algorithms, or through flagged websites on a database used to de-rank leading independent and anti-war sites like 21st Century Wire, Anti-War.com, Consortium News, Global Research and countless others. Furthermore, Facebook is now on record as admitting to colluding with both the US and Israeli governments to delete undesirable accounts. This is a corporation which is now actively and opening violating US laws, which is engaging in criminal activity by any other definition. These are not the only threats posed by these corporate fascists. The very same corporate digital barons have also been busy colluding with politicians in order to repeal Net Neutrality as part of the elites final end-run to marginalize and ultimately crush all independent and dissenting voices online who threaten the primacy of mainstream groupthink, and who could get broader traction among the population if the playing field was truly a level one. Not only is this illegal under antitrust laws, but it represents a brutal form of fascism. It s now clearer than ever that Silicon Valley executives and government bureaucrats cannot be trusted to manage the most important public utility of the new century the information super highway.So if the mainstream press can no longer be trusted, then who can you trust for objectivity and accuracy? Again, we have to ask the question: who s watching the watchers? Answer: We are.HAPPY NEW YEAR.SEE PREVIOUS TOP TEN CONSPIRACIES: 2016 Top Ten Conspiracies2015 Top Ten Conspiracies2014 Top Ten ConspiraciesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"December 31, 2017",0 +β€˜Classified’ Emails from Hillary Clinton and Huma Abedin found on Anthony Weiner’s Laptop,"Looking back on the 2016 Presidential election, there was a non-stop chorus on denials by Hillary Clinton, her campaign surrogates, and the mainstream media that had not allowed any classified emails to float around her home-brew server, or onto the family of her close aids.As it turns out, Hillary Clinton was lying. A new batch of emails released by the US State Department clearly show that Anthony Weiner, convicted sex criminal and husband of Clinton s chief aid Huma Abedin, had kept classified emails pertaining to official US State Department business during Hillary Clinton s tenure as Secretary of State kept on the same laptop which Weiner used to target an underage girl and where he also kept child pornography.Among the released emails were exchanges which clearly show Hillary Clinton conspiracy with authoritarian Saudi Arabia to stop Wikileaks. The reopening of this old Clinton gaping wound is another devastating blow for the mainstream media and the Democratic Party s resistance movement, whose mission is to remove Donald Trump for office.RT International reports At least five of the 2,800 emails stored on a laptop belonging to former Democratic congressman Anthony Weiner were marked confidential and involved delicate talks with Middle Eastern leaders and Hillary Clinton s top aide.On Friday, the State Department released a batch of around 2,800 work-related documents from the email account of Huma Abedin, who served as the deputy chief of staff to former Secretary of State Hillary Clinton.At least five of the emails found on Abedin s ex-husband s laptop were heavily redacted and marked classified and at confidential level, the third more sensitive class the US government uses below secret and top secret. The State Department applies the confidential classification level to information that the unauthorized disclosure of which reasonably could be expected to cause damage to the national security, according to the Government Publishing Office.While the documents were not marked as classified before they were released, some of the information recovered in the emails was considered classified. It is illegal for civilians to posses or read classified documents without a security clearance.The confidential emails, which date from 2010 to 2012, concern discussions with Middle Eastern leaders.Dishonest: despite being caught multiple times, Hillary Clinton is still in denial about mishandling classified material.One of the emails has the subject Egyptian MFA on Hamas-PLO talks, referring to the Palestine Liberation Organization. The email is mostly redacted, only mentioning that it is a further update on Hamas-PA talks, referring to the Palestinian Authority.Another four-page email contains a completely redacted call sheet to prepare Clinton for an upcoming call with Israeli Prime Minister Benjamin Netanyahu.A call sheet in another 2010 email includes notes to guide Clinton through a call she would make to Saudi Foreign Minister Prince Saud al-Faisal. The purpose of the call was to inform Saud about an impending WikiLeaks disclosure. This appears to be the result of an illegal act in which a fully cleared intelligence officer stole information and gave it to a website. The person responsible will be prosecuted to the fullest extent of the law, the call sheet instructed Clinton to say.Clinton was warning the Saudis the leak could contain information related to private conversations with your government on Iraq, Iran, and Afghanistan, and asked the Saudi s to help the US prevent WikiLeaks from undermining our mutual interests. During a congressional hearing in 2016, former FBI Director James Comey said Abedin regularly forwarded emails to Weiner for him to print out for her so she could deliver them to the secretary of state. The emails were released in response to a 2015 lawsuit filed by conservative watchdog group Judicial Watch against the State Department after it failed to respond to a Freedom of Information request (FOIA) seeking: All emails of official State Department business received or sent by former Deputy Chief of Staff Huma Abedin from January 1, 2009 through February 1, 2013 using a non- state.gov email address. In a statement issued Friday, Judicial Watch President Tom Fitton called the release a major victory, adding that it was no surprise there were classified documents on Weiner s computer. It will be in keeping with our past experience that Abedin s emails on Weiner s laptop will include classified and other sensitive materials, Fitton said in a statement. That these government docs were on Anthony Weiner s laptop dramatically illustrates the need for the Justice Department to finally do a serious investigation of Hillary Clinton s and Huma Abedin s obvious violations of law. The emails were discovered on Weiner s laptop during an FBI investigation into allegations that he engaged in sexting with a 15-year-old girl. In September, Weiner was sentenced to 21 months in prison after he pleaded guilty to sending obscene material to a minor.The discovery of the emails led Comey to announce that the FBI was reopening an investigation into Clinton s use of a private email server 11 days before the 2016 presidential election. Clinton said the announcement contributed to her loss to Donald Trump See more at RTLast year, in effort to shore-up Clinton s crumbling reputation for being truthful to the public, her campaign published a bizarre 4,000-word fact sheet on the Clinton campaign website.As it turned out, Clinton s fact sheet was riddled with numerous false statements and other half-truths, including a lie that the FBI was conducting a security review when it was in fact conducting an investigation, and that she never sent or received classified information on her email account.This latest Weiner revelation is just another devastating blow to an already damaged political brand.Could Clinton mount a 2020 run?It s highly unlikely.READ MORE HILLARY NEWS AT: 21st Century Wire Clinton FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 30, 2017",0 +How Trump is Accelerating the Decline of US Global Influence,"It should also be said that the current US Administration is merely finishing the job which started under three consecutive two-term presidents; Bill Clinton, George W. Bush, and Barack Obama something to bear in mind as Trump ends his first year in office.This new year, let us not forget who re-ignited the Middle East crisis, with the consecutive sackings of Libya and Syria The ""Moderate Rebel"" terrorists in Syria certainly miss you Barack, you were so generous to all of them. Patrick Henningsen (@21WIRE) December 29, 2017While Make America Great Again might be the political campaign de jour at home, these next four years are likely to coincide with an overall decline in US influence in the world.Mehr News reports During the past decades after World WarII and disintegration of the former Soviet Union and the end of the Cold War, the world has been dominated by the US in terms of politics, military and economy. But the rising of new world powers at the end of the 20th century and beginning of 21st century has challenged the US global domination. Washington s challenges with the new multipolar world order in recent years has resulted in the decline of US influence in the world, which is expected to be accelerated withTrump s term in White House.Recognizing Al-Quds (Jerusalem) as Israeli regime s capital by Trump created lots of negative reaction and resulted in a resolution by the UN General Assembly despite the US threats is a clear example of declining US global influence.Decline of US domination over world trade and financial regimesAfter the end of World WarII until 1960, the US held 40 percent of the world economy but after the rise of new economic powers like China, Japan and EU, in 2013 the US just held 25 percent of the world economy. Considering the recent decisions made by Trump to withdraw from TPP and NAFTA and tensions with EU, more decline is expected in near future.The Dollar dominated global financial, trade and banking regimes until the beginning of 21th century. The first blow to the dollar global stand was inflicted in 1999 when euro appeared as official currency of the EU. In recent years rise of Chinese renminbi has inflicted more blows to the dollar global stand, so that in 2015 only 50 to 60 percent of world trades and transactions were done in dollar, according to EU central bank.During the past years, US sanctions against some countries like Russia, Iran and White House pressure on other countries to avoid transaction with these sanctioned countries, has resulted in some agreements between states to do their business in their own national currencies instead of dollar like the agreements between Iran, Russia, Turkey and China. Continuation of such agreements and trend will definitely lead to further decline of dollar global stand in future.Decline of the US strategic importance in terms of politics and militaryTrump s serious pressure on NATO the most important strategic achievement of the US till now with member states to pay more for the costs of the alliance, has inflicted serious damages to the solidarity of the member states and has created many doubts so that some US old European allies are seriously after formation of a European Army.US inability to solve South Korea s missile and nuclear program issues despite Trump s rhetoric and bluffs, US inability to materialize its regional policy and plans in the Middle East to change the map of the region to the benefit of its own strategic interest and Israel s due to close cooperation of Iran, Russia, Turkey, Iraq and Syria all these US failures and its wrong policies which have even forced some of its old regional allies like Turkey to recalibrate its relation and cooperation with White House in the region shows the US limitations and incapability resulting in increasing decline of Washington s influence.Also the US inability to settle the issues in east of Ukraine and Crimea as its European allies expected has been a serious blow to its strategic stand among the Washington s European allies, and even worse nowadays as some of the Europeans consider US measures in east Europe as a blackmailing to gain the energy market of the EuropeDuring the last one year in office, Trump s moves to withdraw from Paris Climate Change accord, TPP, his wrong approach toward the nuclear deal with Iran (JCPOA), his insatiable immigration policy which has resulted in significant reduction in the number of foreign students in US for the first time, and finally his partial recognition of Al-Quds as Israeli regime s capital all have inflicted serious blows to global credibility and influence of the country which cannot be at least mended in short-term.READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 29, 2017",1 +US Advising Soldiers to Be β€˜Less Masculine’ as Military Tries to Curb Flood of Sexual Harassment Cases,"170619-N-AA175-092..SAN DIEGO (June 19, 2017) Command Master Chief (Ret.) Kathleen Henson, from Midland, Mich.,, center, and USS Makin Island (LHD 8) Sailors cut a cake during the Lesbian, Gay, Bisexual, and Transgender Pride Month observance. Makin Island is homeported in San Diego. (U.S. Navy photo by Mass Communication Specialist 2nd Class Eric Zeak Published at Wikicommons)21st Century Wire says While military forces are fighting one enemy in the theatre of combat, another multi-front culture war is also being fought within their institutions. According to a recent report in Military.com, US military lawyers have begun speaking about how sexual assault cases are flooding the military courts threatening to break the back of the military s legal system, and perhaps radically alter the institutional culture.After the release of the documentary, The Invisible War, the issue of sexual assault in the military has again been thrust into the national spotlight, claiming that 1 in 5 U.S. female veterans have sustained some form of sexual assault.The issue of sexual assault in the US military first rose to national prominence in 1992 with the emergence of the infamous Tailhook Scandal. One likely reason for this new spike in reported cases could be because each military service branch has recently implemented new awareness programs as well as sexual assault prevention campaigns which actively encourage female troops to report anything they might feel constitutes sexual harassment or a constitutes a sexual assault.This also comes at a time where the US military has undergone the gradual process of becoming more gay friendly in order to advance issues of equality and to cater for its growing ranks of LGBT service men and women.Military.com explains how the new liberal progressive agenda may be adversely affecting operations: Military lawyers said the Pentagon leadership has the right intentions, but these prevention campaigns have flooded military court rooms with so many sexual assault cases, it s made it harder to prosecute guilty sexual predators.Prosecutors lack witnesses or strong evidence in the majority of cases, making it hard to yield a conviction, said Michael Waddington, a military defense lawyer and former judge advocate in the Army. He sees too many cases that involve alcohol and depend on hearsay.The military has the resources to take many sexual assault cases to court, said Philip Cave, a military defense lawyer and retired Navy lawyer. Waddington estimated that ninety percent of the sexual assault cases taken to court-martial would be thrown out in a civilian court because of a lack of evidence.As a result, the military are now trying various other different initiatives to try and cope with a problem which to have spun out of control.RT International reports Promoting empathy and cracking down on hypermasculinity may help the Department of Defense to reduce unwanted sexual behavior and improve combat readiness, a new government report on sexual violence in the military says.Unwanted sexual behaviors such as sexual harassment, sexual assault, and domestic violence undermine core values, unit cohesion, combat readiness, and public goodwill, says the report, published this month by the Government Accountability Office (GAO) and signed by Brenda Farrell, director of defense capabilities and management.The report pointed out that interconnected, inappropriate behaviors are part of a continuum of harm that creates a climate conducive to sexual harassment, assault and violence. The National Defense Authorization Act (NDAA) for fiscal year 2017 expanded the definition of sexual harassment in the military beyond sex discrimination, to make it an adverse behavior on the spectrum of behavior that can contribute to an increase in the incidence of sexual assault. Both the Pentagon and the separate service branches have yet to update their policies to reflect this new definition, the GAO found.The report also urged the Pentagon to incorporate the guidelines for preventing and dealing with sexual violence developed by the Centers for Disease Control and Prevention (CDC).The Pentagon is ignoring risk factors identified by the CDC such as alcohol and drug use, hypermasculinity, emotionally unsupportive family environments, general tolerance of sexual violence within the community, and societal norms that support male superiority and sexual entitlement, the report says.NEWPORT, R.I. (Oct. 29, 2010) Gunnery Sgt. Duncan Hurst encourages an officer candidate to properly perform pushups during the first week of the 12-week Officer Candidate School at Naval Station Newport. Hurst is one of 12 Marine Drill Instructors who train the candidates in military bearing, discipline, drill and physical fitness. (U. S. Navy photo by Scott A. Thornbloom/Released). Also ignored by the DoD are protective factors such as emotional health and connectedness, and empathy and concern for how one s actions affect others. CDC s research has also established that survivors of one form of violence are more likely to be victims of other forms of violence, that survivors of violence are at higher risk for behaving violently, and that people who behave violently are more likely to commit other forms of violence, the GAO report notes, apparently seeking to make a distinction between violence in authorized military conflict and personal violence.Noting that the DoD instructed the services in 2014 to develop mechanisms for reporting incidents of sexual harassment anonymously, the GAO said that such mechanisms are not yet part of the department-wide sexual violence policies.Additionally, each service branch uses a different database format to record formal complaints of sexual harassment the Navy uses Excel spreadsheets, for example. While the GAO does not go as far as to recommend a single database, the report does advocate improving and standardizing data collection so that the Department of Defense can further develop its understanding of the connection between unwanted sexual behaviors. Having a single standard across service branches would also be helpful, the GAO report says, noting that the US Marine Corps (USMC) updated its standards of conduct in May. The USMC made the change in response to the Marines United scandal, where current and former members posted nude photos of female recruits in a Facebook group, along with disparaging comments. While the Marines now consider posting nude photos of others without consent to be harassment, other service branches do not as of yet.The GAO report comes at a time of renewed interest in sexual harassment in the US. Accusations of improper behavior have forced a number of Hollywood celebrities, media executives and members of Congress to resign or be removed from public life.In 2015, the Obama administration lifted restrictions on having women in combat roles and set a deadline for allowing openly transgender troops to serve. In July this year, President Donald Trump said he would not allow transgender people to serve in any capacity, citing tremendous medical costs and disruption to the military. The matter is currently being fought over in the courts.So far, only men are required to register for potential draft ( Selective Service ) under US law. Attempts to expand the requirement to women have failed to get enough votes in Congress.See more at RTREAD THE FULL US GOV T G.A.O. REPORT HEREIn addition to new measures meant to mitigate the rise in sexual assault claims, general dictates on gender neutral language are also being rolled out apparently to protect vulnerable minority members of the armed service from being offended or triggered. This institutional trend is not limited to the US, as the institutional march of political correctness and its weaponization of gender identity politics is making its way through Great Britain s armed forces too where phrases such as mankind , chaps and sportsmanship have now been banned.The UK Mail Online says: The guide suggests the word chaps be swapped for the words people , friends , folks or you all . The phrase gentleman s agreement has also be banned. Now, soldiers must use the term unwritten agreement . Instead of sportsmanship members of the force are encouraged to say fairness . The two-page guide was compiled by the Joint Equality Diversity and Inclusion unit which has earned the nickname of Jedi. Many LGBT servicewomen believe the US military is too male-oriented (Image: Pinterest).As pc cleric cluture takes over the military s management through the leveraging of radical progressive power-politics, people should be aware that this tactic actually designed to break down existing institutions and rearrange the internal power structure.It s no surprise then why the Russians are resisting Soros-funded political colonization in their country, which Moscow has correctly identified as subterfuge through the clear exploitation of these culture and gender war battle lines. ImageQuestion: How will the US and UK armed forces be run in 10 years, if this socialized agenda is fully rolled out?READERS PLEASE LEAVE COMMENTS BELOWREAD MORE CULTURAL MARXIST NEWS AT: 21st Century Wire Cultural Marxism FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 29, 2017",0 +"Dopey Santas, McAfee Hacked, Silicon Valley vs. ACR – Boiler Room EP #141","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Fvnk$oul and Randy J (ACR & 21WIRE contributors) for the hundred and forty first episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs, analysis and the usual gnashing of the teeth of the political animals in the social rejects club.On this episode of Boiler Room the social rejects club meets for the final shebang of 2017. We ll be discussing John McAfee s twitter account being hacked to promote a low value crypto-currency, silicon valley censorship in social media, year end wrap ups and 2018 predictions.Direct Download Episode #141 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"December 29, 2017",0 +The Jerusalem Decision: From Creative Chaos to Effective Turmoil," Dr Can Erimtan 21st Century WireDid Donald J. Trump have any idea about the impact his words would have across the world?!? Did he have any idea that the whole wide world, including the United Nations, would turn against him?On Wednesday, 6 December 2017, in the White House s Diplomatic Reception Room the President of the United States proceeded to make history, or, proceeded to leave his personal mark on the flow of world events as his words set a whole chain of global events in motion: I have determined that it is time to officially recognize Jerusalem as the capital of Israel. While previous presidents have made this a major campaign promise, they failed to deliver. Today, I am delivering. In his preamble to this potentially explosive and arguably rather disconcerting statement, Trump explained that [i]n 1995, [under Bill Clinton s watch, that is] Congress adopted the Jerusalem Embassy Act, urging the federal government to relocate the American embassy to Jerusalem and to recognize that that city and so importantly is Israel s capital. This act passed Congress by an overwhelming bipartisan majority and was reaffirmed by a unanimous vote of the Senate only six months ago. In this way, the 45th U.S. President showed himself to have been cut from a completely different cloth indeed, as he uttered words that neither Bill Clinton, nor George W. Bush or, more importantly perhaps, Barack Obama had dared speak.Yes, Trump openly came out and made plain the deep love that dare not speak its name in spite of the vehemently pro-Israel stance taken by the U.S. ever since the time of President Eisenhower (1953-61) and particularly, ever since the Six Day War (5-10 June 1967), in spite of the ceaseless activities of AIPAC and J Street, no previous incumbent had dared bestow a bona fide U.S. Embassy to Jerusalem as a physical token of the deep and ardent bonds between the New World and the Promised Land. Only, Donald J. Trump had the gall to deliver, doing what Clinton had promised yet none of his successors had been able to realise . . . until now, that is.In true Aristotelian fashion Trump took the potentiality that was Jerusalem (known as Al Quds or the Sacred City in the Muslim world) and turned it into an actuality by means of pledging full ambassadorial honours for the ancient city. Following these presidential words, outspoken Israeli voices did not take long to heap praise on the White House. Mark Regev, the erstwhile spokesman for the Ministry of Foreign Affairs in Jerusalem (2004-7) and frequent Israeli apologist appearing on various mainstream media, and currently even active as Israeli Ambassador in London (since 2015) blurted out that he think[s] this was a just move and a good move for peace. His boss, Bibi or Benjamin Netanyahu (fourth premiership, 2015 present) was equally forthcoming, talking to the press on the same day the U.S. President made his performance in the Diplomatic Reception Room: Thank you President Trump for today s historic decision to recognize Jerusalem as Israel s capital. The Jewish people and the Jewish state will be forever grateful. The PM in the next instance also echoed his ambassador s words, declaring that [t]here is no peace that doesn t include Jerusalem as the capital of Israel. The idea that Jerusalem should be at the heart of the Jewish people s land and nation namely has its roots in the Bible, in 2 Chronicles 6:5-6, to be precise: Since the day I brought my people out of Egypt, I have not chosen a city in any tribe of Israel to have a temple built so that my Name might be there, nor have I chosen anyone to be ruler over my people Israel. But now I have chosen Jerusalem for my Name to be there, and I have chosen David to rule my people Israel, as worded in the New International Version. And Bibi knows that too.Bibi even took his words of praise abroad. First to Paris, where he met with President Emmanuel Macron, who had urged his U.S. counterpart to preserve the city s status quo prior to Trump s Diplomatic Reception Room performance (10 December 2017). Bibi disagreed volubly with the Frenchman, characterising as absurd anyone not willing to recognise the millennial connection of the Jewish people to Jerusalem. Next, even proceeding to refer to God s word that had elevated Jerusalem to its lofty position as site for his temple: [y]ou can read it in a very fine book it s called the Bible. The following day he went to Brussels, where he attended a meeting of EU Foreign Ministers (11 December 2017). The Israeli PM told the gathered EU FM as well as the assembled press corps that Trump s Jerusalem declaration makes peace possible because recognizing reality is the substance of peace, the foundation of peace. The Invention of the Jewish People and the Position of Jerusalem in IslamThe state of Israel, as a Jewish nation state implanted on Middle Eastern soil in 1948, employs nationalist myth and religious tradition as credible arguments justifying its mere existence. The Israeli journalist and author Daniel Gavron, for example, states that most Israelis [regard it as] axiomatic that the celebrations for the 3,000th anniversary of the conquest of Jerusalem by King David [in 1995] mark[ed] a real and tangible event, even though he himself doubts its authenticity. In other words, the Jewish people, as a shorthand for the Israeli citzenry, have apparently already been following the political and ideological leanings currently exhorted by Bibi for quite a while. But, as I explained at length some time ago, the mere mention of the term nation or even just people is a problematic issue in its own right the point that I am trying to get across is that nations or people cannot be perceived as natural or even organic phenomena, but rather as contrived and constructed social units consisting of individuals who willingly become part of a larger artificial whole through the manipulation and management of larger forces and structures leaders of men and their organisations. It has been nearly ten years now that the historian Schlomo Sand published his groundbreaking text The Invention of the Jewish People, which attempted to popularise the theoretical constructs of writers and thinkers like Benedict Anderson and Ernst Gellner, amongst others, but, as seems blatantly apparent from looking at Bibi s recent proclamations, his message has clearly failed to penetrate the academic bubble, in spite of having topped Israeli bestseller list for nineteen weeks. With regard to the city of Jerusalem, on the other hand, archeological evidence appears to prove conclusivedly that the site has been continuously occupied for some 5,000 years, signalling the urban centre s pre-Jewish roots. But the notion that King David conquered the place to establish the one true god s temple seems rather shaky. Gavron explains that the biblical account of the capture of the city is the only one we have, and in the opinion of most modern scholars, the Bible is not an entirely reliable historical document. Still, archeological excavations carried out in the summer of 1993 appear to have produced evidence that a certain David indeed founded a dynastic live in the 10th century BCE namely, a small triangular piece of basalt rock . . . subsequently identified as part of a victory pillar erected by the king of Syria and later smashed by an Israelite ruler carrying an Aramaic inscription talking about a Beit David ( House or Dynasty of David ). But the Jewish conquest of Jerusalem did not mark the end of the city s story of military takeover and/or occupation: remaining in ancient times, the Assyrian King Sennacherib laid siege to the city in the year 701 BCE, whereas the Babylonian Nebuchadnezzar captured the city in the seventh year of his reign (598 BCE), but of greater importance is the sack and destruction of the city and its temple at the hands of Titus, son of the Roman Emperor Vespasian (70 CE), in response to the Jews Great Revolt against Rome that had sprung up in 66 CE. The ultimate outcome of Rome s harsh response was the Diaspora, as explained by the American rabbi, lecturer, and author Joseph Telushkin, who estimates that as many as one million Jews died as a result, while carrying in its wake the almost two-thousand-year span of Jewish homelessness and exile. With the majority of Jews apparently dispersed from the land and city, Jerusalem was eventually conquered by the Caliph Umar (reign 634-44) in the year 638, an event which seems to have taken place following a peaceful siege, no blood was shed, in the words of Zia H Shah, a New York-based physician and the Chief Editor of the Muslim Times. The addition of Jerusalem to the Dar al-Islam (or, the abode of Islam) was important. Though the city s name does not appear specifically in the Quran (containing only a reference to al-Masjid al- Aqsa or the Furthest Mosque, 17:1), it is the locus of the Prophet s miraculous Night Journey (or Mi raj). The story, as related in various prophetic traditions (or hadith), tells how the figure of the Prophet travelled from Makkah to the Furthest Mosque (in Jerusalem), from whence he ascended Heaven, so that Allah might show him of Our signs. As a result, the Masjid al- Aqsa, arguably built by the Caliph Umar though no historical records exist to this effect, is regarded as the third most sacred mosque in Islam, following the Masjid Al-Haram in Makkah, and Al Masjid An-Nabawi in Madinah.A Pseudo-Ottoman Gambit: Diverting Attention for a PurposeAs a result, Donald Trump s Diplomatic Reception Room stunt far supersedes the thorny Palestinian issue, the life-and-death matter of peace in the Middle East, or even the real estate division between East and West Jerusalem. The English-language pan-Arab television channel Al Jazeera English matter-of-factly point out on its website that [v]iolence, protests and arrests have followed US President Donald Trump s decision to recognise Jerusalem as the capital of Israel. All across the globe Muslims have taken to the street to voice their disapproval of Trump s latest attempt to act like a real president, a president unlike any of his predecessors: [r]allies against Trump s decision also took place in the Indian city of Mumbai, the Malaysian capital, Kuala Lumpur, and the Japanese capital, Tokyo. But also in Turkey where President Recept Tayyip Erdo an (aka the Prez) has been at pains for years to appear as a rightful heir to the Ottoman sultans of old after all, Sultan Selim I (1512-20) took hold of the city of Jerusalem in 1517, remaining part of the Ottoman fold till the onset of the British Mandate (1917-48). On Thursday and Friday, (7-8 December 2017), spontaneous meetings took place throughout the whole of the country, from Istanbul over Bursa, Ankara, and Mersin, to Hatay, Gaziantep, Tatvan, Adana, Van, and Kahramanmara . More importantly, the 57-member Organisation of Islamic Cooperation (OIC) held a meeting in Istanbul on 13 December 2017, and the Prez employed this platform to portray himself as the ultimate champion of Islam, defying not just the United States of America and Israel, but also the Kingdom of Saudi Arabia, the nominal Custodian of the Two Holy Mosques. As I have written quite some time ago, the Prez is more than determined to challenge his erstwhile friend and ally King Salman and see himself as the rightful Calip of the world of Islam, in true pseudo-Ottoman fashion.The OIC meeting dutifully released its Istanbul Declaration on Freedom for Al Quds' : [a]ppreciating the Republic of Turkey and the Turkish people for hosting the Extraordinary Islamic Summit regarding this important cause of Ummah, especially the call for this Extraordinary Summit made by His Excellency Recep Tayyip Erdo an (image, left), President of the Republic of Turkey . . . We reject and condemn the US Administration s unlawful statement regarding the status of Al Quds . . . Just like the fact that Israel s decision to annex Al Quds and its actions and practices therewith are never accepted, we declare that this statement is identically null and void from the point of view of conscience, justice and history. We invite all members of the UN, the EU and the international community to remain committed to the status of Al Quds and all related UN Resolutions. Rather than accomplishing anything much at all, the extraordinary OIC meeting primarily served to heighten Tayyip Erdo an s prestige, at home as well as abroad. As such, a cynic would say that Trump s timing was impeccable, as 17/25 December marks the anniversary of the scandal variously known as #AKPgate that erupted in 2013, and that presently was very much on people s minds in Turkey given that the Turkish-Iranian businessman Reza Zarrab (or R za Sarraf, in Turkish) was appearing in court in New York. The court case investigates breaches of the sanctions placed upon Iran and many Turks eagerly followed the proceedings on Twitter. One Istanbul-based writer Kareem Shaheen described the accusations as follows: [i]n a case that has strained relations between Turkey and the US, Reza Zarrab, a Turkish-Iranian gold trader, described a sprawling money laundering network that allowed Iran access to international markets from 2010 to 2015 in violation of sanctions over its nuclear programme. He told jurors in New York on Thursday [30 November 2017] that [Tayyip] Erdo an, who was prime minister of Turkey at the time, had personally authorised a transaction on behalf of Iran. Zarrab said he had [also] bribed the then Turkish economy minister Zafer a layan and the former head of the state-owned Halkbank. As a result, given that the Zarrab case all but exacerbated the dire Turco-American relationship, Trump s Jerusalem declaration must have come as a welcome bolt from the blue for Erdogan. The decision to recognise Jerusalem as Israel s capital finally absolved the Erdogan from any attempts to salvage the cross-Atlantic relationship, and instead emboldened him to announce publicly that the Republic of Turkey is now the rightful heir to the Ottoman Empire and the only hope left for Muslims across the world, Muslims that have been victimised by years and years of oppressive U.S. foreign policy. And, putting a cherry on top of the proverbial cake of discontent, Erdo an announced on Thursday, 17 December 2017, that he would establish a Turkish Embassy in Jerusalem, representing Ankara in Palestine, to be clear. Speaking to an audience of faithful followers in the city of Karaman, the Prez declared God willing, the day is close when officially, with God s permission, we will open our embassy there, in Jerusalem.All the while, the Palestinian people continue to suffer and Israel employs any and every pretext available to stage military assaults on the Gaza strip and crack down on Palestinian protesters But, Trump has done his deed, leaving his indelible mark on the Middle East, while the Prez, in turn, can now rightfully claim that he alone is able to represent the Muslim world on the international arena.*** 21WIRE special contributor Dr. Can Erimtan is an independent scholar who was living in Istanbul for some time, with a wide interest in the politics, history and culture of the Balkans and the Greater Middle East. He attended the VUB in Brussels and did his graduate work at the universities of Essex and Oxford. In Oxford, Erimtan was a member of Lady Margaret Hall and he obtained his doctorate in Modern History in 2002. His publications include the book Ottomans Looking West? as well as numerous scholarly articles. In the period 2010-11, he wrote op-eds for Today s Zaman and in the further course of 2011 he also published a number of pieces in H rriyet Daily News. In 2013, he was the Turkey Editor of the stanbul Gazette. He is on Twitter at @theerimtanangleREAD MORE PALESTINE NEWS AT: 21st Century Wire Palestine FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 28, 2017",1 +A POEM: β€˜Twas The Night Before CNN’s Christmas…’,ACR s BOILER ROOM presents a Christmas poem Twas the Night Before CNN s #FakeNews Christmas By Randy J.. HELP US TO KEEP DOING WHAT WE DO DONATE NOW TO 21WIRE!SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV,US_News,"December 25, 2017",0 +Bundy Case Ruled a Mistrial – Will Federal Case Soon Crumble?,"Mark Anderson 21st Century WireThe Greek philosopher Plato was credited with saying, Justice in the life and conduct of the State is possible only as first it resides in the hearts and souls of the citizens. Well, since longtime Nevada rancher Cliven Bundy, his sons, and his other compatriots have demonstrated they possess a strong sense of principles and justice, perhaps a little justice in the life of the American state is possible which is no small thing in an age of nearly universal tyranny and injustice.This welcome ray of light became apparent in Las Vegas on Dec. 20 when U.S. District Judge Gloria Navarro declared a mistrial in the current high-profile proceedings involving Cliven, his sons Ryan and Ammon, and Ryan Payne.This prompted members of the Bundy family and dozens of their supporters to leave the courthouse on that Tuesday in a state of elation, even with the presence of protesters who, holding signs that read, Keep your Bundy hands off public lands, appeared to be paid agitators for billionaire leftist revolutionary George Soros, as one protestor basically admitted.Back in the spring of 2014, the above-named four defendants who ve become emblematic of the plight of Western ranchers resisting heavy-handed federal land controls were accompanied by other Bundy siblings, and by scores of supporters from across the nation, all of whom gathered near Cliven s ranch in Clark County, in southern Nevada, to exercise their First and Second Amendment rights.On that basis, these brave souls, some of whom were armed in an open-carry state, protested the actions of well-armed Bureau of Land Management agents, FBI agents (including SWAT units) and contractors, when these officials showed up, set up shop, and finally moved to impound Cliven s cattle over flimsy allegations of unpaid grazing fees on public lands. The impoundment attempt, on April 12, 2014, was unsuccessful, however.But while the government retreated that day after a lengthy and often tense standoff, a 16-count federal indictment was eventually handed down. Cliven, Ammon and the two Ryans were among nearly 20 initially indicted in this now-legendary federal case, which hasn t gone particularly well for prosecutors ever since the first of several planned trials started in February of 2017.Thus, the government, despite spending millions of dollars, has seen its case steadily deflate to the point where, as of now, the only things that remain, according to a legal observer, are for Judge Navarro to receive briefs from the prosecution and the defense by 5 p.m. Dec. 29 (when a hearing may take place). Those briefs will consist of arguments to enable the judge to decide whether or not to fully dismiss the case.The mistrial happened around 9:30 a.m. Pacific Time Dec. 20, as Navarro told the jury to go home . . . it s over, recounted Roger Roots, a legal expert and author who has observed virtually every trial proceeding firsthand.He said that after Judge Navarro reviews the briefs, an open hearing will be convened at 9 a.m. on Jan. 8, according to the court schedule as of this writing. If she rules for dismissal Jan. 8 without prejudice, the indictment remains in force and federal prosecutors technically could reset the trial of Cliven and the three others, reportedly on or around Feb. 26. But if she rules for dismissal with prejudice, then the indictment is dissolved, according to Roots.Roots said a dissolved indictment would mean the government would have to go to the trouble and expense of convening a new grand jury in order to seek a new indictment which would be double jeopardy and therefore a probable constitutional violation.And while Roots said the government conceivably could appeal the mistrial ruling to the Ninth Circuit, at this point he does not believe the government would jump through all the necessary hoops for a new indictment.Notably, what helped make the mistrial a reality was Navarro s findings (reached during hearings on exculpatory evidence that the government has been withholding) that the prosecution had committed several Brady v Maryland violations including not disclosing to the defense the existence of surveillance cameras, including those trained at the Bundy homestead.Also included is not disclosing the fact that concealed snipers were stationed around the area at the time of the 2014 standoff; not disclosing the existence of maps of the snipers positions; and, among other things, not disclosing threat-assessment reports which include government admissions that Cliven and company are not dangerous people.SEE ALSO: Nevada Residents: Public Land Belongs to the People, Not DC Notably, family patriarch Cliven, as a matter of principle, stayed in prison despite a recent hearing in which the court allowed him to leave jail under house arrest. He has been jailed since early 2016 and has suffered from health problems.Cliven based his decision on the fact that a few remaining defendants which had included his sons Mel and Dave until they, too, were granted house arrest are still in jail awaiting a final trial that s been scheduled to take place sometime next year. Moreover, Ryan and Ammon Bundy, as well as Ryan Payne, all were recently released under house-arrest rulings, after an equally grueling amount of time behind bars.During a recent on-the-air interview, Cliven s daughter-in-law Briana, who s Mel s wife, told Free Speech Zone host Jim Lambley of KSDZ-FM The Twister out of Nebraska that in the almost two years that Cliven has been behind bars, several more grandchildren of his were born. Yet Cliven, despite such a strong emotional attachment to his large family, still chose to remain in jail to honor the others still imprisoned.On a Dec. 20 appearance on the same radio show, Briana added, Over 3,300 hundred pages of evidence that could ve helped the defense have been withheld and have been turned over to the defense in the last two weeks . . . . It was absolutely intentional and she [Judge Navarro] said she believes it was intentional because of what they withheld. Briana, who understands that even one, let alone several Brady violations, normally would be expected to lead to a full dismissal of the case right away (rather than carrying on with more hearings) added, however, that the Bundy siblings all are wearing electronic ankle bracelets and cannot leave their house-arrest locations before 7 a.m. and must return by 7 p.m., even while they are prohibited from congregating during Christmastime. But we re still winning here, Briana went on to tell KSDZ host Jim Lambley, while adding that even though a dismissal was hoped-for, rather than a mistrial, the upside is that any further proceedings will provide an opportunity to expose even more evidence that the government has withheld.Lambley replied: The government is just digging a deeper hole for themselves; the government is the false accuser here, that s all there is to it. Mr. Roots, who s cautiously optimistic about the remainder of this case, said that given the mistrial ruling, the few defendants still behind bars have a dramatically improved chance of never going to trial. Cliven won t go home until this case is all the way over, Roots remarked, moved by Cliven s ironclad principles.This article was originally published at The Truth HoundREAD MORE BUNDY RANCH NEWS AT: 21st Century Wire Bundy Ranch FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 21, 2017",0 +Mainstream Media Fake News: 21st Century Wire Debates American β€˜Liberal’ Academic,"This past week saw one of the most colorful debates regarding the CNN and US mainstream media meltdown over the Russia-gate conspiracy.CrossTalk says: Trust in the mainstream media is at an all-time low. But no one should be surprised and the media has itself to blame. This sad state of affairs is a self-inflicted wound and actually a conscious business model. The media no longer has an interest in reporting news media today propagates ideology. Host Peter Lavele is CrossTalking with guests Eric Alterman (Senior Fellow at Center for American Progress), Patrick Henningsen (21st Century Wire), and Lionel (Lionel Media). Watch:. READ MORE CNN FAKE NEWS AT: 21st Century Wire CNN FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV ",US_News,"December 18, 2017",0 +CLOAKED IN CONSPIRACY: Overview of JFK Files Reopens Door to Coup d’état Claims & Cold War Era False Flag Terror,"Shawn Helton 21st Century WireSince late October, an ongoing release of intelligence files related to the assassination of President John F. Kennedy have reignited decades old conspiracy claims. While the material released is reportedly a mix of new and old, some critics have declared that the recently declassified files reveal even more startling evidence regarding the death of 35th president of the United States.Upon reviewing pivotal historical elements linked to the Kennedy assassination, we re told that the vast majority of CIA and FBI records regarding the JFK files have been released, though many are still pending.Despite claims that newly revealed files contain smoking gun evidence in the enigmatic case, the murder of President John F. Kennedy is perhaps an act that will forever be shrouded in conspiracy and mystery as the controversial case is unlikely to bever e officially reopened during our lifetime. CLOAKED IN CONSPIRACY JFK assassination claims have been reignited following the CIA and FBI case record releases. (Photo Illustration 21WIRE s Shawn Helton)NOTE* While the JFK files have been making their way to The National Archives website since late October, some material released contains names of certain individuals that will remain redacted due to apparent concerns over national security.Although the JFK case is one of America s most compelling conspiracies, it s doubtful that there will ever be complete transparency regarding any information concerning a larger premeditated plot. Among the mountain of theories and credible information concerning the 35th president s assassination, is the likely inclusion of red herrings, false leads, misinformation and media tripwire s that will forever float in the ether of conspiracy realms in an effort to misdirect the public.In the early 1950 s, the CIA ran a cloaked wide-scale program called Operation Mockingbird. The controversial program infiltrated the American news media in order to influence the public, while also disseminating propaganda through various front organizations, magazines and cultural groups.At the start of 2017, more than 12 million declassified documents from the CIA were reportedly published online. While the intelligence docu-dump was believed to have shed additional light on covert war programs, psychic research and the Cold War era, it also contained more evidence confirming the symbiotic relationship between the CIA and American media. DARK DAY The JFK motorcade traveling through Dallas on November 22nd, 1963. Later that fateful day, Kennedy was scheduled to give a speech at the Dallas Trade Mart. One month earlier, Kennedy had discussed plans to withdraw troops from Vietnam. (Image Source: businessinsider)Over the course of this article, we ll take a look at one of America s most puzzling crimes, while examining some of the most intriguing aspects related to the recently declassified JFK files Guarding the Hen HouseAlthough the CIA s declassified JFK documents offer a window into a web of clandestine operatives, cloaked mafia figureheads and uncanny politically connections at play throughout the tension inducing Cold War era, one should remain skeptical and cautious, as it s very unlikely that any new release would result in a criminal case against the producers of such a large conspiratorial crime, even if such a plot revealed irrefutable evidence. TRIALS & TRIBULATIONS After Jim Garrison s case against Shaw, the DA was found not guilty on charges of bribery in a separate trial regarding illegal pinball gambling. Garrison represented himself in 3-hour much ballyhooed closing statement and was easily acquitted on all charges. (Image Source: nola)Moreover, while it s tempting to take the claims of the US intelligence apparatus at face value, an astute observer should tread lightly when viewing any new disclosures related to the JFK assassination.In fact, the very institutions releasing these files today, were at the heart of a controversial investigation conducted by New Orleans District Attorney, Jim Garrison, whose CIA related conspiracy claims regarding President Kennedy s assassination led to charges against a well-known New Orleans businessman and former WW2 military intelligence officer named Clay Shaw. After having been decorated with several prestigious military merits without ever having seen fire in the battlefield Shaw quickly rose through the ranks of the military, even joining the counterintelligence squad known as the Special Operations Section.Shaw s military pedigree recalls the prototype for modern Deep State intelligence programs and the formation of the Office of the Coordinator of Information (COI), an intelligence propaganda agency in 1941 that was succeeded by Office of Strategic Services (OSS), a wartime intelligence apparatus created in 1942 which focused on psychological warfare prior to the formation of the CIA. OSS agents also worked closely with British Security Coordination (BSC). Additionally, the notorious right-wing paramilitary group Organisation arm e secr te (OAS) in France from 1954-1962 had close ties with the CIA through various front organizations connected to the agency.Below is passage concerning the formation of the CIA as illuminated by Jay Dyer of Jay s Analysis. Here we see that the inception of the CIA was a direct result of the passing of the National Security Act of 1947, as well as the influence of powerful political US-UK think-tanks coordinating in the background: First, the CIA (preceded by the OSS) was set up as a result of the National Security Act of 1947 [signed] under [Harry S. Truman after the OSS creation by] Franklin D. Roosevelt, springing in part from the Pratt House in New York (future home of the Council on Foreign Relations), itself modelled from the British Secret Intelligence Service. Likewise, the over-arching institutions that control and run the intelligence agencies in the West, like the Council on Foreign Relations, were modelled on the Oxford Round Table Groups and the Royal Institute for International Affairs. Indeed, the Pratt House s British counterpart was the Chatham House. From America to Europe, the spectre of intelligence operations has loomed large throughout much of the last century and in the suspicious death of JFK, this was never more apparent CONSPIRATOR? A brooding Clay Shaw photographed during the JFK assassination trial in 1968. (Image Source: nola)Company Men & SpymastersIn the aftermath of WW2, Shaw was stated to have been officially discharged from military duty. This prompted the published playwright and Chevalier of the Order of the Crown in Belgium (Knight of Malta) to then travel to New Orleans, whereupon he supposedly received support from the entrepreneurial millionaire Theodore Brent, a local businessman known for rail and shipping operations, including the Mississippi Shipping Company, an organization believed to be a CIA intelligence front that allegedly focused on gathering information on Latin America. Incidentally, the former OSS intelligence officer Shaw, held his first post-war position with the Mississippi Shipping Company.In 1943, Brent helped charter the International House with a collection of leaders of commerce, trade and banking insiders. It would become one of two predecessors before the creation of the world s first trade center.In 1947, Shaw became a founder and managing director of International Trade Mart, a New Orleans financial partner housed in a 33-story cross-shaped building that played a large role in international commerce. The Trade Mart as it was called, merged with the International House to form the World Trade Center (see left photo) of New Orleans in 1968. Upon the apparent sponsorship of the trade center, the group sought to expand trade operations in Basel, Switzerland, a project that was backed by a slew of well-connected financiers that brought to fruition the organization known as Permindex. Over the years, many researchers have examined extremely compelling ties between the CIA and Permindex, as one of the holding company s main backers, a lawyer named Lloyd J. Cobb held a Covert Security Clearance issued by the CIA in October of 1953. In addition, Shaw served on the board of directors at Permindex, as Cobb would later become president of Trade Mart in 1962, providing further evidence of the kind of international reach held by the CIA-linked group of partners. Interestingly, one of the Trade Mart s stated goals would not only be to act as a conduit for foreign trade but the organization would also counter communist propaganda. This is something that would later fall in line with other CIA-linked operations over that time period.Temple University professor and well-known JFK researcher Joan Mellen, found a number of other links between the CIA and the International Trade Mart that aroused suspicion. Here s a short passage from her book entitled A Farewell to Justice: Jim Garrison, JFK s Assassination, And the Case That Should Have Changed History: The International Trade Mart was run by CIA operatives, its public relations handled by David G. Baldwin, who would later acknowledge his own CIA connections. Baldwin s successor, Jesse Core, was also with the CIA. It was a matter of saving the Agency shoe leather, Core would say. The Trade Mart donated money to CIA asset Ed Butler s INCA. Every consulate within its bowels was bugged. Furthermore, not only were Trade Mart and Permindex linked to the CIA but (see left photo) they were also suspected of ties to organized crime.In March of 1967, according to the Italian newspaper Paese Sera, Permindex was said to have been CIA front for the purposes of political espionage in Europe, including claims that the company took part in an attempted assassination on the French Prime Minister Charles de Gualle alongside the extremist French group OAS in 1961. There were some 30 attempts on de Gaulle s life in the early 1960 s, which many believe was linked to him granting Algeria independence. In 1966, de Gaulle also bucked the established order by withdrawing France from the NATO Military Command Structure. In 1958, after the inception of Permindex, Shaw, along with Cobb and other banking and trade insiders, including David Rockefeller, created a Permindex subsidiary in Rome known as Centro Mondaiale Commerciale (CMC). Permindex/CMC, were later kicked out of Italy due to implications that the CIA front organizations were involved in the subversion of European governments.After Shaw s arrest, Joan Mellen s husband Ralph Schoenman sent the Paese Sera newspaper articles to Garrison from London. The Italian paper according to Mellen, exposed the CIA s pernicious attempt to influence European electoral politics and thwart the democratic process in more than one country. Adding to that, Mellen explained in her book mentioned above, that the family of former CIA Director of Central Intelligence, Allen Dulles (left photo), had been very interested in Permindex. In 2005, Dr. Daniele Ganser stated that a highly secretive CIA-backed paramilitary army was born out of the head of Allen Dulles in his seminal book, NATO s Secret Armies: Operation Gladio and Terrorism in Western Europe. According Ganser s research, documents revealed that the CIA s covert armies were used to subvert the political interests of various nations through the implementation of a Cold-War era strategy of tension. As the former Swiss Director of the OSS, Dulles, had a tainted past tied to a program which sought to assimilate Nazi scientists into America after WW2 under the code name Operation Paperclip. A decade later in 1953, Dulles as head of the CIA approved $1 million dollars in the lead up to overthrow the democratically elected Prime Minister Mohammad Mosaddegh in what became known as Operation Ajax (aka the TPAJAX project). One year later, in 1954, he was the mastermind of a Guatemalan coup.In the aftermath of the JFK assassination, Dulles would be appointed as one of a seven member panel on the controversial Warren Commission headed by fellow Freemason Chief Justice Earl Warren. Rather intriguingly, David Talbot s book entitled The Devil s Chessboard: Allen Dulles, the CIA, and the Rise of America s Secret Government, recently raised more questions concerning the potential role played by Dulles in the death of Kennedy.During the Dulles era as CIA chief, Shaw s served as an informant in the CIA s Domestic Contacts Service throughout 1948-1956. Given Shaw s extensive military intelligence background, it stands to reason any connection to the CIA would have been extremely significant.Prior to the formation of the top-secret project QKENCHANT in 1952, Shaw was granted a five-agency clearance in 1949. According to FOIA documents obtained by the Mary Ferrell Foundation, Subject [Shaw] was granted a Provisional Security Approval for use under Project QKENCHANT on an unwitting basis on 10 December 1962. The Agency project QKENCHANT was allegedly used to grant security approvals to non-Agency personnel, along with closely tied entities for the purpose of proposing future projects, activities and the formation of new relationships. Interestingly, project QKENCHANT also used the services of another individual swirling in the JFK assassination stratosphere named E. Howard Hunt. Years later, the former CIA operative and White House aide Hunt, would become a well-known name as he was tagged as one of five Watergate burglars that stained the Nixon administration after breaking into the Democratic National Committee headquarters. The list of additional accomplices included three other apparent anti-communist Cuban exiles, along with G. Gordon Liddy, and James McCord who would also be implicated in the White House Plumbers plot.In 2007, although Hunt declined direct participation, he released a 2004 controversial confession that suggested he played a benchwarmer role in the plot to kill Kennedy. While Hunt s apparent allegations caused quite a stir, he fingered several suspected plotters such as the anti-Castro Frank Sturgis and Cuban exile leader of Alpha 66, Antonio Veciana, a man who claims to have inadvertently witnessed a meeting with the CIA and Lee Harvey Oswald before Kennedy s death.In Michael Benson s Who s Who in the JFK Assassination: An A to Z Encyclopedia, according to Garrison, CMC represented the paramilitary right in Europe, along with the Italian fascists, American CIA and other interests. Here s a compelling passage from Benson s book that links CMC, Permindex, the CIA and organized crime: According to evidence in the WC [Warren Commission] hearings, Permindex was suspected of funding political assassinations and laundering money for organized crime. Shaw was also on the board of directors for Permindex s sister corporation, Centro Mondaiale Commerciale CMC.Benson s book also cites other well researched claims regarding CMC and the apparent money laundering of their liquid assets. According to a 1958 State Department document, the CMC, the World Trade Center of Rome, was indeed modeled after the CIA-created Trade Mart in New Orleans.More recently, important groundbreaking documents associated with the construct of CMC were unearthed in 2016 by the Italian journalist Michele Metta.According to well-known researcher and writer Jim Marrs a tangled web of intelligence operations linked to Permindex and CMC were further described in his book entitled Cross Fire: The Plot That Killed Kennedy. Below is a revealing passage from the seminal JFK researcher: The Trade Mart was connected with the Centro Mondaiale Commerciale CMC through yet another shadowy firm named Permindex (Permanent Industrial Expositions), also in the business of international expositions. Continuing, Cross Fire exposed other suspicious intelligence links: The Italian media reported that [Ferenc] Nagy was president of Permindex and the board chairman and major stockholder was Major Louis Mortimer Bloomfield a powerful Montreal lawyer who represented the Bronfmans, a Canadian family made wealthy by the liquor industry, as well as serving US intelligence services. Reportedly Bloomfield established Permindex in 1958 as part of the creation of worldwide trade centers connected with CMC. As reported in investigative work by David Goldman and Jeffery Steinberg in 1981, Bloomfield was stated to have been recruited to be part of the British Special Operations Executive (SOE) in 1938. later the Montreal lawyer obtained an official rank in the US Army, OSS intelligence and the FBI s counterespionage Division Five unit as confirmed by Marrs. Additionally, Bloomfield held close ties with Master Mason FBI Director J. Edgar Hoover and Tibor Rosenbaum, a head of finance for Israeli intelligence.Further conspiratorial claims would be levied on Rosenbaum s Geneva-based Banque de Credit International (BCI), a Mossad-linked bank that allegedly laundered Permindex money to finance assassination attempts on de Gaulle. BCI was also the predecessor to the scandal plagued Bank of Credit and Commerce International (BCCI) that was later found to be peddling in terror funding, arms deals and prostitution. BCCI would later be implicated in the US Senate Foreign Relations Committee report called The BCCI Affair. In 1974, Rosenbaum himself was said to have owed BCI some $60 million after his business associate Baron Edmond de Rothschild of the Israel Corporation, discovered an apparent an open and shut case of unauthorized conversion of company funds, that were transferred to the insolvent Inter Credit Trust of Vaduz instead of BCI. COVERT OPERATOR? Lee Harvey Oswald seen handing out Fair Play for Cuba leaflets outside the International Trade Mart in New Orleans in August of 1963. (Image Source: neworleanspast)The Dallas Plot & The Cuban ProjectIn March of 1967, Garrison, the ex-FBI agent turned DA, indicted Shaw on conspiracy charges related to the assassination of President Kennedy. It would take 22 months before the court proceedings would begin in a trial which lasted 34 days. Aspects of the Shaw trial became popularized following Oliver Stone s much debated and controversial thriller entitled JFK (1991).At the start of the trial in 1969, Garrison s opening statement contended that Shaw, a man believed to have used the alias known as Clay Bertrand (also Clem) within the New Orleans socialite scene and gay underground, was also a well-connected former military intelligence officer with no formal background in trade that allegedly participated in a plot to kill the 35th president of the United States. Garrison would further assert that Shaw met with a former US Marine Lee Harvey Oswald and an airline pilot for Eastern Airlines, David Ferrie on several occasions over the summer of 1963, eventually culminated in a meeting at Ferrie s New Orleans apartment where Garrison s star-witness a 25-year-old insurance salesman for Equitable Life Assurance Society named Perry Raymond Russo, apparently overheard the men discussing critical details regarding a JFK assassination plot in September of 1963.Below is screen shot depicting a portion of a NY Times article discussing Russo s testimony of the JFK plot Russo s account of what happened was a major part of the trial and has been one of the most controversial aspects of Garrison s case against Shaw ever since. Over the years, researchers and mainstream critics have debated the credibility of Russo after receiving hypnosis prior to his testimony.JFK case critics believe that due to the combination of the credibility of witnesses called into question, the possibility of planted witnesses and the untimely deaths of some 18 material witnesses, including the controversial death of Ferrie, who was not able to be deposed, Shaw was acquitted in 54 minutes in the only JFK assassination case to make it to trial.A documentary entitled The JFK Assassination; The Jim Garrison Tapes discusses many of the controversial elements of the Shaw trial and its aftermath Interestingly, the demanding trial would include some surprising moments based on witness testimony, as well as the shocking Abraham Zapruder footage which was viewed publicly for the first time before the jury. Moreover, it would later be revealed that the apparent dressmaker Zapruder, had his own links to a CIA front organization as he was stated to have been a member of the Dallas Council on World Affairs. Another fellow member of the council orbiting around the JFK plot, was petroleum engineer George Serguis de Mohrenschildt. Mohrenschildt s ties didn t end there, as he apparently worked out of a CIA-trust building and had befriended Oswald in the summer of 1962. It would later be revealed that Mohrenschildt exchanged letters with Texas oilman and Vice President Lyndon Baines Johnson (LBJ) some seven months before the JFK assassination and that he knew George Bush Sr since 1942. Surely, these high level links to CIA and top-ranking officials tracing back to Oswald were not just a coincidence. The whole episode appears to have been echoed two decades later, as a Bush/Hinckley family nexus was exposed following an attempt to assassinate the 40th President of the United States, Ronald Reagan.While many mainstream accounts support a Fidel Castro theory in the death of Kennedy due to the apparent assassination attempts on his life, its important to note the massive CIA influence in Cuba. According to Cuban-born American historian and writer Servando Gonzalez, Castro himself had ties to the Council on Foreign Relations and was really a form of controlled opposition. Furthermore, when concerning a larger conspiracy revolving around Cuba, one should consider the political backdrop on one hand there was the possibly designed to fail CIA-backed Bay of Pigs invasion which set the stage for Operation Mongoose, a clandestine program overseen by the CIA, the US State Department (DOS) and the Department of Defense (DoD). Mongoose made use of the anti-Castro Oswald-CIA-mafia-linked Ferrie, along with Cuban exiles in order to sabotage the Castro regime. Additionally, waiting in the wings was the top-secret proposal called Operation Northwoods, a particularly subversive false flag program that included plots of hijacked planes, the bombing of a US ship, a virulent communist Cuban terror campaign in US cities and manufacturing the real or simulated deaths of Cuban refugees.In April of 1961, US planning for the Cuban Project aka Operation Mongoose began and was to stated to have been led by Air Force General Edward Lansdale, Attorney General Robert F. Kennedy and others. The all-encompassing covert war program (seen in part in the image below) would be set in motion to subvert the Cuban regime by October 1962. Underneath the network of Operation Mongoose, there were 33 proposed plans (including Operation Northwoods) designed specifically to be used as a pretext to invade Cuba.The Northwoods false flag operation drafted by the Joint Chiefs of Staff and signed off on by Chairman Lyman Lemnitzer was ultimately rejected by Kennedy. However, the declassified files related to the operation are still shocking 55 years later, as the program considered creating funerals for mock victims, for one of the various plots, as well as produce casualty lists in US newspapers, in order to cause a helpful wave of indignation, as another plot would reveal where Soviet bloc incendiaries could be found, after a night of cane-burning in Cuba.This was all said to be happening as President Kennedy was stated to have quietly been working to negotiate through back channels with Castro. October of 1962 ushered in the Cuban Missile Crisis a tense escalation during the Cold War that culminated in Soviet nuclear missiles being placed in Cuba to prevent an invasion. During this time, all Mongoose related operations were halted, as US intelligence apparently failed to warn the Kennedy administration of the Soviet military aid.One could contend that the entirety of Mongoose PSYOP used to cast blame on Cuba was a precursor for future nation building projects that have also unfairly manipulated the public in the wake of alleged mass trauma. PATSY? Many researchers believe that the alleged lone gunman in the JFK assassination was an intelligence linked operative who used the alias, Alek Hidell. (Image Source: pinterest)Covert Operators, the Mafia & NATO s False FlagsAs the identity of Oswald has been shrouded in mystery and manipulation, one is reminded of his Fair Play for Cuba Committee housed at 544 Camp Street in the very same building of Guy Banister, ex-FBI agent turned private investigator, whose office was at 531 Lafayette Street, just around the corner from Oswald s office in the now demolished Newman building. Incidentally, Banister was stated to have been linked to the FBI s Hoover, while maintaining a front investigative firm that included the CIA operative Ferrie, who reportedly had very close ties to one of the country s most powerful mafia bosses, Carlos Marcello of New Orleans. According to a Washington Post article from 1979, the House Select Committee on Assassinations believed that Banister s private detective agency was a cover for his role as go-between for the CIA and the Cuban exiles involved in anti-Castro operations. Additionally, Banister and Ferrie were reportedly engaged in a gun-running operation for Cuban commandos, as the building became headquarters for anti-Castro groups. A decade after the assassination and Shaw trial, CIA operative William Gaudet claimed to have seen Banister with Oswald in a garage near the Camp Street offices. Banister was also found to have ties to the extremist French group OAS.Interestingly, both Oswald and Ferrie operated offices out of the 544 Camp Street address. This meant that the apparently pro-Castro Oswald group operated directly next to Ferrie s anti-Castro activities. The absurdity of this revelation is still as potent today as it was in the late 1960 s. Furthermore, the Post article mentioned above, explained that Banister s Camp Street office was surrounded by Cuban-exile organizations, including at one point the Cuban Revolutionary Council, a CIA front group set up by, among others, Antonio de Varona, the Cuban exile leader. Rather intriguingly, the Warren Commission would conclude that no one could connect Oswald to 544 Camp Street. This would directly contradict the FBI s own pre-assassination file which had already conclusively linked Oswald to the well-known Camp Street address.Even though allegedly avowed Marxist Oswald operated the pro-Castro Fair Play for Cuba Committee, the group was later suspected to be an intelligence cover designed to further the pursuits of the anti-Castro movement. This something which fell in line with the rabidly anti-Communist, CIA-linked Ferrie, a person with a sordid past and lengthy history of sexual abuse from his time in priesthood as well as aeronautics.It was later publicly acknowledged that Ferrie first met Oswald while instructing a small squadron at Moisant Airport from June to September 1955. This contradicted Ferrie, who denied knowing Oswald after the Kennedy assassination. The 15-year-old Oswald joined Ferrie s squadron on July 27, 1955. COLLABORATORS? The Lee Harvey Oswald and David Ferrie seen together with a flight squad at Moisant Airport. (Image source: meandlee)NATO s paramilitary-style stay-behind-armies are stated to have been comprised the CIA-linked Operation GLADIO. The origins of GLADIO have been well documented and the secretive counterintelligence operation has been linked to a wave of right-wing false flag terror attacks across Europe throughout the 1950 s into the 1980 s. The anti-communist organizational designs were directly connected to that of the CIA and MI6 in particular, with the US and British special forces reportedly facilitating the training.QUESTION: Did Permindex/CMC, along with NATO intelligence, also play a part in facilitating the efforts of Operation GLADIO?When you consider the time frame of Stay Behind operations already in existence since 1952, it seems likely that the CIA would make use of its various front organizations to supply the means to produce such covert operations. This is further bolstered by the fact that in 1956, the same year Permindex became operational in Switzerland, Prime Minister of Hungary Ferenc Nagy, who is documented to have been a CIA asset, had gone to Germany and Switzerland on the heels of the apparently CIA influenced Hungarian Revolution. It s worth noting that Nagy was also said to have served on the board of directors at Permindex.According to noted writer and researcher Dr. Paul Craig Roberts, a former Assistant Secretary of the Treasury for Economic Policy under Ronald Reagan s administration, JFK was unaware of the CIA-NATO terror related activities of Operation GLADIO. Here s a passage from that report by Roberts below: President John F. Kennedy had experienced in the Joint Chiefs of Staff under Chairman Lyman Lemnitzer a high level of insubordination. Lemnitzer showed in White House meetings contempt for the president. When Lemnitzer brought Kennedy the Northwoods Project to shoot down American citizens in the streets of America and to blow American airliners out of the sky in order to place the blame on Castro so that the US could invade and achieve regime change, a popular term of the George W. Bush regime, in Cuba, President Kennedy removed Lemnitzer as chairman and sent him to Europe as head of NATO.Kennedy did not know about Operation Gladio, an assassination program in Europe run by NATO and the CIA. Communists were blamed for Operation Gladio s bombings of civilians in train stations in order to erode communist political influence, especially in Italy. Thus, Kennedy s way of getting rid of Lemnitzer put Lemnitzer in charge of this program and gave Lemnitzer a way to get rid of John Kennedy. The article also provides a plausible explanation for the assassination of JFK s brother Robert after he won the Democratic party primary in California in June of 1968. It appears according to Roberts, that RFK might have known about the assassins interwoven into the fabric of the intelligence-crime syndicate shaped and organized by military-linked men, those in high level security operations and those connected to the mafia that played a role in JFK s death. Roberts suggests that RFK was seeking higher office to potentially hold those involved accountable for their crimes against America and his brother, the 35th president of the United States.From this, we can view global operations like GLADIO in addition to the post-9/11 War On Terror security surge as a form of power politics used to aggressively influence the foreign policy of other nations through the use of covert militarization.Lets take a look at some of the records related to the latest CIA and FBI releases in 2017 worth examining in one of the most notorious crimes of the 20th century Below is a screen capture of one CIA document that discussed a dinner sponsored by Oren Fenton Potito, an individual listed as a President of the Eastern Synod of Christian Identity and an organizer of the National States Rights Party (NSRP), who also happened to be a member of the Klu Klux Klan (KKK). In the now declassified document, Potito acknowledged an association between Lee Harvey Oswald and a man identified as Ruby, formally Rubenstein, otherwise known Jack Ruby. Interestingly, both Oswald and Ruby had ties to the Marcello crime family.Another revelation in the memo below added to already existing expert testimony concerning the probability of multiple shooters on November 22nd, 1963 It s worth noting that both NSRP and the KKK were both heavily infiltrated by the FBI s COINTELPRO program, a counter-intelligence program that was specifically designed to influence, disrupt, coerce and discredit political factions from the inside out. The secretive FBI program infiltrated both left and right-wing political groups across America from 1956-1971. Moreover, the controversial program influenced, radicalized and neutralized political dissidents through the use of divisive tactics such as Bad-Jacketing, a technique which manufactured false evidence, fear and rumors regarding various activists. Since NSRP and the KKK were FBI infiltrated groups, it is much more likely that anyone associated with Potito would have already been well-known to authorities.In essence, the document pictured above provides more evidence that Oswald was in reality a known wolf one who is still without a clear motive in the crime of which he was accused.In October of 2017, another controversial nugget in the JFK files was a memo written by FBI Director Hoover after Oswald was shot by Ruby. The memo revealed that the head of FBI was concerned that the bureau needed to convince the public that Oswald acted alone in the Kennedy assassination. A portion of Hoover s memo read The thing I am concerned about, and so is Mr. Katzenbach, is having something issued so we can convince the public that Oswald is the real assassin. Other intriguing aspects included in the recent releases concerned the informant status of Dallas police officer J.D Tippit and his alleged involvement in the Kennedy assassination as a trigger man. According to the official narrative Tippit was shot by Oswald 45 minutes after Kennedy s homicide, but the newly circulated memo states that Tippit met with Oswald and Ruby at a nightclub a week prior to the shooting.An additional memo released suggested that the UK s Cambridge News received a warning call 25 minutes prior to JFK s death. This information was written in a memo by then FBI Deputy Director James Angleton to Hoover. However, since this story was made public in late October, Cambridge News has denied that the tip-off ever occurred. Other JFK file details suggest a US plan to create a false flag scenario using Soviet planes to carry out attacks.In Summary There s been a host of characters and Deep State actors that have an uncanny connection surrounding a swirling conspiracy in JFK s death and this article covers only a fraction of the overwhelming intelligence backdrop associated with the case, not to mention the highly suspicious forensic elements involved in the shooting itself. While varying theories in the JFK murder plot have implicated everyone from the CIA to the Defense Intelligence Agency (DIA), to lurking spymasters, crime bosses and oil barons to pro-Castro Cubans, to Cuban exiles and trade executives one thing is clear, due to its own compromising alliances, elements within the US government deliberately stonewalled convincing and credible information prudent to the American people regarding the now mythic case.Moreover, the symbolic nature of JFK s violent end, along with the establishment s masking of Oswald s intelligence links to high-ranking officials and other syndicate members perpetually forces the American to people to relive the ritualistic trauma of that dark November day on a time loop without any true resolution.The further one digs into America s seedy underworld of organized crime, intelligence operations, unlikely coincidences and covert relationships concerning the mysterious plot to kill Kennedy, a highly intricate web of activity emerges that points to a compelling case beyond almost any other modern-day conspiracy.*** 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesREAD MORE JFK NEWS AT: 21st Century Wire JFK FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"December 14, 2017",0 +COLLUSION FUSION: DOJ Official’s CIA Wife Was Hired to β€˜Research’ Trump,"21st Century Wire says More evidence of collusion has surfaced this week just not the kind mainstream media has been incessantly reporting for months.Zero Hedge is reporting that Glenn Simpson, co-founder of Fusion GPS, admitted in a court filing this week that his firm paid Nellie Ohr, wife of U.S. Department of Justice official Bruce Ohr, to help dig up dirt in 2016 on then presidential candidate Donald Trump.Mr. Ohr was demoted from his senior post at the DOJ as associate deputy attorney general after it was revealed he met with Simpson and Christopher Steele, a retired British intelligence officer who assembled the now infamous Trump-Russia dodgy dossier. Read more at Zero Hedge, including details about the DNC s law firm Perkins Coie READ MORE RUSSIAGATE NEWS AT: 21st Century Wire RussiaGate FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"December 14, 2017",0 +Mueller Team Uniform? β€˜Democratic Donkey Jerseys’ and β€˜I’m With Hillary T-Shirts’ says Congressman,"Deputy Attorney General Rod Rosenstein appeared before the U.S. House of Representatives Judiciary Committee on Wednesday, amid new questions about Anti-Trump text messages sent by FBI employees assigned to special counsel Robert Mueller s Russia investigation. Rosenstein testified that Mueller is running his office appropriately and without bias.In a colorful exchange between Congressman Steve Chabot (R-OH) and Rosenstein, Chabot asked the Deputy AG: How with a straight face, can you say that this group of Democrat partisans are unbiased, and will give President Trump a fair shake? After a brief stammer, Rosenstein replied that political affiliation and the issue of bias are different things, and that we should trust the experience Mueller and the Justice Department have in managing investigation teams, adding: We recognize that we have employees with political opinions, and it s our responsibility to make sure those opinions do not influence their actions. To which Chabot argued how can anyone possibly reach that conclusion: I was at first encouraged. It seemed like a serious matter and deserved a serious investigation. And I assumed, as many of us did, that Mr. Mueller would pull together an unbiased team. But, rather than wearing stripes as umpires and referees might wear, I would submit that the Mueller team overwhelmingly, uh, oughta be attired with Democratic donkeys on their jerseys or I m with Hillary t-shirts, certainly not with Let s Make America Great Again and I think that s a shame. Because I think the American people deserve a lot better than the very biased team they re getting under Robert Mueller. And I think it s really sad. Things get awkwardly amusing at the 50 minute mark WATCH: READ MORE RUSSIAGATE NEWS AT: 21st Century Wire RussiaGate FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"December 13, 2017",0 +Palestinian Protesters Attack US Embassy in Lebanon,"The US Embassy in Lebanon went on lock-down today after demonstrators gathered outside on Sunday morning, as Pro-Palestinian protesters showed their outrage over U.S. President Donald Trump s provocative decision to recognize illegally occupied Jerusalem as the Zionist entity s capital city. Evetns turned violent after protesters hurled projectiles at police, and also set fires to makeshift barricades erected on the street in front of the US Embassy secure compound, located north of Beirut, Lebanon.Protesters also reportedly burned US, Israeli flags and an effigy of US President Donald Trump.Later, angry protestors manged to pull down a portion of the front metal gates to the US Embassy.Lebanese security forces deployed tear gas and water cannons to try and repel angry mobs.Reuters reports: Late on Saturday Arab foreign ministers meeting in Cairo urged the United States to abandon its decision and said the move would spur violence throughout the region.Israel says that all of Jerusalem is its capital. Palestinians want East Jerusalem as the capital of a future independent state.Most countries consider East Jerusalem, which Israel annexed after capturing it in a 1967 war, to be occupied territory and say the status of the city should be left to be decided at future Israeli-Palestinian talks.The government of Lebanon, which hosts about 450,000 Palestinian refugees, has condemned Trump s decision. Lebanese President Michel Aoun last week called the move a threat to regional stability.The powerful Iran-backed Lebanese Shi ite group Hezbollah on Thursday said it backed calls for a new Palestinian uprising against Israel in response to the U.S. decision.Hezbollah leader Sayyed Hassan Nasrallah also called for a protest against the decision in the Hezbollah-controlled southern suburbs of Beirut on Monday. STAY TUNED FOR UPDATESREAD MORE PALESTINE NEWS AT: 21st Century Wire Palestine FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"December 10, 2017",1 +"Charlie Manson, Serial Killers, LSD, Hippie Culture, Cults and Bitcoin Explosion – Boiler Room EP #138","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Andy Nowicki of the Nameless Podcast, and Randy J (ACR & 21WIRE contributor) and the rest of the boiler gang for the hundred and thirty eighth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is having a barstool discussion about Charlie Manson, serial killers, LSD, Hippie culture, Cults, Dave McGowan and the Bitcoin value skyrocketing at the end of 2017.Direct Download Episode #138 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"December 8, 2017",0 +"Trump Team Didn’t Just Collude with Israel, Kushner was Acting as Foreign Agent for Tel Aviv","Patrick Henningsen 21st Century WireMuch was made this week in the US media about Michael Flynn s recent guilty plea to making false statements to the FBI, as part of Special Counsel Robert Mueller s never-ending Russia probe. Beyond the political window dressing however, there s a much bigger and more profound story lingering in the background. Although court documents show Flynn has admitted to giving false statements in reference to his reaching out to Russia s ambassador to the US, Sergey Kislyak the mere act of initiating contact with any foreign official is neither illegal nor is it a violation of ethics. Putting the current Red Scare aside, this would normally be viewed as standard statecraft for members of any incoming US administration. Even if Flynn had promised the Russian Ambassador, as claimed this week by Resistance leader Rep. Elijah E. Cummings of Maryland, that a Trump government would rip-up sanctions, such a promise by Flynn would not be unlawful. Anyone can make a promise, we should point out here that neither Flynn, nor Donald Trump would be in any position to make good on such a promise without the blessing of the US Congress and Senate. Just look at what happened when Trump took office. Were any sanctions lifted?That said, after 18 months of fabricating fake news about Russian hacking, Russian meddling and Russian collusion, it s not surprising that the New York Times would get the Flynn story wrong too, and on an even bigger scale than many of their past made-up stories about Trump scandals. Here we have yet another hand-wringing Resistance writer, Harry Litman, claiming that Flynn s testimony will go down in history next to Watergate and Iran-Contra: The repercussions of the plea will be months in the making, but it s not an exaggeration to say that the events to which Mr. Flynn has agreed to testify will take their place in the history books alongside the Watergate and Iran-contra scandals. He might be right, if only the media coverage and the federal hearing would focus on the correct country with whom the Trump team was colluding, which unfortunately was not Russia. Funny how partisan writer Litman did not even mention the word Israel once in his report. Perhaps this is why certain persons in Washington like Adam Schiff, Chuck Schumer, John McCain and others, along with their corrupt media counterparts like CNN, the Washington Post and the New York Times have been incessantly pushing their fictional Russia did it narrative for the last 18 months because Russiagate serves as a convenient overlay for Israelgate.Mehdi Hassan from The Intercept writes: Why aren t more members of Congress or the media discussing the Trump transition team s pretty brazen collusion with Israeli Prime Minister Benjamin Netanyahu to undermine both U.S. government policy and international law? Shouldn t that be treated as a major scandal? Thanks to Mueller s ongoing investigation, we now know that prior to President Donald Trump s inauguration, members of his inner circle went to bat on behalf of Israel, and specifically on behalf of illegal Israeli settlements in the occupied Palestinian territories, behind the scenes and in opposition to official U.S. foreign policy. That s the kind of collusion with a foreign state that has gotten a lot of attention with respect to the Kremlin but colluding with Israel seems to be of far less interest, strangely. Yes, you heard that right. This was at minimum collusion with Israel. But it goes much deeper than that. If this story is accurate, and we have every reason to believe it is (especially by the large silence in the American media, usually a positive indication of media avoidance), this would indicate that the then President-elect s close advisor and son-in-law, Jared Kushner, was clearly acting as a foreign agent on behalf of the state of Israel. The fact the US media are not taking this story more seriously should serve as a reminder as to how much power the Israeli Lobby wields in the US, not just over politicians, but over mainstream media as well. Granted, this is a very serious charge which comes with some serious consequences if Kushner would ever be indicted, but the facts clearly demonstrate beyond any reasonable doubt, that then President-elect s son-in-law was using his proximity to the incoming Commander and Chief to execute a series of highly sensitive foreign policy maneuvers at the request of a foreign country.The history of Israeli spying and outright meddling in US affairs is no secret to anyone willing to research it (unofficially a forbidden topic in US mainstream media), but this latest episode with Trump and Kushner is even more disturbing considering this week s controversial East Jerusalem announcement (21WIRE warned about an East Jerusalem provocation 12 months ago).Beyond this, many will argue that the radical fundamentalist Zionist agenda which Kushner is aggressively pursuing on behalf of Tel Aviv is not in the interest of the wider Middle East, nor is it good for America s European partners, and may even contribute to a further destablization of the region as evidenced by recent violence which has erupted following Trump s provocative move. The result is not necessarily in America s interests, even if it is certainly in Israel s interests.Author Mehdi Hassan continues:Here s what we learned last week when Mueller s team unveiled its plea deal with Trump s former national security adviser, retired Gen. Michael Flynn. In December 2016, the United Nations Security Council was debating a draft resolution that condemned Israeli settlement expansion in the occupied territories as a flagrant violation under international law that was dangerously imperiling the viability of an independent Palestinian state.The Obama administration had made it clear that the U.S. was planning to abstain on the resolution, while noting that the settlements have no legal validity and observing how the settlement problem has gotten so much worse that it is now putting at risk the two-state solution. (Rhetorically, at least, U.S. opposition to Israeli settlements has been a long-standing and bipartisan position for decades: Ronald Reagan called for a real settlement freeze in 1982 while George H.W. Bush tried to curb Israeli settlement-building plans by briefly cutting off U.S. loan guarantees to the Jewish state in 1991.)Everyone expected that the upcoming UN vote on illegal Israeli settlements was going to be a divisive issue, but with only weeks before Trump s fast approaching inauguration, Israel had its trojan horse in position. Hassan goes on to explain Tel Aviv s covert mechanism for manipulating the UN vote: On or about December 22, 2016, a very senior member of the Presidential Transition Team directed Flynn to contact officials from foreign governments, including Russia, to learn where each government stood on the resolution and to influence those governments to delay the vote or defeat the resolution, reads the statement of offense against Flynn, who pleaded guilty to lying to the FBI about his conversations with the Russian ambassador to the U.S. On or about December 22, 2016, Flynn contacted the Russian Ambassador about the pending vote. Flynn informed the Russian Ambassador about the incoming administration s opposition to the resolution, and requested that Russia vote against or delay the resolution. BFFs: Donald Trump talks to his chief foreign policy advisor, Israeli president Benjamin Netanyahu.So who was this very senior member of Trump s team who sought to execute orders from the office of Israeli President Benjamin Netanyahu? Hassan explains:Who was the very senior member of the transition team who directed Flynn to do all this? Multiple news outlets have confirmed that it was Jared Kushner, Trump s son-in-law and main point man on the Middle East peace process. Jared called Flynn and told him you need to get on the phone to every member of the Security Council and tell them to delay the vote, a Trump transition official revealed to BuzzFeed News on Friday, adding that Kushner told Flynn this was a top priority for the president. According to BuzzFeed: After hanging up, Flynn told the entire room [at the Trump transition team HQ] that they d have to start pushing to lobby against the U.N. vote, saying the president wants this done ASAP. Flynn s guilty plea, BuzzFeed continued, revealed for the first time how Trump transition officials solicited Russia s help to head off the UN vote and undermine the Obama administration s policy on Middle East peace before ever setting foot in the White House. Even during the height of the Neocon era, with multiple Israeli loyalists in the cabinet (including some dual passport holders) shaping White House Middle East policy ultimately into a ditch with Iraq, the level of manipulation wasn t this overt. Trump s decision to reverse successive US administrations new policy on East Jerusalem is inconceivable, if not for some other x-factor which the PNAC-dominated George W. Bush could not even manage.The facts of the case against Kushner have not been contested, and in fact Kushner has even been gloating out on the speaking circuit, with his doting wife Ivanka proudly advertizing her husband s accomplishment on behalf Israel.My husband, Jared Kushner, had a great conversation on the Middle East with Haim Saban today at the Saban Forum. #Saban17https://t.co/BUbGfd1YNr Ivanka Trump (@IvankaTrump) December 4, 2017 None of this has been contested. In fact, on Sunday, Kushner made a rare public appearance at the Saban Forum in Washington, D.C., to discuss the Trump administration s plans for the Middle East and was welcomed by the forum s sponsor, the Israeli-American billionaire Haim Saban, who said he personally wanted to thank Kushner for taking steps to try and get the United Nations Security Council to not go along with what ended up being an abstention by the U.S. Kushner s response? The first son-in-law smiled, nodded, and mouthed thank you to Saban.Meanwhile, the Israelis have been pretty forthcoming about their own role in all of this, too. On Monday, Ron Dermer, Israel s ambassador to the U.S. and a close friend and ally of Netanyahu, told Politico s Susan Glasser that, in December 2016, obviously we reached out to [the Trump transition team] in the hope that they would help us, and we were hopeful that they would speak to other governments in order to prevent this vote from happening. Got that? The Trump transition team in the form of key Trump advisers Kushner and Flynn reached out to the Russian government in order to undermine the U.S. government because the Israeli government asked them to. According to these reports, Kushner was using his position in the transition team to act on Israel s behalf outside of any governmental framework of accountability. If Flynn inadvertently found himself in a Russian trap, it was because Israel and its in-house operative demanded it.If Flynn is guilty of anything, it would be going along with Kushner s Israel First scheme ahead of the United Nations vote. What is odd though, is why the entire US mainstream media is not interested in this part of the story. Even the Never Trump Resistance seem to be afraid of taking this narrative on. I guess even the Resistance has its limits. Rather than go for a case where the evidence is sitting right there on a silver salver, instead they will go for the Russian conspiracy theory. Alas, old habits die hard.SEE ALSO: The Genealogy of Trump s U-Turn on PalestineThis series of events is all the more pertinent when considering this week s announcement by President Trump that the US is to recognize Jerusalem as the capital of Israel, and will be moving its embassy from Tel Aviv to East Jerusalem. Many are already calling this the kiss of death to the Israel-Palestine peace process. In a predictable succession of events, the Jerusalem provocation was a fait accompli after Trump had announced in October that the US would be withdrawing from support for UNESCO, the UN body which is meant to help maintain the neutrality of Jerusalem as an internationally protected area. The Trump administration justified its resignation from the key UN agency on the grounds that it is biased against Israel. But the neutrality of Jerusalem is an essential policy for maintaining peace in a less than ideal situation with Palestine still under a brutal military occupation by an illegitimate and illegal (by international law and successive UN Resolutions) Israeli jackboot.In addition to all this, this past summer the United States announced the establishment of a permanent military installation inside of Israel. What s scary is how many people do not know this has happened.So Trump s minence grise, the wunderkind, who some people have called the President In-Law, is really Israel s man inside the White House.Landed on his feet: President In-law Jared Kushner.So what exactly are Jared Kushner s credentials in international relations and diplomacy that he has been charged with negotiating Middle East affairs for the United States of America? Without sounding too cruel here, it s difficult to find anything to say in his defense. In the end, his only visible qualification is that he s married to the President s daughter, and that s he s a good friend of Netanyahu. That s really it.Credit where credit s due though. Aside from marrying into the dynasty, Kushner is also the former owner of a mediocre website, The New York Observer, and has also managed to parlay his family status to help finance a number of high-profile New York City property deals with foreign buyers (no doubt with the help of his father-in-law).Isn t that what Kushner is doing right now using his inherited clout to help close friend Benjamin Netanyahu broker property deals (highly illegal by international law) in the Middle East, only this time with his Uncle Sam acting as the guarantor? It certainly looks that way. The question is, will anyone in the US do anything about it?When this latest episode of hubris by the White House and Israel eventually unravels, the public and the media might then turn on Kushner and Trump, but by then the damage will have already been done.Meanwhile, men like Jake Tapper and Wolf Blitzer will still be chasing those illusive Russian hackers clear into the 2020 election cycle, which is probably a stupid move for the Resistance, but if the last 18 months have taught us anything it s that there isn t much clear thinking going on in that corner of the galaxy.Until then, Netanyahu can feel safe in the knowledge that Israel, not Washington, is currently in control of US foreign policy.One final note to the brave Never-Trump Resistance: if a foreign state actor is blackmailing this President or the White House, it s probably not Russia.*** Author Patrick Henningsen is an American writer and global affairs analyst and founder of independent news and analysis site 21st Century Wire, and is host of the SUNDAY WIRE weekly radio show broadcast globally over the Alternate Current Radio Network (ACR). He has written for a number of international publications and has done extensive on-the-ground reporting of the conflict Syria, Iraq and the Middle East.READ MORE ISRAEL NEWS AT: 21st Century Wire Israel FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"December 7, 2017",1 +CIA’s Pompeo: β€˜Assange Shouldn’t Be Confident of Protecting WikiLeaks Sources’,"CIA appointed head Mike Pompeo is now ready to disregard basic press freedoms enshrined in the US Constitution.As the press speculate this week over the imminent exit of Mike Pompeo from Langley to Foggy Bottom, Donald Trump s outgoing CIA head appears to be determined to do as much damage as possible to the US Constitution.This latest reckless power-grab by the CIA is not just about getting Wikileaks this is about requiring all media outlets to divulge their sources in the interests of national security. DCIA Pompeo: WikiLeaks may think they are protecting those who provide them with classified information & other secrets, but they should not be certain of that.#RNDF CIA (@CIA) December 3, 2017RT International reports CIA Director Mike Pompeo said he won t tolerate secrets purloined by the CIA being stolen from the agency, and warned WikiLeaks to be more careful about protecting its sources.The CIA s official Twitter account tweeted Pompeo s comments about the whistleblowing site from an interview he gave at the Reagan National Defense Forum Saturday.Stealing Secrets I never miss an opportunity when I m with my officers to tell them the last thing we can tolerate is to have a secret that we ve stole re-stolen, Pompeo told moderator Brett Baier at the Los Angeles event.READ MORE: WikiLeaks publishes #Vault7: Entire hacking capacity of the CIA It is simply unacceptable. It is our duty to protect them, he added. It is our duty to go after those who stole them, and to prosecute them within the bounds of the law in every way that we can. Mike Pompeo leads the Deep State crusade to destroy Assange and Wikileaks.Pompeo s comments come nine months after WikiLeaks began releasing Vault7, a massive trove of classified CIA documents purportedly detailing the agency s hacking capabilities. The documents include reports of the agency s arsenal of malware and tech exploits, as well as its methods of infiltrating smartphones, TVs and laptops.The CIA is believed to have lost control of this arsenal before WikiLeaks obtained it. The hacking capabilities were doing the rounds among government hackers, one of whom provided WikiLeaks with the collection, the whistleblowing site explained. According to WikiLeaks, the Vault7 source wanted to initiate a public debate about the security, creation, use, proliferation and democratic control of cyberweapons. Some of the biggest revelations in Vault7 were the CIA s ability to mask its hacking exploits to make them appear to be the work of other countries, namely Russia, China and Iran. It has raised questions about security firm Crowdstrike linking the Democratic National Committee email hack to Russian hackers.READ MORE: #Vault7: WikiLeaks reveals Marble tool could mask CIA hacks with Russian, Chinese, ArabicWikileaks Sources I sometimes hear comments from WikiLeaks and Mr Assange thinking that those who have provided him classified information are safe and secure, Pompeo said. He ought to be a bit less confident about that, because we re going to go figure out how to protect this information. We owe it to the American people and our officers who dedicated to it. Just to be clear, WikiLeaks is a national security threat in your eyes? Baier asked Pompeo. Yes. You can go no further than the release of documents by [Chelsea] Manning to see the risk that it presents to the United States of America, the CIA chief responded.Pompeo was referring to US Army whistleblower Chelsea Manning, who released hundreds of thousands of documents from the military along with diplomatic cables to WikiLeaks in 2010.While the release revealed the extent of civilian casualties in the wars in Afghanistan and Iraq, and included reports from Guantanamo Bay and the infamous Collateral Murder video depicting a US helicopter attack killing two Reuters employees and injuring two children, a 2011 Department of Defense report published in June found the disclosure had no significant effect on US interests.Pompeo has emerged as a staunch critic of WikiLeaks since becoming head of the CIA, describing the organization as a hostile intelligence agency, and dubbing Assange a narcissist and a fraud. This is a departure from his position when he was a Kansas congressman and was tweeting about the WikiLeaks DNC email release.Tweet sent by CIA Director Mike Pompeo on 24 July 2016 https://t.co/sTMHw2nvOG pic.twitter.com/Qd0mYRl5QF WikiLeaks (@wikileaks) April 13, 2017The annual RNDF event has been dubbed the Davos of defense. Speakers at this year s event include former CIA head Leon Panetta, national security advisor HR McMaster and a number of congressmen and representatives from defense corporations like Lockheed Martin. 21st Century Wire says: Based on his views during the election, and now his views as CIA director it seems that Mike Pompeo is a hypocrite who loved Wikileaks when it served his own political interests, but now would like to destroy it to protect the interests of the Deep State.SEE MORE WIKILEAKS NEWS AT: 21st Century Wire Wikileaks FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"December 5, 2017",0 +ABC News Suspend Anchor Brian Ross Over Fake News Report on Trump-Flynn β€˜Russian Collusion’,"After 18 months of rampant speculation over Trump and Russian collusion and alleged Russian hacking in the 2016 election, in a cloud of non-stop, 24/7 fake news being generated by CNN, ABC, NBC, CBS, Washington Post, New York Times, LA Times, as well as notorious MSM fake news outsourcing agencies like The Daily Beast the Never Trump Resistance has yet to present a single item of evidence to justify their year and a half-long political witch hunt.In this sea of delusion, there are still a number of desperate media persons who are willing to punt on a contrived plot or narrative hoping that theirs will be the one to finally nail the embattled President on grounds for impeachment beyond a reasonable doubt. Already a number of mainstream journalists, including three reporters from CNN, have been fired or let go as networks are now fear legal repercussions from their new normalized practice of lying and inventing plots about the White House and Russian meddling. This week saw another high-profile casualty, ABC s Chief Investigative Correspondent Brian Ross, as the resistance continues to launch blind media attacks on the President.On Saturday, ABC News executives announced that star anchor Ross would be suspended for one month without pay over an alleged botched exclusive implicating former national security adviser Michael Flynn.Clueless: ABC s Chief Investigative Correspondent Brian Ross.During Ross s live special report , an invented story-line was fed to a clueless Ross which claimed that Flynn would testify that Donald Trump had ordered him to make contact with Russians about foreign policy while Trump was still a candidate in the general election.According to FOX News, the fake news report raised the specter of Trump s impeachment and sent the stock market plummeting. Later in the day, ABC issued a clarification to Ross s report, saying that Trump s alleged directive came after he d been elected president. Ross himself appeared on World News Tonight, several hours after the initial report, to clarify his error.Afterwards, ABC News tried to justify the fake news release, claiming that Ross report had not been fully vetted through our editorial standards process. Clearly, Ross took one for the team (The Resistance) here, as anyone who works in media will know. He would have been fed the bogus report by news producers, before doing what mainstream media news anchors do everyday of their careers unwittingly reading whatever words are scrolling down his teleprompter.ABC News statement went on to try and gloss over their fake news report saying, It is vital we get the story right and retain the trust we have built with our audience. News officials then sounded even more ridiculous as they scrambled to pave-over their propaganda practices claiming that, These are our core principles. We fell far short of that yesterday. What s clear from this story is that when it comes to all things Trump and Russia, the US mainstream media feel they are within their right to dispense with all normal journalistic standards so long as the story falls in line with a specific political agenda.Unfortunately, this is just one more reason to always be cautious when trusting watching mainstream media reporting of any any major news event.READ MORE ABOUT MAINSTREAM FAKE NEWS AT: 21st Century Wire Fake News FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV ",US_News,"December 5, 2017",0 +US Thanksgiving Guide: How to Celebrate a Sordid and Genocidal History," Table set for thanksgiving in Siem Reap. (Photo: Andre Vltchek)Andre Vltchek NEOA table was set up for two, an advertisement table, a table with a photo of a giant turkey, two elegant plates, and a U.S. flag sticking out into the air. Thanksgiving at Angkor Royal Cafe , a flier read. And: 23rd November Join us for a traditional Thanksgiving Feast .This was at one of the international hotels in Siem Reap, a Cambodian city near the world architectural treasures of Angkor Wat and the ancient Khmer capital, Angkor Thom.The same day I read an email sent to me from the United States, by my Native American friends, with a link to an essay published by MPN News, called Thanksgiving Guide: How to Celebrate a Sordid History . It began with a summary: While millions of Americans prepare this week to get into the holiday spirit, beginning with Thanksgiving, how many are prepared to view the day through an accurate lens? While to many Americans the holiday serves as a reminder to give thanks, it is seen as a day of mourning by countless of others. The truth is: European migrants brutally murdered Native Americans, stole their land, and continue to do so today . The day became an official day of festivities in 1637, to celebrate the massacre of over 700 people from the Pequot Tribe.In a hotel, I approached a cheerful French food and beverage manager and asked him whether he was aware of what he was suggesting should be celebrated in one of his restaurants? Oh I know I know, he replied, laughing. It is a little bit controversial, isn t it? Bit controversial? I wondered. It appears more like you are inviting people to celebrate genocide, a holocaust, with free flowing wine and a giant turkey. I am trying to see things positively, he continued grinning at me. Then he summarized: So I guess you won t be joining us tonight? What a pity What a pity, I thought, what a pity. I won t get to eat that famous American pie tonight and turkey and who knows what else, just because I am not eager at all to celebrate the massacres and land grabs perpetrated by the Empire.The manager couldn t help asking: Where are you from? I knew he would ask. No European would say what I was saying. I m Russian, I replied. Oh I see, he gave me that I should have guessed smile . Russian-American, I added.I m convinced that the French manager has been sincerely oblivious about what I was stating. He is supposed to be oblivious. There are, after all, our genocides , and the genocides of the others . Our genocides , those that we triggered or committed, should never be discussed. Or more precisely, it is extremely impolite to discuss them. Most of the people don t even know about them, including many of the victims. On the other hand, the genocides committed by the others, particularly by adversaries of the West, are widely discussed, publicized, analyzed, inflated and very often even fabricated (All this described in detail in my 840-page book Exposing Lies Of The Empire ).Cambodia is the textbook case of the latter. Here, several decades ago, the U.S. and its allies first supported the hopelessly corrupt and brutal government in Phnom Penh, while triggering a monstrous carpet-bombing campaign of the Cambodian countryside, mainly near the border with Vietnam. This was supposed to prevent the country from going Communist , or at least Ho Chi Minh style Communist . Hundreds of thousands of villagers were murdered by the bombing. Millions were forced to hit the road, leaving their dwellings, as the countryside was converted into a giant minefield, covered by unexploded ordnance.Further hundreds of thousands died from starvation and diseases. Furious, mad from suffering, the people of Cambodia rose against the collaborators with the West in Phnom Penh. Pol Pot and his Khmer Rouge took the capital virtually unopposed. Recently, deep in the jungle, I spoke to the former Pol Pot s personal guards. I asked them point-blank whether they knew anything about Communism. Nothing at all, I was told. The U.S. was murdering our families, for no reason. Corrupt elites were selling the country to the West. We were all outraged, and ready for revenge. We would follow anybody calling for revenge. However, the West is passing the events, to this day, as a Communist genocide .Rwanda is yet another case of a twisted narrative. I made an entire full-length documentary film Rwanda Gambit on the subject. There, the West turned the history upside down, reducing the entire tragedy into a primitive and easy-to-digest narrative of bad Hutus killing good Tutsis. Yet even the former U.S. ambassador Robert Flatten told me that his country groomed, armed and supported the deadly RPF, mainly Tutsi army, which had been, before 1994, raiding the Rwandan countryside from neighboring Uganda, burning villages and killing civilians.While a former Australian lawyer and U.N. investigator, Michael Hourigan, supplied me with information about the downing of the plane, which, in April 1994, killed both the Rwandan President Juvenal Habyarimana and Burundian President Cyprien Ntaryamira, while on the final approach to Kigali airport. The orders to shoot down the plane were given by the RPF leader Paul Kagame, who was in turn sponsored by the West. This event triggered the terrible bloodletting on 1994. The next year, in 1995, the Rwandan army entered the Democratic Republic of Congo (DRC) and participated in the killing of at least 9 million people, mainly civilians, on behalf of Western governments and multi-national companies, making it the worst crime against humanity in recent history.In fact, almost all the major genocides committed by the West or its allies in modern history, are silent ones , including those in Iraq, Syria, Iran, West Papua, East Timor, DRC, Indonesia, Afghanistan, Angola, and dozens of other unfortunate places all over the world.The gruesome genocides committed by the West all over the world, during the last 2,000 but especially during the last 500 years, are never defined as such; never as genocides . Throughout history, European countries have been destroying, systematically, most of the cultures on all continents of the Planet, enslaving virtually all the non-white nations, plundering and looting its colonies (read: almost all the non-white nations of the world), while exterminating hundreds of millions of men, women and children. The death toll has been rising, accumulating, to near 1 billion, according to the testimony of one of my friends, a senior U.N. statistician.I will return to the Cambodian story soon, on the pages of this magazine. And I will be returning, again and again, to the genocides committed by Europe and North America, virtually everywhere. Unless the history is understood and acknowledged, the world has no future, and there can be no solutions to the terrible problems that our humanity is facing.But for now, let me conclude this brief essay by saying that I did not participate in the consumption of turkey and American pies on Thanksgiving holiday, in the Cambodian city of Seam Reap.My thoughts went to those 700 people from the Pequot Tribe who rebelled, stood firm and died for freedom, almost 400 years ago. These were some of the first fighters against Western imperialism. These were the Americans that I admire, this is America that had been terribly damaged but not yet completely destroyed. No overly sugary, sentimental and empty words could fully choke its essence, as no gluttony and food orgies could ever fully silence the screams of the pain of those who died in the hands of the European invaders, during and after the conquest of what has been so cynically christened as the New World .***Andre Vltchek is a philosopher, novelist, filmmaker and investigative journalist. He has covered wars and conflicts in dozens of countries. Three of his latest books are his tribute to The Great October Socialist Revolution a revolutionary novel Aurora and a bestselling work of political non-fiction: Exposing Lies Of The Empire . View his other books here. Watch Rwanda Gambit, his groundbreaking documentary about Rwanda and DRCongo and his film/dialogue with Noam Chomsky On Western Terrorism . Vltchek presently resides in East Asia and the Middle East, and continues to work around the world. He can be reached through his website and his Twitter.SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV ",US_News,"December 2, 2017",0 +"Digisexual Robot Pimps, Swamp Chess, Hollywood & DC Cannibalism: Boiler Room EP #137","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki of the Nameless Podcast, Fvnk$oul and Randy J (ACR & 21WIRE hosts, DJs & contributors) and the rest of the boiler gang for the hundred and thirty seventh episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is having a fireside-chat regarding the latest grinding of gears in the political, social (engineering) and media machines.Direct Download Episode #137 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"November 30, 2017",0 +U.S. State Dept. Spox: β€˜Everybody wants Assad out five years ago’,"21st Century Wire says At Tuesday s U.S. State Department briefing, spokesperson Heather Nauert, once again, displayed her servitude to Washington s geopolitical agenda in Syria.Watch as Nauert, in an overly assuming and flippant style, proclaims how everybody in this room and in this building wants Assad out five years ago in her exchange with NBC News correspondent Andrea Mitchell. The sheer audacity begins at the 39 minute mark. This is all just more scripted servitude from U.S. State Department talking heads on the topic of Syria as Washington s war plan there continues to crumble. READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"November 30, 2017",0 +Facebook’s New β€˜Proactive’ AI to Scan Posts for Suicidal Thoughts,"21st Century Wire says Facebook is rolling out its latest artificial intelligence bot with the hope that the software will save lives, according to CEO Mark Zuckerberg. The social media juggernaut will use a special algorithm to flag posts that fit a certain pattern, then route them to a human being that can escalate early intervention.The idea of proactive detection can be a slippery slope. What else are these Facebook bots flagging, and who else is mining that information?Read more at TechCrunch READ MORE AI NEWS AT: 21st Century Wire AI FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"November 28, 2017",0 +Repeat Deceit: How US Tries to Link Iran to Al Qaeda,"When it comes to interpreting current events, no one does official conspiracy theories like the Unite States.For years, Washington has tried to promulgate a propaganda campaign which tries to somehow link al Qaeda to Iran, or ISIS to Iran. For the mentally-challenged members of the right-wing media in the US, this isn t a massive feat, as a large segment of that audience cannot even locate Iran on a global map. There is also the issue of US warhawks like Lindsey Graham and John McCain being proven pathological liars who will say anything regardless of whether it s based in actual fact. All of this contributes to a number of shallow, creative narratives which continuously circulate between FOX News, The Atlantic Magazine, Tel Aviv, Riyadh and the US Senate.And just like the US and UK mainstream media s coverage of Syria, the deep throat source in this dossier is al Qaeda.This latest chapter in the US fantasy world of Iranian intrigue attempts to further the Israeli-favoured mythology, blaming Iran for all of the region s woes. Make no mistake: the American neoconservative wing and their Israeli benefactors are determined to invent new conditions for war with Iran IMAGE: Bush s al Qaeda No.2 Guy Abu Musab al ZarqawiGareth Porter The American Conservative For many years, major U.S. institutions ranging from the Pentagon to the 9/11 Commission have been pushing the line that Iran secretly cooperated with Al Qaeda both before and after the 9/11 terror attacks. But the evidence for those claims remained either secret or sketchy, and always highly questionable.In early November, however, the mainstream media claimed to have its smoking gun a CIA document written by an unidentified Al Qaeda official and released in conjunction with 47,000 never-before-seen documents seized from Osama bin Laden s house in Abbottabad, Pakistan.The Associated Press reported that the Al Qaeda document appears to bolster U.S. claims that Iran supported the extremist network leading up to the September 11 terror attacks. The Wall Street Journal said the document provides new insights into Al Qaeda s relationship with Iran, suggesting a pragmatic alliance that emerged out of shared hatred of the United States and Saudi Arabia. NBC News wrote that the document reveals that, at various points in the relationship Iran offered Al Qaeda help in the form of money, arms and training in Hezbollah camps in Lebanon in exchange for striking American interests in the Gulf, implying that Al Qaeda had declined the offer.Former Obama National Security Council spokesman Ned Price, writing for The Atlantic, went even further, asserting that the document includes an account of a deal with Iranian authorities to host and train Saudi-Al Qaeda members as long as they have agreed to plot against their common enemy, American interests in the Gulf region. But none of those media reports were based on any careful reading of the document s contents. The 19-page Arabic-language document, which was translated in full for The American Conservative, doesn t support the media narrative of new evidence of Iran-Al Qaeda cooperation, either before or after 9/11, at all.It provides no evidence whatsoever of tangible Iranian assistance to Al Qaeda. On the contrary, it confirms previous evidence that Iranian authorities quickly rounded up those Al Qaeda operatives living in the country when they were able to track them down, and held them in isolation to prevent any further contact with Al Qaeda units outside Iran.Taken by SurpriseWhat it shows is that the Al Qaeda operatives were led to believe Iran was friendly to their cause and were quite taken by surprise when their people were arrested in two waves in late 2002. It suggests that Iran had played them, gaining the fighters trust while maximizing intelligence regarding Al Qaeda s presence in Iran.Nevertheless, this account, which appears to have been written by a mid-level Al Qaeda cadre in 2007, appears to bolster an internal Al Qaeda narrative that the terror group rejected Iranian blandishments and were wary of what they saw as untrustworthiness on the part of the Iranians. The author asserts the Iranians offered Saudi Al Qaeda members who had entered the country money and arms, anything they need, and training with Hezbollah in exchange for hitting American interests in Saudi Arabia and the Gulf. But there is no word about whether any Iranian arms or money were ever actually given to Al Qaeda fighters. And the author acknowledges that the Saudis in question were among those who had been deported during sweeping arrests, casting doubt over whether there was ever any deal in the offing.The author suggests Al Qaeda rejected Iranian assistance on principle. We don t need them, he insisted. Thanks to God, we can do without them, and nothing can come from them but evil. That theme is obviously important to maintaining organizational identity and morale. But later in the document, the author expresses deep bitterness about what they obviously felt was Iranian double-dealing in 2002 to 2003. They are ready to play-act, he writes of the Iranians. Their religion is lies and keeping quiet. And usually they show what is contrary to what is in their mind . It is hereditary with them, deep in their character. The author recalls that Al Qaeda operatives were ordered to move to Iran in March 2002, three months after they had left Afghanistan for Waziristan or elsewhere in Pakistan (the document, by the way, says nothing of any activity in Iran before 9/11). He acknowledges that most of his cadres entered Iran illegally, although some of them obtained visas from the Iranian consulate in Karachi.Among the latter was Abu Hafs al Mauritani, an Islamic scholar who was ordered by the leadership shura in Pakistan to seek Iranian permission for Al Qaeda fighters and families to pass through Iran or to stay there for an extended period. He was accompanied by middle- and lower-ranking cadres, including some who worked for Abu Musab al Zarqawi. The account clearly suggests that Zarqawi himself had remained in hiding after entering Iran illegally.Strict ConditionsAbu Hafs al Mauratani did reach an understanding with Iran, according to the Al Qaeda account, but it had nothing to do with providing arms or money. It was a deal that allowed them to remain for some period or to pass through the country, but only on the condition that they observe very strict security conditions: no meetings, no use of cell phones, no movements that would attract attention. The account attributes those restrictions to Iranian fears of U.S. retribution which was undoubtedly part of the motivation. But it is clear Iran viewed Al Qaeda as an extremist Salafist security threat to itself as well.Most of the Al Qaeda visitors, according to the Al Qaeda document, settled in Zahedan, the capital of Sistan and Baluchistan Province where the majority of the population are Sunnis and speak Baluchi. They generally violated the security restrictions imposed by the Iranians. They established links with the Baluchis who he notes were also Salafists and began holding meetings. Some of them even made direct contact by phone with Salafist militants in Chechnya, where a conflict was rapidly spiraling out of control. Saif al-Adel, one of the leading Al Qaeda figures in Iran at the time, later revealed that the Al Qaeda fighting contingent under Abu Musab al Zarqawi s command immediately began reorganizing to return to Afghanistan.Waves of ArrestsThe first Iranian campaign to round up Al Qaeda personnel, which the author of the documents says was focused on Zahedan, came in May or June 2002 no more than three months after they have had entered Iran. Those arrested were either jailed or deported to their home countries. The Saudi Foreign Minister praised Iran in August for having transferred 16 Al Qaeda suspects to the Saudi government in June.In February 2003, Iranian security launched a new wave of arrests. This time they captured three major groups of Al Qaeda operatives in Tehran and Mashad, including Zarqawi and other top leaders in the country, according to the document. Saif al Adel later revealed in a post on a pro-Al Qaeda website in 2005 (reported in the Saudi-owned newspaper Asharq al-Awsat), that the Iranians had succeeded in capturing 80 percent of the group associated with Zarqawi, and that it had caused the failure of 75 percent of our plan. The anonymous author writes that the initial Iran policy was to deport those arrested and that Zarqawi was allowed to go to Iraq (where he plotted attacks on Shia and coalition forces until his death in 2006). But then, he says, the policy suddenly changed and the Iranians stopped deportations, instead opting to keep the Al Qaeda senior leadership in custody presumably as bargaining chips. Yes, Iran deported 225 Al Qaeda suspects to other countries, including Saudi Arabia, in 2003. But the Al Qaeda leaders were held in Iran, not as bargaining chips, but under tight security to prevent them from communicating with the Al Qaeda networks elsewhere in the region, which Bush administration officials eventually acknowledged.After the arrests and imprisonment of senior al Qaeda figures, the Al Qaeda leadership became increasingly angry at Iran. In November 2008, unknown gunmen abducted an Iran consular official in Peshawar, Pakistan, and in July 2013, al Qaeda operatives in Yemen kidnapped an Iranian diplomat. In March 2015, Iran reportedly released five of the senior al Qaeda in prison, including Said al-Adel, in return for the release of the diplomat in Yemen.In a document taken from the Abbottabad compound and published by West Point s Counter-Terrorism Center in 2012, a senior Al Qaeda official wrote, We believe that our efforts, which included escalating a political and media campaign, the threats we made, the kidnapping of their friend the commercial counselor in the Iranian Consulate in Peshawar, and other reasons that scared them based on what they saw (we are capable of), to be among the reasons that led them to expedite (the release of these prisoners). There was a time when Iran did view Al Qaeda as an ally. It was during and immediately after the war of the mujahedin against Soviet troops in Afghanistan. That, of course, was the period when the CIA was backing bin Laden s efforts as well. But after the Taliban seized power in Kabul in 1996 and especially after Taliban troops killed 11 Iranian diplomats in Mazar-i-Sharif in 1998 the Iranian view of Al Qaeda changed fundamentally. Since then, Iran has clearly regarded it as an extreme sectarian terrorist organization and its sworn enemy. What has not changed is the determination of the U.S. national security state and the supporters of Israel to maintain the myth of an enduring Iranian support for Al Qaeda.Gareth Porter is an independent journalist and winner of the 2012 Gellhorn Prize for journalism. This article originally appeared at The American Conservative.READ MORE IRAN NEWS AT: 21st Century Wire Iran NewsSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"November 28, 2017",1 +"Meredith Corp. and Koch Money Buys Time Inc., β€˜Left’ Goes Bonkers","21st Century Wire says News broke Sunday night that Meredith Corp., publisher of Better Homes & Gardens and other popular magazine brands, agreed to purchase all of Time Inc. s assets in a cash deal valued at $2.8 billion.Grabbing all the headlines is the $650 million investment from Koch Equity Development (KED). This is the private equity firm of Charles and David Koch, aka the Koch Brothers. According to the company s official press release, KED will not have a seat on Meredith s board and will have no influence on Meredith s editorial or managerial operations. Zero Hedge reports the deal gives the conservative billionaires a stake in one of America s best-known publishers. And that is what is giving the Left mainstream media nightmares and creating widespread panic and hysteria on social media:Great. The Koch brothers are about to be co-owners of TIME, Inc. How long til TIME, People and Sports Illustrated are pushing stories about how much better life would be if we canceled Social Security and Medicare? Joy Reid (@JoyAnnReid) November 27, 2017It remains to be seen how the editorial of these publications will be affected by Koch money. When the news broke in 2013 that Amazon.com founder and Bilderberg member Jeff Bezos bought the Washington Post, we started asking some questions at the time. We re starting to see how it will play out.What we do know thus far about the Meredith/Time news all the crazed paranoia around this deal exposes, yet again, how the mainstream, corporate power media likes to think their version of mass media is so influential. At the same time, discounting the ability of everyday citizens to think for themselves, and not be spoon fed whatever gets pushed out through the echo chambers of many of these failing and lost print magazine empires.Let s not forget it was Time Magazine that started selling ad space on their covers shortly after they were spun off from Time Warner back in 2014.We thought this story by Bloomberg Rothschild s Koch Connection Pays Off in Pursuit of Time Inc. was an interesting angle.Watch this space READ MORE MEDIA CRITIQUE AT: 21st Century Wire Media Cog FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"November 27, 2017",0 +Thanksgiving Day Fake News Turkey Shoot: Boiler Room – Special Holiday Event,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Fvnk$oul, Randy J, Patrick Henningsen, Infidel Pharaoh and Andy Nowicki for this special Thanksgiving holiday episode of BOILER ROOM. Turn it up, get your ears on and enjoy some holiday festivities with the Boiler Room on ACR.*WARNING* This special episode may contain, satire, comedy and ridiculous un-news events inspired by both the mainstream media and the so-called alternative media. Any similarities to actual persons or events is probably a big poke in the eye to a really lame media outlet or maybe just a coincidence. Enjoy the show!Direct Download: Boiler Room Thanksgiving Day Fake News Turkey Shoot Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"November 26, 2017",0 +DIGITAL TYRANNY: Google Will Make β€˜Those Kinds of Sites’ Harder to Find,"21st Century Wire says This has been an ongoing project of the search giant, long in the making, and already underway. In fact, this website, 21stCenturyWire.com, has felt the impact of its content being disappeared in Google s search results resulting in a drop of over 50% in our organic search query traffic since April.It s those kinds of sites like RT, Sputnik, 21WIRE and many others that are targets in the grand plan, as outlined here by Robert Parry of Consortium News: YOU DON T NEED A HUGE AMOUNT OF IMAGINATION TO SEE HOW THIS COMBINATION OF MAINSTREAM GROUPTHINK AND ARTIFICIAL INTELLIGENCE COULD CREATE AN ORWELLIAN FUTURE IN WHICH ONLY ONE SIDE OF A STORY GETS TOLD AND THE OTHER SIDE SIMPLY DISAPPEARS FROM VIEW. RTGoogle will de-rank RT articles to make them harder to find Eric SchmidtEric Schmidt, the Executive Chairman of Google s parent company Alphabet, says the company will engineer specific algorithms for RT and Sputnik to make their articles less prominent on the search engine s news delivery services. We are working on detecting and de-ranking those kinds of sites it s basically RT and Sputnik, Schmidt said during a Q & A session at the Halifax International Security Forum in Canada on Saturday, when asked about whether Google facilitates Russian propaganda. We are well of aware of it, and we are trying to engineer the systems to prevent that [the content being delivered to wide audiences]. But we don t want to ban the sites that s not how we operate. The discussion focused on the company s popular Google News service, which clusters the news by stories, then ranks the various media outlets depending on their reach, article length and veracity, and Google Alerts, which proactively informs subscribers of new publications.RT has criticized the proposed move whose timescale has not been publicized as arbitrary and a form of censorship.Good to have Google on record as defying all logic and reason: facts aren t allowed if they come from RT, because Russia even if we have Google on Congressional record saying they ve found no manipulation of their platform or policy violations by RT, Sputnik and RT Editor-in-Chief Margarita Simonyan said in a statement.During the discussion, Schmidt claimed that he was very strongly not in favor of censorship, but said that he has faith in ranking without acknowledging if the system might serve the same function. Schmidt, who joined Google in 2001, said that the company s algorithm was capable of detecting repetitive, exploitative, false, and weaponized info, but did not elaborate on how these qualities were determined.The Alphabet chief, who has been referred to by Hillary Clinton as a longtime friend, added that the experience of the last year showed that audiences could not be trusted to distinguish fake and real news for themselves.Continue this story at RT READ MORE SCI-TECH NEWS AT: 21st Century Wire Sci-Tech FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"November 22, 2017",0 +Exposing the Shakespearean tragedy of the β€œRussia Hacking” hoax,Sunday Wire host Patrick Henningsen delivers another blow to the Resistance exposing the Shakespearean tragedy of the Russia Hacking hoax and explains why Hillary Rodham Clinton might have very well been one of the worse presidential candidates in US history as well as why it s wrong for US federal government to brand RT America as a foreign agent. Enjoy the rant READ MORE RUSSIA-GATE NEWS AT: 21st Century Wire Russia-Gate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV,US_News,"November 18, 2017",0 +History Lesson: America’s Renegade Warfare,"Nicolas J S Davies Consortium NewsSeventy-seven million people in North and South Korea find themselves directly in the line of fire from the threat of a Second Korean War. The rest of the world is recoiling in horror from the scale of civilian casualties such a war would cause and the unthinkable prospect that either side might actually use nuclear weapons.Since the first Korean War killed at least 20 percent of North Korea s population and left the country in ruins, the U.S. has repeatedly failed to follow through on diplomacy to establish a lasting peace in Korea and has instead kept reverting to illegal and terrifying threats of war. Most significantly, the U.S. has waged a relentless propaganda campaign to discount North Korea s legitimate defense concerns as it confronts the threat of a U.S. war machine that has only grown more dangerous since the last time it destroyed North Korea.The North has lived under this threat for 65 years and has watched Iraq and Libya destroyed after they gave up their nuclear weapons programs. When North Korea discovered a U.S. plan for a Second Korean War on South Korea s military computer network in September 2016, its leaders quite rationally concluded that a viable nuclear deterrent is the only way to guarantee their country s safety.What does it say about the role the U.S. is playing in the world that the only way North Korea s leaders believe they can keep their own people safe is to develop weapons that could kill millions of Americans?The Changing Face of WarThe Second World War was the deadliest war ever fought, with at least 75 million people killed, about five times as many as in the First World War. When the slaughter ended in 1945, world leaders signed the United Nations Charter to try to ensure that that scale of mass killing and destruction would never happen again. The U.N. Charter is still in force, and it explicitly prohibits the threat or use of military force by any nation.It was not just the scale of the slaughter that shocked the world s leaders into that brief moment of sanity in 1945. It was also the identities of the dead. Two-thirds of the people killed in the Second World War were civilians, a drastic change from the First World War, only a few decades earlier, when an estimated 86 percent of the people killed were uniformed combatants. The use of nuclear weapons by the United States raised the specter that future wars could kill an exponentially greater numbers of civilians, or even end human civilization altogether.War had become total war, no longer fought only on battlefields between soldiers, but between entire societies with ordinary people, their homes and their lives now on the front line. In the Second World War: Fleets of warplanes deliberately bombed cities to dehouse civilian populations, as British officials described their own bombing of Germany. As I write this, George Orwell wrote from London in 1941, Highly civilized human beings are flying overhead, trying to kill me. Submarines sank hundreds of merchant ships in an effort to starve their enemies into submission. General Carter Clarke, who was in charge of interpreting Japanese intelligence for President Truman, said in a 1959 interview that Japan surrendered because it faced mass starvation due to the sinking of its merchant shipping, not because of the gratuitous U.S. nuclear attacks on Hiroshima and Nagasaki. It was estimated that 7 million more civilians would die of starvation if Japan fought on until 1946. Genocidal mass extermination campaigns killed civilians based only on their political affiliation or ethnicity. Under cross-examination by a young American prosecutor, Benjamin Ferencz, SS Gruppenfuhrer Dr. Otto Ohlendorf explained patiently to a courtroom in Nuremberg why he found it necessary for the preemptive defense of Germany to order the killing of hundreds of thousands of civilians. He explained that even children had to be killed to prevent them too becoming enemies of Germany when they grew up and found out what happened to their parents.Despite the U.N. Charter and international efforts to prevent war, people in countries afflicted by war today still face the kind of total war that horrified world leaders in 1945. The main victims of total war in our modern world have been civilians in countries far removed from the safe havens of power and privilege where their fates are debated and decided: Yugoslavia; Afghanistan; Iraq; Somalia; Pakistan; Yemen; Libya; Syria; Ukraine. There has been no legal or political accountability for the mass destruction of their cities, their homes or their lives. Total war has not been prevented, or even punished, just externalized.But thanks to billions of dollars invested in military propaganda and public relations and the corrupt nature of for-profit media systems, citizens of the countries responsible for the killing of millions of their fellow human beings live in near-total ignorance of the mass killing carried out in their name in these red zones around the world.People in ever-spreading war zones are living under the very conditions of total war that the world recoiled from at the end of the Second World War. Like Orwell in London in 1941, they hear highly civilized human beings flying overhead trying to kill them, human beings who know nothing about them beyond the name of the city where they live and its strategic value in wars that offer them, the victims, nothing but death or destitution.In the case of drones, the human beings trying to kill them from the other side of the world are so highly civilized that they can hop into cars and drive home to have dinner with their families at the end of their shifts, while another team member efficiently takes over the joy-stick and carries on killing.People in Yemen, Syria, Iraq and Libya have been subjected to hunger and starvation under sieges and naval blockades that are as brutally effective as German and American submarines were in World War Two. Millions of people in Yemen face an imminent danger of starvation under the U.S.-backed naval blockade and Saudi and Emirati bombing of Yemeni ports.In retaliation for one missile fired at Riyadh, the Saudi capital, last week, the U.S.-backed coalition completely closed all Yemen s ports, tightening the blockade on millions of starving people. The requirements of necessity and proportionality, which have been basic principles of customary international law since the Nineteenth Century, lie buried in the graveyards of Iraq and Afghanistan.Continue this article at Consortium News READ MORE WAR ON TERROR NEWS AT: 21st Century Wire War on Terror FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"November 17, 2017",1 +"Digital Tabloids, Narco-memes & The League of Shadows: Boiler Room EP #136","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Randy J, Andy Nowicki of the Nameless Podcast and the rest of the boiler gang for the hundred and thirty sixth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is having a fireside-chat regarding the latest grinding of gears in the political, social (engineering) and media machines.Direct Download Episode #136 Please like and share the program and visit our donate page to get involved!Reference Links, for your consideration and research:",US_News,"November 16, 2017",0 +"TEXAS CHURCH SHOOTER: Years Before β€˜Soft Target’ Attack, Gunman Tried to Carry Out Death Threats on CIA Linked Air Force Base","Shawn Helton 21st Century Wire The gunman named in a mass shooting that was said to have killed 26 people at a small church outside of San Antonio was convicted by the military several years before the tragic attack in 2012. This past week new information concerning the apparent First Baptist Church gunman 26-year-old Devin Patrick Kelley, revealed that the previously convicted Air Force airman was already well-known to authorities via his bad conduct discharge from the military in 2012. The recent acknowledgement in Kelley s case history, coupled with his unusually relaxed plea bargain deal, has only prompted more questions from those concerned about the most recent high-profile mass shooting in America.According to officials, the Sutherland Springs shooting at the First Baptist Church may have been caused by a domestic dispute involving Kelley and his ex-mother-in-law Michelle Shields. However, it turns out that Shields was not present at church services on the morning of the mass shooting, although her mother was named as one of the victims.A more precise motive in the deadly Sutherland Springs massacre has yet to be uncovered by authorities TEXAS CHURCH SHOOTING 8 years after the Fort Hood mass shooting, the First Baptist Church attack raises big questions. Its also worth noting, the recent church shooting echoes a scene in the 2015 Hollywood film Kingsman: The Secret Service. (Photo Illustration 21WIRE s Shawn Helton)The Texas Church ShooterWhile many in media have focused on the military s inability to log Devin Patrick Kelley s domestic violence court-martial case into a federal database, a police report from 2012 revealed that the gunman named in the First Baptist Church shooting had been previously caught attempting to sneak firearms onto a CIA linked military base in New Mexico where he was stationed. The El Paso police report concluded that after Kelley escaped the mental health facility believed to be Peak Behavioral Health Services Center in Santa Teresa, he sought to carry out death threats against his superiors at New Mexico s Holloman Air Force base.A CBS Affiliate from Dallas further explained the church shooter s lengthy criminal background: The information was contained in a police incident report after Devin Patrick Kelley briefly escaped in June, 2012 from a mental health facility in New Mexico where he had been committed. KPRC television in Houston first reported about the escape. Police in El Paso, Texas, where Kelley was caught after the escape, said in the report that an official of the mental health facility told them that Kelley was a danger to himself and others. The report says that Kelley had already been caught sneaking firearms onto Holloman Air Force base. It also says that he was attempting to carry out death threats that (Kelley) had made on his military chain of command. Moreover, a FOX News report just days ago revealed additional information concerning Kelley s violent threats at Holloman Air Force base: Former Air Force Staff Sgt. Jessika Edwards told The New York Times that Kelley would shake with rage and vow to kill his superiors when he was assigned menial tasks as punishment for poor performance. At one point, Edwards told the Times, she warned others in the squadron to go easy on Kelley, believing he was likely to come back and shoot up the place. Rather strangely, former Air Force Staff Sgt. Edwards still kept in close contact with the criminally convicted and discharged logistical readiness airman, stating that he asked her to be a job reference in 2015. Shortly there after, Kelley allegedly became obsessed with the polarizing case involving Charleston church shooter Dylann Roof. CHURCH SHOOTER What is the real motive in the First Baptist Church shooting? (Image Source: nbcwashington)The shocking claims of death threats prior to the Sutherland Springs church shooting taking place raises questions not only about the criminally convicted shooter Kelley, who was accused of a slew of abusive behavior but also the military s handling of the gunman s well-known history of violence from a prosecutorial standpoint.QUESTION: How did Kelley manage to get such a relaxed sentence considering he had several other major charges dropped including an additional incident where he allegedly pointed a loaded firearm at his wife?Furthermore, as the public and media are still bewildered over Kelley s ability to legally purchase guns following his 2012 military conviction due to his prior violent abuse, information concerning his alleged plot to kill military superiors has been completely underreported and by the looks of it, may have even gone unpunished.According to official reports, Kelley was sentenced to a year s confinement, reducing rank from an airman first-class (A1C) to airman basic. Additionally, after being convicted of crimes by a military court in 2012, he received a bad conduct discharge following an apparent plea deal.The NY Times added the following details regarding the military court case: Prosecutors withdrew several other charges as part of their plea agreement with Mr. Kelley, including allegations that he repeatedly pointed a loaded gun at his wife.He was ultimately sentenced in November that year to 12 months confinement and reduction to the lowest possible rank. His final duty title was prisoner. QUESTION: Did Kelley s plea agreement also include the exclusion of charges concerning his alleged death threat plot against military superiors at the CIA linked Holloman Air Force base?Moreover, if that wasn t a part of the plea, how was Kelley not dishonorably discharged due to the severity of charges he faced from military superiors?Although we ve been told this latest soft target shooting spree on American soil was carried out by yet another lone gunman, there have also been questions raised concerning a shooter allegedly firing from the roof top down on to church parishioners below.Watch and listen to shooting survivor Rosanne Solis, as she recounts what she witnessed during the First Baptist Church shooting . QUESTION: Is it also possible that Solis saw multiple shooters at the First Baptist Church? If not, how did Kelley swiftly move from the roof top location to ground level in a matter of a few minutes, assuming the account told by Solis is true?The Sutherland Springs mass shooting, along with other high-profile active shooter incidents this year and year s past have once again predictably sparked socio-political hot button issues concerning gun reform, background checks, mental illness and SSRI prescription drugs. This is something that has prompted critics to consider that there might be even more to the story.Below is a CNN video report discussing the lengthy criminal background of the First Baptist Church gunman. Note the strong emphasis in this report regarding Kelley s access to weaponry rather than a deeper analysis over how he received such a relaxed military conviction Drills, Dupes & Informants?A day after the suspicious San Bernardino shooting in 2015, San Antonio s nonprofit Alamo Community Group began practicing active shooter scenarios with employees. San Antonio is only 35 miles from where the Sutherland Springs mass shooting took place and a city that has been rigorously training for mass casualty scenarios for the last five years, holding active shooter drills with approximately one hundred officers a week over at least the last couple of years. Here s a passage from an ABC affiliate in San Antonio on the matter: Though it [the training] is simulated for active shooting scenarios, the training could easily be applied to many other mass casualty situations as well. In past two years, about 4,000 people have been involved in San Antonio s new rescue task force training program. As 21 WIRE has documented over the years, many so-called shooting/terror/attacks involve individuals being monitored by security services prior to an alleged act taking place. A place where a lone wolf graduates into the ranks of a known wolf. Although the military wasn t officially keeping Kelley under watch, his case profile does exhibit potential signs of a possible informant status due to the litany of charges he managed to avoid through a cushy plea deal with the military. Historically, government operators have often made use of low-life criminals, and mentally disturbed individuals to fulfill various roles in entrapment stings or sometimes as bona fide solo actors in an actual attacks. Links between security agencies, military facilities and alleged attackers with a criminal history should arouse suspicion if they become connected to any future crimes.In January of 2015, a strategic security service think-tank known as The Soufan Group, reported that a larger national security threat resides with those who ve had a lengthy criminal background with known ties to security agencies: The Soufan Group, a New York think tank, said a better term for lone wolves would be known wolves , given how many are already known to Western intelligence agencies before they strike. These individuals, acting alone or in small groups have been on the radar of various agencies and organisations, highlighting the difficulty of effectively monitoring and managing people at the nexus of criminality and terrorism, it said in a report this week Domestically in America, it has been well documented that the FBI created a counter-intelligence program known as COINTELPRO (similar in scope to the CIA s Operation CHAOS), not only as a way to influence, but also a way to disrupt and coerce both left and right-wing political factions from the inside out. The FBI program infiltrated countless groups and movements across the political spectrum.Over the past several years, the FBI has been routinely caught foiling their very own terror plots. Following one of America s most deadly mass shootings at the Orlando Pulse nightclub, reports revealed that the FBI had a close relationship with the suspected attacker through the use of a well-known confidential informant. Similarly, recent reports state that FBI, court filings have revealed how the agency allowed an alleged home grown ISIS attack to take place in Garland, Texas. 21WIRE had previously uncovered the suspicious nature of the cartoon/shooting event in Garland when it occurred.In 2015, another strange informant case/FBI sting attempted to persuade a group into attacking the Humphrey Scottish Rite Masonic Center in Milwaukee.QUESTION: Is it possible the FBI or any or intelligence agency played some part in the Sutherland Springs church shooting whether inadvertently or otherwise?FBI informants have reportedly played a central role in over 50% of all domestic terror cases in the United States since 2009. According to reports, informants might earn up to $100,000 per case, as they are meant to build relationships with persons of interest. While the Sutherland Springs shooting is not considered a terror case, it does fit the profile of possible soft target scenarios outlined by the FBI.Here at 21WIRE, we ve kept a running report on many known wolf actors and other suspicious intelligence informant cases:Tamerlan Tsarnaev (see his story here) Buford Rogers (see his story here) Jerad Miller (see his story here) Naji Mansour (see his story here) Quazi Mohammad Nafis (see his story here) Mohamed Osman Mohamud (see his story here) Timothy McVeigh (see his story here) Salim Benghalem (see his story here) Michael Adebolajo (see his story here) Daba Deng (see his story here) Elton Simpson (see his story here) Man Haron Monis (see his story here) Abu Hamza (see his story here) Haroon Rashid Aswat (see his story here) Mark Vicars (see his story here) Glen Rodgers (see his story here) Omar Mateen (see his story here) Samy Mohamed Hamzeh (see his story here) Tashfeen Malik (see her story here) Djamel Beghal (see his story here) Anjem Choudary (see his story here) Cherif Kouachi (see his story here) Said Kouachi (see his story here) Amedy Coulibaly (see his story here) Hayat Boumeddiene (see her story here) Salah Abdeslam (see his story here) Michael Zehaf-Bibeau (see his story here) Nidal Malik Hassan (see his story here) Abdelhakim Dekhar (see his story here) Abdelhamid Abaaoud (see his story here) Samy Amimour (see his story here) Isma l Omar Mostefa (see his story here) Mohamed Lahouij Bouhlel (see his story here) Anis Amri (see his story here) Esteban Santiago-Ruiz (see his story here) Abdulkadir Masharipov (see his story here) Khalid Masood (see his story here) Khuram Butt (see his story here) Youssef Zaghba (see his story here) Sayfullo Saipov (see his story here)According to pastor Frank Pomeroy, who was out-of-town at the time of the shooting with his wife Sherri, the hundred member First Baptist Church, is slated to be demolished sometime soon. However, prior to the demolition, the site will become a temporary memorial and the building will be scrubbed down and whitewashed, as white chairs will be placed inside to remember those who died.There are still a number of questions following the Sutherland Springs mass shooting tragedy *** 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSupport our work by Subscribing and become a Member @21WIRE.TV",US_News,"November 13, 2017",0 +"Facebook Federal Spy Agency, DC Swamp Chess, Bathroom Cams & Tranny Electorate: Boiler Room EP #135","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis for the hundred and thirty fifth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is running a round table discussion on school systems putting cameras in bathrooms in the US and the EU, Facebook as an extension of the federal intelligence apparatus, silicone valley insiders admit social media was designed to exploit inherent vulnerabilities in human beings to get them addicted to their applications, the selective silencing of dissenting voices in social media, the NY bike path terror attack from a non-conspiratorial VLOGer, the Texas church shooting near San Antonio and the first Transexual elected to political office.Direct Download Episode #135 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"November 10, 2017",0 +Was Gaddafi Right About JFK?,The late Libyan leader Muammar Gaddafi remarked before his death about what he believed was an overriding reason for the assassination of American President John F. Kennedy in 1963. His conclusion as shocking as it was orphic. Watch this video montage which recounts some of the key moments and evidentiary points in what remains one of the biggest unsolved political mysteries in modern history.. READ MORE JFK NEWS AT: 21st Century Wire JFK FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV,US_News,"November 6, 2017",0 +"Smart Cities, Androids, Technocracy, Kevin Spacey, Corey Feldman: Boiler Room EP #134","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Andy Nowicki (The Nameless One.) Randy J & Infidel Pharaoh (ACR & 21Wire Contributors) for the hundred and thirty fourth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is going over a flood of strange media as we witness the slippery downward spiraling slope of the deviant trans-humanist hopefuls, the degenerate culture crushing neo-leftists, the discredited main stream media, the Sodom and Gomorrah known as Hollywood and a crumbling politicization of engineered events.Direct Download Episode #134 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"November 3, 2017",0 +NEW YORK KNOWN WOLF: Halloween Truck Attacker Known to DHS Prior to β€˜Act of Terror’,"Shawn Helton 21st Century WireYears before allegedly carrying out a truck rampage on Halloween, the man named in New York s most recent act of terror was already well-known to the United States Department of Homeland Security. This latest supposedly homegrown ISIS-inspired attack produces yet another known wolf with ties to suspected terrorists as well as authorities. According to officials, 29 year-old Sayfullo Saipov, the man charged in a deadly Manhattan vehicular assault on October 31st, was previously questioned over suspected ties to terrorism in 2015 by the US Department of Homeland Security. Saipov reportedly became a permanent legal resident upon arriving in the US on a diversity lottery visa in 2010. Since that time, the suspected terrorist moved from Ohio, Florida, and most recently to New Jersey, where he was interviewed by DHS in 2015.As media attention on this case is focused on immigration laws, terror propaganda and security protocols America s latest terror tragedy reveals much more below the surface KNOWN WOLF There s a distinct pattern with acts of terror committed on Western soil. (Photo Illustration 21WIRE s Shawn Helton)Another American Known Wolf Suspected terrorist Sayfullo (Habibullaevic) Saipov, who bounced across America, committed only minor traffic violations before his alleged involvement in the New York truck attack.Over the past 24 hours, the suspected truck attacker Saipov, was said to have driven a Home Depot rental truck from New Jersey to the Manhattan area, where it is believed he deliberately targeted pedestrians and cyclists on a bike path alongside the Hudson River according to police reports. Shortly after the vehicular attack authorities state that Siapov brandished a pellet gun and paintball gun prior to being shot by NYPD and taken into custody. All told, at least eight people were said to have been killed, while nearly a dozen others were injured in the high-profile terror incident.Reports state that Saipov became radicalized in America, allegedly taking ques from ISIS terror propaganda. However, Saipov, originally from Tashkent, the capital city of Uzbekistan, was supposedly from a modest and secular family that did not go to mosques, making this yet another suspicious terror-related case that paints a murky portrait on the way towards extremism. SUSPECT The alleged New York truck attacker was apparently a registered driver for popular car services Uber and Lyft. (Image Source: twitter)Rather intriguingly, in a published report at ABC News we re told Saipov, had been the subject of a deeper counter-terror investigation back in 2015: Sayfullo Saipov, who has been charged with killing eight people in a vehicle attack on the West Side of Manhattan on Tuesday, was interviewed in 2015 by federal agents about possible ties to suspected terrorists but a case was never opened against him, law enforcement officials tell ABC News. Continuing, the article outlined the following: Saipov was listed as a point of contact for two men who were listed in a Department of Homeland Security counterterrorism database and later overstayed their tourist visas, a federal official told ABC News. One was flagged after arriving from a so-called threat country, while the other vanished and was being actively sought by federal agents as a suspected terrorist. Incredibly, in less than 24 hours after the deadly vehicular assault in New York, FBI authorities have located the suspected terrorist who supposedly vanished from the gaze of authorities said to be linked to Saipov.Today FBI investigators released an alert regarding 32 year-old Mukhammadzoir Kadirov, a person of interest, who authorities also believe is linked to the recent attack.CNN reported the following background information regarding Siapov:In a recently published report from the NY Times, elements of a recent FBI probe into a suspected terror cell charged in Brooklyn over the past two years was revealed: Over the last two years, a terrorism investigation by the F.B.I., the Department of Homeland Security, the New York Police Department and federal prosecutors in Brooklyn resulted in charges against five men from Uzbekistan and one from Kazakhstan of providing material support to ISIS. Several of the men have pleaded guilty. It is unclear whether Mr. Saipov was connected with that investigation. QUESTION: Will the FBI eventually reveal that Saipov and Kadirov were on their radar prior to the New York truck attack? Only time will tell This latest act of terror in America may well prove to be similar in scope to many other known wolf cases in recent history, as readers might recall the alleged New York bombing suspect 28 year-old Ahmad Khan Rahami, had been known to the FBI for years prior to supposedly carrying out plots in New York and New Jersey in the fall of 2016.According to The Washington Post, the FBI had already known Rahami since 2014, which only added to the strongly suspicious event: The FBI s probe into Ahmad Khan Rahami, the 28-year-old named as the only suspect in the bombings, was launched based on comments his father had made. An official said his father later recanted his comments. Agents conducted interviews, checked with other agencies and looked at internal databases, none of which revealed ties to terrorism, the bureau said in a statement. DARK DAYS The crime scene of the recent New York truck attack. (Image Source: twitter)HAND IN HAND: Terror & Security QUESTION: Is it possible the FBI or any intelligence agency played some part in the latest New York City attack plot whether inadvertently or otherwise?In the search for answers regarding the investigative tactics of various intelligence agencies that have come into question, there s none perhaps more dubious than the FBI s Newburgh sting operation that resulted in the entrapment four men who participated in a fabricated event created by the bureau.Here s a 2011 passage from The Guardian describing how a FBI informant named Shahed Hussain coerced four others into a fake terror plot: The Newburgh Four now languish in jail. Hussain does not. For Hussain was a fake. In fact, Hussain worked for the FBI as an informant trawling mosques in hope of picking up radicals.Yet far from being active militants, the four men he attracted were impoverished individuals struggling with Newburgh s grim epidemic of crack, drug crime and poverty. One had mental issues so severe his apartment contained bottles of his own urine. He also believed Florida was a foreign country.Hussain offered the men huge financial inducements to carry out the plot including $250,000 to one man and free holidays and expensive cars.As defence lawyers poured through the evidence, the Newburgh Four came to represent the most extreme form of a controversial FBI policy to use invented terrorist plots to lure targets. There has been no case as egregious as this. It is unique in the incentive the government provided. A quarter million dollars? said Professor Karen Greenberg, a terrorism expert at Fordham University. The reputation of the FBI has suffered greatly in the recent past as well as over the past couple of decades. Following the 1993 WTC bombing, the FBI was revealed to have been handling Emad A. Salem, a former Egyptian army officer who was a prized undercover operative thrust into confidential informant status and person who played a key role in the bomb plot.QUESTION: Will authorities reveal that Siapov may have also had ties to informants or other known wolves?Here at 21WIRE, we ve kept a running report on known wolf actors involved in many attacks on Western soil. Take a look below at an updated version that includes other suspicious intelligence informant and terror cases that have held that distinction over the years:Tamerlan Tsarnaev (see his story here) Buford Rogers (see his story here) Jerad Miller (see his story here) Naji Mansour (see his story here) Quazi Mohammad Nafis (see his story here) Mohamed Osman Mohamud (see his story here) Timothy McVeigh (see his story here) Salim Benghalem (see his story here) Michael Adebolajo (see his story here) Daba Deng (see his story here) Elton Simpson (see his story here) Man Haron Monis (see his story here) Abu Hamza (see his story here) Haroon Rashid Aswat (see his story here) Mark Vicars (see his story here) Glen Rodgers (see his story here) Omar Mateen (see his story here) Tashfeen Malik (see her story here) Djamel Beghal (see his story here) Anjem Choudary (see his story here) Cherif Kouachi (see his story here) Said Kouachi (see his story here) Amedy Coulibaly (see his story here) Hayat Boumeddiene (see her story here) Salah Abdeslam (see his story here) Michael Zehaf-Bibeau (see his story here) Nidal Malik Hassan (see his story here) Abdelhakim Dekhar (see his story here) Abdelhamid Abaaoud (see his story here) Samy Amimour (see his story here) Isma l Omar Mostefa (see his story here) Mohamed Lahouij Bouhlel (see his story here) Anis Amri (see his story here) Esteban Santiago-Ruiz (see his story here) Abdulkadir Masharipov (see his story here) Khalid Masood (see his story here) Khuram Butt (see his story here) Youssef Zaghba (see his story here)Since 9/11, the city of New York has dedicated a massive amount of resources to anti-terror training, with a police department larger than the standing armies of 84 countries. It is a city that has done more than any other American city as far as terror readiness yet, it continues to be plagued by a series of plots and attacks over the last 16 years.Following America s previous most deadly mass shooting in Orlando were reports revealing that the FBI had a close relationship with the suspected attacker through the use of a well-known confidential informant. Similarly, recent reports state that FBI, court filings have revealed how the agency allowed an alleged home grown ISIS attack to take place in Garland, Texas. 21WIRE previously uncovered suspicious elements regarding the cartoon event in Garland when the attack occurred.QUESTION: How is it that federal agencies continue to let known wolves slip through the cracks?As we ve stated before, mass media injects their own formula for laying out a familiar series of polarizing political points in the aftermath of any tragic event. Appearing to purposefully redirect the public to look at a ready-made laundry list of hateful rhetoric, social media declarations and random writings as an ironclad motive for a crime. The aftermath in the recent terror case of New York is no different, as it has already rapidly descended into a barrage of politically motivated theorizing.The story of a Uzbekistan truck attacker also recalls the the suspicious terror case involving the Turkish nightclub shooting at the start of the year on New Year s Eve.To unravel future cases, it s important to keep a watchful eye on any links to past plots 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSupport our work by Subscribing and become a Member @21WIRE.TV",US_News,"November 1, 2017",0 +Man Yells β€˜CNN is Fake News!’ During Live NYC Broadcast,"21st Century Wire says It s no wonder that when the CNN news crew ventures out from beyond their cozy, Orwellian studio construct these moments of public ridicule and disdain tend to happen.The media interloper in the video frame was attempting to disrupt CNN s live broadcast from the streets of Lower Manhattan, near the scene of Tuesday s deadly truck attack.The street panel included CNN host Anderson Cooper and guest Michael Weiss, one of the network s terrorism experts and global regime change mascots. He s also a recent nominee of the 2017 Horace Greeley Award for Best Fake News Journalist.CNN can t seem to get it together when they go on-location for these breaking news stories, and it usually ends up looking bad for them time and again.WATCH: READ MORE ABOUT CNN FAKE NEWS AT: 21st Century Wire CNN FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"November 1, 2017",0 +Hillary Clinton Ponders Halloween Costume,"21st Century Wire says It s Halloween and Hillary Clinton is getting asked what she will wear for a Halloween costume. There s plenty of scary to go around, but the recently defeated Democratic presidential candidate offered one idea that would send shivers down the spines of many on All Hallows Eve: I think I will maybe come as the president! The spooky quip gained laughter and applause in Chicago Monday night at an event where attendees paid cash to find out What Happened to her candidacy in the 2016 election.We think this cartoon wins all the candy corns:Happy Halloween from 21WIRE READ MORE HALLOWEEN NEWS AT: 21st Century Wire Halloween FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 31, 2017",0 +Robert Parry: Sorting Out the Russia Mess,"Consortium News Exclusive: The U.S. mainstream media finally has its smoking gun on Russia-gate incriminating information from a junior Trump campaign adviser but a closer look reveals serious problems with the evidence, writes Robert Parry.By Robert ParryRussia-gate special prosecutor Robert Mueller has turned up the heat on President Trump with the indictment of Trump s former campaign manager for unrelated financial crimes and the disclosure of a guilty plea from a low-level foreign policy adviser for lying to the FBI.While longtime Republican fixer Paul Manafort, who helped guide Trump s campaign to the GOP nomination in summer 2016, was the big name in the news on Monday, the mainstream media focused more on court documents related to George Papadopoulos, a 30-year-old campaign aide who claims to have heard about Russia possessing Hillary Clinton s emails before they became public on the Internet, mostly via WikiLeaks.While that would seem to bolster the Russia-gate narrative that Russian intelligence hacked Democratic emails and President Vladimir Putin ordered the emails be made public to undermine Clinton s campaign the evidentiary thread that runs through Papadopoulos s account remains tenuous.That s in part because his credibility has already been undermined by his guilty plea for lying to the FBI and by the fact that he now has a motive to provide something the prosecutors might want in exchange for leniency. Plus, there is the hearsay and contested quality of Papadopoulos s supposed information, some of which already has turned out to be false.According to the court documents, Papadopoulos got to know a professor of international relations who claimed to have substantial connections with Russian government officials, with the professor identified in press reports as Joseph Mifsud, a little-known academic associated with the University of Stirling in Scotland.The first contact supposedly occurred in mid-March 2016 in Italy, with a second meeting in London on March 24 when the professor purportedly introduced Papadopoulos to a Russian woman whom the young campaign aide believed to be Putin s niece, an assertion that Mueller s investigators determined wasn t true.Trump, who then was under pressure for not having a foreign policy team, included Papadopoulos as part of a list drawn up to fill that gap, and Papadopoulos participated in a campaign meeting on March 31 in Washington at which he suggested a meeting between Trump and Putin, a prospect that other senior aides reportedly slapped down.The Email BreakfastBut Papadopoulos continued his outreach to Russia, according to the court documents, which depict the most explosive meeting as an April 26 breakfast in London with the professor (Mifsud) supposedly saying he had been in Moscow and learned that the Russians had obtained dirt on then-candidate Clinton and possessed thousands of emails. Mainstream press accounts concluded that Mifsud must have been referring to the later-released emails.However, Mifsud told The Washington Post in an email last August that he had absolutely no contact with the Russian government and described his ties to Russia as strictly in academic fields.In an interview with the U.K. Daily Telegraph after Monday s disclosures, Mifsud acknowledged meeting with Papadopoulos but disputed the contents of the conversations as cited in the court papers. Specifically, he denied knowing anything about emails containing dirt on Clinton and called the claim that he introduced Papadopoulos to a female Russian national as a laughingstock. According to the Telegraph interview, Mifsud said he tried to put Papadopoulos in touch with experts on the European Union and introduced him to the director of a Russian think tank, the Russian International Affairs Council.It was the latter contact that the court papers presumably referred to in saying that on May 4, the Russian contact with ties to the foreign ministry wrote to Papadopoulos and Mifsud, reporting that ministry officials were open for cooperation, a message that Papadopoulos forwarded to a senior campaign official, asking whether the contacts were something we want to move forward with. However, even an article in The New York Times, which has aggressively pushed the Russia-gate scandal from the beginning, noted the evidentiary holes that followed from that point.The Times Scott Shane wrote: A crucial detail is still missing: Whether and when Mr. Papadopoulos told senior Trump campaign officials about Russia s possession of hacked emails. And it appears that the young aide s quest for a deeper connection with Russian officials, while he aggressively pursued it, led nowhere. Shane added, the court documents describe in detail how Mr. Papadopoulos continued to report to senior campaign officials on his efforts to arrange meetings with Russian officials, the documents do not say explicitly whether, and to whom, he passed on his most explosive discovery that the Russians had what they considered compromising emails on Mr. Trump s opponent. J.D. Gordon, a former Pentagon official who worked for the Trump campaign as a national security adviser and helped arrange the March 31 foreign policy meeting, said he had known nothing about Mr. Papadopoulos discovery that Russia had obtained Democratic emails or of his prolonged pursuit of meetings with Russians. Reasons to DoubtIf prosecutor Mueller had direct evidence that Papadopoulos had informed the Trump campaign about the Clinton emails, you would assume that the proof would have been included in Monday s disclosures. Further, since Papadopoulos was flooding the campaign with news about his Russian outreach, you might have expected that he would say something about how helpful the Russians had been in publicizing the Democratic emails.The absence of supporting evidence that Papadopoulos conveyed his hot news on the emails to campaign officials and Mifsud s insistence that he knew nothing about the emails would normally raise serious questions about Papadopoulos s credibility on this most crucial point.At least for now, those gaps represent major holes in the storyline. But Official Washington has been so desperate for proof about the alleged Russian election meddling for so long, that professional skepticism has been unwelcome in most media outlets.There is also another side of the story that rarely gets mentioned in the U.S. mainstream media: that WikiLeaks founder Julian Assange has repeatedly denied that he received the two batches of purloined Democratic emails one about the Democratic National Committee and one about Clinton s campaign chairman John Podesta from the Russians. While it is surely possible that the Russians might have used cutouts to pass on the emails, Assange and associates have suggested that at least the DNC emails came from a disgruntled insider.Also, former U.S. intelligence experts have questioned whether at least one batch of disclosed emails could have come from an overseas hack because the rapid download speed is more typical of copying files locally onto a memory stick or thumb drive.What I was told by an intelligence source several months ago was that Russian intelligence did engage in hacking efforts to uncover sensitive information, much as U.S. and other nations intelligence services do, and that Democratic targets were included in the Russian effort.But the source said the more perplexing question was whether the Kremlin then ordered release of the data, something that Russian intelligence is usually loath to do and something that in this case would have risked retaliation from the expected winner of the 2016 election, Hillary Clinton.But such questions and doubts are clearly not welcome in the U.S. mainstream media, most of which has embraced Mueller s acceptance of Papadopoulos s story as the long-awaited smoking gun of Russia-gate.Investigative reporter Robert Parry broke many of the Iran-Contra stories for The Associated Press and Newsweek in the 1980s. You can buy his latest book, America s Stolen Narrative, either in print here or as an e-book (from Amazon and barnesandnoble.com).READ MORE RUSSIA-GATE NEWS AT: 21st Century Wire Russia-Gate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 31, 2017",0 +Bezos-Owned Washington Post Running PR for Bezos-Owned Amazon β€˜HQ2’,"21st Century Wire says When the news broke in 2013 that Amazon.com founder and Bilderberg member Jeff Bezos bought the Washington Post, we started asking the same question many others were asking at the time: what does it mean for the paper and what will happen next? As the media whips up a public frenzy over which city will go to what extreme lengths to prove their worthiness of hosting the online retailer s next company headquarters replete with an odd reality TV like competition backdrop we now see further signs of exactly what the plan was all along.SEE ALSO: Washington Post Sloppy Journalism Blames Russia for Fake News Crisis and Trump s Win, While Pushing Neo-McCarthyismAccording to Adam Johnson, contributing analyst for FAIR.org, the Washington Post has been caught reposting Amazon press releases in their coverage of the HQ2 story. This amounts to essentially copy and paste PR by the Bezos-owned newspaper on behalf of Bezos-owned Amazon with no regard for citation or explanation of the projected economic benefits a host city could expect to receive. If only quality control of shipping their news at the Amazon Washington Post was as tight as shipping their retail.Continue reading about this story at FAIR.org READ MORE MEDIA CRITIQUE AT: 21st Century Wire Media Cog FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"October 30, 2017",0 +Lest We Forget: β€˜Independent’ Mueller is Part of Establishment That Helped Sell Iraq War,"21st Century Wire says While the mainstream press can t wait to find out (or get illegally leaked Grand Jury details) about the next target of Russian Collusion investigator and special counsel Robert Mueller, lest we forget that back in February 2003 it was Mueller who helped W. Bush, Dick Cheney and the rest of the neocon establishment sell the Iraq War.In May of this year, just days after the abrupt firing of FBI Director James Comey, former FBI Director Mueller was appointed special counsel to the investigation. The reception was conspicuously enthusiastic and praised across all mainstream media outlets as well as inside the Washington, D.C. Beltway.This cogent video analysis by TYT Politics demonstrates that things may not be what they seem. In fact, as the evidence is presented here, far from it: Recent history, however, suggests that whenever the political media class appears united in praise for anything .there s reason for concern. WATCH: READ MORE NEOCON NEWS AT: 21st Century Wire Neocon FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"October 29, 2017",0 +"Episode #208 – β€˜Not The Network’ – Sunday Wire with Hesher, Funk$oul and Patrick Henningsen Live from Iraq","Episode #208 of SUNDAY WIRE SHOW resumes on Oct 29th 2017 as host Patrick Henningsen brings you this week s LIVE broadcast on the Alternate Current Radio Network (ACR) covering all the top news stories both at home and internationally LISTEN LIVE ON THIS PAGE AT THE FOLLOWING SCHEDULED SHOW TIMES:5pm-8pm UK Time | 12pm-3pm ET (US) | 9am-12am PT (US) This week the SUNDAY WIRE is broadcasting LIVE from the Iraq as host Patrick Henningsen is joined by guest hosts Hesher & Funk$oul from the Alternate Current Radio s Boiler Room to discuss this week s top stories internationally including the leveling of Raqqa by US-led Coalition forces, the new US-UK-Soros-sponsored war against RT guests and the new European McCarthyist hunt for political dissenters to compliment the US effort and the update on Trump s release of classified JFK files. We ll also review this past week s news events with guest FunkSoul. Enjoy the show SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TVStrap yourselves in and lower the blast shield this is your brave new world *NOTE: THIS EPISODE MAY CONTAIN STRONG LANGUAGE AND MATURE THEMES*Download Episode #208 Sunday Wire Radio Show Archives ",US_News,"October 29, 2017",0 +Halloween Fireside Book of Suspense Vol. 2: Boiler Room EP #133,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Daniel Spaulding (of Soul of the East) Andy Nowicki (The Nameless One.) Randy J & Fvnk$oul (ACR & 21Wire Contributors) for the hundred and thirty third episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is kicking back with a Halloween vibe, discussing the absurdity of the British government creating a beef with the U.N. over the linguistic virtue of referring to pregnant women as pregnant people so as not to offend any trans people (I ve never put so many sarcastic quotations in one sentence before now.) The Boiler gang is also discussing Twitter, Google, Facebook and Youtube suppressing freedom of speech in the U.S. while serving as a lapdog to the intelligence agencies and the left leaning technocrats to literally do social engineering (not kidding, that is in Mark Zuckerberg s own words.)Direct Download Episode #133 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"October 27, 2017",0 +Twitter β€˜Off-Boards’ (Bans) RT and Sputnik Ads Ahead of Capitol Hill Testimony," Twitter s pitch deck for RT?21st Century Wire says In what appears to be a coordinated attack on RT and Sputnik, Twitter CEO Jack Dorsey (@jack) has declared all advertising purchased by the two media outlets unfit for the online news and social networking service.Off-boarding advertising from all accounts owned by Russia Today (RT) and Sputnik.We re donating all projected earnings ($1.9mm) to support external research into the use of Twitter in elections, including use of malicious automation and misinformation. https://t.co/zIxfqqXCZr jack (@jack) October 26, 2017The move comes just days before Twitter and other Silicon Valley companies go to Washington to testify on Capitol Hill regarding alleged Russian meddling in the 2016 U.S. Election.In the company s official announcement, it states the decision is based on the U.S. intelligence community s conclusion that both RT and Sputnik attempted to interfere with the election on behalf of the Russian government. To be fair, there was no conclusion. The DNI report was only an assessment of high confidence by a group of hand-picked analysts from the CIA, FBI and NSA.What s both ironic and embarrassing about the Twitter bird s ad blockade of the Russian-owned media outlets is their recent ad pitch to RT, specifically, during the election cycle:Hope @jack won t forget to tell @congressdotgov how @Twitter pitched @RT_com to spend big $$s on US elex ad campaign. pic.twitter.com/7GqoEoSaY8 (@M_Simonyan) October 26, 2017That s a tweet on Thursday by RT Editor-in-Chief Margarita Simonyan.It s quite clear that Twitter, along with other Silicon Valley properties like Google and Facebook, saw the 2016 U.S. Election as a lucrative ad sales pipeline and decided to cash-in like any other media outlet would do.Now, ahead of their upcoming testimony on election meddling , Twitter just put itself squarely in the crosshairs of the government to curry favor to, and to be push even further as Russiamania pushes forward.More from The Duran READ MORE RUSSIA NEWS AT: 21st Century Wire RUSSIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"October 26, 2017",0 +MORE QUESTIONS THAN ANSWERS: Was Sandy Hook Shooter Known to FBI Prior to School Massacre?,"21st Century wire says The FBI recently released new documents regarding the bizarre and still forensically critiqued Sandy Hook elementary school shooting tragedy. SANDY HOOK Many questions still remain in this perplexing case. (Photo Illustration 21WIRE s Shawn Helton)KEY POINT: It s important to remember that even though the events at Sandy Hook were said to have been carried out by a deranged lone gunman named Adam Lanza, initial reports on several CBS and ABC affiliates following the Sandy Hook mass shooting stated there was a second shooter who was apprehended at the scene.We should also be reminded that mainstream media reportage of the Sandy Hook tragedy took audiences down several rabbit holes of their own making, eventually implicating an unlikely suspect (left photo) with Asperger s syndrome, in an apparently motiveless crime.Not since the forensically questionable Columbine High School shooting massacre, had the corporate media been so fixated on a tragic shooting, focusing their efforts on politicizing the apparent crime, while investigators offered very little in terms of evidence in their official story.On March 28th of 2013, a few short months after the Sandy Hook shooting, an article entitled Newtown Killer s Obsessions, in Chilling Detail was published by the NY Times. In that article, the public learned that the Lanza s were unknown to authorities and that there were never any disturbances at the family residence that would have prepped law enforcement prior to the school shooting: Two law-enforcement officials who were initially involved in the investigation said in recent interviews that the Newtown police had never been called to the Lanza home for any disturbances, and that before the shootings the family was basically unknown to the authorities.They said they believed that Mr. Lanza had spent most of his time in the basement of the home, primarily playing a warfare video game, Call of Duty. This aspect of the story had remained virtually unquestioned until the recent release of FBI information this week.Earlier this week, an NBC affiliate in Connecticut published an article disclosing the newly released FBI documents regarding the Sandy Hook case. Here s a short passage of that article: The documents include reports by FBI agents who interviewed people about Lanza. Large portions of many of the documents were redacted, including the names of the people who spoke to the agents.The documents also offer a window into the early days of the investigation, as agents chased false leads and gathered evidence of Lanza s isolation.A year after the massacre, state police released a final investigative document that concluded Lanza was obsessed with firearms, death and mass shootings, but that the motive may never be known. While the article continued by placing a heavy emphasis on the media crafted stage-like persona of the alleged shooter Adam Lanza, we re told for the first time of his alleged sexual perversions, as the video game/gun obsessed millennial, apparently also spent time analyzing mass shooting crimes.This murky portrait of the Sandy Hook shooter finally emerges nearly five years after the media sensationalized school shooting. But perhaps the most shocking claim has come from an unnamed Newtown resident alleging that Lanza may have already been well-known to the FBI or possibly the CIA prior to the Sandy Hook school massacre occurring: A Newtown resident told the FBI that Nancy Lanza said Adam had once hacked into a government computer system and federal authorities either FBI or CIA agents showed up at their door.Nancy Lanza told the person that she had to convince the agents that her son was just very intelligent and was challenging himself to see if he could hack into a government system. She said agents told her that if Adam was that smart, he could get a job with their agency someday. QUESTION: Why is the public just now learning that Lanza may have already been known to authorities via his government computer hack and why wouldn t various intelligence agencies continue to monitor his behavior after committing an illegal act that may have been a national security concern?The troubling Sandy Hook saga continues to have more questions than answers READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 25, 2017",0 +Iraqi PM Rebuffs U.S. Decree That β€˜Foreign Shia Militias’ Should Leave Country,"Ever since ISIS appeared in Iraq in 2014, both the policies and strategies coming out of Washington have ranged from confused to inept, as politicians and Pentagon officials spar over whether or not to cooperate with various Iranian-affiliated Shia militias and People s Mobilization Units (PMF), led by Hash d al-Shaabi and Badr Organisation.The driving factor behind Washington s stance is the Israeli Lobby and Gulf state led by Saudi Arabia who vocally oppose any US cooperation with Shia PMF s in Iraq. This lack of coherency has also helped alienate the Iraq government in Baghdad who appear to be less and less concerned with Washington s sectarian imposition and more concerned with closing-out the ISIS threat in Iraq.This dysfunctional US policy of exclusion in local operational partners on the ground may have helped to prolong the lifespan of ISIS in parts of Iraq. Washington s insistence on playing the sectarian card has led to its inability to openly cooperate with key players to benefit of ISIS.Notice how the AFP report below categorically refers to Shia militia in Iraq at Iranian militias another example of the western mainstream media intentionally skewing language in order to give a false impression that all Shia militias in Iraq are Iranian which is patently false.This week: US Secretary of State Rex Tillerson drew the short straw again, as Pentagon warhawks send him to Riyadh on another impossible mission AFP reports Iraq on Monday rebuffed a US demand that Iranian militias leave the country, insisting that the paramilitary forces which helped it defeat the Islamic State group consist solely of Iraqi nationals. Nobody has the right to interfere in Iraqi affairs, the Iraqi cabinet said in a statement, quoting a source close to Prime Minister Haider al-Abadi. The fighters of the Hashed (al-Shaabi paramilitary units) are Iraqis who are concerned for their country and have sacrificed for its defence and for its people, it said.On Sunday, US Secretary of State Rex Tillerson demanded that Iranian militias leave Iraq. Certainly Iranian militias that are in Iraq, now that the fighting against (IS) is coming to a close, those militias need to go home, Tillerson said. All foreign fighters need to go home, he said at a press conference in Riyadh.The 60,000-strong Hashed was formed in 2014 after IS seized swathes of northern Iraq, routing government forces.A coalition mostly made up of Iranian-backed militias, it has played a key role in Iraq s successful fightback against the jihadists over the past three years.It answers to Iraq s prime minister as commander-in-chief of the Iraqi armed forces, into which it has been integrated by a parliamentary vote.Tillerson s remarks were also aimed at Iran s elite Revolutionary Guards and their foreign operations wing, the Quds Force, according to a senior US official accompanying him. The position of the Iraqi government and the position of our government is that there should be a single Iraqi security force answerable to the Iraqi state, the official said on condition of anonymity.Iranian Foreign Minister Mohammad Javad Zarif has also hit back at Tillerson s remarks, saying Iran played a crucial role in the fight against IS both in Iraq and Syria. If it wasn t for the sacrifices of the Islamic Republic of Iran Daesh (IS) would have installed its government in Damascus, Baghdad and (the Iraqi Kurdish regional capital) Arbil by now, he said.READ MORE IRAQ NEWS AT: 21st Century Wire Iraq FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 24, 2017",1 +New Survey Shows No.1 Fear of US Citizens is Government NOT Terrorism,"Americans have lost the plot when it comes to evaluating the true nature of the terrorist threat (Image Source: Wikicommons)By Matt AgoristAn extensive survey of hundreds of adults across the United States has just revealed that the thing most Americans fear more than anything else is their own government. In fact, according to the survey, no other fear even comes close to the percentage of Americans who worry about their corrupt government officials.The survey was conducted by Chapman University and it serves to back up the point that while Americans claim to live in the Land of the Free, deep down, they realize they are living in a corrupt oligarchy. The Chapman University Survey of American Fears Wave 4 (2017) provides an in-depth examination into the fears of average Americans. In May of 2017, a random sample of 1,207 adults from across the United States were asked their level of fear about eighty different fears across a huge variety of topics ranging from crime, the government, the environment, disasters, personal anxieties, technology and many others. As Statista s Niall McCarthy notes, like last year, corruption of government officials came top in 2017, with 74.5 percent of U.S. adults saying it makes them afraid or very afraid. Despite the constant fear mongering from the mainstream media and government on bogeymen terrorists plotting to steal our freedom, the public, according to this survey, is not buying it.In fact, the threat of terrorism isn t even in the top 20 fears. Terrorism comes in at twenty-two below credit card fraud and identity theft.While this survey is certainly promising, in the idea that people are waking up to government corruption, it is also a telling sign of America s ability to hold two entirely contradictory ideas as self-evident.This ability, or perhaps better defined as disability, to hold two opposing ideas, such as the spreading of freedom through war, as being logically sound, is called cognitive dissonance. When one is in a state of dissonance, they may sometimes feel disequilibrium : frustration, hunger, dread, guilt, anger, embarrassment, anxiety, etc.In order for cognitive dissonance to work, society must remain just ignorant enough to support and to believe the lies fed to them from the establishment as reality; even though this reality is a complete contradiction.Once we step back and observe society with this in mind, the reason for this contradictory mental state becomes quite obvious. It is much easier to remain delusional and in a state of suspended disbelief than it is to deal with the opposing ideas held inside one s head. How can one chant USA is number #1! while at the same time fearing the rulers of that USA?( ) If this survey shows us anything, it is that Americans would do well to entertain the uncomfortable idea that this country they hold so high up on a pedestal has actually long been on a path to become the dystopian nightmare written about in books like 1984.Americans would do well to remember the words by John Basil Barnhill in 1914 when he said, Where the people fear the government you have tyranny. Where the government fears the people you have liberty. This article first appeared the Free Thought Project.READ MORE WAR ON TERROR NEWS AT: 21st Century Wire War on Terror FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"October 23, 2017",0 +"WHITE WASHED? Trump Claims Classified JFK Files Will Be Released, Reigniting Conspiracy Suspicions","Shawn Helton 21st Century Wire JFK FILES Conspiracy still shrouds the JFK assassination. (Photo Illustration Shawn Helton)The assassination of US President John F. Kennedy, is one of the most infamous crimes of the 20th century. Like the enigmatic attacks of 9/11, it was an act that will forever be shrouded in conspiracy, intrigue and mystery despite the lone gunman theory implicating Lee Harvey Oswald.New reports indicate that classified documents pertaining to the assassination of the 35th US President will be allowed to be released by US President Donald Trump.The NY Times reports: The release of the information being held in secret at the National Archives including several thousand never-before-seen documents was mandated to occur by Oct. 26 under a 1992 law that sought to quell conspiracy theories about the assassination.Mr. Trump has the power to block the release of the documents, and intelligence agencies have pressured him to do so for at least some of them. The agencies are concerned that information contained in some of the documents could damage national security interests.In a statement to reporters, the White House left open the possibility that Mr. Trump might halt the release of some documents. While word of a possible release of never-before-seen JFK files has spread like wildfire throughout mainstream media and alternative media alike, one should remain skeptical and cautious, as the likelihood of the military industrial complex, the CIA and other clandestine agencies releasing any conclusive inter-agency conspiracy related details about the JFK assassination is next to zero.The globalist Deep State machine that has ruled the US and the world since WWII would have too much to lose if anything larger came out of America s most infamous conspiracy. It would be like opening Pandora s box. (Image Source: circololettori.it)Here s one theory in the mystery surrounding JFK s assassination that includes some uncanny historical and Hollywood associations that we are not likely to hear about In 1980, after a six-hour suicidal standoff with police, a contract killer linked to organized crime named Charles Harrelson, admitted to killing US District Judge John H Wood, and in the process, while apparently high on cocaine also claimed to have been involved in the assassination of President John F. Kennedy.The father of Hollywood star Woody Harrelson was convicted in the murder of a grain dealer named Sam Degelia Jr in 1968 and in 1981, Charles received two life sentences for the murder of John Wood.Throughout 1981, more questions materialized regarding the assassination of Judge Wood in a UPI article: Defense lawyers maintained [Charles] Harrelson was framed by police and the informant. Charles an ex-felon, said a friend, Hampton Robinson III, who failed to show up to testify, had driven the car. He suggested someone, possibly federal agents, had planted the guns so he could be arrested. He denied telling [Department of Public Safety agent] Pagel he carried a gun. THREE TRAMPS Charles Harrelson (ID d by forensic experts on the left) is believed to be one of three arrested in Dealey Plaza after JFK s assassination in 1963. (Image Source: jfkmurdersolved)When considering the Harrelson-Kennedy connection, the 1989 book Crossfire comes to mind.Crossfire, written by the recently deceased well-known researcher Jim Marrs, was also adapted for the highly controversial and successful Oliver Stone film JFK. Below is a passage from Crossfire, as it relates to the apparent Harrelson-Kennedy link: Aside from being twice convicted of murder for hire, Harrelson the father of actor Woody Harrelson had a long history of involvement with Dallas underworld characters linked directly to Jack Ruby. Continuing, the Crossfire also stated: The late Fort Worth graphics expert Jack White, who testified before the House Select Committee on Assassinations, already had noticed the resemblance of Harrelson to the youngest tramp. In a 1981 interview with Chuck Cook, Harrelson claimed to have the biggest story the reporter would ever have, when questioned about Kennedy s death. Additionally, Jo Ann Harrelson noted the similarities between the tramp photos and her husband. All this coupled with the fact Diane Lou Oswald (the mother of Woody Harrelson), who had also been married to Charles Harrelson in Midland, Texas, made for a strange background concerning the JFK saga.In a KDFW-TV interview in 1982 below, Charles Harrelson back tracks somewhat on his claims of killing Kennedy but does point directly to a larger conspiracy concerning the US government s involvement in the death of Kennedy as well as their alleged link to drug trade in America.The interview is a startling revelation, adding to the enigmatic JFK mystery and in the process provides another strange backdrop to a captivating case . 21st Century Wire says Today, President Donald Trump announced he plans to release the tens of thousands of classified documents on the assassination of President John F Kennedy held at the National Archives and Records Administration. The president believes that these documents should be made available in the interests of full transparency unless agencies provide a compelling and clear national security or law enforcement justification otherwise, a White House official told Reuters. Subject to the receipt of further information, I will be allowing, as President, the long blocked and classified JFK FILES to be opened, Trump tweeted on Saturday.Subject to the receipt of further information, I will be allowing, as President, the long blocked and classified JFK FILES to be opened. Donald J. Trump (@realDonaldTrump) October 21, 2017Days before Trump s announcement, The Washington Post claim that their National Security Council source told deep state media oracle that federal government agencies have warned the president not to release some of the documents for fear they could somehow comprise national security , although this rationale is hard to justify as the event took place nearly 55 years ago unless of course, some legacy parties still in power today were implicated in the remaining documents.It s difficult to know if Trump is referring to all of the remaining CIA and FBI documents, or just some of them, or whether or not these documents will be redacted (presumably to protect any important names involved in the JFK murder, or possible cover-up). However, Trump appears to have left open the possibility that if government agencies feel the documents should not to released, then he would heed their advice. Trump added that his decision was subject to the receipt of further information. According to Phil Shenon, a professional researcher and author on the Warren Commission: It s great news that the president is focused on this and that he s trying to demonstrate transparency. But the question remains whether he will open the library in full every word in every document, as the law requires, Shenon said. And my understanding is that he won t without infuriating people at the CIA and elsewhere who are determined to keep at least some of the information secret, especially in documents created in the 1990s. The scheduled date of the release is meant to be on October 26, 2017.STAY TUNED FOR MORE UPDATESREAD MORE JFK NEWS AT: 21st Century Wire JFK FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 21, 2017",0 +β€˜Man Bites Dog’: New York Times Does Some Actual Journalism,"What this story shows is that while there are some conscientious journalists at the New York Times who have made a concerted effort to discover the truth about President Trump s somewhat outlandish claim that the Cuban government have deployed sonic attacks against US diplomats in Havana the paper s editors also ran with the predictable mainstream conspiracy theory that Putin might be behind this malicious high-tech assault on US foreign service officials.Is there an internal struggle underway in mainstream media institutions between those who want to retain their integrity, and gatekeepers determine to use these outlets to peddle Establishment propaganda?Consortium News Exclusive: When the Trump administration blamed Cuba for a sonic attack on U.S. diplomats, a New York Times reporter did something unusual for his newspaper: he tried objectively to assess the evidence, as Robert Parry reports By Robert ParryI often criticize The New York Times, Washington Post and other major mainstream media outlets for a very simple reason: they deserve it especially for their propagandistic, unprofessional and reckless coverage of foreign crises.But there are occasional moments when some reporter at an MSM outlet behaves responsibly and those instances should be noted at least under the classic definition of news something that is unexpected or as the old saying goes, dog bites man is not news; man bites dog is news. One such moment occurred earlier this month when a Times science editor assigned science reporter Carl Zimmer to look into the mysterious illnesses affecting U.S. diplomats in the recently reopened U.S. embassy in Cuba.About two dozen U.S. diplomats supposedly were suffering hearing loss and cognitive difficulties due to what has been labeled a sonic attack. The Trump administration blamed the Cuban government even though the Cubans claimed to be mystified and would seem to have little motive for disrupting a long-sought d tente with Washington along with the expected boon to their tourist industry. President Trump retaliated by expelling 15 Cuban diplomats.Zimmer recounted the background to his story in a reporter s notebook piece on Oct. 6: On Tuesday, Michael Mason, my editor on the science desk, shot me an email. Would I consider writing an article about this sonic attack business ? I knew exactly what he was talking about. I had been vaguely puzzled about this business for months. Checking Out the StoryZimmer then did what professional journalists are supposed to do: he started contacting impartial experts to get their assessments of what was possible, what was likely, and what didn t make sense. I decided to try to find something out not as a political reporter but as a science writer, Zimmer wrote in the sidebar that accompanied his news article. I usually base my ideas on scientific research that has matured far enough that it is beginning to get published in peer-reviewed journals. I knew that an article on sonic weapons would be very different from the ones I usually write. I learned there was not even an official medical report. I decided to try to draw some boundary lines for all the speculation swirling around the story. Is the idea of a sonic attack plausible, based on what scientists know about sound and the human body? So I hit the phone. I didn t want to talk with just anyone I looked for people with lots of experience in research that had direct bearing on this question. I started with Timothy Leighton, whose job title at Southampton University is, literally, professor of ultrasonics and underwater acoustics. Better yet, Dr. Leighton has published the only thorough recent scientific review of the effects of environmental ultrasound that I m aware of. When I interviewed Dr. Leighton and others, I made clear I didn t expect them to solve this mystery; I just wanted them to reconcile the question with what we know through science. The consensus was that it was extremely unlikely the diplomats were the victims of a sonic weapon. It would be necessary to rule out less exotic possibilities before taking that one seriously. Yet, despite this skeptical scientific consensus among experts, Zimmer noted, The notion [of a sonic attack] has ricocheted like mad around the press, making it possible for readers to assume that [the sonic attack explanation] has been generally accepted by experts. But it most certainly has not. I ll be curious to see if articles like mine can put the brakes on the speculation. Suspecting PutinWell, Zimmer could have read the Times editorial in the same day s (Oct. 6) newspaper for a partial answer. While critical of the Trump administration for rushing to judgment in blaming the Cuban government and expelling 15 diplomats, the editorial concluded: The sonic attacks on Americans are too serious to be used for cynical political ends. So much for the editorial writers reading their own newspaper, but clearly they were driven by a higher agenda. A New York Times editorial about some unpleasant topic anywhere in the world these days wouldn t be complete without taking the opportunity to blame Russia or, in this case, at least suggest Russia as a possible villain in the mystery.The Times wrote: Other parties, most notably Russia, must also figure as suspects: President Vladimir Putin would probably welcome a setback to American-Cuban relations. Yes, every possible conspiracy theory must somehow circle back to Vladimir Putin, a real-life Dr. Evil. When he is not plotting how to flood Facebook with images of puppies or manipulate Americans in their pursuit of Pokemon Go characters, he is building secret sonic weapons to disorient U.S. diplomats in Havana and provoke President Trump to act rashly (when we all know how cool and collected Trump normally is) Continue this story at Consortium NewsREAD MORE ABOUT MSM REPORTING AT: 21st Century Wire Media Cog FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 21, 2017",0 +The Las Vegas and Weinstein Cover-ups: Boiler Room EP #132,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Shawn Helton (of 21st Century Wire) Andy Nowicki (The Nameless One) & Randy J (ACR & 21Wire Contributor) for the hundred and thirty second episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.On this episode of Boiler Room the ACR Brain-Trust is further analyzing aspects of the Las Vegas Mandalay Bay mass shooting event with Shawn Helton joining to share his latest discovery with this exclusive 21Wire/ACR report. Shawn uncovers connections between the Phoenix charity foundation co-founded by Kymberley Suchomel, a survivor of the Las Vegas shooting, and the well known DHS related Geo Group. Kymberley Suchomel is reported to have died suddenly on October 9th, of apparent known health conditions. The reason why the Geo Group link is so significant, is that prior to modern America s largest mass shooting in Las Vegas, an apparent survivor of the incident was operating a foundation that was accepting financial support from a large-scale company formerly known as The Wackenhut Corporation, a subsidiary of G4S Secure Solutions, one of the world s largest security firms, and a Department of Homeland Security connected conglomerate tied to the suspicious Orlando shooting in the summer of 2016 an event, that was previously the country s largest mass shooting. Direct Download Episode #132 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"October 20, 2017",0 +STRANGER THAN FICTION: Why Is Foundation of Vegas Shooting Survivor Sponsored By DHS Linked Firm?,"Shawn Helton 21st Century WireWhen looking at the deeply entangled mystery surrounding the Las Vegas mass shooting, there s been no shortage of questionable details and information that just doesn t add up.You know the old adage, truth is often stranger than fiction VEGAS QUESTIONS Who is working behind the scenes concerning the High Desert Phoenix Foundation? (Photo illustration 21WIRE s Shawn Helton)The shooting involving the Las Vegas Mandalay Bay Resort and Route 91 Harvest Festival, has ushered in the brutal return of politicized mass tragedy in America. The dramatic nature of the surreal as of yet still motiveless crime, only adds to a traumatic event that is now being described as the 9/11 of Mass Shootings. Similarly, over this past week, a story of concerning the sudden tragic death of a Las Vegas shooting survivor sent shock waves through both mainstream media and alternative media alike.As a chorus of gripping media reports detailed the unexpected death of 28 year-old Kymberley Jo (Synder) Suchomel (left photo Daily Press) in the days after the Las Vegas mass shooting, those still in search of answers in the aftermath of the tragedy were left captivated by her tale.By now, many may already be familiar with media accounts of Suchomel s harrowing tale of survival, who along with close friends, was said to have attended the Route 91 Harvest Festival the night of the Las Vegas shooting massacre.As the untimely circumstances of Suchomel s death have been conflated with the unexplained events in Las Vegas, many in alternative media have hastily assumed that the young fund raiser s death was somehow linked to her dispute of the Las Vegas mass shooting storyline via social media posts on a Facebook account associated with her. Subsequently, online interpretations of the Suchomel story have led to a digital firestorm on social media, producing a wave of speculation prior to a more complete analysis of the survivor s tale.Despite sensationalized reportage, at this time, there s no concrete evidence to prove a social media-based conspiracy concerning the death of Suchomel According to the original story first published by the Daily Press, we re told Suchomel died in her sleep as she was said to have suffered from epilepsy and had been prone to seizures. Additionally, Suchomel, who was reportedly taking medication for a pituitary tumor, was discovered dead by her grandmother Julie Norton at 8:30am on October 9th at her Apple Valley, California home. At this moment, an autopsy of Suchomel s death is still pending.QUESTION: Is it possible that open source investigators were being led into a virtual cul-de-sac and thus missing the real story?Media Tripwire?Undoubtedly, the uncanny timing of Suchomel s death has come on the heels of a brewing controversy over the Las Vegas mass shooting. This has led to increased speculation, turbo-charging even more spurious internet-based conspiracies and allegations. These now viral stories have simultaneously been published, as anonymous survivor claims from those close to Suchomel have presented Facebook messages associated with her account. Suchomel s claims also allude to multiple shooters involved in the Las Vegas shooting, as she allegedly planned to organize a group of survivors, and that The media can suck it. They have no idea what went down! While Suchomel s story is compelling, you have to wonder is there more than we ve been told?At face value, Suchomel s public account of the Las Vegas shooting is persuasive and does appear to question the official narrative. However, one should look at information from multiple angles in order to formulate a more full spectrum understanding of complex multilayered criminality.*UPDATE* Below are two screen shots associated with a Linkedin profile under the name of Kymberley Suchomel. We at 21WIRE cannot verify if this profile is connected in anyway to the Las Vegas shooting survivor or not, but several similarities in the appearance of the individual, home location and the inclusion of an aero-space industry government contractor Aero-Zone, along with others, raises some serious questions The inclusion of the above Linkedin profile is not necessarily an endorsement of a larger conspiracy concerning the Suchomel saga. However, the Linkedin revelations above have surfaced at or around the same time as other government contractor links have been uncovered regarding the Las Vegas shooting survivor s charitable foundation. (see below)QUESTION:Is the Linkedin profile above a ruse, someone else or another mysterious part of the Suchomel story?SEE ALSO: The Las Vegas Mass Shooting More to the Story Than We ve Been ToldAlthough the police dispatch communication, along with eye-witness testimony reveals some startling information contradicting the official story surrounding the Las Vegas mass shooting, one must be cautious when looking at all of the available evidence of a suspicious crime however difficult that may be.As larger outlets in alternative media such as Infowars have sensationalized this highly emotive aspect of the Las Vegas tragedy, a series of formulaic polarizing political points have become an echo chamber in its aftermath. This type of conjecture rapidly descends into wild speculation only serving to magnify emotionally driven elements of a particular story, something that could be used to deliberately steer public perception away from any potential forensic clues.It s important to remember that during same time SITE Intelligence injected an ISIS meme into the Las Vegas tragedy without revealing any solid evidence, Infowars quickly followed suit. This then prompted an apparent official statement that echoed those dubious claims from the terror group ISIS. Although these claims still linger, they ve failed to produce any real connection to ISIS.As we ve noted numerous times here at 21WIRE, the intelligence monitoring group called SITE, has ties to both the CIA and Israeli intelligence. The group has also had ethical concerns raised over the nature of their intel gathering in the last decade and according to the group s founder, Rita Katz they ve managed to release terror related material linked to ISIS prior to the group itself. GEO GROUP A private-for-profit corrections and detention firm formerly known as Wackenhut Corrections Corporation under the umbrella of The Wackenhut Corporation. (Image Source corporatewatch)Strange Bedfellows: Follow the MoneyWhat you re about to see below, is a collection of material revealing what appears to be a rather incredible financial component connected to the High Desert Phoenix Foundation, a charitable organization co-founded by the recently deceased Las Vegas mass shooting survivor Kymberley Suchomel. The High Desert Phoenix Foundation claims to have raised funds for grieving families affected by trauma since 2008. This amazing coincidence, rather incredibly, has not been mentioned once in any of the conspiratorial claims surrounding the Suchomel story at alternative media outlets. Put another way, a survivor of a traumatic event has been a long time co-founder of a foundation that contends to have helped those who have endured a traumatic tragedy themselves. It s a difficult question to ask but what are the chances of this uncanny coincidence?Furthermore, new evidence uncovers details concerning the High Desert Phoenix Foundation s high-profile sponsors, one that includes the The GEO Group, Inc (GEO). This long time financial donor, is also linked to well-known government contractor security firms. Is this also a coincidence?In recent years, controversy has enveloped the multi-billion-dollar corporation known as Geo Group. Critics of GEO Group contend that politically motivated contributions have led to an expansion of its for-profit prisons system through federal, state and government contractual agreements at the expense of public safety. Even more concerning, is that critics argue that GEO Group has fostered a dangerous work environment via it s under staffed operations, inadequate training and apparent mistreatment of detainees and other inmates. This has led to a potentially volatile situation for communities nearby GEO Group s facilities. QUESTION: Does this sound like a suitable donor for a charitable foundation known for helping grieving families?In 1984, Wackenhut Corrections Corporation (WCC) had been formed as a part of The Wackenhut Corporation. In 2003, WCC management bought up all stock held by its subsidiary G4S, altering its name to The GEO Group, Inc.In 2004, other divisions of the Wackenhut Corporation were purchased by Group 4 Falck, a security focused subsidiary known as G4S Wackenhut, was later renamed again as G4S Secure Solutions.Here s a screen shot of the High Desert Phoenix Foundation s mission statement. Notice the modest look of the website an organization with the financial backing of the multi-billion dollar GEO Group, one of the nation s largest for-profit prison operators The reason why the GEO Group link is so significant, is that prior to modern America s largest mass shooting in Las Vegas, an apparent survivor of the incident was operating a foundation that was accepting financial support from a large-scale company formerly known as The Wackenhut Corporation, a subsidiary of G4S Secure Solutions, one of the world s largest security firms, and a Department of Homeland Security connected conglomerate tied to the suspicious Orlando shooting in the summer of 2016 an event, that was previously the country s largest mass shooting. If you remember, 29-year old Omar Mateen, an Afghani-American was located in Port St. Lucie, Florida, about 120 miles outside of Orlando. In 2013, Mateen was placed under a terror watch list for 10 months (interviewed two to three times by the FBI 2013-14) and had worked for G4S Secure Solutions, headquartered in Jupiter, Florida, a company which was formerly part of a CIA-linked government contractor and security firm known as The Wackenhut Corporation.G4S, as it turns out, was the very first designated and certified Department of Homeland Security (DHS) contractor and recently secured a $234 million dollar contract with the federal cabinet department. In addition to apparently providing security solutions for 90 percent of U.S. nuclear facilities, G4S, according to border patrol sources has also been tasked with the transportation and release of illegal immigrants inside the interior of the United States. At least one of Mateen s roles with G4S, was to transport and provide security for prisoner youths in Florida.Here s a screen shot from the High Desert Phoenix Foundation s website that proudly displays their billion dollar government contract linked diamond donor, The Geo Group Below is a link to the first discussion about the Geo Group connection as it relates to the Las Vegas mass shooting Boiler Room: Stranger than Fiction New Anomalies in the Las Vegas Mass Shooting with Shawn Helton & HesherSEE ALSO: The Las Vegas and Weinstein Cover-ups: Boiler Room EP #132The amount of independent examination regarding the Las Vegas shooting case thus far is fairly staggering and in the wake of any multilayered event, one must proceed with caution when reviewing the available evidence, as the doorway for a trial by media frenzy in both mainstream media and alternative media could be used to derail sincere analysis.What should the public make of the the High Desert Phoenix Foundation s long time financial links to a high-profile government contractor?All of this comes, as the Las Vegas shooting star witness, Mandalay Bay security guard Jesus Campos resurfaced to appear in what the public has been told will be his only media appearance to discuss this bizarre and highly questionable case.It s also worth mentioning that Campos failed to shed any more light on the shifting timeline of events associated with the Las Vegas mass shooting. Watch Campos break his silence in an interview that appeared on Ellen Stay tuned for any updates to this story 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 19, 2017",0 +ANTIFA: Self-Appointed Radical Revolutionaries or Neoliberal Thought Police?," Antifa (Photo: Twitter)Diana Johnstone 21st Century Wire Fascists are divided into two categories, the fascists and the anti-fascists ~ Ennio FlaianoIn recent weeks, a totally disoriented left has been widely exhorted to unify around a masked vanguard calling itself Antifa, for anti-fascist. Hooded and dressed in black, Antifa is essentially a variation of the Black Bloc, familiar for introducing violence into peaceful demonstrations in many countries. Imported from Europe, the label Antifa sounds more political. It also serves the purpose of stigmatizing those it attacks as fascists .Despite its imported European name, Antifa is basically just another example of America s steady descent into violence.Historical PretensionsAntifa first came to prominence from its role in reversing Berkeley s proud free speech tradition by preventing right wing personalities from speaking there. But its moment of glory was its clash with rightwingers in Charlottesville on August 12, largely because Trump commented that there were good people on both sides . With exuberant Schadenfreude, commentators grabbed the opportunity to condemn the despised President for his moral equivalence , thereby bestowing a moral blessing on Antifa.Charlottesville served as a successful book launching for Antifa: the Antifascist Handbook, whose author, young academic Mark Bray, is an Antifa in both theory and practice. The book is really taking off very fast , rejoiced the publisher, Melville House. It instantly won acclaim from leading mainstream media such as the New York Times,The Guardian and NBC, not hitherto known for rushing to review leftwing books, least of all those by revolutionary anarchists.The Washington Post welcomed Bray as spokesman for insurgent activist movements and observed that: The book s most enlightening contribution is on the history of anti-fascist efforts over the past century, but its most relevant for today is its justification for stifling speech and clobbering white supremacists. Bray s enlightening contribution is to a tell a flattering version of the Antifa story to a generation whose dualistic, Holocaust-centered view of history has largely deprived them of both the factual and the analytical tools to judge multidimensional events such as the growth of fascism. Bray presents today s Antifa as though it were the glorious legitimate heir to every noble cause since abolitionism. But there were no anti-fascists before fascism, and the label Antifa by no means applies to all the many adversaries of fascism.The implicit claim to carry on the tradition of the International Brigades who fought in Spain against Franco is nothing other than a form of innocence by association. Since we must revere the heroes of the Spanish Civil War, some of that esteem is supposed to rub off on their self-designated heirs. Unfortunately, there are no veterans of the Abraham Lincoln Brigade still alive to point to the difference between a vast organized defense against invading fascist armies and skirmishes on the Berkeley campus. As for the Anarchists of Catalonia, the patent on anarchism ran out a long time ago, and anyone is free to market his own generic.The original Antifascist movement was an effort by the Communist International to cease hostilities with Europe s Socialist Parties in order to build a common front against the triumphant movements led by Mussolini and Hitler.Since Fascism thrived, and Antifa was never a serious adversary, its apologists thrive on the nipped in the bud claim: if only Antifascists had beat up the fascist movements early enough, the latter would have been nipped in the bud. Since reason and debate failed to stop the rise of fascism, they argue, we must use street violence which, by the way, failed even more decisively.This is totally ahistorical. Fascism exalted violence, and violence was its preferred testing ground. Both Communists and Fascists were fighting in the streets and the atmosphere of violence helped fascism thrive as a bulwark against Bolshevism, gaining the crucial support of leading capitalists and militarists in their countries, which brought them to power.Since historic fascism no longer exists, Bray s Antifa have broadened their notion of fascism to include anything that violates the current Identity Politics canon: from patriarchy (a pre-fascist attitude to put it mildly) to transphobia (decidedly a post-fascist problem).The masked militants of Antifa seem to be more inspired by Batman than by Marx or even by Bakunin.Storm Troopers of the Neoliberal War PartySince Mark Bray offers European credentials for current US Antifa, it is appropriate to observe what Antifa amounts to in Europe today.In Europe, the tendency takes two forms. Black Bloc activists regularly invade various leftist demonstrations in order to smash windows and fight the police. These testosterone exhibits are of minor political significance, other than provoking public calls to strengthen police forces. They are widely suspected of being influenced by police infiltration.As an example, last September 23, several dozen black-clad masked ruffians, tearing down posters and throwing stones, attempted to storm the platform where the flamboyant Jean-Luc M lenchon was to address the mass meeting of La France Insoumise, today the leading leftist party in France. Their unspoken message seemed to be that nobody is revolutionary enough for them. Occasionally, they do actually spot a random skinhead to beat up. This establishes their credentials as anti-fascist .They use these credentials to arrogate to themselves the right to slander others in a sort of informal self-appointed inquisition.As prime example, in late 2010, a young woman named Ornella Guyet appeared in Paris seeking work as a journalist in various leftist periodicals and blogs. She tried to infiltrate everywhere , according to the former director of Le Monde diplomatique, Maurice Lemoine, who always intuitively distrusted her when he hired her as an intern.Viktor Dedaj, who manages one of the main leftist sites in France, Le Grand Soir, was among those who tried to help her, only to experience an unpleasant surprise a few months later. Ornella had become a self-appointed inquisitor dedicated to denouncing conspirationism, confusionism, anti-Semitism and red-brown on Internet. This took the form of personal attacks on individuals whom she judged to be guilty of those sins. What is significant is that all her targets were opposed to US and NATO aggressive wars in the Middle East.Indeed, the timing of her crusade coincided with the regime change wars that destroyed Libya and tore apart Syria. The attacks singled out leading critics of those wars.Viktor Dedaj was on her hit list. So was Michel Collon, close to the Belgian Workers Party, author, activist and manager of the bilingual site Investig action. So was Fran ois Ruffin, film-maker, editor of the leftist journal Fakir elected recently to the National Assembly on the list of M lenchon s party La France Insoumise. And so on. The list is long.The targeted personalities are diverse, but all have one thing in common: opposition to aggressive wars. What s more, so far as I can tell, just about everyone opposed to those wars is on her list.The main technique is guilt by association. High on the list of mortal sins is criticism of the European Union, which is associated with nationalism which is associated with fascism which is associated with anti-Semitism , hinting at a penchant for genocide. This coincides perfectly with the official policy of the EU and EU governments, but Antifa uses much harsher language.In mid-June 2011, the anti-EU party Union Populaire R publicaine led by Fran ois Asselineau was the object of slanderous insinuations on Antifa internet sites signed by Marie-Anne Boutoleau (a pseudonym for Ornella Guyet). Fearing violence, owners cancelled scheduled UPR meeting places in Lyon. UPR did a little investigation, discovering that Ornella Guyet was on the speakers list at a March 2009 Seminar on International Media organized in Paris by the Center for the Study of International Communications and the School of Media and Public Affairs at George Washington University. A surprising association for such a zealous crusader against red-brown .In case anyone has doubts, red-brown is a term used to smear anyone with generally leftist views that is, red with the fascist color brown . This smear can be based on having the same opinion as someone on the right, speaking on the same platform with someone on the right, being published alongside someone on the right, being seen at an anti-war demonstration also attended by someone on the right, and so on. This is particularly useful for the War Party, since these days, many conservatives are more opposed to war than leftists who have bought into the humanitarian war mantra.The government doesn t need to repress anti-war gatherings. Antifa does the job.The Franco-African comedien Dieudonn M Bala M Bala, stigmatized for anti-Semitism since 2002 for his tv sketch lampooning an Israeli settler as part of George W. Bush s Axis of Good , is not only a target, but serves as a guilty association for anyone who defends his right to free speech such as Belgian professor Jean Bricmont, virtually blacklisted in France for trying to get in a word in favor of free speech during a TV talk show. Dieudonn has been banned from the media, sued and fined countless times, even sentenced to jail in Belgium, but continues to enjoy a full house of enthusiastic supporters at his one-man shows, where the main political message is opposition to war.Still, accusations of being soft on Dieudonn can have serious effects on individuals in more precarious positions, since the mere hint of anti-Semitism can be a career killer in France. Invitations are cancelled, publications refused, messages go unanswered.In April 2016, Ornella Guyet dropped out of sight, amid strong suspicions about her own peculiar associations.The moral of this story is simple. Self-appointed radical revolutionaries can be the most useful thought police for the neoliberal war party.I am not suggesting that all, or most, Antifa are agents of the establishment. But they can be manipulated, infiltrated or impersonated precisely because they are self-anointed and usually more or less disguised.Silencing Necessary DebateOne who is certainly sincere is Mark Bray, author of The Intifa Handbook. It is clear where Mark Bray is coming from when he writes (p.36-7): Hitler s final solution murdered six million Jews in gas chambers, with firing squads, through hunger an lack of medical treatment in squalid camps and ghettoes, with beatings, by working them to death, and through suicidal despair. Approximately two out of every three Jews on the continent were killed, including some of my relatives. This personal history explains why Mark Bray feels passionately about fascism . This is perfectly understandable in one who is haunted by fear that it can happen again .However, even the most justifiable emotional concerns do not necessarily contribute to wise counsel. Violent reactions to fear may seem to be strong and effective when in reality they are morally weak and practically ineffectual.We are in a period of great political confusion. Labeling every manifestation of political incorrectness as fascism impedes clarification of debate over issues that very much need to be defined and clarified.The scarcity of fascists has been compensated by identifying criticism of immigration as fascism. This identification, in connection with rejection of national borders, derives much of its emotional force above all from the ancestral fear in the Jewish community of being excluded from the nations in which they find themselves.The issue of immigration has different aspects in different places. It is not the same in European countries as in the United States. There is a basic distinction between immigrants and immigration. Immigrants are people who deserve consideration. Immigration is a policy that needs to be evaluated. It should be possible to discuss the policy without being accused of persecuting the people. After all, trade union leaders have traditionally opposed mass immigration, not out of racism, but because it can be a deliberate capitalist strategy to bring down wages.In reality, immigration is a complex subject, with many aspects that can lead to reasonable compromise. But to polarize the issue misses the chances for compromise. By making mass immigration the litmus test of whether or not one is fascist, Antifa intimidation impedes reasonable discussion. Without discussion, without readiness to listen to all viewpoints, the issue will simply divide the population into two camps, for and against. And who will win such a confrontation?A recent survey* shows that mass immigration is increasingly unpopular in all European countries. The complexity of the issue is shown by the fact that in the vast majority of European countries, most people believe they have a duty to welcome refugees, but disapprove of continued mass immigration. The official argument that immigration is a good thing is accepted by only 40%, compared to 60% of all Europeans who believe that immigration is bad for our country . A left whose principal cause is open borders will become increasingly unpopular.Childish ViolenceThe idea that the way to shut someone up is to punch him in the jaw is as American as Hollywood movies. It is also typical of the gang war that prevails in certain parts of Los Angeles. Banding together with others like us to fight against gangs of them for control of turf is characteristic of young men in uncertain circumstances. The search for a cause can involve endowing such conduct with a political purpose: either fascist or antifascist. For disoriented youth, this is an alternative to joining the US Marines.American Antifa looks very much like a middle class wedding between Identity Politics and gang warfare. Mark Bray (page 175) quotes his DC Antifa source as implying that the motive of would-be fascists is to side with the most powerful kid in the block and will retreat if scared. Our gang is tougher than your gang.That is also the logic of US imperialism, which habitually declares of its chosen enemies: All they understand is force. Although Antifa claim to be radical revolutionaries, their mindset is perfectly typical the atmosphere of violence which prevails in militarized America.In another vein, Antifa follows the trend of current Identity Politics excesses that are squelching free speech in what should be its citadel, academia. Words are considered so dangerous that safe spaces must be established to protect people from them. This extreme vulnerability to injury from words is strangely linked to tolerance of real physical violence.Wild Goose ChaseIn the United States, the worst thing about Antifa is the effort to lead the disoriented American left into a wild goose chase, tracking down imaginary fascists instead of getting together openly to work out a coherent positive program. The United States has more than its share of weird individuals, of gratuitous aggression, of crazy ideas, and tracking down these marginal characters, whether alone or in groups, is a huge distraction. The truly dangerous people in the United States are safely ensconced in Wall Street, in Washington Think Tanks, in the executive suites of the sprawling military industry, not to mention the editorial offices of some of the mainstream media currently adopting a benevolent attitude toward anti-fascists simply because they are useful in focusing on the maverick Trump instead of themselves.Antifa USA, by defining resistance to fascism as resistance to lost causes the Confederacy, white supremacists and for that matter Donald Trump is actually distracting from resistance to the ruling neoliberal establishment, which is also opposed to the Confederacy and white supremacists and has already largely managed to capture Trump by its implacable campaign of denigration. That ruling establishment, which in its insatiable foreign wars and introduction of police state methods, has successfully used popular resistance to Trump to make him even worse than he already was.The facile use of the term fascist gets in the way of thoughtful identification and definition of the real enemy of humanity today. In the contemporary chaos, the greatest and most dangerous upheavals in the world all stem from the same source, which is hard to name, but which we might give the provisional simplified label of Globalized Imperialism. This amounts to a multifaceted project to reshape the world to satisfy the demands of financial capitalism, the military industrial complex, United States ideological vanity and the megalomania of leaders of lesser Western powers, notably Israel. It could be called simply imperialism , except that it is much vaster and more destructive than the historic imperialism of previous centuries. It is also much more disguised. And since it bears no clear label such as fascism , it is difficult to denounce in simple terms.The fixation on preventing a form of tyranny that arose over 80 years ago, under very different circumstances, obstructs recognition of the monstrous tyranny of today. Fighting the previous war leads to defeat.Donald Trump is an outsider who will not be let inside. The election of Donald Trump is above all a grave symptom of the decadence of the American political system, totally ruled by money, lobbies, the military-industrial complex and corporate media. Their lies are undermining the very basis of democracy. Antifa has gone on the offensive against the one weapon still in the hands of the people: the right to free speech and assembly.***Diana Johnstone is author of the introduction to her father s memoir, From MAD to Madness: Inside Pentagon Nuclear War Planning, by Paul H. Johnstone (Clarity Press).READ MORE FASCIST NEWS AT: 21st Century Wire Fascist FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 17, 2017",0 +VANISHED: β€˜Hero Security Guard’ and Star Witness of Las Vegas Shooting is Missing,"TWO PROTAGONISTS: Jesus Campos, and alleged shooter Stephen Paddock.Last week, 21WIRE reported how the Las Vegas police and FBI had suddenly changed their story of the timeline of events associated with Mandalay Bay security guard hero and police star witness, Jesus Campos and the alleged shooter Stephen Paddock. *Note* The Las Vegas mass shooting, currently modern America s deadliest, has already been cycled out of most trending media reports in less than two weeks, as most mainstream outlets have now focused the public s attention on a ready-to-go show trial involving disgraced Hollywood movie mogul Harvey Weinstein. In addition, reportage by former Project Veritas operative Laura Loomer, suggests that the Campos family may have had a gag order placed on them not to talk about the mass-shooting case.Now we can report that Jesus Campos is missing.This has all the hallmarks of a cover-up. Not surprisingly, the mainstream media appear to be disinterested in this story now.FOX News confirmed this morning:The Mandalay Bay security guard who disappeared last week moments before he was scheduled to break his silence in television interviews has not been seen since he went to a walk-in health clinic, his union president said.David Hickey of the Security, Police, and Fire Professionals of America (SPFPA) told reporters Friday that he got a text the night before saying Jesus Campos was taken to a UMC Quick Care facility, though he did not specify where or whom the text came from.A spokesperson at the UMC Quick Care, which has eight locations throughout the Las Vegas area, told Fox News on Monday that they had heard nothing about Campos visiting them.Multiple requests from Fox News for SPFPA to comment on the matter were not returned Monday.Hickey said he was meeting with MGM officials Thursday afternoon in the hours before Campos scheduled television appearances, including one with Fox News.LAS VEGAS SECURITY GUARD JESUS CAMPOS DISAPPEARS MOMENTS BEFORE TV INTERVIEWS For the past four days he s been preparing we had a meeting with MGM officials, and after that meeting was over, we talked about the interviews, we went to a private area, and when we came out, Mr. Campos was gone, Hickey told reporters, according to Fox 5 Las Vegas.Hickey said Campos had requested to go public and wanted to tell his story and move on from the Oct. 1 shooting investigation. Police say he was shot just before the crazed gunman killed 58 at music festival on the Las Vegas Strip though the sequence of events is still in dispute.Campos was last photographed in public on Oct. 10, accepting an SPFPA Hero Award for bravery in the line of duty, while dining with Hickey and others at a high-end Vegas steakhouse. But soon afterward, investigators said that the security guard was shot before the massacre, raising questions about whether the hotel did enough to prevent the bloodshed.Hickey has said that before he vanished, Campus was looking forward to telling his side of the story. Right now I m just concerned where my member is, and what his condition is. It s highly unusual, Hickey said Friday. I m hoping everything is OK with him and I m sure MGM or the union will let (media) know when we hear something, he said.(Fox News Greg Norman contributed to this report)SEE ALSO: The Las Vegas Mass Shooting More to the Story Than We ve Been ToldREAD MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 17, 2017",0 +TSA: US Residents from 9 States Will Need Passports for Domestic Flights,"This latest move by America s notorious Transportation Security Authority (TSA) seems to be step one in a move towards a national ID Card, complete with biometrics and embedded RFID technology.By forcing residents of nine states to get passports in order to board domestic flights, the TSA is de facto pushing those states towards the implementation of a new state-of-the-art ID card system.This will help to give real teeth to the The Real ID Act It s just the next phase in the further militarization of US society.Forbes reports You may have thought you don t need a passport because you don t travel outside the United States. But for residents of nine states, that will change at the beginning of 2018 for any commercial flight, whether international or domestic.Nine states will no longer allow travelers to board an airplane with just their state issued driver s licenses as of January 22, 2018. To get past TSA security checkpoints, another form of identification will be required: passport, permanent resident card/green card or a military ID.The Real ID Act of 2005 states that state-issued IDs from these nine states do not meet the minimum security standards of the federal government:With just a few months until the Real ID Act goes into full effect, it is time to start planning now and look into getting your passport. Here is the airport signage, placed around the security checkpoints in airports to remind U.S. travelers of what;s to come (with my emphasis): Starting January 22, 2018, you will need a driver s license or ID from a state compliant with the REAL ID ACT, a state that has an extension for compliance, or an alternate ID to fly. For REAL ID information, and a list of acceptable IDs, visit tsa.gov. Some states have started working on offering federally approved issued IDs that would not require a passport for domestic air travel. Check with your local government office to see if there is a different type of ID you can apply for, and the TSA website to clarify this situation. Because on January 22, 2018, the enforcement for those nine states will go into effect, and by 2020, even more people will end up needing a passport, as confirmed by the official website of the Transportation Security Administration.To repeat, if you re going to take a flight and you have a state-issued ID from one of those nine states listed above, unless your state has made federally approved changes before January, you should use a passport to go anywhere across the country, as all domestic travel is included in these new standards. (States other than those nine will not be affected.)Continue this story at ForbesREAD MORE TSA NEWS AT: 21st Century Wire TSA FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 16, 2017",1 +SUNDAY SCREENING: Operation Hollywood (2004),"Our weekly documentary film curated by our editorial team at 21WIRE.How many of your favorite movies have been shaped and directed by the Pentagon? Since the 1970 s, a number of successful Hollywood blockbuster hits, including Patton, Apocalypse Now, Top Gun, Three Kings, Saving Private Ryan, Blackhawk Down and others have had their productions and budgets augmented by the US military machine including the use military bases, heavy weaponry, submarines aircraft and aircraft carriers generously made available to the studios but at a price. The quid pro quo is that Pentagon s experts are then allowed to vet hundreds of screenplays each year, and even have direct input into the story lines.Operation Hollywood explores the cozy relationship between the big entertainment studios and the military industrial complex, and asks why Americans, and the world, accept that the Pentagon will use movies to promote its own brand of propaganda in the furtherance of a US-centric global agenda of militarization. Watch:. Run time: 52 min Director: Emilio Pacull Distributor Arte France and Les Films d Ici (2004)For additional background on this topic, listen to author Jay Dyer s highly informative lecture on the subject.SEE MORE SUNDAY SCREENINGS HERESUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 15, 2017",0 +Reflections on a World Gone Mad and Pushing Back against Neocolonialist Thuggery," Andre Vltchek Anti DiplomaticoThe following is an interview with ANDRE VLTCHEK by ALESSANDRO BIANCCHI, Chief Editor of the Italian political magazine Anti-Diplomatico:ALESSANDRO BIANCHI: Self-determination of peoples and respect for the borders and sovereignty of a country. This is of the most complicated issue for international law. How can it be articulated for the case of Catalonia?ANDRE VLTCHEK: Personally, I m not very enthusiastic about smaller nations forming their own states, particularly those in the West, where they would, after gaining independence , remain in the alliances that are oppressing and plundering the entire world: like NATO or the European Union.Clearly, the breaking of the great country of Yugoslavia into small pieces was a hostile, evil design by the West, and particularly of Germany and Austria. The dissolution of Czechoslovakia after the so-called Velvet Revolution was a total idiocy.But Catalonia (or Basque Country), if it became independent, would become one of the richest parts of Europe. I don t think it would have any great positive or negative impact on the rest of the world. As an internationalist, I don t really care if they are separate from Spain or not, or whether they are even richer than they already are, as I care much more about what is happening in places such as Afghanistan, Venezuela or North Korea.On the other hand, the way Spain has now behaved in Catalonia, after the referendum, is a total disgrace. They decided to treat the Catalan people in the same way as Indonesians have been treating Papuans for decades. If this continues, it will all reach the point of no return: reconciliation will become impossible. You cannot start sexually harassing women and then break their fingers, one by one, just because they want to have their own state. You cannot injure hundreds of innocent people, who simply don t want to be governed from Madrid. That s absurd and thoroughly sick! Of course Spain used to commit holocausts all over what is now called Latin America, so it is in their blood . But I don t think Catalans will allow this to be done to them.What about the constitution of Spain? Look, there should be nothing sacred about constitutions. In the West, they were written to protect the interests of the ruling classes. When they get outdated, they should be moderated, or totally rewritten. If Catalans or Basques want their independence, if they really want it, if it is so important for them, then why not they should have it. Spain is not a people s country . It is an oppressive Western bully. I would have a totally different position if some part of Bolivia or China were to try to secede.AB: Different situation and different reality. Another issue of fundamental international concern in this period is the referendum of Iraqi Kurdistan, which is likely to become the new fuse ready to explode in that area. Would it be the new Israel in the Middle East as someone has affirmed?AV: Well, that is really a very serious issue. I have worked in the Kurdish autonomous region of Iraq already twice, even on the border with Mosul, and what I saw there I did not like at all!It is clearly a client state of the West, of Turkey and to some extent, Israel. It is shamelessly capitalist, taking land from its own people, cheating them, just in order to pump and refine huge quantities of oil. It treats Syrian refugees like animals, forcing them to make anti-Assad statements. It is turning ancient Erbil into some bizarre shopping mall with nothing public in sight. Its military top brass is mainly US/UK-trained and indoctrinated. And it provokes Baghdad, day and night.I really strongly disliked what I saw there. If Iraqi Kurds were allowed to have their independence , the impact on the region would be huge and certainly negative. Baghdad should not allow it, even at the cost of an armed confrontation.AB: Coming to the question of the moment: the nuclear escalation in North Korean and a possible escalation of war on the Korean peninsula. What is your opinion about Kim s strategy and what are the real risks?AV: There is only one real risk and danger: that the world is quickly accepting as inevitable the fact that the Western thuggish regimes can get away with absolutely anything. I see no other serious problem that the world today is facing.What is Kim s strategy? To defend his people by all means, against the brutal force that has already murdered millions of men, women and children of Korea. That brutal force is the West and its allies. It is all very simple, but only if one is willing to turn off the BBC and to use his or her own brain, it becomes obvious .AB: According to many, for Pyongyang the nuclear bomb is becoming more and more vital because it is increasingly feared that the country will end up like Iraq and Libya. Do you not believe that the sanctions of the United Nations are therefore totally ineffective and counterproductive because they fuel this escalation?AV: Of course, but they [sanctions] are still imposed on the victim! It is because almost no one dares to laugh straight in the faces of Western demagogues and dictators. The world resembles the areas occupied by the Nazi Germany and Italy and Japan during the WWII. There, nobody would dare to vote independently, defending victims of fascism.AB: The US Federation of Science (FAS) estimates that in 2017 North Korea has fissile material to potentially produce 10 to 20 nuclear warheads even if it is strongly suspected that none can be considered ready for launch. The US possesses 6,800 nuclear heads. The French and British (respectively 300 and 215 respectively) included, NATO s nuclear forces have 7,315 nuclear warheads, of which 2,200 are ready to launch, compared to 7,000 held by the Russians, of which 1,950 are ready to launch. With Chinese (270), Pakistani (120-130), Indian (110-120) and Israeli (80), the total number of nuclear warheads is estimated to be around 15,000 by default. The West is a nuclear oligopoly that can only create an escalation with those who feel threatened, and so the threatened search to procure them. Is North Korea the only source of nuclear threat to the world, as it seems in the mainstream media?AV: Of course, North Korea is no threat at all. I have already spoken about it during countless televised interviews. I visited North Korea and mingled with its people. There, nobody wants war. The North Korean people paid a terrible price for their independence. Its civilians were murdered mercilessly in tunnels by Western forces; its women were brutally raped, entire villages and towns leveled to the ground, or burned to ashes. All this is never discussed in the West, but is remembered in North Korea.Now, absolutely shameless British propaganda is preparing the world public for the inevitability of the war. You know, if someone in this day and age still believes that the United States is the only culprit, he or she is perhaps living in some deep isolated trench or a cave. Indoctrination and brainwashing is mainly designed, Made in Europe , most evidently in the UK, where most of the people have already lost all their ability to think rationally. The British colonialist propaganda apparatus is terribly sinister, but strategically it is simply brilliant! It was utilized for centuries, and it even succeeded in programming the brains of the victims in the sub-Continent, Africa and elsewhere.Of course, your numbers are correct and all that is happening is thoroughly absurd! But day and night people are told that North Korea represents a true danger to the world. The same was said about the Soviet Union, China, Cuba, Iraq, Afghanistan and many other countries. Most of these countries have already been destroyed.North Korea s sin is that it refuses to surrender, to fall on its knees, to sacrifice its people. It refuses to become a slave. For centuries, European and later US colonialism punished such defiance in the most brutal ways. Western culture is, after all, based and built on slavery. It demands absolute compliance, unconditional submission.If North Korea is attacked, it should fight back! And it will.AB: The United Nations adopted the important Treaty on the Prohibition of Nuclear Weapons in July. The United Nations is often used (in alternate ways and countries): this Treaty is ignored by all nuclear powers, including by members of NATO with US nuclear weapons (including Italy). NATO has banned member states from ratifying it. Can the West have a moralist attitude to those who pursue a deterrent in order not to not end up like Saddam and Gaddafi?AV: The West is like an army of brigands that has managed to overrun some city, to rape everything that moves, burn the center, loot houses and shops and then execute all leading thinkers and defenders. A few days later they see someone stealing a bunch of bananas from a fruit stall. And they catch him, and judge him, and feel totally morally righteous. It is all so comical! But that is not how you are supposed to see it!AB: Russia and China (with Iran, Venezuela and many other countries) are intensifying de-dollarization in their mutual exchanges. Does it envisage a gradual weakening of the dollar capable of affecting international finance and what geopolitical repercussions?AV: Yes, definitely! And you should talk about it to my friend, Peter Koenig, a true dissident, a former economist at the World Bank, who is now actually advising many countries on de-dollarization.US dollars should not be used anymore. Western institutions should be ignored. Totally new structures should be, and are being erected. China and Russia are, of course, in the lead. All this is extremely important and can change the world, in the near future.AB: Venezuela, with the convening of the Constituent Assembly, turned off the coup attempts of the opposition. In Brazil Lula is favored in polls, while in Argentina the former President Cristina Fernandez is back in the Senate with strong popular support. So it was not the end of the progressive cycle, as the mainstream has for years stated?AV: Of course it was not the end! The desire of Lain Americans to live in just and egalitarian societies is too strong; it cannot be destroyed overnight.There were some serious setbacks in Argentina and Brazil. And Venezuela is suffering immensely, battered by its own shameless elites sponsored from abroad. But the country is still standing.In Brazil, Temer is immensely unpopular. His constitutional coup will soon backfire. PT will be back, in its old form or in a new one. And it will be much stronger than before. The same goes for Argentina. You see, despite all the media manipulation, propaganda and shameless lies, people are already realizing that they were fooled. They want some decency back, they want socialism and pride and hope! They want true independence.In two weeks from now I m going back to South America. My book of essays is being published by LOM, soon, and LOM is a very important left-wing publishing house in Chile. These days I go back to South America often. It is one of the frontlines, battlegrounds, where people struggle against Western imperialism and its lackeys!These are very important, fascinating times! I have just published my latest book, about The Great October Socialist Revolution of 1917, in Russia. Its legacy is now relevant, more than ever before in history. It gave birth to internationalism, and internationalism is the only movement, which can still save the world, and which can defeat Western nihilism and its barefaced, cynical pillage of the planet!***Andre Vltchek is a philosopher, novelist, filmmaker and investigative journalist. He has covered wars and conflicts in dozens of countries. Three of his latest books are his tribute to The Great October Socialist Revolution a revolutionary novel Aurora and a bestselling work of political non-fiction: Exposing Lies Of The Empire . View his other books here. Watch Rwanda Gambit, his groundbreaking documentary about Rwanda and DRCongo and his film/dialogue with Noam Chomsky On Western Terrorism . Vltchek presently resides in East Asia and the Middle East, and continues to work around the world. He can be reached through his website and his Twitter.READ MORE FROM ANDRE VLTCHEK: 21ST CENTURY IMPERIALISM FILESSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 14, 2017",1 +John McAfee on Hacking Smartphones and Why BITCOIN is Here to Stay,"The world of personal digital devices is moving at a rapid rate and few cyber pundits are as well positioned to comment on all of these developments as cyber security expert John McAfee. While attending an international tech conference in Romania, McAfee discusses a number of important personal privacy issues, including how hackers can access your smartphone and why, and the safety of crypto-currencies in today s world of data-mining, along with trojan horses, the strategy behind malware and remote cyber attacks.Watch this very informative interview: READ MORE BITCOIN NEWS AT: 21st Century Wire Bitcoin FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 14, 2017",1 +Black Politician Explains Why Left’s β€˜Racist’ Critique of Trump is Wrong,"Is the Democratic Party really the party of the oppressed and of blacks and minorities ? Critics have accused the Democrat Party has been accused of cynically cultivating a dependence class whose main function for the party is to bring home the minority vote every few years.Were African-Americans better, or worse off after eight years of a Democratic White House?US Senate candidate Derrick Grayson from the state of Georgia explains the actual racist roots of the Democratic Party in America, the tragic loss of Black American icons Martin Luther King and Malcolm X, and how the liberal left have successfully managed to use and manipulate minorities in America since the the FDR era.Watch this incredible impromptu piece to camera by an passionate Grayson: READ MORE POLITICALLY CORRECT NEWS AT: 21st Century Wire PC FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 14, 2017",0 +Santilli Freed Under Plea Pact as Vegas Shooting Casts Shadow on Bundy Trial," LONG SHADOW: The wake of the recent mass tragedy in Las Vegas has overtaken various current events, including the Bundy Trial (Image: Mandalay Bay Hotel & Resort) By Mark Anderson The TRUTH HOUNDLAS VEGAS Although the ongoing Bundy trial in the U.S. District Court in Las Vegas, Nevada has had its share of dramatic changes, that s especially true lately.A major twist is that internet-radio personality Pete Santilli one of seven defendants in the trial that had been set to begin with jury selection on Oct. 10th before it was delayed again plead guilty (on Friday, Oct. 6) and was released pending sentencing, confirmed his attorney, Chris Rasmussen of Las Vegas.Rancher Cliven Bundy held without trial for over 18 months.In that highly anticipated trial, with Santilli now excluded due to his plea, the federal government is trying elder rancher Cliven Bundy (image, left), his sons Ammon and Ryan, and militia leader Ryan Payne. Two other defendants, O. Scott Drexler and Eric Parker, who are being retried for a third time from earlier proceedings will join the others in this second of three planned trials.Another development affecting the trial is concern that the Oct. 1st mass shooting at Mandalay Bay Hotel might prevent the defendants from getting a fair shake. According to Ryan Payne s attorney, the Vegas shooting has the potential to bias jurors, and has asked that the trial be moved to Nevada s second largest city, Reno, located seven hours north of Las Vegas.But while moving the proceedings 450 miles away to Reno s federal court appears unlikely as of this writing, the Las Vegas federal court issued yet another delay in this complicated trial. Therefore, the previously announced Oct. 10 date for jury selection for the second trial will be changed to on, or around, Oct. 30th.And even that could be subject to change again, given the already bumpy track record of this multiple-defendant case in which the federal government has had a hard time making its allegations stick.Only Gregory Burleson, who s wheelchair-bound and reportedly has developed blindness, has been sentenced to 68 years, no less. He was convicted in the first trial that began in early February. A co-defendant in that trial, Todd Engel, is expected to be sentenced Dec. 22, though several other defendants have been cleared of numerous charges.SANTILLI S JOURNEYSantilli, who shot extended livestream video footage at the Malheur National Wildlife Refuge building near Burns, Oregon, was held on remand for his role in that latter-2015, early-2016 affair.The controversial internet radio personality has had his share of critics, both in and out of the court room. Some critics alleged that his some of the journalistic coverage shot in Oregon enabled the government to more closely monitor the Bundys and their supporters who had peacefully occupied the abandoned building to protest onerous federal land controls and the unlawful arrest of the Hammonds, local ranchers who had fallen foul of federal agents from the Bureau of Land Management (BLM). Others, however, felt his coverage would have provided a helpful account of events had federal agents decided to take the building by force. During the Oregon hearings, his defense attorney argued that much footage which he had broadcast on his YouTube channel should be considered as protected speech under the First Amendment.On the eve of last September s Oregon trial Santilli had all charges dismissed against him.Although later cleared of Oregon-related charges, Santilli remained in federal custody and was transferred to Nevada to stand trial for his role in the famous spring 2014 standoff at Bundy Ranch in Bunkerville, Nevada an event that saw Cliven Bundy, his sons and other supporters gather to protest the policies of the BLM and other agencies.Federal agents unsuccessfully attempted to confiscate Cliven s cattle over alleged claims that he owed significant federal grazing fees, and concerning a EPA court order over a contested environmental mitigation policy concerned the relocation of the Desert Tortoise. From the onset of the controversy, Cliven Bundy has maintained the federal government lacks jurisdiction in that part of southern Nevada and that the fees don t apply, citing legal and historical matters.Santilli: released before the trial.In Nevada, Santilli pleaded guilty to Count 2 a single felony count of obstruction of justice, based on the government s claim that he used his own vehicle to impede the movement of an approaching BLM convoy during the attempted cattle impoundment. Interestingly, during that incident, after the convoy stopped, federal agents and their guard dogs were then confronted by members of the Bundy family and their supporters. Santilli then filmed the altercation including federal agents tasering Ammon Bundy, and posted it on YouTube, which went instantly viral, garnering nearly 1.5 million views in just a few days. The video was then syndicated on FOX News and other national outlets. Many had credited Santilli s original video entitled, Ranch Riot as one of the key catalysts for the one thousand or so supporters and militia who then arrived at Bundy Ranch over the following 72 hours before the standoff on April 12, 2014.Like all the other defendants, he was initially charged with all 16 counts contained in the original federal complaint which carried a potential maximum sentence of life in prison, upon conviction for all or most of those counts.Interestingly, Santilli s attorney, Mr. Rasmussen, motioned in court, and later told this writer, that the government may consider the prison time that Santilli has already served behind bars since Jan. 26, 2016 as either sufficient punishment for that felony charge in a best-case scenario, or the court may at least consider giving him credit for that time served, even if he s given a longer sentence at his expected sentencing hearing on Jan. 11, 2018 at 8 a.m.PLEA BARGAIN DETAILSA reading of the plea agreement shows that the government reserves the right to impose a longer prison term, possibly six years, on Santilli.Also, Rasmussen noted that residing Judge Gloria Navarro is not bound by the agreement s recommendations, meaning she could choose to alter them when she sentences Santilli.Meanwhile, two pending defense motions one to exclude Oregon-related evidence in the government s Nevada case against Santilli, and another to challenge the government s claim that Santilli could not excuse his Nevada actions because of his journalistic background have become moot due to this plea bargain, Rasmussen added.The agreement s terms may raise the question of whether the other defendants actions will be seen in a more negative light, given the fact that Santilli s guilty plea to the felony-obstruction charge requires under penalty of perjury that he accept the following government-sourced narrative as true and correct. The maximum penalty for Conspiracy to Impede or Injure a Federal Officer, as this count against Santilli is formally named under 18 U.S.C. 372, is six years imprisonment, a fine of $250,000, or both.But in the shifting sands of these proceedings, the understanding at this juncture is that Santilli will owe neither a fine nor restitution, nor will there be forfeiture of his assets provided he meets the terms of his release until he s sentenced. Although according to Rasmussen, Santilli will not be electronically monitored, despite speculation that he would be tagged.RETURNING TO INTERNET RADIONotably, Santilli, who is expected to return to his hometown of Cincinnati, Ohio, during the week starting Monday Oct. 16, will reportedly be allowed, at least for the time being, to resume broadcasting his news content.Asked if Santilli would be able to comment on the Bundy trial itself, Rasmussen replied in writing: He can do whatever he wants as long as he s not committing crimes. The First Amendment allows him to comment on anything unless it is threatening or inciting violence. Furthermore, attorney Rasmussen said that Santilli is under a self-imposed gag order, not a government-imposed one, meaning he has chosen not to talk to reporters.Also, Santilli will not testify against the other defendants and will not have to turn over his journalistic work products, but only raw discovery information from court proceedings. And the plea bargain stresses he must remain crime-free regarding federal, state and local laws and among other things must avoid any known association with anyone who s breaking any law. The plea agreement also restricts him from significant travel initially only between southern Nevada and Cincinnati, Ohio.Nor can Santilli possess a gun or any other item deemed by the government as a weapon. Just failing to show up for a hearing or some other procedural matter, let alone larger infractions, could result in this deal being dissolved.STAY TUNED FOR MORE UPDATESREAD MORE BUNDY RANCH NEWS AT: 21st Century Wire Bundy Ranch FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 14, 2017",0 +Another RevisionΒ in Las Vegas Mass Shooting – Amid Mandalay Bay Security Guard’s Media Silence,"Shawn Helton 21st Century WireFor the second time this week, Las Vegas police officials and the FBI have revised significant timeline details associated with the Las Vegas mass shooting. What does this latest change mean?*Note* The Las Vegas mass shooting, currently modern America s deadliest, has already been cycled out of most trending media reports in less than two weeks, as most mainstream outlets have now focused the public s attention on a ready-to-go show trial involving disgraced Hollywood movie mogul Harvey Weinstein. While abuse of any kind is abhorrent, you have to wonder why the Las Vegas massacre has seemingly been flushed out of the mainstream coverage so rapidly following a media frenzy collapse of a Hollywood insider.Over the past 24 hours, independent reportage by former Project Veritas operative Laura Loomer, suggests that the Campos family may have had a gag order placed on them concerning details related to the Las Vegas shooting case. However, official confirmation of this aspect of the case is still pending.This story follows yet another major shift in the Las Vegas shooting timeline, as accounts on social media also suggest that some from independent media were kept out of the latest Las Vegas press conference.SEE ALSO: The Las Vegas Mass Shooting More to the Story Than We ve Been ToldIncredibly, police and FBI have once again revised timeline details associated with Mandalay Bay security guard Jesus Campos and the alleged shooter now stating that the guard s encounter with the suspected gunman started near the same time as the concert mass shooting.UNSURE: Lombardo looks down in doubt as overseer FBI special agent Aaron Rouse keeps a watchful eye over the struggling Sheriff.Watch below as a noticeably agitated Las Vegas Sheriff Joseph Lombardo, now claims that the 9:59 time frame is when Campos supposedly investigated a nearby door alarm on the 32nd floor as previously reported when this story first broke.The Las Vegas Review Journal confirms: The sheriff said Monday that Stephen Paddock shot Mandalay Bay security guard Jesus Campos at 9:59 p.m., about six minutes before the gunman turned his weapons on the Route 91 Harvest festival crowd below his hotel suite. He previously reported Campos was shot after the attack on the concert crowd. Here s the latest LVMPD press conference concerning the Las Vegas mass shooting on October 13th One of the more disturbing aspects of the aftermath of the Las Vegas mass shooting has been the production of emotionally charged press conferences that have inundated viewers with endless canned talking points, constant revisions of timeline details and reversed statements all serving to continually cloud the official story.Lombardo also lashed out at critics of the investigation: In the public space, the word incompetence has been brought forward, he said. And I am absolutely offended with that characterization. (Review Journal)To the casual observer, you have to wonder why they haven t been able to keep a straight story. If the police are getting such basic elements of the story wrong then the public has to ask: what else have they got wrong?This type of ritualized media grandstanding has become an almost mechanical hallmark following most large-scale active shooter and first responder events, as it usually dissolves into more of a media parade meant to convince the public of certain details of a crime rather than address forensic anomalies which clearly don t add up.While law enforcement looks to tie up loose ends and shore up any early holes or bizarre theories, it s possible that a more thorough analysis of all the forensic data in the case will be pushed into the background, as any new information may be introduced to steer those critical of the official story.Over the past 24 hours, reports state that Campos, who was scheduled for at least five TV interviews, abruptly disappeared prior to those appearances. One such interview included a FOX News interview with Sean Hannity. This twist in the Las Vegas shooting has added another bizarre aspect to an already strange case. Here s FOX News below: The Mandalay Bay security guard shot by Stephen Paddock in the moments leading up to the worst mass shooting in modern U.S. history was set to break his silence Thursday night with five television interviews, including one on Fox News, Campos union president said.Except when the cameras were about to roll, and media gathered in the building to talk to him, Campos reportedly bolted, and, as of early Friday morning, it wasn t immediately clear where he was. We were in a room and we came out and he was gone, Campos union president told reporters, according to ABC News Stephanie Wash. The motive for the Las Vegas mass shooting crime still remains unclear *** 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 13, 2017",0 +"Boiler Room EP #131 – Gender Fluid Scouts, Hollyweirdness & Eminem The Establishment Rapper","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki (The Nameless One), Randy J and Fvnk$oul (ACR and 21Wire contributors) for the hundred and thirty first episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on Boiler Room the ACR Brain-Trust is examining the change in the Boy Scouts of America allowing girls into the club, Harvey Weinstein s perverted history in Hollywood, the potential ramifications of his being outed as a sexual predator who s been covered for by the mainstream media and leftist politicians for many years and giving a good beat down to rapper, Eminem, who foolishly decided to throw his rap stylings into the political realm and failed miserably.Direct Download Episode #131 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"October 13, 2017",0 +The Las Vegas Mass Shooting – More to the Story Than We’ve Been Told,"Shawn Helton 21st Century WireAlthough many are still stunned in the aftermath of the Route 91 Festival tragedy a series of unanswered questions persist following what has been described by media as the deadliest mass shooting in modern US history. The motive for the Las Vegas mass shooting crime still remains unclear. MANDALAY MAYHEM There s been a host of unexplained anomalies in the Mandalay Bay Resort and Casino shooting massacre. (Photo illustration 21WIRE s Shawn Helton)The Imprint of Mass TragedyThe recent mass shooting involving the Las Vegas Mandalay Bay Resort and Casino, marks the return of heavily politicized mass shootings in America. Although America has seen a host of smaller, less sensationalized mass shootings throughout the course of 2017, including the bizarre Fort Lauderdale Airport Shooting, this latest high-profile calamity has resuscitated the trauma inducing imagery so prevalent in the post-9/11 War On Terror era. Likewise, because its unlikely aspects, combined with the sheer spectacle of the drama one might surmise that this Las Vegas event is akin to something like the 9/11 of Mass Shootings. Over the past several years, 21WIRE has chronicled many bizarre shootings and mass casualty incidents that have rippled across America and Europe. These events have become a new kind of ritualized crimescape that has injected the masses with a host of socio-political concerns over race, religion, gun reform and security, while obscuring and obfuscating the forensic reality of the crimes themselves.As we ve stated before, all too often there s a heavy emphasis on the theatrical stage-like persona of any alleged attacker or killer being touted as hard evidence. This aspect of the narrative also clouds the alleged modis operandi and can later be presented in sensationalized media as circumstantial evidence of an apparent crime, despite the fact any so-called evidence would likely result in many hours of analysis and debate, potentially without an ultimate conclusion, even if the evidence eventually reached a court room setting.The Las Vegas mass shooting story appears to be no exception .It s been over a week after one America s largest mass shootings, and we have yet to see any CCTV footage of the alleged killer s sniper s nest or his whereabouts leading up to the tragedy, as he moved in and around Las Vegas. We re told the alleged shooter outfitted cameras around his hotel room and door, a room supposedly filled to the brim with a military arsenal. As the investigation continues to simmer, confusion over major parts of the official story, has led to powder keg of pressure that has resulted in heavy criticism from members of the public and new independent media alike.QUESTION: Why would hotel staff not be alerted to the mounting of cameras and the massive amount of gear being brought to the room prior to the shooting massacre and why is there no footage of the apparent shooter using the freight elevator as is now claimed?UPDATE: Another Revision in Las Vegas Mass Shooting Amid Mandalay Bay Security Guard s Media SilenceIn this report we will attempt to address some of the main questions and unlikely coincidences surrounding the Las Vegas shooting. We re told that this tragic shooting attack was carried out by one individual without a criminal past but is there more to the story? ROOM WITH A VIEW Mystery shrouds the Las Vegas shooting why is there no eye-witness testimony from guests on the 32nd floor? (Image Source: twitter)Shooting Timeline RevisedFollowing a brand new press conference this week, Las Vegas sheriff Joseph Lombardo revealed a complete change in the official timeline of the October 1st Las Vegas mass shooting.The LA Times explains the major chasm in the official narrative: In a timeline released last week, investigators said Paddock had stopped firing at the concert across the street at 10:15 p.m., and the first police officers arrived on the floor at 10:17 p.m. and encountered the wounded Campos at 10:18 p.m., who directed the officers to Paddock s suite.Police were not in a hurry to enter Paddock s suite because the security guard s arrival had halted the shooting, police implied in previously describing the timeline. Paddock had killed himself by the time officers entered the room, they said.In a news conference Wednesday, Lombardo said it was his assumption that Paddock stopped his shooting spree because the gunman, using his spy cameras, observed the security guard, and he was in fear that he was about to be breached, so he was doing everything possible to figure out how to escape at that point. All of this has transpired as media reports now state that Stephen Paddock first checked into the Mandalay Bay hotel room 135 on September 25th, not the 28th as previously reported by the police and FBI. You have to wonder what happened over those 72 hours leading up to one of America s deadliest mass shootings, as well as question the shift in details concerning the hotel check-in date.QUESTION: Why have authorities misled the public about the Las Vegas shooting timeline and why did it take a so long to breach the hotel suite after police knew much earlier that a shooting had taken place inside the hotel?The updated timeline is a major shift in the official story, as it raises questions about why law enforcement took so long to respond to the shooter s hotel room. Furthermore, it exposes the Mandalay Bay security guard s heroic back story which suggested he stopped the shooter from continuing his shooting massacre. In the early days of this investigation this part of the story was gleefully parroted by mainstream media.According to authorities, the Mandalay Bay hotel security guard Jesus Campos was alone and unarmed when he discovered the purported shooter, facing some 200 rounds in the process, somehow surviving the massive gunfire with a minor leg injury. Based on the amount reported gunfire, the public would have likely seen heavy damage inside the hotel hallway and outside the suite in at least several areas of the 32nd floor, not to mention there would also be additional witnesses within earshot of the shooting. This is something that would have resulted in multiple 911 calls to police.The new report concerning Campos and the shooting timeline, now puts Las Vegas officials in the hot seat, as they now have no known reason why the alleged shooter would have stopped his rampage.Not only do these new details challenge police response time but the very nature of how the shooting started, a stark contrast to police and FBI press conference details from the beginning of this investigation. Another major aspect is the 6 minute time frame Mandalay Bay recognized a shooting occurring inside their hotel prior to the concert mass shooting. Speculation and confusion has enveloped the Campos story, as mainstream reports now state there s an armed private security guard outside of the Mandalay Bay security guard s home following the Las Vegas shooting.Interestingly, the Mandalay Bay security guard who was previously hailed as a hero, remains completely absent from any TV interviews.*Update* New reports state that Campos, who was scheduled for at least five TV interviews, abruptly disappeared prior to those appearances. One such interview included a FOX News interview with Sean Hannity. This new twist in the Las Vegas shooting adds another bizarre aspect to an already strange case. Here s FOX News below: The Mandalay Bay security guard shot by Stephen Paddock in the moments leading up to the worst mass shooting in modern U.S. history was set to break his silence Thursday night with five television interviews, including one on Fox News, Campos union president said.Except when the cameras were about to roll, and media gathered in the building to talk to him, Campos reportedly bolted, and, as of early Friday morning, it wasn t immediately clear where he was. We were in a room and we came out and he was gone, Campos union president told reporters, according to ABC News Stephanie Wash. QUESTION: What s the real story behind the main eye-witness in this case?*Update* Independent reportage by former Project Veritas operative Laura Loomer, suggests that the Campos family may have had a gag order placed on them concerning details related to the Las Vegas shooting case. However, official confirmation of this aspect of the case is still pending.This follows yet another major shift in the Las Vegas shooting timeline.Amazingly, police have once again revised timeline details associated with Mandalay Bay security guard Jesus Campos and the alleged shooter now stating that the guard s encounter with the suspected gunman started near the same time as the concert mass shooting. A noticeably agitated Las Vegas sheriff Joseph Lombardo, now claims that the 9:59 time frame is when Campos supposedly investigated a nearby door alarm on the 32nd floor as previously reported.Interestingly, according to a published article at the LA Times this week, a Mandalay Bay spokeswoman appeared to challenge elements of this latest Las Vegas shooting timeline but did not elaborate: A spokeswoman for the company that owns Mandalay Bay seemed to dispute the police timeline given to The Times on Tuesday but did not explain why.This remains an ongoing investigation with a lot of moving parts. As evidenced by law enforcement briefings over the past week, many facts are still unverified and continue to change as events are under review, MGM Resorts International spokeswoman Debra DeShong said in a statement. We cannot be certain about the most recent timeline that has been communicated publicly, and we believe what is currently being expressed may not be accurate.DeShong added, It is not appropriate for us to comment further at this time on what remains an open matter for law enforcement. Here s a look at Las Vegas sheriff Joseph Lombardo giving an emotive and evasive press conference on October 9th as FBI agent Aaron Rouse looms in the background Days ago, after several online theories emerged suggesting the possibility that multiple shooters were involved in the Las Vegas shooting, Lombardo entertained the idea that Paddock may not have been alone in the hotel suite. Since then he s updated this theory after the October 9th press conference stating that there was no second shooter. This follows a week of shifting narratives, red herrings and misinformation, as its now stated police do not believe anyone else entered Paddock s hotel suite.In spite of the new change to the timeline, Clark County Assistant Sheriff Tom Roberts maintains that the hotel dispatched its own armed security team to the 32nd floor, which arrived right around the same time as Las Vegas police, who officials have said arrived on the floor at 10:17 p.m. But the gunman had already fired his final shots out his hotel window at 10:15 p.m. It s important to note, at 10:12pm or 10:13 pm, an officer on the 31st floor reported hearing fully automatic gunfire one floor above him.By 10:24 pm authorities located Paddock s hotel suite with SWAT and remained outside the suspected gunman s room. Interestingly, at 10:28 pm reports state there may have been a second gunman on the 29th floor but this was later believed to be an erroneous account according law enforcement.At 11:20 pm, police explode the suspected gunman s door, locating a body on the floor supposedly dead from a self-inflicted gunshot wound to the head.Based on Roberts claim above, there would have been a full 56 minutes before the hotel suite breach was said to taken place.QUESTION: Will there be additional revisions in the official timeline to come as this story continues to go sideways?Here s a screen shot of the first official timeline of the shooting in the first 24-48 hours after the incident. You have to wonder why the story has been altered so dramatically since then Today reported the following updated information concerning the Las Vegas shooting. Watch as Today interviews a second eye-witness in the case: Stephen Schuck was one of the first people to encounter Paddock when he went to check out a faulty fire exit door on the 32nd floor of the Mandalay Bay and Casino on Oct. 1, according to a new timeline of events. I was about a third of the way down the hallway and I started to hear shots go off, he told TODAY in an exclusive interview Wednesday.Schuck then saw hotel security guard, Jesus Campos, stick out his head from a doorway.He yelled at me to take cover, and as soon as I started to go to a door to my left, the rounds started coming down the hallway, Shuck said. I could feel them pass right behind my head. Something hit me in the back and I took cover. I tried to think, how I could get to Jesus because I could that see he was shot in the leg, and I just told myself, wait for him, he s going to have to stop shooting some time. It was kind of relentless. According to reports, Schuck calmly called police over his radio following the apparent start of the mass shooting.Here s Today s Matt Lauer interviewing the second hotel eye-witness, Mandalay Bay hotel maintenance man Stephen Schuck As a barrage of media speculation continues in any high-profile case, a series of formulaic polarizing political points become an echo chamber in its tragic aftermath. This is something that rapidly descends into wild speculation which only serves to magnify any emotionally driven aspect that might later be presented as a definitive motive to carry out a crime. Very often, we ve seen the discovery of a seemingly ready-made manifesto, laundry list of hateful rhetoric or collected material from an alleged killer retained as ironclad proof of a crime. However, current analysis of the alleged Mandalay Bay shooter has failed to yield any such results, in spite of a chorus of overzealous and misinformed reportage from both mainstream media and alternative media there has not been any concrete material linked to Paddock thus far.It should be mentioned that there have been a bevy of accusations suggesting various political and terror affiliations from certain alternative media circles, as mainstream media continues to float the idea that Paddock may have been radicalized, due to evidence revealing a series of cruises taken to the Middle East in recent years by the alleged Las Vegas shooter. But so far these claims remain unconfirmed by authorities.Time will tell if this line of conjecture is perhaps a red-herring meant to corral and ensnare the public by way of an overtly politicized emotional appeal.In cases such as the Las Vegas shooting, one should be careful to not jump to any conclusions, as we ve reached the slow drip phase by which information is being conveyed by authorities and media. While law enforcement looks to tie up loose ends and shore up any early holes or bizarre theories, its possible that a more thorough analysis of all the forensic data in the case will be pushed into the background, as new information may be introduced to steer critics of the official story.It is ironic that the investigation into the Las Vegas shooting, one of the largest mass shootings in the history of America, has been an eerie absence of conclusive evidence concerning a number of details.Below is an inside look at the reported hotel suite that appears oddly intact considering the massive amount of gunfire said to have taken place inside on the 32nd floor area Adding to that, there was a delayed release concerning a mysterious document left on a table near the alleged killer s body that contained only numbers and no letters this was something that introduced a cryptic backdrop into the compelling crime scene. The suspicious nature of the document then became a psychic driver to increase speculation while introducing another unexplained element from the crime scene.The whole circumstance took on a theatricality that could push the viewer out of a critical investigative mode and into a partially synthetic frame of thinking regarding the murky contents of the alleged communiqu .Over this past week, reports suggested that the document at the scene may have contained calculations used by the shooter for maximum firearm accuracy. On the surface, this would appear to lend itself to the official story but in reality all it does is lead to more questions, as contradictory claims over exactly how the dramatic shooting occurred would also seem to contradict analysis of ballistics, as the amount of victims wounded or killed would most likely have been far more significant if the shooting was based on sniper-like calculations that may have made use of hundreds to thousands of either .223 or 308 caliber rounds not to mention the possibility of a belt-fed machine gun scenario using other caliber rounds.In recent years, 21WIRE has documented that frequently there is much more involved behind-the-scenes when it comes to high-profile attacks in America, particularly of those said to be lone wolf variety. The incidents themselves are quickly taken out of the forensic realm despite early police reportage, eye-witness testimony or statistic improbability. In this way, the narrative gives way to a hyper-realized account that defies logic and reason.Other recent reports reveal that the well-known casino mogul Steve Wynn, self serving or not, has shed light on the particular protocol carried out by casino employees. Below is a passage from the NY Post on this aspect of the story: Las Vegas casino mogul Steve Wynn suggested Sunday that Stephen Paddock would have set off alarm bells at his properties had he tried launching his mass murder from one of them.Wynn, after whom the glitzy Wynn Las Vegas on the Strip is named, said his housekeeping staff is trained to do a visual inspection any time they enter a room, adding that a Do Not Disturb sign on a door for longer than 12 hours is investigated. The scenario that we re aware of would have indicated that [Paddock] didn t let anyone in the room for two or three days, Wynn told Fox News Sunday. That would have triggered a whole bunch of alarms here. Below is the scanner audio shortly after the crime was reported to police Moreover, many conspiratorial claims that have yet to still be fully explained or even be appropriately addressed by authorities have exploded on the internet. This has led to a growing speculation that has only deepened the mystery behind this America s latest mass tragedy. As authorities have yet to uncover a clear motive for the crime, police scanner audio, along with eye-witness testimony, has suggested that multiple shooters may have been at the scene.The amount of independent examination regarding this case thus far is fairly staggering and in the wake of any multilayered event, one must proceed with caution when reviewing the available evidence, as the doorway for a trial by media frenzy in both mainstream media and alternative media could be used to derail sincere analysis.Although the scanner audio is chaotic, the police dispatch communication appears to reveal some startling information contradicting the official story surrounding the Las Vegas mass shooting. While any event contains its share of confusion, the specific acknowledgement of an apparent active shooter or shooters within the fairgrounds of the concert venue, point to a deeper more complex methodology used to carry out the attack. Rather intriguingly, the scandal plagued NY Times published sections of these scanner recordings for public inspection, which could be an attempt by mainstream media to diminish or control any information regarding potential multiple shooters.In spite of ongoing media meddling, there s been some compelling accounts suggesting that there may have been gunfire from multiple locations by law enforcement and citizens alike. While the authenticity of these claims could be a matter of debate, these unexplained accounts have been larger ignored by mainstream media.*WARNING* Graphic content in the video below.Here s a forensic analysis from YouTube user Genesis CNC investigating the auditory anomalies at the Las Vegas shooting Below is episode #205 of the Sunday Wire, listen as ACR s Hesher, Jay Dyer of Jay s Analysis and myself, discuss larger historical themes concerning the Las Vegas mass shooting, while taking a look at the available ballistic evidence, as well as exploring the possibility of multiple shooters and other strange anomalies surrounding the case Listen to Episode #205 SUNDAY WIRE: Dirty Vegas with Jay Dyer, Hesher & Shawn Helton on Spreaker.Other questions have emerged regarding the absence of witness accounts from anyone who stayed on the 32nd floor, although there s been some testimony from other floors of the hotel, the citizen analysis below raises a few interesting points Let s look even further into one of America s deadliest mass shootings DEAD MAN S HAND The purported Mandalay Bay Shooter 64 year-old Stephen Paddock. Reports have made a vague mention of prescription medication look for this to be a focal point when this story is revisited by mainstream media. (Image Source: kbc.co.ke)The Las Vegas Shooter?On October 1st, authorities revealed that 64 year-old Stephen Paddock was the suspected gunman in the Las Vegas mass shooting that claimed the lives of at least 58 people and injured as many as 527 (later downgraded to 489) at an outside concert venue on the strip. The alleged lone wolf assailant apparently fired down from the 32nd floor of the Mandalay Bay hotel at concert goers nearly 400 yards away at the Route 91 Harvest country music festival while Jason Aldean performed his headlining set on the final night of the event. Additional media coverage has suggested that the number of those said to be initially injured had decreased by at least twenty victims due to double counting at nearby local hospitals by October 3rd.We ve been told the apparently well-to-do Paddock, a well-known high stakes gambler among Las Vegas casinos, had been an accountant who was a hunting enthusiast and a licensed pilot who had at least two planes and a boat, in a life filled with luxury cruise vacations. ABOVE VIEW This image displays the distance of the entire crime scene. Reports have also revealed that at the hotel crime scene, Paddock was supposedly equipped with at least 23 weapons, including two tripods used to shoot out of two different windows from inside his two-room hotel suite. In addition, the LVMPD suggests Paddock loaded in excess of 10 suitcases up to his room in the days leading up to the Route 91 concert. A raid on Paddock s properties put the overall firearm total at 47 guns, as law enforcement also recovered a large amount of explosive material from inside his vehicle at the resort hotel. Incidentally, its worth mentioning in a week where FBI combed through one of Paddock s properties in Reno, there was a reported break-in.NOTE Reports of Paddock scouting other locations prior to the apparent shooting, takes public attention away from the lack of CCTV footage, the shaky timeline details and the lack of motive in the Las Vegas mass shooting crime Rather intriguingly, Paddock is stated to have previously been an internal auditor for the predecessor company of Lockheed Martin during the mid 1980 s. Lockheed Martin is of course among the world s largest defense contracting companies and has been tied to other high-profile American mysteries such as the JonBen t Ramsey case. The defense contracting and intel linked giant has not disclosed exactly which predecessor employed Paddock but the Maryland-based defense contractor was formed during the merger of Lockheed Corporation and Martin Marietta in 1995.The discovery of Paddock s employment history and his personal wealth has added confusion to the high stakes shock and awe shooting event that took place in Las Vegas this week.Official reports also state that Paddock was the owner of a residence some 80 miles outside of Las Vegas in Mesquite, Nevada. In addition to that, according to public records, he appeared live at an apartment complex he owned in Mesquite, Texas, while residing at a retirement community in Reno with his girlfriend 62 year-old Marilou Danley. All in all, according media, the apparent multimillionaire Paddock, lived a transitory life, supposedly having some 27 different residences throughout the US.According to additional media reports, The 64-year-old s friends and family said they never suspected Paddock of planning a shooting, and Las Vegas police said he was not on their radar prior to him committing the deadliest mass shooting in modern U.S. history. Continuing, reports also state that He [Paddock] also worked as a letter carrier for the US Postal Service in the 70s, as an IRS agent from 1978 to 1984, adding to the obtuse profile of the suspected lone gunman.On a strange note, the Las Vegas shooting story seemed to echo elements of a shooting that took place at a hotel and casino in the Philippine capital, Manila in June of 2017. What are the chances of this very odd coincidence? WORLD TRAVELER -Paddock on an overseas trip believed to be the Philippines in April of 2013. (Image Source: ghananews)As the media stylized profile of Paddock and those around him has grown, the FBI, police and media diverted the public s attention to Danley, Paddock s girlfriend, a former casino hostess who was supposedly out of the country in the Philippines at the time of the Mandalay Bay shooting. Danley s trip was paid for by Paddock, who is stated to have also wired $127,000 to her family reportedly to buy a home.Adding to the concern of wired funds, intense scrutiny surrounded a suspicious claim that a mysterious woman allegedly gave a dire warning to concert goers some 45 minutes before the last night of the Route 91 Festival. The overlapping narratives were said not to be related according to police, nevertheless the two different aspects were conflated, prompting Danley to be named a person of interest who was then flown back to the US for additional FBI questioning. Interestingly, some critics have questioned the validity of the warning prior to the concert due to the nature of the televised interview.The search for Danley s whereabouts prior to the Las Vegas shooting spanned some seven countries dating back to mid September and according to neighbors, she hadn t been seen since August.Here s a passage from CNN that revealed the following details: Danley, 62, who travels on an Australian passport, arrived in the Philippines from Tokyo on September 15, then left for Hong Kong on September 22 and flew back to the Philippines on September 25, said Maria Antoinette Mangrobang, a spokeswoman for the Philippine Bureau of Immigration. The confusing dynamic prompted Danley and her attorneys to later issue a statement claiming she had no prior knowledge of the mass shooting.On October 10th, CBS news reported the following: CBS News senior investigative producer Pat Milton reports authorities were continuing to comb through Paddock s electronic devices including a laptop and cellphone at the FBI crime lab in Quantico, Virginia. So far, none of the devices point to a motive for the shooting rampage. This added to new details suggesting Paddock s vague use of a freight elevator, something according top casino owner Steve Wynn, wouldn t have happened at his property.Here s a second interview with Eric Paddock, the alleged shooter s brother, who creates his own theory as to how Paddock may have gotten weapons up to the Mandalay Bay suite. Watch and listen to his baffling interview with media Other background information revealed that Patrick Benjamin Paddock (left photo), Paddock s father, was apparently arrested in 1961 for robbing a Valley National Bank in Phoenix in 1960 something which later landed the elder Paddock on the FBI s most wanted list after escaping a 20-year prison term at Federal Correctional Institution at La Tuna, Texas. In 1978, Patrick Paddock was arrested in Oregon where he was running a bingo parlor under assumed identity Bruce Werner Ericksen.The crystallization of Paddock s surreal and hard to believe ancestral lineage creates a criminal hall of mirrors all the way from the mind bending counter-culture of the 1960 s to today s Las Vegas mass shooting.Very often with hyper-real crimes, there s a stark portrait that emerges regarding any suspected killer and in the case of Paddock this was no exception. The man named as the Mandalay Bay shooter had no previous criminal record and was described as a quiet, generous man by family members and one alleged neighbor, as other media reports painted the apparent killer as someone who may have had trouble controlling his behavior, even suggesting he may have had an abusive personality in the past.However, what seems to be missing in most of these cases, is a more balanced psychological profile of these solo actors, as there is usually an incomplete picture that makes little to no sense at all after only a handful of people who knew the purported murderer speak with media. Furthermore, you have to wonder why years of business associates and more acquaintances and friends have not come forward with any additional information.Additionally, there have other suspicious sidebars concerning the Las Vegas shooting. One such story was posted on the message board and popular hacker hangout site, 4chan. The story in question was also discussed on Reddit, and was a near carbon copy of the story that transpired prior to the Oregon shooting at UCC.Here s a passage from a 21WIRE report regarding the October 1st, 2015 UCC shooting which was exactly two years to the day of the Las Vegas mass shooting:As evidence of advanced knowledge of the Oregon shooting event surfaced on 4chan, many have become concerned and even suspicious of the claims. The following is passage is from Salon.com that discusses the suspicious alert prior to the UCC campus shooting: Federal officials announced they were investigating a recent 4chan exchange that appeared to predict the rampage. In a cryptic post on the /r9k board on Wednesday, an anonymous poster with an image of Pepe the Frog holding a gun reportedly posted, Some of you guys are alright. Don t go to school tomorrow if you are in the northwest. happening thread will be posted tomorrow morning. so long space robots. 4chan has been rife with controversy since its inception, as some critics think it may indeed be a limited hangout for the intelligence community. And due to the suspect nature of the website, a bevy of internet researchers have questioned the highly orchestrated law enforcement response in the aftermath of the UCC shooting via the apparent 4chan warning.A more recent 4chan post seemed to propel additional misinformation regarding nature of the shooting.During this same time, SITE Intelligence injected an ISIS meme into this event without revealing any solid evidence. This then prompted an apparent official statement that echoed those dubious claims from ISIS. So far, these claims linger though they ve failed to produce any connection to ISIS.As we ve noted numerous times here at 21WIRE, the intelligence monitoring group called SITE, has ties to both the CIA and Israeli intelligence. The group has also had ethical concerns raised over the nature of their intel gathering in the last decade and according to the group s founder, Rita Katz they ve managed to release terror related material linked to ISIS prior to the group itself.Kip Herriage a former financial advisor and venture capitalist from Wall Street published a report examining suspicious trading involving MGM on a sister site linked to his website Virtual Research Advisory. The startling passage below suggests that there was an excessive amount of shares sold off by MGM CEO/Chairman in the weeks leading up to the Las Vegas shooting.We at 21WIRE cannot verify all of Herriage s claims but given his background and pedigree, this post should be reviewed for further consideration, as it appears to be another strange element revealed in the aftermath of the Las Vegas massacre: We will examine the share price movements of two gun manufacturers (American Outdoor Brands and Sturm Ruger) and the share price movement of MGM (which owns Mandalay Bay). We will also examine additional financial events surrounding MGM, including what can only be referred to as massive levels of insider selling in the shares of MGM, by the CEO/Chairman and MGM officers/directors. As you ll see, more than $200 million in MGM shares were sold in the weeks leading up to the attack. On October 2nd, there were reports that shares for Las Vegas casinos took a significant fall after the October 1st shooting.CNBC disclosed those details: MGM Resorts International, which owns the Mandalay Bay hotel near where the shooting occurred, fell 5.6 percent Monday. Wynn Resortsslipped 1.2 percent. Las Vegas Sands fell as much as 2.1 percent before closing higher. LIVE DRILL Las Vegas has been at the forefront of active shooter training. ( Image Source: sinclairstoryline)Las Vegas Active Shooter Drills Back in 2014, during another high-profile Las Vegas shooting, 21WIRE revealed that Nevada officials sought to increase their budget to thwart potential terror related activity, according to KoloTV in Las Vegas: Nevada s Homeland Security Commission on Thursday approved a grant allocation plan that will increase funding for the region s fusion center to nearly $1.1 million, up from $750,000 this year.The Las Vegas Review-Journal reports Las Vegas was ranked too low on a threat assessment list to receive federal funding in the current federal budget, a move that brought swift criticism from Nevada officials.For the coming fiscal year that begins Oct. 1, Las Vegas will receive $950,000 in the special funding. That s on top of statewide counter terrorism funding totaling $3.5 million. Later it was learned that funds were said to have been allocated for 20 additional ongoing programs throughout the state.The Las Vegas Review-Journal revealed the city s longtime practice of active shooter scenarios started in 2009 in the wake of a series suspicious intelligence linked attacks in Mumbai, India. Emergency responders in Las Vegas have spent years training to respond to a mass casualty event such as Sunday night s massacre, officials said Thursday.We knew what to do, Clark County Fire Department Chief Greg Cassell told reporters. It was much grander than we ever envisioned. However, we were able to handle it because of our people, our training, our professionalism and our equipment and our relationships. The report continued, with a focus on specific locations for shooter drills: Our job is to work with all first responding agencies and coordinate a response, Clarkson said.After the plan was developed, emergency responders ran drills at hospitals, hotels, schools and malls. Because that s where historically these things are taking place, Cassell said. Here s footage of a Las Vegas Active shooter drill taking place at City Hall in August of 2016 Interestingly, the night of the Las Vegas shooting there have been other claims surrounding additional information concerning active shooter related activity, which could support other theories and suspicious activity said to have taken place the same night as the tragic events unfolded at the Route 91 Festival.COINTELPRO, Gangs and Counter-gangs Some questions have emerged from the ether of the internet concerning the FBI and the Las Vegas shooting.Over the past several years, the FBI has been routinely caught foiling their very own terror plots. QUESTION: Is it possible the FBI or any or intelligence agency played some part in the Las Vegas massacre whether inadvertently or otherwise?In the search for answers regarding the investigative tactics of various intelligence agencies that have come into question, there s none perhaps more dubious than the Newburgh FBI sting that resulted in the entrapment four men who participated in a fabricated event created by the bureau.Here s a 2011 passage from The Guardian describing how a FBI informant named Shahed Hussain coerced four others into a fake terror plot: The Newburgh Four now languish in jail. Hussain does not. For Hussain was a fake. In fact, Hussain worked for the FBI as an informant trawling mosques in hope of picking up radicals.Yet far from being active militants, the four men he attracted were impoverished individuals struggling with Newburgh s grim epidemic of crack, drug crime and poverty. One had mental issues so severe his apartment contained bottles of his own urine. He also believed Florida was a foreign country.Hussain offered the men huge financial inducements to carry out the plot including $250,000 to one man and free holidays and expensive cars.As defence lawyers poured through the evidence, the Newburgh Four came to represent the most extreme form of a controversial FBI policy to use invented terrorist plots to lure targets. There has been no case as egregious as this. It is unique in the incentive the government provided. A quarter million dollars? said Professor Karen Greenberg, a terrorism expert at Fordham University. The reputation of the FBI has suffered greatly in the recent past as well as over the past couple of decades. Following the 1993 WTC bombing, the FBI was revealed to have been handling Emad A. Salem, a former Egyptian army officer who was a prized undercover operative thrust into confidential informant status and person who played a key role in the bomb plot.Domestically in America, it has been well documented that the FBI created a counter-intelligence program known as COINTELPRO, not only as a way to influence, but also a way to disrupt and coerce political factions from the inside out. The FBI program infiltrated countless groups and movements across the political spectrum.According to reports these groups included but were not limited to the following, The Black Panther Party, The Communist Party of America, the Ku Klux Klan, the Socialist Workers Party, the New Left, the Students for a Democratic Society, the American Indian Movement, the Chicano Movement, the Puerto Rican Liberation Movement, Communist groups, anti-war organizations, Hollywood stars sympathetic to these groups, and civil rights leaders. On March 8th 1971, secret files from the FBI office in Media, Pennsylvania, were allegedly stolen and subsequently released to media organizations, revealing for the first time the scope of the FBI s domestic spying and infiltration on political and protest groups in America. After two months of planning, a group calling themselves The Citizens Commission to Investigate the FBI, decided to break-in to a small town FBI office the same night as the first historic bout between heavyweight boxers Joe Frazier and Muhammad Ali at Madison Square Garden.Some of the Citizens Commission members involved in the Media office burglary were never revealed and rather strangely, the case was never solved even though 200 FBI agents had worked the case. In fact, there were no alarms, surveillance cameras, or locks on most of the filing cabinets, at the FBI office in Media.The courts later ordered the FBI to reveal part of their counterintelligence program, disclosing six operations run by FBI field offices throughout the country. The documents also revealed a specific emphasis to funnel covert aid to White Hate Groups, from 1964-71, that largely diverted those funds to the KKK, as long as they choose COINTEL PRO targets. Similarly, FBI efforts to infiltrate New Left groups and the Students for a Democratic Society (SDS) fixating on ant-war, student and feminist causes.Between 1956 and 1971 the FBI s controversial program influenced and radicalized hundreds of left-wing and right-wing groups to control and neutralize political dissidents across America.Also throughout the 1960 s and the 1970 s the CIA s Operation CHAOS collected substantial amounts of information on domestic dissidents from 1967 to 1973, as admitted by the CIA. The secretive intelligence operation was also related to the overseas Phoenix Program (Operation Phoenix) which was used in Vietnam to tear apart the political infrastructure through the use of informants, agent provocateurs, and targeted assassinations.Interestingly though, the prototype for modern deep state intelligence programs goes back to the formation of the Office of the Coordinator of Information (COI) an intelligence propaganda agency in 1941 that was succeeded by Office of Strategic Services (OSS) a wartime intelligence apparatus created in 1942 that focused on psychological warfare. OSS agents also worked closely with British Security Coordination (BSC).Similarly, on a global scale, NATO s paramilitary-style stay-behind-armies were said to have comprised Operation GLADIO. The origins of GLADIO have been well documented and the secretive counterintelligence operation has been linked to a wave of right-wing false flag terror attacks across Europe throughout the 1950 s into the 1980 s. The anti-communist organizational designs were directly connected to that of the CIA and MI6 in particular, with the US and British special forces reportedly facilitating the training.From this, we can view global operations like GLADIO in addition to the post-9/11 War On Terror security surge as a form of power politics used to aggressively influence the foreign policy of other nations through the use of covert militarization.Below Dr. Daniele Ganser discusses his seminal 2005 book (above left photo), NATO s Secret Armies: Operation Gladio and Terrorism in Western Europe. Ganser asserts that covert armies were used to subvert the political interests of various nations through the implementation of a Cold-War era strategy of tension Here at 21WIRE, we ve kept a running report on known wolf actors involved in many attacks on Western soil, here s another look at other suspicious intelligence informant and terror cases that have held that distinction over the years:Tamerlan Tsarnaev (see his story here) Buford Rogers (see his story here) Jerad Miller (see his story here) Naji Mansour (see his story here) Quazi Mohammad Nafis (see his story here) Mohamed Osman Mohamud (see his story here) Timothy McVeigh (see his story here) Salim Benghalem (see his story here) Michael Adebolajo (see his story here) Daba Deng (see his story here) Elton Simpson (see his story here) Man Haron Monis (see his story here) Abu Hamza (see his story here) Haroon Rashid Aswat (see his story here) Mark Vicars (see his story here) Glen Rodgers (see his story here) Omar Mateen (see his story here) Tashfeen Malik (see her story here) Djamel Beghal (see his story here) Anjem Choudary (see his story here) Cherif Kouachi (see his story here) Said Kouachi (see his story here) Amedy Coulibaly (see his story here) Hayat Boumeddiene (see her story here) Salah Abdeslam (see his story here) Michael Zehaf-Bibeau (see his story here) Nidal Malik Hassan (see his story here) Abdelhakim Dekhar (see his story here) Abdelhamid Abaaoud (see his story here) Samy Amimour (see his story here) Isma l Omar Mostefa (see his story here) Mohamed Lahouij Bouhlel (see his story here) Anis Amri (see his story here) Esteban Santiago-Ruiz (see his story here) Abdulkadir Masharipov (see his story here) Khalid Masood (see his story here) Khuram Butt (see his story here) Youssef Zaghba (see his story here)Following America s previous most deadly mass shooting in Orlando were reports revealing that the FBI had a close relationship with the suspected attacker through the use of a well-known confidential informant. Similarly, recent reports state that FBI, court filings have revealed how the agency allowed an alleged home grown ISIS attack to take place in Garland, Texas. 21WIRE previously uncovered suspicious elements in the cartoon event in Garland back when it happened.QUESTION: Could this have been this case in the Las Vegas shooting, or was something else at play?Shortly after the Pulse nightclub shooting attack in Orlando, it was revealed that the suspected gunman Omar Mateen had been attending services at a Mosque, meeting with a known FBI informant named Marcus Dwayne Robertson (see left also played role in 1993 WTC bombing). Robertson was a former US Marine turned bank robber turned radical imam. Here s this passage from Fox News describing Robertson s role in backdrop of the Orlando shooting saga: It is no coincidence that this happened in Orlando, said a law enforcement source familiar with Robertson s history of recruiting terrorists and inciting violence. Mateen was enrolled in [Robertson s online] Fundamental Islamic Knowledge Seminary.Robertson and several associates were rounded up for questioning early Sunday, according to law enforcement sources, a development his attorney refused to confirm or deny. Back in June of 2016, here at 21WIRE, we discussed how the most important aspect of the FBI supplied 911 transcript had gone virtually unnoticed as there was nothing in the contents of the transcript that discussed an actual shooting occurring inside of the Pulse nightclub.While the report was a basic outline America s largest mass shooting at the time, it failed to account for any of the shootings said to have occurred within the interior of Pulse. There was no mention of bar patrons being shot or reportedly shot at in the FBI s official narrative. It s as if the mainstream media and authorities left out the biggest piece of the investigation, as the implications of who shot who and when are extremely significant forensically speaking.Even though the circumstances are different in Las Vegas and in the case of Orlando, in both events, law enforcement struggled to piece together a timeline, quickly followed by a series of revisions in the official story.Strange Profile, Strange Coincidence?As mainstream media and police dance around certain details that may or may not be associated with the man said to be responsible for the Las Vegas mass shooting, a mixture of raw public analysis, military expertise and online investigative work has shed light on a compelling case that could be discussed for sometime.Here s an interesting section from an article about two Twin Cities professors that are studying the psychological patterns of mass shootings. Here s a passage from a recent MPR news report that suggests that Paddock s killer profile is very unusual when compared with more than hundred case entries: Jillian Peterson, a Hamline University assistant professor of criminology and criminal justice, and James Densley, an associate professor of criminal justice at Metropolitan State University, hope to better understand why mass shootings happen and identify ways to prevent them.This shooter is a little different, compared to the data we have, said Peterson, a forensic psychologist. He s significantly older than average, the average age is mid-30s. Social media presence is also something we usually see, some sort of radicalization on social media or wanting to go viral on social media. In this case the shooter was not active on social media, didn t seem to have any social media accounts. While some have attempted to make sense of the Las Vegas shooting tragedy, there are reports of a heavy revamp of security in the hospitality industry through the use of gunfire detection systems, X-ray, body scanners and facial recognition in the wake of this confusing, if not partly manufactured event.The concept of a lone wolf killer in today s world has reprogrammed the public mind just as the serial killer phenomenon did decades ago. This new fear-based saga has ushered in improbable Hollywood-style scenarios, inducing a frozen apathy across the masses rather than looking deeply at crime scene forensics or pour over piles of collected data, these Daily Shooter crimes hold the public psyche hostage until the next unexplained mass tragedy.Undoubtedly, modern America s most deadliest mass shooting has left a number of questions in its wake.*** 21WIRE associate editor Shawn Helton is a researcher and writer, specializing in forensic analysis of high-profile crime scene and counter terrorism investigations, and the deconstruction and analysis of the mass-media coverage surrounding those cases. He has compiled an extensive body of work covering a number of high-profile events since 2012.SEE ALSO: Another Revision in Las Vegas Mass Shooting Amid Mandalay Bay Security Guard s Media SilenceREAD MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 12, 2017",0 +US Gov’t War on RT: Imperial Media β€˜Truth’ Monopoly Threatens Press Diversity,"TAKING THE MICKEY: RT UK billboard campaign on London Underground pokes fun at US-led Russiagate campaign of hysteria.Philip Giraldi Unz ReviewSomehow everything keeps coming back around to Russia. In one of its recent initiatives, the Justice Department (DOJ) appears to be attacking the First Amendment as part of the apparent bipartisan program to make Vladimir Putin the fall guy for everything that goes wrong in Washington. In the past month, the DOJ has revealed that the FBI is investigating Russian owned news outlets Sputnik News and RT International and has sent letters to the latter demanding that one of its business affiliates register as a foreign agent by October 17th. The apparent line of inquiry that the Bureau is pursuing is that both are agencies of the Russian government and that both have been spreading disinformation that is intended to discredit the United States government and its institutions. This alleged action would make them, in the DOJ view, a propaganda arm of a foreign government rather than a news service. It also makes them subject to Department of the Treasury oversight under the Foreign Agents Registration Act of 1938.Sputnik, which is owned by a Russian government media group headed by Putin consigliere Dimitri Kiselyov, has been under investigation due to the accusations made by a fired broadcaster named Andrew Feinberg. Feinberg, the former Sputnik White House correspondent, reportedly took with him a thumb drive containing some thousands of internal business files when he left his office. He has been interviewed by the FBI, has turned over his documents, and has claimed that much of the direction over what the network covered came from Moscow.RT America, more television oriented than Sputnik, operates through two business entities: RTTV America and RTTV Studios. The Department of Justice has refused to identify which of the businesses has been targeted by a letter calling for registration under FARA, but it is believed to be RTTV America, which provides both operational support of the broadcasting as well as the production facilities. Both companies are actually owned by Russian-American businessman Alex Yazlovsky, though the funding for them presumably comes from the Russian government.I have noticed very little pushback in the U.S. mainstream and alternative media regarding the Department of Justice moves, presumably because there is a broad consensus that the Russians have been interfering in our democracy and have had it coming. If that assumption on my part is correct, the silence over the issue reflects a certain na vete while also constituting a near perfect example of a pervasive tunnel vision that obscures the significant collateral damage that might be forthcoming.News organizations are normally considered to be exempt from the requirements of FARA. The Department of Justice action against the two Russian major media outlets is unprecedented insofar as I could determine. Even Qatar owned al-Jazeera, which was so vilified during the early stages of the Afghan War that it had its Kabul offices bombed by the U.S., did not have to register under FARA, was permitted to operate freely, and was even allowed to buy a television channel license for its American operations.The DOJ is in effect saying that RT and Sputnik are nothing more than propaganda organs and do not qualify as journalism. I would have to disagree if one goes by the standards of contemporary journalism in the United States. America s self-described newspapers of record the New York Times and the Washington Post pretend that they have a lock on stories that are true. The Post has adopted the slogan Democracy Dies in Darkness while the Times proclaims The truth is more important now than ever, but anyone who has read either paper regularly for the past year knows perfectly well that they have been as often as not leading propaganda organs for Hillary Clinton and the Democratic Party, pushing a particular agenda and denigrating Donald Trump. They differ little from the admittedly biased television news reporting provided by Fox News and MSNBC.What exactly did the Russians do? According to last January s report signed off on by the FBI, CIA and NSA, which may have motivated the DOJ to take action, RT and Sputnik consistently cast President-elect Trump as the target of unfair coverage from traditional U.S. media outlets that they claimed were subservient to a corrupt political establishment. Well, they certainly got that one right and did better in their reporting of what was going on among the American public than either the Washington Post or New York Times.Regarding Sputnik, Feinberg claimed inter alia that he was pushed to ask questions at White House press briefings suggesting that Syria s Bashar al-Assad was not responsible for some of the chemical attacks that had taken place. One wonders at Feinberg s reluctance as Sputnik and RT were not the only ones expressing skepticism over the claims of Syrian involvement, which have been widely debunked. And why is expressing a credible alternative view on an event in Syria even regarded as propaganda damaging to the American public?There is a difficult to distinguish line between FARA restricted trying to influence opinion using what is regarded a fake news and propaganda and legitimate journalism reporting stories where the facts have been challenged. Even real journalists choose to cover stories selectively, inevitably producing a certain narrative for the viewer, listener or reader. All news services do that to a greater or lesser extent.I have considerable personal experience of RT in particular and, to a lesser extent, with Sputnik. I also know many others who have been interviewed by one or both. No one who has done so has ever been coached or urged to follow a particular line or support a specific position insofar as I know. Nor do I know anyone who has actually been paid to appear. Most of us who are interviewed are appreciative of the fact that we are allowed to air views that are essentially banned on the mainstream media to include critique of maladroit policies in places like Syria and Afghanistan and biting critiques of the war on terror.Sputnik, in my opinion, does, however, lean heavily towards stories that are critical of the United States and its policies, while RT has a global reach and is much more balanced in what it covers. For sure, it too criticizes U.S. policies and is protective of the Russian government, but it does not substantially differ from other national news services that I have had done interviews for. I find as much uniquely generated negative reporting about the U.S. (usually linked to violence or guns) on BBC World News, France24 and Deutsche Welle as I do on RT International. To describe it as part of an influence campaign driven by a state-run propaganda machine has a kernel of truth but it is nevertheless a bit of a stretch since one could make the same claims about any government financed news service, including Voice of America. Governments only get into broadcasting to promote their points of view, not to inform the public.There is a serious problem in the threats to use FARA as it could advance the ongoing erosion of freedom of the press in the United States by establishing the precedent that a foreign news services that is critical of the U.S. will no longer be tolerated. It is also hypocritical in that countries like Israel that interfere regularly in American politics are exempt from FARA registration because no one dares to take such a step, while Russia is fair game.Going after news outlets also invites retaliation against U.S. media operating in Russia and, eventually, elsewhere. Currently Western media reports from Russia pretty much without being censored or pressured to avoid certain stories. I would note a recent series that appeared on CBS featuring the repulsive Stephen Colbert spending a week in Russia which mercilessly lampooned both the country and its government. No one arrested him or made him stop filming. No one claimed that he was trying to undermine the Russian government or discredit the country s institutions, even though that is precisely what he was doing.And then there is the issue of the threat posed by news media outlets like RT and Sputnik. Even combined the two services have limited access to the U.S. market, with a 2014 study suggesting that they have only 2.8 million actual weekly viewers. RT did not make the cut and is not included on the list of 100 most popular television channels in the U.S. and it has far less market penetration than other foreign news services like the BBC. It can be found on only a limited number of cable networks in a few, mostly urban areas. It does better in Europe, but its profile in the U.S. market is miniscule. As even bad news is good news in terms of selling a product, it probably did receive higher ratings when the intelligence agency report slamming it came out on it in January. Everyone probably wanted to learn what RT was all about.So it seems to me that the United States moves against RT and Sputnik are little more than lashing out at a problem that is not really a problem in a bid to again promote the Russian threat to explain the ongoing dysfunction that prevails in America s democratic process. One keeps reading or hearing how the American government has indisputable proof of Moscow s intentions to subvert democracy in the U.S. as well as in Europe but the actual evidence is still elusive. Will Russiagate end with a bang or a whimper? No one seems to know.***READ MORE RUSSIAGATE NEWS AT: 21st Century Wire Russiagate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 12, 2017",0 +β€œRussia Did It” is Smokescreen for Big Business Ownership of US Government and Congress,"Finian Cunningham SputnikGoogle is the latest US internet company to claim it found Russia-linked advertisements on its network allegedly posted to influence the US presidential election last year.Twitter and Facebook have already made similar claims and all three are now facing more scrutiny in the coming weeks before Congressional committees.What is truly astounding about this hysteria over alleged Russian interference in US democracy is that American citizens are being distracted from what is, by far, the much more alarming issue of how their government and Congress is bought by US Big Business.Bloomberg reported this week that: Google identifies Russian election interference network . It said the internet giant found political ads worth $4,700 which it believes are tied to the Russian government . These ads, it is claimed, carried political articles which were meant to influence which way American citizens would vote in the presidential contest between Democrat Hillary Clinton and Republican Donald Trump last November.Google has reportedly said that another $53,000 worth of ads are under review for suspicion of being linked to the Russian government. This follows claims made by Facebook that it had earlier identified $100,000 spent on ads by Russian sources, while Twitter said it had located $274,000 worth of such ads.The Russian government has repeatedly rejected accusations that it tried to meddle in the US election. Moscow rightly highlights the dearth of any evidence and total lack of due legal process. The American allegations have also whipped up a toxic climate to curb the legitimate media activities of Russian news channels.It is understood that Russia s state-owned news channel RT promoted some of its content through social media like Facebook and Twitter. But as RT editor Margarita Simonyan pointed out such promotion is entirely normal for all news media companies. She estimated that US-based outlets probably spent much more than RT promoting their content through the Russian section of Twitter.Several issues about this Russian meddling trope are patently dodgy, yet are bizarrely overlooked.The first is that, as with other claims of Russian interference in the US election, no evidence is ever presented. Facebook, Twitter and Google are making vague claims of accounts believed to be tied to the Russian government . And the US news media simply repeat these nebulous claims without further question.A second anomaly is that Congressional committees that have been investigating allegations of Russian interference have also not presented any evidence after nearly nine months of intensive probing.Senators Richard Burr and Mark Warner, who are heading up a select intelligence committee, made a big presentation last week in Washington on their findings. The findings turned out to be an embarrassing anti-climax. The Congressmen admitted they found no evidence of Russia collusion in the election and baldly asserted that Moscow s influence campaign continues which they will continue to investigate no doubt at a huge cost to American taxpayers.So, Russia is being accused of interfering in the presidential elections on the basis of the allegation alone, and yet American politicians are also contradicting themselves by saying that the alleged interference did not alter the vote outcome.But here is the biggest absurdity. The sums of money claimed to have been used by Russia to destabilize US democracy are ridiculously minuscule.For argument sake, let s go along with the claims that somehow Russian agents took out ads on social media to influence the US election. Between Facebook, Twitter, and Google the expenditure amounts to about $300,000.That figure is a pittance compared with the avalanche of money that US corporations doled out to bankroll the election campaigns of the two candidates.According to Bloomberg, Hillary Clinton s election bid was leveraged with $1.2 billion from Super-PACs (Political Action Campaigns). Trump received less corporate money, raising a total of $647 million or about half of what Clinton s coffers received.Now put those figures into perspective. The alleged Russian influence ads costing around $300,000 represent some 0.01 percent of what US corporations actually spent ($1.8 billion total) in promoting either Clinton or Trump for the White House. In other words, the much speculated and highly dubious financial outlay that Russian sources allocated to allegedly upset the American democratic process is negligible compared with the actual money spent by major American companies to determine the 2016 election outcome.While American media and politicians are endeavoring to get citizens all worked up about Kremlin meddling the glaring fact is that their democratic process is subject to enormous US corporate influence. And not just the 2016 election. Every presidential cycle.Note too that this is only taking into consideration the corporate lobbying in the presidential contest. Every year, it is calculated that US companies spend about $3 billion lobbying federal government and Congress.That is, every year, year after year, Big Business in America spends 10,000-fold on influencing lawmakers and government policy compared with the alleged ad campaign that Russia supposedly engaged in.Another source of major influence on American politicians are the lobby groups funded separately by the Israeli and Saudi government interests. Each year, these foreign states spend an estimated $5-7 million on lobbying members of the US Congress and the federal government. This is real money with real impact on US democracy as opposed to alleged Russian interference.Getting back to lobbying by US companies some might call it bribery among the biggest donors are the military manufacturing firms. According to American publication, The Hill, included in the top 50 corporate lobbies plying Congress with campaign funds are Boeing, Lockheed Martin and Northrup Grumman.Another major lobby although not in the top 50 is the National Rifle Association (NRA) which promotes gun ownership for private citizens by donating to Congress members.Three recent events show how corporate money effectively buys American government policy.President Trump is pushing for an overhaul of tax policy which will result in the biggest ever tax benefit to corporate America.Secondly, with regard to the US military budget, the Congress is due to pass a record increase amounting to $700 billion annually. This largesse to Pentagon-connected manufacturers like Lockheed Martin and Boeing is no doubt fueled by Trump using reckless bellicose rhetoric towards North Korea, threatening war instead of a diplomatic solution.Thirdly, in the aftermath of the latest mass shooting in Las Vegas the worst ever in modern US history in which 58 people were mowed down by a 64-year-old male shooter armed with an arsenal of assault rifles in his hotel room, both the White House and Congress are adamant that now is not the time to talk about gun control laws . Congressional Republicans, in particular, are big recipients of NRA funding. Trump s election campaign also reportedly received $30 million from the NRA.In the gargantuan scale of corporate funding and influence on US democracy, it is patently absurd for US media and politicians to chase after Russia for alleged meddling.There again, maybe not so absurd, if such a travesty serves to distract American citizens from the much more pressing issue of how their democracy is bought and sold by elite American interests.***SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"October 12, 2017",1 +Agent Angelina: Are CIA Using Hollywood’s Jolie as Soft Power Operative?,"21st Century Wire says In previous articles, 21WIRE has consistently raised the question of whether or not the CIA and the Pentagon have been using Hollywood celebrities as soft power pawns in order to help grease foreign policy objects over seas. This charge has always been met by narrow mainstream minds as a conspiracy theory even though we have provided evidence which indicates this is a very real practice, and one with historic precedents. Seems that the mainstream claim that the CIA wouldn t hire someone like that won t fly anymore. We have talked about Dennis Rodman, and George Clooney as two high-profile ambassadors of the US, inserted into trouble areas in order to achieve various PR, strategic or intelligence ends.This latest admission regarding actress Angelina Jolie is even more telling where it is claimed she was being used as an expensive honey pot to lure the illusive (and possibly non-existent) Joseph Kony of the Lord s Resistance Army in the jungles of Uganda.Andrew Korybko Oriental ReviewIt s long been suspected that the actress willingly promotes CIA psy-op narratives in her films, but this time new leaks allege that Angelina Jolie had also at one time considered being the Pentagon s bait to catch Kony , which draws into question the true motivation of other celebrities foreign policy forays such as Dennis Rodman s friendship with Kim Jong-Un. Agent AngelinaAngelina Jolie is the poster woman for the Hollywood-Intelligence Complex , the perfect example of a willing CIA asset who regularly goes along with deep state narratives in her films, such as the anti-Serb production In The Land Of Blood And Honey . She s also been one of the loudest global cheerleaders for humanitarian interventions abroad, or in other words, imperialist wars waged under distorted or outright fabricated humanitarian reasons such as the one that she had been lobbying for in Darfur. Jolie often visits US troops abroad like in Afghanistan, though up until now there were no grounds for suggesting that she was anything other than a propagandist, as it would have been ordinarily absurd to even countenance her playing an active role in the battlefield.That s no longer the case anymore, though, according to a report by The Sunday Times, a UK-based media outlet, which claims to have read leaked International Criminal Court (ICC) documents alleging that the starlet told the organization s former chief prosecutor that she d be willing to volunteer herself as a bait to catch the phantasmal African warlord Joseph Kony. The Sunday Times article is mostly hidden behind a paywall, however, so the average information consumer needs to rely on second-hand sources such as People magazine in order to learn about what s in those leaks free of charge. According to the celebrity news site: A hoard of 40,000 ICC documents leaked to the French investigative website Mediapart reveals that Jolie once offered to act as human bait in a trap to arrest brutal Ugandan warlord Joseph Kony.She has the idea to invite Kony to dinner and then arrest him, reads an e-mail sent by former ICC Chief Prosecutor Luis Moreno Ocampo, reports The Sunday Times. Forget other celebrities, she is the one, Moreno Ocampo adds in another email. She loves to arrest Kony. She is ready. Probably Brad [Pitt] will go also. According to The Sunday Times, which has seen the Mediapart documents, Moreno Ocampo hoped that Jolie and her now estranged husband would travel to the Central African Republic with a team of US Special Forces.It was thought that their presence would then draw Kony out of his armored compound and enable the US forces to take him into custody. If these allegations are true, then it would mean that Jolie had graduated from the usual propagandist class of Hollywood operatives to an in-field asset of the Pentagon in conspiring to carry out a globally important mission. Truth be told, catching Kony , as the viral 2012 slogan went, isn t really that significant of a deal because the warlord is thought to have barely any supporters nowadays after years on the run in the transnational jungled space between his native Uganda, the Democratic Republic of the Congo, South Sudan, and the Central African Republic. In fact, the whole purpose of the CIA psy-op to catch Kony was to justify US special forces presence in this strategic region long enough for them to manufacture civil wars in South Sudan and the Central African Republic, which would turn them into a failed state belt that forever prevents their crucial incorporation into a Chinese-built bicoastal Silk Road through their resource-rich territories.The geopolitics of the Kony diversion aren t the focus of this article, so it s recommended that readers review some of the author s hyperlinked analyses above if they re interested in learning more about this Hybrid War campaign. Instead, it s important to focus on the relationship between celebrities and the deep state , both in the propaganda and as can now be seen in-field operational manifestations. Thus far, it doesn t seem like any of Jolie s peers attempted to follow in her footsteps by partaking in such a high-profile covert mission, but toning down the drama just a notch and removing the lethal risk involved in her extreme example, it s certainly possible that other famous people are doing something similar in serving their governments.ODD COUPLE: Joseph Kony & Angelina JolieThe Rodman-Kim CaseThe most relevant case that comes to mind is Dennis Rodman, who s the US Kim whisperer in passing along messages through what he calls basketball diplomacy but who actually functions as the best American pair of eyes and ears that has ever gotten to known the reclusive North Korean leader in person. It s been speculated for a few years already that Rodman might indeed be working for the CIA, but this was always dismissed by more mainstream voices who retort that he s either too stupid or that the CIA wouldn t hire someone like that , but these critics never take the time to consider that Rodman might be coerced into doing this in order to avoid a hushed-up drug bust or something of that nature.In any case, his last visit to the communist country was a failure because he wasn t allowed to meet with Kim Jong-Un, although he did claim credit for jailed provocateur Otto Warmbier s release shortly before his death. Given that the American student was going to die anyway from what was likely complications from his unsuccessful suicide attempt in trying to overdose on sleeping medicine, he probably would have been released whether Rodman came to the country or not, but it s very telling that Kim Jong-Un refused to meet with his best friend during this time. Incidentally, it was shortly after this that the war of words and insult diplomacy between the North Korean and American leaders really took off, which might have been inspired by Trump finding out from his intelligence chiefs that they had lost their precious Rodman-Kim connection because Pyongyang could have figured out what the basketballer was really up to.Although it s only speculation at this point, it would indeed explain why Trump made a show out of appearing to go crazy and resorting to the madman theory in dealing with Kim Jong-Un, as the US Intelligence Community might have concluded that this is the only realistic way left for directly communicating with his North Korean counterpart. With Rodman s last reconnaissance mission cut short and ultimately unsuccessful, the US might have feared that Kim was signaling to them that he was prepared to imminently flex his muscles in vengeful showmanship for having been deceived this long, and while it s impossible to know exactly what he was in fact thinking, North Korea did end up staging several highly provocative missile launches this summer after Rodman s visit and even carried out a nuclear test.The above narrative might sound dubious upon first read, but it certainly deserves to be reconsidered in light of the revelation that Angelina Jolie was working with the Pentagon as part of a highly secret special operation to catch Kony , which would in that case not make it sound so crazy to imagine that Dennis Rodman might have been doing similar field work for the CIA in collecting valuable personal intelligence about Kim Jong-Un.Even if the North Koreans are actually aware of what Rodman is up to nowadays, that doesn t mean that he ll never be allowed back into what some have derisively called the Hermit Kingdom , as there s a certain value that could be derived from continuing to use him for informal diplomatic purposes and indirect communication with the US deep state Continue this story at Oriental ReviewREAD MORE HOLLYWOOD NEWS AT: 21st Century Wire Hollywood FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"October 11, 2017",0 +Iran β€˜Will Respond’ if US Moves to Designate Revolutionary Guard as β€˜Terrorist Group’,"Fresh off its humiliating six-year-long debacle in Syria, and with very few viable wars within its grasp, the Pentagon, along with the Israeli Lobby-led US Congress and Senate are now trying to tighten the noose on Iran.For the last 3 weeks, hawkish Republican Senators have been pressuring President Donald Trump to decertify the Iran nuclear deal in October, and to reimpose harsh sanctions despite the fact that Iran is in full compliance with the international P5+1 brokered nuclear containment agreement.According to the terms of the deal as recognized by Congress, the President must re-certify the deal every 90 days.LITTLE MARCO: It s clear that Marco Rubio is firmly in the pocket of the Israeli Lobby.Chief among the Israeli-led Senators is Florida Senator Marco Rubio. During the Presidential campaign, Rubio was humiliated by Trump who dubbed him Little Marco. Soon after, the slighted Senator was forced to drop out of the race due to a lack of support for his campaign.SEE ALSO: Retired US General Picks Apart Sen. Cotton s Scarlet Letter to IranOn its face, Trump and the Israel First hawks policy to crush the JCPOA Nuclear Agreement makes little sense. Business Insider explains:John Glaser and Emma Ashford respond to Trump s latest attack on the nuclear deal: Iran is clearly abiding by the deal s requirements, as President Trump himself has twice formally acknowledged. But the President appears determined to ignore U.S. allies, his own intelligence community and the International Atomic Energy Agency, which has affirmed eight separate times in detailed reports that Iran is in compliance with the deal.As is usually the case, the US hawks (also supported by Iran s economic and geopolitical regional rival Saudi Arabia) are hoping to trigger retaliatory rhetoric from the Iranian hawks and use those words to justify a call for escalation of tension, and a full range of new sanctions against Iran:This desire to withdraw from the JCPOA is difficult to explain. Whatever Trump s reasoning, this much is clear: All of America s options outside the JCPOA carry unacceptably high risks and threaten to exacerbate the very behavior Iran hawks hope to forestall.Desperate to fabricate their case against Iran, the US (instructed by the Israeli Lobby) are now trying to brand Iran s military as an international terrorist organisation.RT International reports Iran has vowed a firm and crushing reaction should Washington decide to include the elite wing of its army, the Islamic Revolutionary Guard Corps (IRGC), on its list of terrorist organizations, according to the country s foreign ministry.The comments came from Iranian Foreign Ministry spokesman Bahram Qasemi on Monday as cited by Tasnim news agency. We are hopeful that the United States does not make this strategic mistake, Qasemi stated during a news conference. If they do, Iran s reaction would be firm, decisive and crushing, he said, adding that the US would have to accept the consequences.Earlier it was reported that Washington is preparing tougher sanctions on Tehran, including the possible designation of the Islamic Revolutionary Guard Corps (IRGC) as a terrorist group.US President Donald Trump has taken a tough stance on the Islamic Republic, criticizing it for supporting terrorism and vowing to put an end to Iran s continued aggression and nuclear ambitions. On Sunday, IRGC chief Mohammad Ali Jafari warned that if the reports are confirmed, the military wing will treat US troops, especially in the Middle East, as they would Islamic State (IS, formerly ISIS/ISIL) terrorists. If the news is correct about the stupidity of the American government in considering the Revolutionary Guards a terrorist group, then the Revolutionary Guards will consider the American Army to be like Islamic State all around the world, particularly in the Middle East, Jafari stated.Washington s reported threats have prompted France to speak against actions that could exacerbate the current crises in the face of regional instability. With this in mind, regional states have a specific role to play and must show restraint and a sense of responsibility, French Foreign Ministry spokeswoman Agnes Romatet-Espagne stressed, when asked whether Paris would endorse such a step.The landmark Iranian nuclear agreement, officially known as the Joint Comprehensive Plan of Action (JCPOA), was signed by the P5+1 group (China, France, Germany, Russia, the UK, and the US) and the European Union in 2015. According to the deal, Iran is to limit its nuclear program for 15 years in exchange for easing the pre-existing sanctions.READ MORE: World will change : Trump likely to pull out of Iran nuclear deal next week German FMDuring his election campaign Trump repeatedly vowed to scrap the agreement, and during his presidency he has continued to accuse Iran of violating the spirit of the deal. This week the US leader is expected to re-certify the agreement, but there are concerns that he may decide to stick to his campaign promises.Other parties to the agreement, including Germany and the EU, have voiced concerns over the possible scuppering of the deal.READ MORE IRAN NEWS AT: 21st Century Wire Iran FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"October 10, 2017",1 +"Episode #205 – SUNDAY WIRE: β€˜Dirty Vegas’ with Jay Dyer, Hesher & Shawn Helton","IMAGE: Real-life battlefield shooting range in Las Vegas (see video).Episode #205 of SUNDAY WIRE SHOW resumes on Oct 8th, 2017 as host Patrick Henningsen brings you this week s LIVE broadcast on the Alternate Current Radio Network (ACR) covering all the top news stories both at home and internationally LISTEN LIVE ON THIS PAGE AT THE FOLLOWING SCHEDULED SHOW TIMES:5pm-8pm UK Time | 12pm-3pm ET (US) | 9am-12am PT (US) This week the SUNDAY WIRE is broadcasting LIVE from the US as guest hosts Jay Dyer and ACR s Hesher are joined by special guest Shawn Helton, and other special guests Basil Valentine, ACR s Funk Soul, and a report by Patrick Henningsen from the 2040 Transhumanist Agenda conference in London. will be delivering a powerful (and highly controversial) show this week covering the biggest stories internationally including the recent mass shooting in Las Vegas. The team will do into a deep investigative analysis and summary of the forensic case thus far, including expert ballistic analysis of the official story, in what is said to be America s biggest ever mass shooting. Enjoy the show SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TVStrap yourselves in and lower the blast shield this is your brave new world *NOTE: THIS EPISODE MAY CONTAIN STRONG LANGUAGE AND MATURE THEMES*Download Episode #205Sunday Wire Radio Show Archives ",US_News,"October 8, 2017",0 +β€˜Vaccine Choice’ Mom Gets Jail Time for Not Jabbing Her Kid,"21st Century Wire says We ve been covering the anti-vaccine movement (and the science) for quite some time. The dangers of aluminum and the neurotoxicity of vaccines are well-documented. Now, this debate has turned up in a court of law. Which prompts us to ask this question again: Should the government force parents to vaccinate their kids?Rebecca Bredow, a self-proclaimed vaccine choice mom from Detroit, has just been sentenced to seven days in jail for contempt, defying a court order that states she agreed with her ex-husband to vaccinate their 9-year-old son.The judge also ordered to have the child vaccinated within one week, while Bredow is serving her jail sentence. Attorneys for the anti-vaxxer mom, who refused to jab her son based on her personal and religious beliefs, have said they will be filing an appeal. I would rather sit behind bars standing up for what I believe in, than giving in to something I strongly don t believe in, Bredow said in her statement to the court.As WXYX-TV Detroit reports, the son s father must get the child vaccinated before his mother gets out of jail, or this story could take yet another controversial turn WATCH: READ MORE VACCINE NEWS AT: 21st Century Wire Vax FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"October 7, 2017",0 +Boiler Room EP #130 – Mandalay Cover-Up,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki (The Nameless One) for the hundred and thirtieth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.Hesher, Spore, Jay Dyer and Andy Nowicki representing the ACR Brain-Trust with their continuing analysis of the Mandalay Bay Massacre. The details, the anomalies, opinions, hypotheses and the questions we came up with in the days after the event.Direct Download Episode #130 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"October 6, 2017",0 +"REVEALED: FBI Aided, Abetted β€˜ISIS’ Terrorist Attack at β€˜Mohammed Cartoon Event’ in Garland, Texas","Daily Shooter 21st Century WireJust as ISIS is being routed in Deir Ezzor, Syria, and soon out of Raqqa, and driven from its remaining strongholds in Iraq we discover how the US government has been busy keeping the organization thriving within its own shores.What you are about to read is simply breathtaking, but should be of no surprise to our readers. These new court findings reaffirms much of what 21WIRE and the Daily Shooter column have been reporting for the last five years that the FBI is responsible for the majority of so-called terrorist attacks in the US.According to a new legal case filed against the FBI, court filings have revealed how the agency allowed an alleged home grown ISIS attack to take place in Garland, Texas on May 4, 2015. International criminal lawyer Jennifer Breedon shows the FBI was complicit in the attack, and even enticed the two terrorists to carry out the attack, and where agents had pretended to be ISIS in order to keep their entrapment operation going. She explains: Some of the facts are indicating that they had an undercover agent that was trying to get in with ISIS trying to find out these ISIS groups, and he wanted to make himself higher up in ISIS ranks to know more of their fighters. Apparently, he stayed in the car behind them, which came out in another case filing with the FBI. They did not prevent it because if the attack had been carried out successfully, and people died, it was likely this undercover agent and his supervisors in the FBI felt that this would promote him up to high ranks within ISIS the undercover agent would be promoted up, because the attack was then successful. Read Breddon s full interview here.On the surface this is a clear case of entrapment by the FBI, but upon deeper examination it s now clear that the FBI seems to have aided and abetted a terrorist attack on US soil.While other mainstream and alternative media outlets were busy promulgating the official narrative, 21WIRE actually called-out the staged event, designed to leverage a far right, anti-Muslim agenda, and stoke irrational fears of endless ISIS attacks on US soil.PROVOCATEUR: Professional provocateur Geller provided the PR bait for media, the FBI-run American ISIS cell.The contrived event was marketed as a controversial Muhammad Art Exhibit and Cartoon Contest, organized by a cut-out politcal front group, American Freedom Defense Initiative, led by anti-Muslim activist and professional provocateur, Pamela Geller, and featured far-right Dutch politician Geert Wilders, as its keynote speaker. Media personality Geller claimed to have purposely chosen the venue following the Council on American-Islamic Relations (CAIR) gathering who held a Stand with the Prophet conference in late January 2015 after the Charlie Hebdo shootings in Paris earlier that year.According to the victim s attorney Breedon, the FBI had an undercover agent that was trying to get in with ISIS trying to find out these ISIS groups, and he wanted to make himself higher up in ISIS ranks to know more of their fighters. American journalist Trevor Aaronson further explains the derelict role of James Comey (image, left) in FBI s attempt to cover its own fingerprints on this dodgy operation: Hours earlier, the FBI had sent a bulletin to local police with Elton Simpson s photo, warning that he was interested in the event. FBI Director James Comey said in a press conference following the shooting that the FBI did not have reason to believe Simpson was planning to attack the event, even though the bureau had spent years trying to build a case against him. ENTRAPMENT: The unwitting youngster, Elton Simpson, was groomed by a paid FBI informant, and brought to the scene of the staged attack. After the FBI-staged attack , 21WIRE was one of few media outlets to report how a paid FBI informant was not only handling , but directing what appeared to be a naive and vulnerable federal target for entrapment a new young Muslim convert named Elton Simpson from Phoenix, Arizona:It s now been revealed that gunman , Elton Simpson, was already under surveillance by the FBI and was even the subject of a terror investigation. More importantly, we can also confirm Simpson was being handled by an FBI informant. Court papers filed in Arizona name the FBI undercover informant as Mr. Daba Deng, a Kenyan and who, from 2007, was paid $132,000 by the FBI to become friends with Mr. Simpson , and who appears to have groomed Simpson through a local mosque, and helped to develop Simpson s ideas about jihad .So keen was CNN at the time to convince its audience that Garland was a real terrorist event, it took the trouble of creating its own cartoon version of the attack in a desperate attempt to make the official story believable:SYNTHETIC TERROR: CNN uses cartoon to make the Garland Shooting look like a real terror event.At the time, and almost comically, CNN tried to push the official narrative, appearing totally clueless of the fact that the attackers were under FBI supervision for years: He wasn t well-known to federal law enforcement and was not on the FBI s radar, one of the officials said. Investigators were combing through evidence retrieved from the shooters Arizona home to help piece together a timeline of how their plot came together, the official said. It was as if CNN had copied and pasted their report from an FBI press memo issued after the event (perhaps it was). CNN s coverage of the event was equally ridiculous, not picking up on the fact that a small platoon of heavily armed US special ops mercenaries were pre-positioned at Geller s event in anticipation of the made-for-TV terror attack that followed:#BREAKING Update from SWAT Team Leader. @wfaachannel8 pic.twitter.com/HoF5f4bF7U Jobin Panicker (@jobinpnews) May 4, 2015SEE OUR INITIAL REPORT ON GELLER S GARLAND HOAX: Hebdo Redux in Garland, Texas? Mohammed Cartoon Shooting Reeks of a Staged False FlagGarland was a clear case of the US government creating a terror threat where there was none, and this wouldn t be the first time either.As previously noted, The Guardian reported on the scale and scope of this trend in 2014: In some cases the FBI may have created terrorists out of law-abiding individuals by suggesting the idea of taking terrorist action or encouraging the target to act. The list of FBI-related terrorist incidents inside the US is a long one. The formula for creating a terror icon required a confidential informant to guide and manage the future suspect right up to the point of arrest, or in some cases, like the World Trade Center Bombing in 1993, the FBI have even allowed the terrorist incident to take place.In Garland, as with so many other high profile terror and mass shooting events, 21WIRE s investigations have turned out to correct, while the mainstream media have been completely wrong.The following infographic is from the Program on Extremism these are likely contrived, if not inflated numbers meant to represent suspected ISIS members supposedly hiding out all over America:We've updated our ISIS in America numbers (100) and added a new statistic: Average prison sentence (10.1 years). pic.twitter.com/SsAbCx1Tgy Program On Extremism (@gwupoe) August 3, 2016The following is a partial list of informants, patsies and dupes used by the security services in a number of the high-profile terror events in recent years:Tamerlan Tsarnaev (see his story here) Buford Rogers (see his story here) Jerad Miller (see his story here) Naji Mansour (see his story here) Quazi Mohammad Nafis (see his story here) Mohamed Osman Mohamud (see his story here) Timothy McVeigh (see his story here) Salim Benghalem (see his story here) Michael Adebolajo (see his story here) Daba Deng (see his story here) Elton Simpson (see his story here) Man Haron Monis (see his story here) Abu Hamza (see his story here) Haroon Rashid Aswat (see his story here) Glen Rodgers (see his story here) Omar Mateen (see his story here) Tashfeen Malik (see her story here) Djamel Beghal (see his story here) Anjem Choudary (see his story here) Cherif Kouachi (see his story here) Said Kouachi (see his story here) Amedy Coulibaly (see his story here) Hayat Boumeddiene (see her story here) Salman Abedi (see his story here) Khuram Butt (see his story here) Salah Abdeslam (see his story here) Michael Zehaf-Bibeau (see his story here) Nidal Malik Hassan (see his story here) Abdelhakim Dekhar (see his story here) Abdelhamid Abaaoud (see his story here) Samy Amimour (see his story here) Isma l Omar Mostefa (see his story here) Mohamed Lahouij Bouhlel (see his story here) Anis Amri (see his story here) Esteban Santiago-Ruiz (see his story here) Abdulkadir Masharipov (see his story here) Khalid Masood (see his story here)READ MORE GARLAND NEWS AT: 21st Century Wire Garland FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"October 6, 2017",0 +Henningsen: Obama White House Colluded with Facebook to Fabricate β€˜Russian Bot’ Conspiracy,"WASHINGTON DC This week the Senate Intelligence Committee finally gave an update on its continuing investigation into whether Russia actually had anything to do with the 2016 Election. If anyone was expecting any actual evidence to be presented, they would have been sorely disappointed, again. Still, that s not going to stop Official Washington from burning though more public money to try and prove a conspiracy theory. The issue of collusion is still open, said committee chairman, Richard Burr of North Carolina (R). We have more work to do as it relates to collusion, but we re developing a clearer picture of what happened. Likewise, the committee s ranking Democrat, Senator Mark Warner of Virginia, admitted they had nothing, but implored Americans to be on guard of the Russian. The Russian active measures did not end on Election Day 2016, said Warner. He maintains that the US should adopt a more aggressive whole government approach to combat Russian influence on the vulnerable minds of unsuspecting Americans.However, yesterday 21WIRE revealed via Consortium News that it was Senator Warner, along with the Obama White House, who colluded with Silicon Valley giant Facebook in 2016, with Warner making multiple trips to Palo Alto to pressure Facebook to produce some evidence that Warner and his colleagues could hold up as proof of Russian Bots using Facebook to interfere in the 2016 Election. As it turns out, this was fake news fabricated by Washington and its mainstream media partners.21WIRE editor Patrick Henningsen spoke to RT International yesterday about these developments, and how the US government is using their own fake news in order to shut down competition in the information sphere. By definition, that collusion between big government and corporations is classic fascism. Watch:. What I will confirm is that the Russian intelligence service is determined, clever, Senator Burr said. And I recommend that every campaign and every election official take this very seriously. Russiagate has really turned into a Vaudeville act.READ MORE RUSSIAGATE NEWS AT: 21st Century Wire Russiagate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 6, 2017",0 +Fake News: The Collapse of the MSM’s β€˜Facebook Russian Bot’ Story,"As 21WIRE said last year, the Russian hacking, or Russiagate story was a political hoax from the start. What this story can now demonstrate, is that for the last 18 months, the entire mainstream media has been promulgating a highly politicised, and relentless campaign of fake news designed to implicate Russia in an imaginary scandal. Leading the pack are former papers of record The New York Times and The Washington Post, flanked by America s premier broadcast TV propaganda outlet CNN.Last week, we revealed how powerful politicians in Washington had pressured Facebook executives to come up with any evidence to support the Democratic Party s theory of Russian meddling, demonstrating clear collusion between the Obama Administration and Silicon Valley corporation Facebook, with the goal of fabricating a scandal in order to scapegoat Vladimir Putin and the Russians for the electoral collapse of Hillary Clinton last November.As a result, US-Russian relations have been sacrificed at the altar of petty partisan politics and a failing deep state agenda.It certainly begs the question: with so much at stake, why would Washington and MSM lie and risk pushing global tensions closer to a world war level confrontation? If they are prepared to lie about this, what else are they prepared to lie about?Consortium News Exclusive: The U.S. mainstream media is determined to prove Russia-gate despite the scandal s cracking foundation and its inexplicable anomalies, such as why Russia would set up a Facebook puppies page.By Robert ParryWhat is perhaps most unprofessional, unethical and even immoral about the U.S. mainstream media s coverage of Russia-gate is how all the stories start with the conclusion Russia bad and then make whatever shards of information exist fit the preordained narrative.For instance, we re told that Facebook executives, who were sent back three times by Democratic lawmakers to find something to pin on Russia, finally detected $100,000 worth of ads spread out over three years from accounts suspected of links to Russia or similar hazy wording.These Facebook ads and 201 related Twitter accounts, we re told, represent the long-missing proof about Russian meddling in the U.S. presidential election after earlier claims faltered or fell apart under even minimal scrutiny.In the old days, journalists might have expressed some concern that Facebook found the ads only under extraordinary pressure from powerful politicians, such as Sen. Mark Warner, D-Virginia, the vice chairman of the Senate Intelligence Committee and a leading legislator on the tech industry. But today s mainstream reporters took Warner s side and made it look like Facebook had been dragging its heels and that there must be much more out there.However, it doesn t really seem to matter how little evidence there is. Anything will do.Even the paltry $100,000 is not put in any perspective (Facebook has annual revenue of $27 billion), nor the 201 Twitter accounts (compared to Twitter s 328 million monthly users). Nor are the hazy allegations of suspected links to Russia subjected to serious inspection. Although Russia is a nation of 144 million people and many divergent interests, it s assumed that everything must be personally ordered by President Vladimir Putin.Yet, if you look at some of the details about these $100,000 in ads, you learn the case is even flimsier than you might have thought. The sum was spread out over 2015, 2016 and 2017 and thus represented a very tiny pebble in a very large lake of Facebook activity.But more recently we learned that only 44 percent of the ads appeared before Americans went to the polls last November, according to Facebook; that would mean that 56 percent appeared afterwards.Facebook added that roughly 25% of the ads were never shown to anyone. For 50% of the ads, less than $3 was spent; for 99% of the ads, less than $1,000 was spent. So, as miniscule as the $100,000 in ad buys over three years may have seemed, the tiny pebble turns out really to be only a fraction of a tiny pebble if the Russians indeed did toss it into the 2016 campaign.What About the Puppies?We further have learned that most ads weren t for or against a specific candidate, but rather addressed supposedly controversial issues that the mainstream media insists were meant to divide the United States and thus somehow undermine American democracy.Except, it turns out that one of the issues was puppies.As Mike Isaac and Scott Shane of The New York Times reported in Tuesday s editions, The Russians who posed as Americans on Facebook last year tried on quite an array of disguises. There was even a Facebook group for animal lovers with memes of adorable puppies that spread across the site with the help of paid ads. Now, there are a lot of controversial issues in America, but I don t think any of us would put puppies near the top of the list. Isaac and Shane reported that there were also supposedly Russia-linked groups advocating gay rights, gun rights and black civil rights, although precisely how these divergent groups were linked to Russia or the Kremlin was never fully explained. (Facebook declined to offer details.)At this point, a professional journalist might begin to pose some very hard questions to the sources, who presumably include many partisan Democrats and their political allies hyping the evil-Russia narrative. It would be time for some lectures to the sources about the consequences for taking reporters on a wild ride in conspiracy land.Yet, instead of starting to question the overall premise of this scandal, journalists at The New York Times, The Washington Post, CNN, etc. keep making excuses for the nuttiness. The explanation for the puppy ads was that the nefarious Russians might be probing to discover Americans who might later be susceptible to propaganda. The goal of the dog lovers page was more obscure, Isaac and Shane acknowledged. But some analysts suggested a possible motive: to build a large following before gradually introducing political content. Without viewing the entire feed from the page, now closed by Facebook, it is impossible to say whether the Russian operators tried such tactics. [Seriously, this is what the New York Times is passing off as journalism now]The Joe McCarthy of Russia-gateThe Times then turned to Clinton Watts, a former FBI agent and a top promoter of the New McCarthyism that has swept Official Washington. Watts has testified before Congress that almost anything that appears on social media these days criticizing a politician may well be traceable to the Russians Continue this story at Consortium NewsREAD MORE RUSSIAGATE NEWS AT: 21st Century Wire Russiagate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"October 5, 2017",0 +"Boiler Room EP #129 – Mandalay β€˜Massacre:’ Initial Boil Down with Hesh, Spore, Jay, Funk and Pharaoh","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Fvnk$oul & Infidel Pharaoh (ACR Contributors) for the hundred and twenty ninth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.Hesher, Spore, Jay Dyer, Fvnk$oul and Infidel Pharaoh representing the ACR Brain-Trust with their initial analysis of the Mandalay Bay Massacre. The details, the anomalies, opinions, hypotheses and the questions we came up with in the first 24 hours after the event.Direct Download Episode #129 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"October 3, 2017",0 +β€˜Russia Did It’ – The New Age of McCarthyism,"Robert Parry Consortium NewsMake no mistake about it: the United States has entered an era of a New McCarthyism that blames nearly every political problem on Russia and has begun targeting American citizens who don t go along with this New Cold War propaganda.A difference, however, from the McCarthyism of the 1950s is that this New McCarthyism has enlisted Democrats, liberals and even progressives in the cause because of their disgust with President Trump; the 1950s version was driven by Republicans and the Right with much of the Left on the receiving end, maligned by the likes of Sen. Joe McCarthy as un-American and as Communism s fellow travelers. The real winners in this New McCarthyism appear to be the neoconservatives who have leveraged the Democratic/liberal hatred of Trump to draw much of the Left into the political hysteria that sees the controversy over alleged Russian political meddling as an opportunity to get Trump. Already, the neocons and their allies have exploited the anti-Russian frenzy to extract tens of millions of dollars more from the taxpayers for programs to combat Russian propaganda, i.e., funding of non-governmental organizations and scholars who target dissident Americans for challenging the justifications for this New Cold War.The Washington Post, which for years has served as the flagship for neocon propaganda, is again charting the new course for America, much as it did in rallying U.S. public backing for the 2003 invasion of Iraq and in building sympathy for abortive regime change projects aimed at Syria and Iran. The Post has begun blaming almost every unpleasant development in the world on Russia! Russia! Russia!For instance, a Post editorial on Tuesday shifted the blame for the anemic victory of German Chancellor Angela Merkel and the surprising strength of the far-right Alternative for Germany (AfD) from Merkel s austerity policies, which have caused hardship for much of the working class, or from her open door for Mideast refugees, which has destabilized some working-class neighborhoods, to you guessed it Russia!The evidence, as usual, is vague and self-interested, but sure to be swallowed by many Democrats and liberals, who hate Russia because they blame it for Trump, and by lots of Republicans and conservatives, who have a residual hatred for Russia left over from the Old Cold War.The Post cited the Atlantic Council s Digital Forensic Research Lab, which has been pushing much of the hysteria about alleged Russian activities on the Internet. The Atlantic Council essentially is NATO s think tank and is financed with money from the U.S. government, Gulf oil states, military contractors, global financial institutions and many other sources which stand to gain directly or indirectly from the expanding U.S. military budget and NATO interventions.Blaming RussiaIn this New Cold War, the Russians get blamed for not only disrupting some neocon regime change projects, such as the proxy war in Syria, but also political developments in the West, such as Donald Trump s election and AfD s rise in Germany.The Atlantic Council s digital lab claimed, according to the Post editorial, that In the final hours of the [German] campaign, online supporters of the AfD began warning their base of possible election fraud, and the online alarms were driven by anonymous troll accounts and boosted by a Russian-language bot-net. Of course, the Post evinces no evidence tying any of this to the Russian government or to President Vladimir Putin. It is the nature of McCarthyism that actual evidence is not required, just heavy breathing and dark suspicions. For those of us who operate Web sites, trolls some volunteers and some professionals have become a common annoyance and they represent many political outlooks, not just Russian.Plus, it is standard procedure these days for campaigns to issue last-minute alarms to their supporters about possible election fraud to raise doubts about the results should the outcome be disappointing.The U.S. government has engaged in precisely this strategy around the world, having pro-U.S. parties not only complain about election fraud but to take to the streets in violent protests to impugn the legitimacy of election outcomes. That U.S. strategy has been applied to places such as Ukraine (the Orange Revolution in 2004); Iran (the Green Revolution in 2009); Russia (the Snow Revolution in 2011); and many other locations.Pre-election alerts also have become a feature in U.S. elections, even in 2016 when both Donald Trump and Hillary Clinton raised questions about the legitimacy of the balloting, albeit for different reasons.Yet, instead of seeing the AfD maneuver as a typical ploy by a relatively minor party and the German election outcome as an understandable reflection of voter discontent and weariness over Merkel s three terms as Chancellor the Atlantic Council and the Post see Russians under every bed and particularly Putin.Loving to Hate PutinIn the world of neocon propaganda, Putin has become the great b te noire, since he has frustrated a variety of neocon schemes. He helped head off a major U.S. military strike against Syria in 2013; he aided President Obama in achieving the Iran nuclear agreement in 2014-15; Putin opposed and to a degree frustrated the neocon-supported coup in Ukraine in 2014; and he ultimately supplied the air power that defeated neocon-backed rebel forces in Syria in 2015-17.So, the Post and the neocons want Putin gone and they have used gauzy allegations about Russian meddling in the U.S. and other elections as the new propaganda theme to justify destabilizing Russia with economic sanctions and, if possible, engineering another regime change project in Moscow.None of this is even secret. Carl Gershman, the neocon president of the U.S.-government-funded National Endowment for Democracy, publicly proclaimed the goal of ousting Putin in an op-ed in The Washington Post, writing: The United States has the power to contain and defeat this danger. The issue is whether we can summon the will to do so. But the way neocon propaganda works is that the U.S. and its allies are always the victims of some nefarious enemy who must be thwarted to protect all that is good in the world. In other words, even as NED and other U.S.-funded operations take aim at Putin and Russia, Russia and Putin must be transformed into the aggressors. Mr. Putin would like nothing better than to generate doubts, fog, cracks and uncertainty around the German pillar of Europe, the Post editorial said. He relishes infiltrating chaos and mischief into open societies. In this case, supporting the far-right AfD is extraordinarily cynical, given how many millions of Russians died to defeat the fascists seven decades ago. Not to belabor the point but there is no credible evidence that Putin did any of this. There is a claim by the virulently anti-Russian Atlantic Council that some anonymous troll accounts promoted some AfD complaint about possible voter fraud and that it was picked up by a Russian-language bot-net. Even if that is true and the Atlantic Council is far from an objective source where is the link to Putin?Not everything that happens in Russia, a nation of 144 million people, is ordered by Putin. But the Post would have you believe that it is. It is the centerpiece of this neocon conspiracy theory.Silencing DissentSimilarly, any American who questions this propaganda immediately is dismissed as a Kremlin stooge or a Russian propagandist, another ugly campaign spearheaded by the Post and the neocons. Again, no evidence is required, just some analysis that what you re saying somehow parallels something Putin has said.On Tuesday, in what amounted to a companion piece for the editorial, a Post article again pushed the unproven suspicions about Russian operatives buying $100,000 in Facebook ads from 2015 into 2017 to supposedly influence U.S. politics. Once again, no evidence required.In the article, the Post also reminds its readers that Moscow has a history of focusing on social inequities in the U.S., which gets us back to the comparisons between the Old McCarthyism and the new.Yes, it s true that the Soviet Union denounced America s racial segregation and cited that ugly feature of U.S. society in expressing solidarity with the American civil rights movement and national liberation struggles in Africa. It s also true that American Communists collaborated with the domestic civil rights movement to promote racial integration.That was a key reason why J. Edgar Hoover s FBI targeted Martin Luther King Jr. and other African-American leaders because of their association with known or suspected Communists. (Similarly, the Reagan administration resisted support for Nelson Mandela because his African National Congress accepted Communist support in its battle against South Africa s Apartheid white-supremacist regime.)Interestingly, one of the arguments from liberal national Democrats in opposing segregation in the 1960s was that the repression of American blacks undercut U.S. diplomatic efforts to develop allies in Africa. In other words, Soviet and Communist criticism of America s segregation actually helped bring about the demise of that offensive system.Yet, King s association with alleged Communists remained a talking point of die-hard segregationists even after his assassination when they opposed creating a national holiday in his honor in the 1980s.These parallels between the Old McCarthyism and the New McCarthyism are implicitly acknowledged in the Post s news article on Tuesday, which cites Putin s criticism of police killings of unarmed American blacks as evidence that he is meddling in U.S. politics. Since taking office, Putin has on occasion sought to spotlight racial tensions in the United States as a means of shaping perceptions of American society, the article states. Putin injected himself in 2014 into the race debate after protests broke out in Ferguson, Mo., over the fatal shooting of Michael Brown, an African American, by a white police officer. Do you believe that everything is perfect now from the point of view of democracy in the United States? Putin told CBS s 60 Minutes program. If everything was perfect, there wouldn t be the problem of Ferguson. There would be no abuse by the police. But our task is to see all these problems and respond properly. The Post s speculative point seems to be that Putin s response included having Russian operatives buy some ads on Facebook to exploit these racial tensions, but there is no evidence to support that conspiracy theory.However, as this anti-Russia hysteria spreads, we may soon see Americans who also protest the police killing of unarmed black men denounced as Putin s fellow-travelers, much as King and other civil rights leaders were smeared as Communist dupes. Ignoring RealitySo, instead of Democrats and Chancellor Merkel looking in the mirror and seeing the real reasons why many white working-class voters are turning toward populist and extremist alternatives, they can simply blame Putin and continue a crackdown on Internet-based dissent as the work of Russian operatives. Already, under the guise of combating Russian propaganda and fake news, Google, Facebook and other tech giants have begun introducing algorithms to hunt down and marginalize news that challenges official U.S. government narratives on hot-button issues such as Ukraine and Syria. Again, no evidence is required, just the fact that Putin may have said something similar.As Democrats, liberals and even some progressives join in this Russia-gate hysteria driven by their hatred of Donald Trump and his supposedly fascistic tendencies they might want to consider whom they ve climbed into bed with and what these neocons have in mind for the future.Arguably, if fascism or totalitarianism comes to the United States, it is more likely to arrive in the guise of protecting democracy from Russia or another foreign adversary than from a reality-TV clown like Donald Trump.The New McCarthyism with its Orwellian-style algorithms might seem like a clever way to neutralize (or maybe even help oust) Trump, but long after Trump is gone a structure for letting the neocons and the mainstream media monopolize American political debate might be a far greater threat to both democracy and peace.***TO READ MORE ON THE NEW COLD WAR: THE 21WIRE COLD WAR FILESSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"September 30, 2017",1 +Boiler Room EP #128 – β€œFree Speech… Not Without a War”,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki the Nameless One & the gang for the hundred and twenty eighth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing the outcome of Free Speech Week at Berkeley, #KneeGate, a Jim Carrey follow up and much more.Direct Download Episode #128 Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"September 29, 2017",0 +The β€˜New Cold War’ – A Rehash of Old Rivalries," What will the new cold war look like? (Illustration by Brad Holland)William Blum ICHThe anti-Russian/anti-Soviet bias in the American media appears to have no limit. You would think that they would have enough self-awareness and enough journalistic integrity - just enough - to be concerned about their image. But it keeps on coming, piled higher and deeper.One of the latest cases in point is a review of a new biography of Mikhail Gorbachev in the New York Times Book Review (September 10). The review says that Gorbachev was no hero to his own people because he was the destroyer of their empire . This is how the New York Times avoids having to say anything positive about life in the Soviet Union or about socialism. They would have readers believe that it was the loss of the likes of Czechoslovakia or Hungary et al. that upset the Russian people, not the loss, under Gorbachev s perestroika, of a decent standard of living for all, a loss affecting people s rent, employment, vacations, medical care, education, and many other aspects of the Soviet welfare state.Accompanying this review is a quote from a 1996 Times review of Gorbachev s own memoir, which said: It mystifies Westerners that Mikhail Gorbachev is loathed and ridiculed in his own country. This is the man who pulled the world several steps back from the nuclear brink and lifted a crushing fear from his countrymen, who ended bloody foreign adventures [and] liberated Eastern Europe. Yet his repudiation at home could hardly be more complete. His political comeback attempt in June attracted less than 1 percent of the vote. Thus is Gorbachev s unpopularity with his own people further relegated to the category of mystery , and not due to the profound social changes.It should be noted that in 1999, USA Today reported: When the Berlin Wall crumbled [1989], East Germans imagined a life of freedom where consumer goods were abundant and hardships would fade. Ten years later, a remarkable 51% say they were happier with communism. Earlier polls would likely have shown even more than 51% expressing such a sentiment, for in the ten years many of those who remembered life in East Germany with some fondness had passed away; although even 10 years later, in 2009, the Washington Post could report: Westerners [West Berliners] say they are fed up with the tendency of their eastern counterparts to wax nostalgic about communist times. It was in the post-unification period that a new Russian and eastern Europe proverb was born: Everything the Communists said about Communism was a lie, but everything they said about capitalism turned out to be the truth. The current New York Times review twice refers to Vladimir Putin as authoritarian , as does, routinely, much of the Western media. None of the many such references I have come across in recent years has given an example of such authoritarian policies, although such examples of course exist, as they do under a man named Trump and a woman named May and every other government in the world. But clearly if a strong case could be made of Putin being authoritarian, the Western media would routinely document such in their attacks upon the Russian president. Why do they not?The review further refers to Putin to as the cold-eye former K.G.B. lieutenant colonel . One has to wonder if the New York Times has ever referred to President George H.W. Bush as the cold-eye former CIA Director .Just as in the first Cold War, one of the basic problems is that Americans have great difficulty in believing that Russians mean well. Apropos this, I d like to recall the following written about George Kennan, one of the most prominent American diplomats ever:Crossing Poland with the first US diplomatic mission to the Soviet Union in the winter of 1933, a young American diplomat named George Kennan was somewhat astonished to hear the Soviet escort, Foreign Minister Maxim Litvinov, reminisce about growing up in a village nearby, about the books he had read and his dreams as a small boy of being a librarian. We suddenly realized, or at least I did, that these people we were dealing with were human beings like ourselves, Kennan wrote, that they had been born somewhere, that they had their childhood ambitions as we had. It seemed for a brief moment we could break through and embrace these people. It hasn t happened yet.Kennan s sudden realization brings George Orwell to mind: We have now sunk to a depth at which the restatement of the obvious is the first duty of intelligent men. The plague of nationalismThe world has enough countries. Too goddamn many if you ask me. Is there room for any more delegations at the United Nations? Any more parking spots in New York? Have the people of Catalonia, who are seeking independence from Spain in an October 1 vote, considered that their new nation will have to open hundreds of new embassies and consulates around the world, furnish them all, fill them all with paid employees, houses and apartments and furniture for many of them, several new cars for each diplomatic post. How many billions of dollars in taxes will be taken from the Catalan people to pay for all this?And what about the military? Any self-respecting country needs an army and a navy. Will the new Catalonia be able to afford even halfway decent armed forces? The new country will of course have to join NATO with its obligatory minimum defense capability. There goes a billion or two more.Plus what it will have to pay the European Union, which will simply be replacing Madrid in imposing many legal restrictions upon the Catalan people.And for what noble purpose are they rising up? Freedom, democracy, civil liberties, human rights? No. It s all for money. Madrid is taking in more in taxes from Catalonia than it returns in services, something which can be said about many city-state relationships in the United States. (Presumably there are also some individual Catalans who have their odd personal reasons.)Catalan nationalists insist that self-determination is an inalienable right and cannot be curbed by the Spanish Constitution. Well, then, why stop with an autonomous community as Catalonia is designated? Why don t provinces everywhere have the right to declare their independence? How about cities? Or neighborhoods? Why not my block? I could be the president.And there are many other restive independence movements in the world, like the Kurds in Iraq and Turkey; in Scotland, Belgium and Italy; and California. Lord help us. Many countries are very reluctant to even recognize a new state for fear that it might encourage their own people to break away.If love is blind, nationalism has lost all five senses. If nature were a bank, they would have already rescued it. Eduardo GaleanoU.S. Treasury Secretary Steven Mnuchin told a New York investor conference that Hurricane Irma would ultimately boost the economy by sparking rebuilding. There clearly is going to be an impact on GDP in the short run, we will make it up in the long run. As we rebuild, that will help GDP. It won t have a bad impact on the economy. Hmmm very interesting Can we therefore assume that if the damage had been twice as bad it would have boosted the economy even more?Meanwhile, in the non-Trump, non-fantasy world, there is a thing called climate change; i.e. the quality of our lives, the survival of the planet. What keeps corporations from modifying their behavior so as to be kinder to our environment? It is of course the good old bottom line again. What can we do to convince the corporations to consistently behave like good citizens? Nothing that hasn t already been tried and failed. Except one thing. unmentionable in polite company. unmentionable in a capitalist society. Nationalization. There, I said it. Now I ll be getting letters addressed to The Old Stalinist .But nationalization is not a panacea either, at least for the environment. There s the greatest single source of man-made environmental damage in the world The United States military. And it s already been nationalized. But doing away with private corporations will reduce the drive toward imperialism sufficiently that before long the need for a military will fade away and we can live like Costa Rica. If you think that would put the United States in danger of attack, please tell me who would attack, and why.The argument I like to use when speaking to those who don t accept the idea that extreme weather phenomena are man-made is this:Well, we can proceed in one of two ways:1: We can do our best to limit the greenhouse effect by curtailing greenhouse gas emissions (carbon dioxide, methane, and nitrous oxide) into the atmosphere, and if it turns out that these emissions were not in fact the cause of all the extreme weather phenomena, then we ve wasted a lot of time, effort and money (although other benefits to the ecosystem would still accrue).2: We can do nothing at all to curtail the emission of greenhouse gases into the atmosphere, and if it turns out that these emissions were in fact the leading cause of all the extreme weather phenomena (not simply extreme, but getting downright freaky), then we ve lost the earth and life as we know it.So, are you a gambler?The new Vietnam documentaryAt the beginning of Ken Burns new documentary on the American war in Vietnam the narrator says the war was begun in good faith by decent people out of fateful misunderstandings, American overconfidence and Cold War misunderstandings. The early American involvement in Vietnam can be marked by two things in particular: (1) helping the French imperialists in their fight against the forces led by Ho Chi Minh of North Vietnam and (2) the cancellation of the elections that would have united North and South Vietnam as one nation because the US and its South Vietnam allies knew that Ho Chi Minh would win. It was that simple.Nothing of good faith or decency in that scenario. No misunderstandings. Ho Chi Minh was a great admirer of America and its Declaration of Independence. His own actual declaration of 1945 begins with the familiar All men are created equal. They are endowed by their Creator with certain inalienable rights, among these are Life, Liberty and the pursuit of Happiness. But Ho Chi Minh was what was called a communist . It was that simple. (See the Vietnam chapter in my book Killing Hope for the details.)Daniel Ellsberg s conclusion about the US in Vietnam: It wasn t that we were on the wrong side; we were the wrong side. Ms. HillaryShe has a new book out and lots of interviews, all giving her the opportunity to complain about the many forces that joined together to deny her her rightful place as queen. I might feel a bit, just a bit, of sympathy for the woman if not for her greatest crime.There was a country called Libya. It had the highest standard of living in all of Africa; its people had not only free education and health care but all kinds of other benefits that other Africans could only dream about. It was also a secular state, a quality to be cherished in Africa and the Middle East. But Moammar Gaddafi of Libya was never a properly obedient client of Washington. Amongst other shortcomings, the man threatened to replace the US dollar with gold for payment of oil transactions, create a common African currency, and was a strong supporter of the Palestinians and foe of Israel.In 2011, Secretary of State Hillary Clinton was the prime moving force behind the United States and NATO turning Libya into a failed state, where it remains today.The attack against Libya was one that the New York Times said Clinton had championed , convincing President Obama in what was arguably her moment of greatest influence as Secretary of State. The people of Libya were bombed almost daily for more than six months. The main excuse given was that Gaddafi was about to invade Benghazi, the Libyan center of his opponents, and so the United States and NATO were thus saving the people of that city from a massacre. The American people and the American media of course swallowed this story, though no convincing evidence of the alleged impending massacre has ever been presented. The nearest thing to an official US government account of the matter a Congressional Research Service report on events in Libya for the period makes no mention at all of the threatened massacre.The US/NATO heavy bombing sent Libya crashing in utter chaos, leading to the widespread dispersal throughout North African and Middle East hotspots of the gigantic arsenal of weaponry that Gaddafi had accumulated. Libya is now a haven for terrorists, from al Qaeda to ISIS, whereas Gaddafi had been a leading foe of terrorists. He had declared Libya as a barrier to terrorists, as well as African refugees, going to Europe. The bombing has contributed greatly to the area s mammoth refugee crisis.And when Hillary was shown a video about the horrific murder of Gaddafi by his opponents she loudly cackled (yes, that s the word): We came, we saw, he died! You can see it on Youtube.There s also her support of placing regime change in Syria ahead of supporting the Syrian government in its struggle against ISIS and other terrorist groups. Even more disastrous was the 2003 US invasion of Iraq which she as a senator supported.If all this is not sufficient to capture the utter charm of the woman, another foreign-policy adventure, one which her swooning followers totally ignore, the few that even know about it, is the coup ousting the moderately progressive Manuel Zelaya of Honduras in June, 2009. A tale told many times in Latin America: The downtrodden masses finally put into power a leader committed to reversing the status quo, determined to try to put an end to two centuries of oppression and before long the military overthrows the democratically-elected government, while the United States if not the mastermind behind the coup does nothing to prevent it or to punish the coup regime, as only the United States can punish; meanwhile Washington officials pretend to be very upset over this affront to democracy .District of ColumbiaHow many people around the world know that in Washington, DC (District of Columbia, where I live), the capital city of the United States - the country that is always lecturing the world about this thing called democracy - the citizens do not have the final say over making the laws that determine life in their city? Many Americans as well are not aware of this.According to the US Constitution (Section 8) Congress has the final say, and in recent years has blocked the city from using local tax dollars to subsidize abortion for low-income women, blocked the implementation of legal marijuana use, blocked needle exchanges, blocked certain taxes, blocked a law that says employers cannot discriminate against workers based on their reproductive decisions, imposed private schools into the public-school system, and will soon probably block the District s new assisted-suicide law (already blocked in the House of Representatives). On top of all this, since DC is not a state, its citizens do not have any representatives in the Senate and their sole representative in the House has only the barest non-voting, token rights. DC residents did not even have the right to vote for the president until 1964.In 2015 in Brussels, the Unrepresented Nations and Peoples Organization formally voted to accept the District of Columbia as a new member. UNPO is an international democratic organization whose members are indigenous peoples, minorities and unrecognized or occupied territories who have joined together to protect and promote their human and cultural rights, to preserve their environments and to find nonviolent solutions to conflicts which affect them.NOTES1: USA Today, October 11, 1999, p.1 2: Washington Post, May 12, 2009; see a similar story November 5, 2009 3: Walter Isaacson & Evan Thomas, The Wise Men (1986), p.158 4: Associated Press, September 21, 2017 5: New York Times, February 28, 2016 6: Libya: Transition and U.S. Policy , updated March 4, 2016. 7: RT (Russia Today) television station, January 8, 2016 8: See Mark Weisbrot s Top Ten Ways You Can Tell Which Side The United States Government is On With Regard to the Military Coup in Honduras ***TO READ MORE ON THE NEW COLD WAR: THE 21WIRE COLD WAR FILESSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"September 28, 2017",1 +EXPLAINED: The West’s NGO β€˜Human Rights’ Scam,"Just look around the world and throughout recent history, and you will find a number of compelling cases where western-backed NGOs have frequently acted as enablers for the military interventions, sanctions and economic blockades that followed. Look at Iraq, Libya, Syria, Afghanistan, Yugoslavia, Iran and Sudan all were given the human rights treatment prior to aggressive western actions. In most cases, claims of human rights violations and exaggerated atrocity reports preceded western action. In his 2016 position paper entitled, AN INTRODUCTION: Smart Power & The Human Rights Industrial Complex, 21WIRE s Patrick Henningsen raised the alarm about the use of high-profile human rights charities and NGOs like Human Rights Watch and Amnesty International who have allowed their organisations to be used as pro-interventionist propaganda outlets: Though many human rights charities still market themselves as neutral and nonpartisan , but reality is something very different. With public skepticism of the charity sector already at an all-time high, the danger is clear: if conflicts of interest are not addressed in a serious way, it could eventually undermine the overall credibility of the non-governmental organization (NGO) sector internationally. Below is a video presentation from leading independent military affairs website Southfront which skillfully unravels the West s sophisticated international third sector web of NGO s and charities, and how they are used to promote the foreign policy and military objectives of the US and its NATO allies worldwide. Watch: If you enjoyed this presentation, you should also check out this TV special on the problems and conflicts of interest present in high-profile western-backed NGOs:AL-Mayadeen: Patrick Henningsen on Smart Power and The New NGO Complex***SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TVREAD MORE SMART POWER NEWS AT: 21st Century Wire Smart Power Files",US_News,"September 27, 2017",1 +Henningsen on U.S. vs North Korea: β€˜Wouldn’t You Want a Nuclear Deterrent?’,"Regarding the current North Korea missile crisis, President Trump s teleprompter-led address to the United Nations General Assembly was provocative, and perhaps counter-productive in terms of achieving peace and stability in the Far East region. Some will even say that it ranks as one of the most embarrassing moments in the history of American international diplomacy. 21WIRE editor Patrick Henningsen speaks to RT International about the danger and the rank hypocrisy of the current hawkish US stance against North Korea, and how the current stand-off is also a kind of stage-managed geopolitical theatre driven by big money vested interests in US military s bloated Pacific operation, and also about how the US presence in the region is hampering any chance of peace between South and North Korea. Far from creating peace, the US rhetoric is actually helping to push Pyongyang to acquire a nuclear deterrent. Watch: READ MORE NORTH KOREA NEWS AT: 21st Century Wire North Korea FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 26, 2017",1 +MSM Fake News: How Washington Post Sexed-up its β€˜Facebook Russian Bot’ Conspiracy,"This is a story about how once trusted mainstream media outlets like Washington Post and the New York Times have used their vast platforms to distort reality and spread disinformation en masse to both the American and global public. It s also a story about a new excuse industry which has sprung up to medicate Hillary Clinton s tragic defeat.The article below, written by award-winning journalist Robert Parry, reveals the shocking extent to which the establishment is willing to go to achieve both domestic political, and international geopolitical outcomes.In September, we were told by multiple US mainstream media that suspected Russian operators used Facebook and Twitter accounts to spread anti-Clinton messages which somehow affected the electoral outcome in 2016. This was followed by a dramatic announcement by Facebook officials that they had responded to the crisis by shutting down several hundred accounts (approx. 470) suspected to have been created by a firm linked to the Kremlin who used Russian bot accounts to purchase $100,000 worth of Facebook post ads 3,000 ads in total over a 3 year period (that s only $33,000 per year) which we re told were pushing divisive issues during and after the American election campaign (so said the New York Times).As it turns out, the story was not only wildly exaggerated, it provided a convenient smoke screen to cover-up another case of real collusion.The scale of American propaganda is simply breathtaking.In this single passage taken from the recent New York Times scoop on the alleged Facebook Russian Bot phenomenon, you can see the full compliment of packaged lies which has become a set piece in US mainstream discourse now: The Russian information attack on the election did not stop with the hacking and leaking of Democratic emails or the fire hose of stories, true, false and in between, that battered Mrs. Clinton on Russian outlets like RT and Sputnik. Far less splashy, and far more difficult to trace, was Russia s experimentation on Facebook and Twitter, the American companies that essentially invented the tools of social media and, in this case, did not stop them from being turned into engines of deception and propaganda. It gets worse though. What the Washington Post and others like the New York Times have obscured from the American people through this massive propaganda exercise is the Obama Administration and partisan Democrats own role in helping to generate this contrived conspiracy, or fake news. In the absence of any actual evidence of collusion between the Trump campaign and Russia what we have now is a case of Silicon Valley giant Facebook, actually colluding with the White House and the Federal government officials in order to help fabricate a highly politicized false conviction. Here are some of the main points in the article below: Powerful politicians pressured Facebook executives to come up with any evidence to support the Democratic Party s theory of Russian meddling. The Washington Post and others tried to convince a naive portion of the public to believe that somehow $100,000 in transient Facebook ad impacted the tens of billions of dollars spent during U.S. political spending for the 2016 election cycle. With all of the hype about Russian operatives, the mainstream media has not produced evidence to show who bought the ads.As journalistic hoaxes go, this is one of the biggest we ve seen.Perhaps an even bigger fraud in all of this however, is how a corporate mainstream media outlet like the Washington Post can use it s unlimited resources and media might to push out a blatantly fake narrative, intentionally distorted to deceive the public in order to achieve some partisan political objective and then site on the board of the establishment s First Draft project which they claim is leading the fight against fake news . How can a major purveyor of fake news be left to lead the fight to tackle fake news ? This is the danger of allowing an establishment cartel comprising of the corporate media, Facebook, Google and other tech monopolies to devise their own information policing regime.More on this incredible story from award-winning Consortium News here . . By Robert ParrySome people are calling the anti-Russian hysteria being whipped up across the U.S. mainstream news media a new golden age of American journalism, although it looks to me more like a new age of yellow journalism, prepping the people for more military spending, more information warfare and more actual war.Yes, without doubt, President Trump is a boorish and dangerous demagogue, now highlighted by his reckless speech before the United Nations last week, his schoolyard Tweet taunts toward North Korean leader Kim Jong Un, and his ugly denunciation of black athletes for protesting against police killings of often unarmed African-Americans.And, yes, I know that some people feel that the evidence-lite and/or false allegations about Russian meddling are the golden ticket to Trump s impeachment. But the unprofessional behavior of The New York Times, The Washington Post and pretty much the entire mainstream media regarding Russia-gate cannot be properly justified by the goal of removing Trump from office.Ethically in journalism, the ends however much you might wish them to succeed cannot justify the means, if those means involve violating rules of evidence and principles of fairness. Journalism should be a place where all sides get a fair shake, not where some get a bum s rush.But the U.S. mainstream media has clearly joined the anti-Trump Resistance and hates Russian President Vladimir Putin, too. So, we are given such travesties of journalism as appeared as a banner headline across the front page of Monday s Washington Post, another screed about how Russia supposedly used Facebook ads to flip last November s election for Trump.The article purports to give the inside story of how Facebook belatedly came to grips with how the company s social network played a key role in the U.S. election, but actually it is a story about how powerful politicians bullied Facebook into coming up with something anything to support the narrative of Russian meddling, including direct interventions by President Obama and Sen. Mark Warner of Virginia, the ranking Democrat on the Senate Intelligence Committee and a key legislator regarding regulation of high-tech industries.Finding the Evidence In other words, Facebook was sent back again and again to find what Obama and Warner wanted the social media company to find. Eventually, Facebook turned up $100,000 in ads from 2015 into 2017 that supposedly were traced somehow to Russia. These ads apparently addressed political issues in America although Facebook has said most did not pertain directly to the presidential election and some ads were purchased after the election.Left out of the Post s latest opus is what a very small pebble these ads were even assuming that Russians did toss the $100,000 or so in ad buys into the very large lake of billions of dollars in U.S. political spending for the 2016 election cycle. It also amounts to a miniscule fraction of Facebook s $27 billion in annual revenue.So the assertion that this alleged meddling and we ve yet to see any evidence connecting these ads to the Russian government played a key role in the U.S. election is both silly and outrageous, especially given the risks involved in stoking animosities between nuclear-armed Russia and nuclear-armed America.Facebook: Colluding with government.Even the Post s alarmist article briefly acknowledges that it is still unclear who bought the ads, referring to the purchasers as suspected Russian operatives. In other words, we don t even know that the $100,000 in ads over three years came from Russians seeking to influence the U.S. election. (By comparison, many Facebook advertisers even some small businesses spend $100,000 per day on their ads, not $100,000 over three years.)But this diminutive effort by suspected Russian operatives doesn t stop the Post from going on and on about fake news and disinformation, albeit again without offering evidence or specifics of any Russian fake news or disinformation. It has simply become Official Washington s new groupthink to say that everything linked to Russia or its international TV network RT is fake news or disinformation even though examples are lacking or often turn out to be false accusations themselves.For instance, there is nothing in the Post s article acknowledging that nothing from the various Democratic email disclosures, which have been blamed on Russia (again without real evidence), has been identified as untrue. So, how can truthful information, whether you like how it was obtained or not, be fake news or disinformation ?Falsehood as FactBut Monday s Post expos simply asserts the claim as flat fact. Or as the article asserts: what Russian operatives posted on Facebook was, for the most part, indistinguishable from legitimate political speech. The difference was the accounts that were set up to spread the misinformation and hate were illegitimate. In responsible journalism, such an accusation would be followed by a for-instance, giving an example of the misinformation and hate that the Russian operatives note how they have been magically transformed from suspected Russian operatives to simply Russian operatives were disseminating.But there is no example of the Russian misinformation and hate, a classic violation of the reporting principle of show, don t tell. In this story, it s all tell and no show.Indeed, what is shown in the article is often contradictory to the story s conclusion. The article says, for instance, A review by the company found that most of the groups behind the problematic pages had clear financial motives, which suggested that they weren t working for a foreign government. But amid the mass of data the company was analyzing, the security team did not find clear evidence of Russian disinformation or ad purchases by Russian-linked accounts. So, Facebook initially after extensive searching did not find evidence of a Russian operation. Then, after continued pressure from high-level Democrats, Facebook continued to scour its system and again found nothing, or as the Post article acknowledged, Facebook had searched extensively for evidence of foreign purchases of political advertising but had come up short. That prompted Warner to fly out to Silicon Valley to personally press Facebook executives to come up with the evidence to support the Democrats theory about Russia paying for carefully targeted anti-Clinton ads in key districts.The Post s article reported that Finally, [Facebook Chief Security Officer Alex] Stamos appealed to Warner for help: If U.S. intelligence agencies had any information about the Russian operation or the troll farms it used to disseminate misinformation, they should share it with Facebook. The company is still waiting, people involved in the matter said. Under PressureStill, faced with extraordinary pressure from senior Democrats, Facebook finally delivered the desired results, or as the Post reported, By early August, Facebook had identified more than 3,000 ads addressing social and political issues that ran in the United States between 2015 and 2017 and that appear to have come from accounts associated with the [St. Petersburg, Russia-based] Internet Research Agency. So, the ads covering three years, including post-election 2017, only appear to be associated with some private Russian operation that only allegedly has ties to the Kremlin. And the total sums of the ad buys are infinitesimal compared to what it actually takes to have any real impact on Facebook or in a U.S. presidential election.If the context of this story were changed slightly say, it was about the U.S. government trying to influence public opinion in another country (which actually does happen quite a bit) the Post would be among the first news outlets to laugh off such allegations or dismiss the vague accusations as a conspiracy theory, but since these allegations fit with the prejudices of the Post s editors, an entirely different set of journalistic standards is applied.What the article also ignores is the extraordinary degree of coercion that such high-level political pressure can put on a company that recognizes its vulnerability to government regulation.As Facebook has acknowledged in corporate filings, Action by governments to restrict access to Facebook in their countries could substantially harm our business and financial results. It is possible that governments of one or more countries may seek to censor content available on Facebook in their country, restrict access to Facebook from their country entirely, or impose other restrictions that may affect the accessibility of Facebook in their country for an extended period of time or indefinitely. In the event that access to Facebook is restricted, in whole or in part, in one or more countries or our competitors are able to successfully penetrate geographic markets that we cannot access, our ability to retain or increase our user base and user engagement may be adversely affected, we may not be able to maintain or grow our revenue as anticipated, and our financial results could be adversely affected. Avoiding RealityIn other words, another way to have framed this story is that powerful politicians who could severely harm Facebook s business model were getting in the face of Facebook executives and essentially demanding that they come up with something to support the Democratic Party s theory of Russian meddling. The Democratic leaders wanted this finding as an explanation for Hillary Clinton s (image, left) stunning defeat, rather than going through the painful process of examining why the party has steadily lost ground in white working-class areas across the country.What is missed in these Russia-bashing articles is that the Democratic brand has been sinking for years, including massive losses in statehouses across the country as well as in Congress. The party s decline was not a one-off event with Donald Trump suddenly snaking away with significant parts of the white working class because the Russians bought some Facebook ads.However, instead of looking in the mirror, national Democrats demanded that Facebook executives ferret out whatever tiny or imaginary information there might be about some Russians buying Facebook ads and then allow those coerced findings to be fed into the excuse industry for why Hillary Clinton lost.And, what about the Post s repeated accusations about Russia engaging in disinformation and fake news without offering a single example? Apparently, these assertions have become such articles of faith in the U.S. mainstream media that they don t require any proof.However, honest journalism demands examples and evidence, not just vague accusations. The reality is that the U.S. government has stumbled again and again when seeking to paint RT as a disinformation outlet or a vehicle for undermining American democracy.For instance, the Jan. 6 report on alleged Russian cyber operations, released by Obama s Director of National Intelligence James Clapper, included a lengthy appendix, dated from 2012, which decried RT for such offenses as allowing a debate among third-party presidential candidates who had been excluded from the Republican-Democratic debates; covering the Occupy Wall Street protests; and citing the environmental dangers from fracking. The idea that American democracy is threatened by allowing third-party candidates or other American dissidents to have a voice is at best an upside-down understanding of democracy and, more likely, an exercise in hypocritical propaganda.False AccusationsAnother misfired attempt to discredit RT came from Obama s Under Secretary of State for Public Diplomacy Richard Stengel, who issued a Dipnote in April 2014, which helped establish the narrative of RT as a source of Russian disinformation.For instance, Stengel claimed that RT reported a ludicrous assertion that the United States had spent $5 billion to produce Ukraine s regime change in February 2014.But what Stengel, a former managing editor of Time magazine, apparently failed to understand was that RT was referring to a public speech by Assistant Secretary of State for European Affairs Victoria Nuland to U.S. and Ukrainian business leaders on Dec. 13, 2013, in which she told them that we have invested more than $5 billion in what was needed for Ukraine to achieve its European aspirations. In other words, the RT report wasn t ludicrous at all.Nuland also was a leading proponent of regime change in Ukraine who personally cheered on the Maidan demonstrators, even passing out cookies. In an intercepted pre-coup phone call with U.S. Ambassador to Ukraine Geoffrey Pyatt, Nuland discussed who should run the new government and pondered with Pyatt how to glue or midwife this thing. So, Stengel was the one disseminating false information, not RT.Similarly, senior U.S. politicians, including Hillary Clinton, and the U.S. mainstream media have falsely asserted that all 17 U.S. intelligence agencies signed off on the Russia-did-it hacking claims.For months, that canard was used to silence skepticism. After all, how could you question something that all 17 U.S. intelligence agencies confirmed to be true?But it turned out that as DNI Clapper, himself a hardline Russia-basher, belatedly acknowledged the Jan. 6 report on the alleged Russian hacking was the work of hand-picked analysts from only three agencies, the CIA, FBI and NSA, and the assessment itself admitted that it was not asserting the Russian conclusion as fact, only the analysts opinion.The New York Times finally retracted its use of the fake claim about all 17 U.S. intelligence agencies in late June 2017 although it wouldn t let the lie lie, so instead the Times made misleading references to a consensus among U.S. intelligence agencies without using the number Continue this story at Consortium NewsREAD MORE RUSSIAGATE NEWS AT: 21st Century Wire Russiagate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 26, 2017",0 +SUNDAY SCREENING: Overpill (2017),"This week s documentary film curated by our editorial team at 21WIRE. The US has a highly developed pharmaceutical industry offering treatments for all kinds of mental disorders. Millions of Americans are being medicated for ailments as diverse as depression, anxiety, bipolar disorder and many others. Even young children are being put on psychiatric drugs. If parents decline such treatment, social services may intervene. Many patients, who ve been taking these pills for years, insist that they do more harm than good. They have experienced disturbing side effects such as suicidal thoughts, addiction and even neurological damage. A lot of patients were put on their medication as children and by the time they were legally old enough to decide for themselves, they had already become addicted. They testify that breaking their dependency on the drugs is extremely difficult because, like any habit forming narcotic, they cause severe withdrawal symptoms.RTD meets some of the sufferers to hear their stories of battling to shake off prescribed medicines. Father of 5, Josh, was given anxiety medication, it caused Akathisia and Dystonia. Both are physical disorders causing involuntary and uncontrolled body movement and have left him disabled. Olivia s son was prescribed psychiatric drugs to treat Attention Deficit Disorder (ADHD). Olivia soon noticed side effects and refused to continue giving him the pills. He was taken by social services and hospitalised. These stories and more.RTD meets a few of them. Watch this incredible documentary film:. Run time: 49 min Writer & Director: Petr Timofeev Distributor: RT-TV Novosti (2017)SEE MORE SUNDAY SCREENINGS HERE",US_News,"September 24, 2017",0 +"Episode #203 – SUNDAY WIRE: β€˜The Dotard Effect’ with guests Mike Robinson, Basil Valentine"," Episode #203 of SUNDAY WIRE SHOW resumes on Sept 24th, 2017 as host Patrick Henningsen brings you this week s LIVE broadcast on the Alternate Current Radio Network (ACR) covering all the top news stories both at home and internationally LISTEN LIVE ON THIS PAGE AT THE FOLLOWING SCHEDULED SHOW TIMES:5pm-8pm UK Time | 12pm-3pm ET (US) | 9am-12am PT (US) This week the SUNDAY WIRE is broadcasting LIVE from Southwest England with host Patrick Henningsen joined in studio by Mike Robinson editor of the UK Column, covering the biggest international stories this week. In the first hour, we ll cover the North Korea Crisis and Trump s debacle at the UN General Assembly, and B-1 bomber nuke flyer over. What are the chances for diplomacy? Also, America s increasingly loopy Russiaphobia rabbit hole, internet censorship and cultural and political speech monopoly of Google and Facebook and their mainstream media accomplices, and the deceptive academic projects designed to defame independent media outlets who dare to question the official myth of the White Helmets. We ll also unpack (excuse our use of dumbed-down American pseudo-intellectual slang) the #BREXIT deception, as the smoke and mirrors in Westminster continues, and why Britain will remain in the EU after all the theatrics have passed, and the Kurdish Referendum too and what it means, also with US and its SDF proxies in Syria caught aiding and abetting ISIS again. In the final hour, we may try and connect with SUNDAY WIRE roving correspondent for Culture & Sport, Basil Valentine live from the Labour Party Conference in Brighton, England where Corbyn Mania continues, along with week s most shocking stories in internationally, including Tony Blair s new political party (?). Enjoy the show SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TVStrap yourselves in and lower the blast shield this is your brave new world *NOTE: THIS EPISODE MAY CONTAIN STRONG LANGUAGE AND MATURE THEMES*Download Episode #203Sunday Wire Radio Show Archives ",US_News,"September 24, 2017",0 +Undercutting the Nation State? Chicago Group Suggests β€˜Global Cities’ Should Run World Affairs,"Mark Anderson TRUTH HOUNDCHICAGO, Ill. The Disruptive Forces Changing Cities, program, conducted by the Chicago Council of Global Affairs Sept. 15, was a textbook case of an elite organization pursuing a tightly planned, dictatorial society while sounding like it s seeking a democratic, promising vision of fairness and prosperity for all.It s all being spearheaded in accordance with the growing global cities movement that gradually challenges the authority of the very nation-states that the world s primary cities inhabit.This approach, according to several CCGA-aligned think tanks, journalists and others supporting the Global Parliament of Mayors and similar groupings, amounts to a direct challenge to national authority, in order to usurp some of the key powers delegated to national governments by their charters and constitutions.Since this movement chisels away at the constitutional foundations of nations, it risks undermining them in a way that would redraw the lines of governance, in a manner that s highly unpredictable, and potentially radical and unlawful. The policy areas over which cities want to assume much more influence (and, ultimately, exert control) include battling climate change, regulating immigration in order to increase it while providing sanctuary cities, along with sparking job growth and several other things even including the seemingly improbable realm of foreign policy, where you d think mayors would not tread.The CCGA s latest program Sept. 15, held on-the-record at the organization s conference center in the Prudential Building on Randolph Street, was a continuation of many of the themes covered in early June 2016 and June 2017 at the CCGA s annual all-day Forum on Global Cities. The keynote speaker Sept. 15 was Amy Liu, who s Vice President and Director of the Metropolitan Policy Program at Washington D.C. s Brookings Institution.She s considered a national expert on cities and metropolitan areas adept at translating research and insights into action on the ground. As director of Brookings Metro, which Liu co-founded in 1996, she pioneered the program s signature approach to policy and practice, which uses rigorous research to inform strategies for economic growth and opportunity, a CCGA representative said while introducing Liu in Chicago.Prior to her Brookings work, Liu was Special Assistant to [U.S. Housing and Urban Development] Secretary Henry Cisneros and staffed the U.S. Senate Banking Committee s Subcommittee on Housing and Urban Affairs. She holds a Northwestern University degree in social policy and urban studies.Her remarks were promoted via the CCGA website with statements like, Cities are increasingly driving the global economy but numerous disruptive forces . . . threaten to deepen inequality and economic exclusion, unless cities adapt and evolve. And while Liu spoke of the choices that municipal leaders will need to make, in order to give their workforces access to basic things like skills, (and to foster innovation and entrepreneurship, while deepening regional connections ) the key to understanding her message is discerning what she and the CCGA mean by global forces of disruption. To address such matters, Liu spoke solo and then collaborated with CCGA moderator Niamh King, who, prior to joining the CCGA, worked for the European Commission and the United Nations International Criminal Tribunal for the former Yugoslavia, among several other posts.Liu began her talk by saying she wants cities to be vibrant places to work and live, but due to America s current national discourse under President Trump, we are turning our backs on climate change, on the poor and the working class while also betraying our values as a nation of immigrants. Moreover, people of all races and religions are being neglected under this national discourse. So rather than take us backwards, the nation needs our cities to move us forward, Liu carefully stated, presenting a thinly-veiled claim that the nation-state, especially a more nationalist one, represents a barrier to what internationalist-oriented cities can do.Thus, the world s cities, in essence, need to run their nations, she implied. Accordingly, she called for a future that s hyper-global, more digital, more urban, more multi-racial and multi-ethnic. But her concern is that these very same forces of progress can also be great sources of division. Technology, for example, creates opportunities for some but destroys it for others, favoring the highly-skilled while abandoning those who cannot keep pace.To combat such disparities, Liu stressed that local leaders need to build inclusive local and regional economies that radically adapt to disruption and future-proof our cities. Citing her Brookings work, she said cities therefore should pursue three goals: Growth, prosperity and inclusion. That, she added, means quality growth of good jobs to seek better prosperity, but to achieve this inclusion, the benefits, especially in terms of better incomes, must accrue to all members of the community, closing disparities by race and by place. She also said that 63 U.S. metro areas out of 100 experienced economic growth and job hikes between 2010 and 2015, according to Brookings research. But several cities only saw growth in lesser-quality jobs, while only eight made significant economic progress in inclusion for whites and people of color. Liu also stressed, The nation s economic growth is not felt by most people . . . as a whole the bottom 50% of income-earners, the middle class, the working class, the poor, have made no ground. So the bulk of the nation s income gains have accrued to the top earners. From this, she concluded that it s up to the cities to bridge these gaps and solve the problems.Liu then cited historic policies and attitudes that she feels have held us back in tackling such inequities. Accordingly, at this point, she delved into the disruptive forces facing cities and how city leaders can adapt to disruption. DOUBLE-SPEAK DETECTEDIronically, Liu spoke of these disruptive forces, which are mainly macroeconomic in nature, as if they re akin to the four horsemen of the apocalypse globalization, urbanization, technology and demographic change, which, she warned, are upending existing systems. She went on to say that while globalization has supposedly slowed down, free trade is going strong, accounting for 40% of world economic value. Trade, she deduced from this, has tremendous economic value because firms that export their wares hire more people and pay better wages than non-exporting firms, yet, while downplaying the immense damage free trade has wrought lest groupings like Brookings and the CCGA lose the narrative in their constant support for more free-trade treaties she admitted that U.S. voters in the last election made it clear that globalization has left many without jobs for extended time periods.Showing a color-coded map, she also said that federal adjustment assistance has been extended to more than two million Americans in the past two decades those whose jobs were terminated due to trade, with 70% of such workers living in large and small metropolitan areas. The trade pain was most felt in the industrial communities in the Midwest and the South, she also conceded.BENDING PEOPLE TO THE SYSTEM, NOT VICE VERSABut the crux of the matter shone through when she stated; I would say that the problem isn t so much globalization, but the failure of our public policies to help people and to help communities adjust to the new world order Continue this article at The Truth HoundREAD MORE NWO NEWS AT: 21st Century Wire NWO FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 23, 2017",1 +CIA Operative Admits Deep State Globalist Control – The Game of Nations,"Jay Dyer 21st Century WireIn the famous treatise by Miles Copeland, Game of Nations, the devious middle eastern CIA operative spills the beans in this infamous 1969 work on covert operations and regime changes. Not only does Copeland detail the various US puppets and stooges, but also how game theory played into the predictive computer models available even in the late 60s. The regime change models of the 50s and 60s would be studied as part of Rand Corporation and other think tank and NGO models for remodeling, not just the Middle East, but any nations that run afoul of the Western globalists. This is a partial talk the full is available by subscription at JaysAnalysis.com. Watch:Jay Dyer is the author of the best selling title, Esoteric Hollywood: Sex, Cults and Symbols in Film from Trine Day. Focusing on film, philosophy, geopolitics and all things esoteric, JaysAnalysis and his podcast, Esoteric Hollywood, investigates the deeper meanings between the headlines, exploring the hidden aspects of our sinister synthetic mass media matrix.SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 23, 2017",0 +Boiler Room EP #127 – The Oppression Commiseration (And Similar Topics),"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki the Nameless One & Randy J for the hundred and twenty seventh episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing Morgan Freeman promoting the #TrumpRussia psyop, the most expensive cities in the US, Jim Carrey s odd behavior captured recently on camera, the general degeneracy of Hollywood, Evergreen State College settling $500,000 claim by professors who were told to leave campus for being white, the upcoming Free Speech Week at Berkeley and much more.Direct Download Episode #127Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"September 21, 2017",0 +"The Secret Society That Ruined the World: Rhodes, Rothschild, Milner","IMAGE: Globalist scribe for the American branch of international order, Carol Quigley.Jay Dyer 21st Century WireIn this partial video, I continue my analysis of Quigley s later work, The Anglo American Establishment, following upon my lectures last year on the total 1300 pages of Tragedy and Hope. Here, we look deeper into the key players who make up the real Illuminati that successfully engineered the faux democracy of the modern world, run by a shadow banking-corporate empire.This is an addendum to the 8 lectures last year on the monumental Atlanticist apologetic Tragedy and Hope based on Quigley s other telling book, The Anglo-American Establishment. The first section is free, while subscribers gain access to full talks and lectures. The goals which Rhodes and Milner sought and the methods by which they hoped to achieve them were so similar by 1902 that the two are almost indistinguishable Both sought to unite the world, and above all the English-speaking world in a federal structure around Britain. Both felt that this goal could best be achieved by a secret band of men united to one another by devotion to the common cause and by personal loyalty to one another. Both felt that this band should pursue its goal by secret political and economic influence behind the scenes and by the control of journalistic, educational, and propaganda agencies. Quigley (Namely, the Liberal Imperium.)YouTube:Jay Dyer is the author of the best selling title, Esoteric Hollywood: Sex, Cults and Symbols in Film from Trine Day. Focusing on film, philosophy, geopolitics and all things esoteric, JaysAnalysis and his podcast, Esoteric Hollywood, investigates the deeper meanings between the headlines, exploring the hidden aspects of our sinister synthetic mass media matrix.SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 20, 2017",0 +"Trump Bares Himself at UNGA, β€œIn a Kind of Neocon Full Monte”"," President Trump speaking at the UNGA. (Photo: Screenshot)Robert Parry Consortium NewsIn discussing President Trump, there is always the soft prejudice of low expectations people praise him for reading from a Teleprompter even if his words make little sense but there is no getting around the reality that his maiden address to the United Nations General Assembly must rank as one of the most embarrassing moments in America s relations with the global community.Trump offered a crude patchwork of propaganda and bluster, partly delivered as a campaign speech praising his own leadership boasting about the relatively strong U.S. economy that he mostly inherited from President Obama and partly reflecting his continued subservience to Israeli Prime Minister Benjamin Netanyahu.However, perhaps most importantly, Trump s speech may have extinguished any flickering hope that his presidency might achieve some valuable course corrections in how the United States deals with the world, i.e., shifting away from the disastrous war/interventionist policies of his two predecessors.Before the speech, there was at least some thinking that his visceral disdain for the neoconservatives, who mostly opposed his nomination and election, might lead him to a realization that their policies toward Iran, Iraq, Syria and elsewhere were at the core of America s repeated and costly failures in recent decades.Instead, apparently after a bracing lecture from Netanyahu on Monday, Trump bared himself in a kind of neocon Full Monte: He repeated the Israeli/neocon tripe about Iran destabilizing the Middle East when Shiite-ruled Iran actually has helped stabilize Iraq and Syria against Sunni terrorist groups and other militants supported by Saudi Arabia and to a degree Israel; He again denounced the Iranian nuclear agreement whose main flaw in the eyes of the Israelis and the neocons is that it disrupted their plans to bomb-bomb-bomb Iran, and he called for regime change in Iran, a long beloved dream of the Israelis and the neocons; He repeated the Israeli/neocon propaganda about Hezbollah as a terrorist organization when Hezbollah s real crime was driving the Israeli military out of southern Lebanon in 2000, ending an Israeli occupation that began with Israel s 1982 invasion; He praised his rush-to-judgment decision to bomb Syria last April, in line with Israeli/neocon propaganda against President Bashar al-Assad and partly out of a desire to please the same Washington establishment that is still scheming how to impeach him; He spoke with the crass hypocrisy that the neocons and many Israeli leaders have perfected, particularly his demand that all nations respect the rights of every other sovereign nation when he made clear that he, like his White House predecessors, is ready to violate the sovereignty of other nations that get in Official Washington s way.A Litany of WarsJust this century, the United States has invaded multiple nations without U.N. authorization, based on various coalitions of the willing and other subterfuges for wars of aggression, which the Nuremberg Tribunals deemed the supreme international crime and which the U.N. was specifically created to prevent.Not only did President George W. Bush invade both Afghanistan and Iraq while also sponsoring anti-terror operations in many other countries but President Barack Obama acknowledged ordering military attacks in seven countries, including against the will of sovereign states, such as Libya and Syria. Obama also supported a violent coup against the elected government of Ukraine.For his part, Trump already has shown disdain for international law by authorizing military strikes inside Yemen and Syria. In other words, if not for the fear of provoking American anger, many of the world s diplomats might have responded with a barrage of catcalls toward Trump for his blatant hypocrisy. Without doubt, the United States is the preeminent violator of sovereignty and international law in the world today, yet Trump wagged his finger at others, including Russia (over Ukraine) and China (over the South China Sea).He declared: We must reject threats to sovereignty, from the Ukraine to the South China Sea. We must uphold respect for law, respect for borders, and respect for culture, and the peaceful engagement these allow. Then, with a seeming blindness to how much of the world sees the United States as a law onto itself, Trump added: The scourge of our planet today is a small group of rogue regimes that violate every principle on which the United Nations is based. Of course, in the U.S. mainstream media s commentary that followed, Trump s hypocrisy went undetected. That s because across the American political/media establishment, the U.S. right to act violently around the world is simply accepted as the way things are supposed to be. International law is for the other guy; not for the indispensible nation, not for the sole remaining superpower. On Bibi s LeashDespite some of his America First rhetoric tossed in as red meat to his base Trump revealed a global outlook that differed from the Bush-Obama neoconservative/liberal-interventionist approach in words only. In substance, Trump appears to be just the latest American poodle on Bibi Netanyahu s leash.For instance, Trump bragged about attacking Syria over a dubious chemical-weapons claim while ignoring the role of the Saudi/Israeli tandem in assisting Al Qaeda and its Syrian affiliate; Trump threatened the international nuclear agreement with Iran while calling for regime change in Tehran, two of Netanyahu s top priorities; and Trump warned that he would totally destroy North Korea over its nuclear and missile programs while making no mention of Israel s rogue nuclear arsenal and sophisticated delivery capabilities.Ignoring Saudi Arabia s ties to terrorism, Trump touted his ludicrous summit in Riyadh in which he danced with swords and let King Salman and other corrupt Persian Gulf monarchs, who have long winked and nodded at ideological and logistical support going to Al Qaeda and other Islamic terror groups, pretend their governments were joining an anti-terror coalition.Exploding the myth that he is at least a street-smart operator who can t be easily conned, Trump added, In Saudi Arabia early last year, I was greatly honored to address the leaders of more than 50 Arab and Muslim nations. We agreed that all responsible nations must work together to confront terrorists and the Islamist extremism that inspires them. No wonder Netanyahu seemed so pleased with Trump s speech. The Israeli prime minister could have written it himself while allowing Trump to add a few crude flourishes, like calling North Korean leader Kim Jong Un Rocket Man on a suicide mission ; referring to the loser terrorists ; and declaring that many parts of the world are going to hell. Trump also tossed in a plug for his new strategy for victory in Afghanistan and threw in some interventionist talk regarding the Western Hemisphere with more threats to Cuba and Venezuela about escalating sanctions and other activities to achieve more regime change solutions.So, what Trump made clear in his U.N. address is that his America First and pro-sovereignty rhetoric is simply cover for a set of policies that are indistinguishable from those pushed by the neocons of the Bush administration or the liberal interventionists of the Obama administration. The rationalizations may change but the endless wars and regime change machinations continue. Watch Trump s full speech here: *** READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"September 20, 2017",1 +American McCarthyism: Neocon Warhawks’ Plan to Kill Antiwar Dissent in Media,"21st Century Wire says After 12 months of perpetrating one of the greatest political hoaxes in history blaming Russia for the Presidential victory of Donald Trump the Washington establishment is now wanting to take the lie to the next level by sanctioning not only Russian international media outlets, but any media outlet (see one of their guide lists here) who dare to violate the mainstream party line on the US war agenda by broadcasting to an America audience forcing them the register as foreign agents under the FARA Act of 1934. CrossTalk says: The television station you are watching now and the Russian news agency Sputnik may find themselves in legal jeopardy in the United States. The drive to designate both as foreign agents under the Foreign Agents Registration Act is disturbing and dangerous. It would seem those in power decide who can freely speak. Host Peter Lavelle is CrossTalking with guests Scott Rickard, Neil Clark, and Alexander Nekrassov.Watch this incredible discussion on how Washington is degenerating into a paranoid NeoMcCarthyist den of political scape-goatists whose chief aim is to shut down any dissenting voices against America s policy of endless war around the globe:. READ MORE RUSSIAGATE NEWS AT: 21st Century Wire Russiagate FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 19, 2017",0 +Ron Paul Liberty Report: US-Saudi Arms Trafficking to Terrorists in Syria,"Back in July, 21WIRE detailed the investigative work of Bulgarian journalist Dilyana Gaytandzhieva, and her report which exposed a US and Saudi Arabia-sponsored international weapons trafficking operation where arms purchased through third parties and ferried on diplomatic flights using Azerbaijan state-run airlines, Silkway Airlines. The illegal program was launched under President Barack Obama in 2012 and continues to this day under Donald Trump. Despite bountiful evidence, the western mainstream media has simply ignored and steered away from this story. Liberty Report asks: Why is the Pentagon spending billions of dollars purchasing Soviet and east European weapons to ship to Syrian rebels? A blockbuster Bulgarian investigative report exposes the lies and illegality of the purchases and shipments; several mainstream investigations corroborate the Bulgarian report. Investigative Reporter Dilyana Gaytandzhieva joins Daniel McAdams host of the Liberty Report to explain her incredible findings. Watch:. Read Dilyana Gaytandzhieva s extensive report here: https://trud.bg/350-diplomatic-flights-carry-weapons-for-terrorists/READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 19, 2017",1 +What a Wonderful World – US Saviour Complex,"Bruno Guigue 21st Century WirePurveyor of platitudes, the West portrays itself as the epitome of universal values . A paragon of democracy, this champion of human rights always deploys its presumed virtues in support of its hegemonic ambitions. Like the Fairy Godmother, doing her best to match her morals with her interests, she veils her ambitions with the cloak of Law and Justice. Thus, the Free World goes about bombing foreign nations for the sake of democracy , preferably in oil or mineral-rich territories. By combining a simple creed with capitalist greed, it is acting as if it can convert its economic supremacy into moral privilege.The rest of the world is not fooled by these tactics, but who cares? The Free World is always right because it represents the good fight and for as long as it is the most powerful, it will not be contradicted. The inherent barbarism that it projects onto others is the counter to its self-proclaimed monopoly on civilization .Sanctified by the holy order of right to intervene , a marriage of the GI sandbags with the Kouchner-style bag of rice, the West, vassalized by Washington, believes wholeheartedly that they can save the world by subjugating it to the pitiless ravages demanded by the financial vultures and military industrial complex.This supremacist enterprise was not born yesterday. It was midwived in the historical period dear to Fernand Braudel, that of the emergence of the world economy. Driven by its superior technological advances, since the Renaissance, the western world has propelled itself towards the conquest of our planet earth. Patiently, the west has appropriated other cultures, other worlds, and twisted them into its own image, enforcing obeissance and imitation, eliminating all those who would not conform. Its certitude is untroubled by its own hypocrisy, the West perceives itself as a metaphor for this world. The West wanted to expand from being a part of the world into being the whole. In the same way today, we see countries comprising 10% of the world s population portraying themselves as the International Community. Over the last three centuries, colonial conquest has demonstrated the West s desire to expand its influence beyond its own boundaries, under the banner of bringing civilization to the under-developed. This global domination project was temporarily derailed by the uprising of the colonized peoples in the 20th Century, but it made a triumphant return with its North American branch of hegemony.America, the Far West discovered by Christopher Columbus in search of the Far East , inherited the Old Continent penchant for imperialism and rapacious carpet-baggery. The US converted its lack of history into the promise of a better future , emerging suddenly from Anglo-Saxon puritanism, the US magnified the globalist for profit ethos. Paid for with the blood of the American-Indian genocide, America was born, the newly minted metaphor for the world.It is not certain that this change was for the better. Colonial empires collapsed under the weight of their archaic structures, while US hegemony maintains itself through modern technology channels, from Google to drone warfare. Suddenly the US was the most supple and resilient. What imbues it with flexibility also ensures its longevity. From the white pith helmet of the european colonial overlords to the digital screens of US cyber warfare, a revolution took place. The US substituted a shock-colonization, dismantled after bloody decolonization conflict, with a multi-faceted hegemonic enterprise. Taking over from the classic colonial three M s, the made in the US NGOs replaced the Christian missionary complex, merchants became multi-nationals and the soldiers converted to cyber supremacy.Emboldened by the die-hard spirit of born again Midwesterners, the American empire is projecting its devastating Manichaeism upon the rest of the world. Dreaming with its eyes wide open, the US envisages a definitive alliance between good and evil, the indestructible pillar upon which to build a straightforward ethnocentrism. The law is on their side as it embodies the core values of democracy, human rights and market economy . Obviously, this is a crude ideology, a fraudulent mask for its own sordid interests, but it is effective. Its efficacy is proven by the popular consensus that the US won the second world war, capitalism works, Cuba is a tropical gulag, Assad is worse than Hitler and that North Korea is a threat to the world. This process of self-beatification, bestows upon the North-American-Empire zealots, the right to track down all Evil in the world. No scruples will impede its saviour frenzy, it is the very incarnation of such an exceptional civilization , that it must cleanse the world of barbarism by all means at its disposal. That is why modern imperialism functions as a court of universal law, a judge, that rewards or punishes where it sees fit. Before this elevated moral jurisdiction, the CIA represents the prosecution, the Pentagon is the secular chamber, the US President is the high court judge, a deus ex machina , invoking divine justice, the lightning strike, upon the Axis of Evil and any other sinners circulating in the court of the Empire of Good .This tendency for the US to see itself as the moral compass for the world is central to this structure and is unperturbed by the rapid turn-around of Presidents in the White House, a new tenant changes nothing. Washington s crusade against the barbarians conceals the unbridled greed of the Military Industrial Complex and the iron claw of the deep state. From Harry Truman to Donald Trump with Barack Obama inbetween, from Korea to Vietnam to Syria, Indonesia, Angola, Mozambique, El Salvador, Nicaragua, Chile, South Africa, Serbia, Afghanistan, Sudan, Somalia, Iraq, Libya, death is the cure, by proxy or directly, for all those who oppose the saviour s kingdom of universal justice. Philanthropic America always harnesses the local labour force to carry out its dirty work. Franco, Hitler and Mussolini (until 1939), Chiang Kai Shek, Somoza, Syngman Rhee, Ngo Dinh Diem, Salazar, Batista, Mobutu, Marcos, Trujillo, Pik Botha, Duvalier, Suharto, Papadopoulos, Castelo Branco, Videla, Pinochet, Stroessner, Reza Shah Pahlevi, Zia Ul Haqq, Bin Laden, Uribe, King Salman, Nethanyahu, Ukrainian Nazis and the moderate terrorists in the Middle East have been of invaluable service to Empire.Undisputed leader of the Free World, America claims to embody civilization while obliterating entire populations with nuclear weapons, napalm or a rain of cruise missiles. Sometimes it chooses a slow death for its prey, with Agent Orange, depleted uranium, or with punitive embargoes on medicines and humanitarian aid.While America is never short of sychophants praising their services to Humanity , the evidence is irrefutable, that the collapse of this Empire would be a cause for celebration.Translation by Vanessa Beeley for 21st Century Wire*** Bruno Guigue is a French author and political analyst born in Toulouse 1962. Professor of philosophy and lecturer in international relations for highter education. The author of 5 books including Aux origines du conflit Isra lo-Arabe, l invisible remords de l Occident (L Harmattan, 2002).SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 16, 2017",1 +Henningsen on CrossTalk Debating β€˜Trump & His Generals’,"Has President Trump handed over US foreign policy to an elite clique of military generals?RT says: Candidate Donald Trump ran on a campaign that not only questioned many foreign policy orthodoxies, but also lashed out against the neoconservative view of the world. Today the president is surrounded by men in uniform. Some are calling this a soft coup. CrossTalking with host Peter Lavelle are panel guests Michael O Hanlon (Brookings Institute), Thomas Palley (New America Foundation), and 21WIRE s Patrick Henningsen.. READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 15, 2017",0 +Boiler Room EP #126 – Immigration Consternation,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jays Analysis, Funk$oul & Infidel Pharaoh (ACR Contributors,) for the hundred and twenty sixth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing the consternation associated with immigration, DACA, Trump making deals with D.C. Swamp-critters like Schumer and Pelosi, technology, not-so-free markets, 9-11, Hesher s chat with Psonick and the Type 1 Radio crew along with Dr. Judy Wood and Andrew Johnson and much more.Direct Download Episode #126 (Link Available Shortly After Live Recording)Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"September 15, 2017",0 +"Boiler Room EP #125 – Live From the Swamp Train with FunkSoul, Randy J, Patrick Henningsen","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Funk$oul and Randy J (ACR & 21WIRE Contributors), and Patrick Henningsen (21WIRE) for the 125th episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing Hurricane Irma, weather modification, the off the charts levels of so called political correctness in Washington DC as reported live by Sunday Wire s Patrick Henningsen, establishment are still actively pushing lies about the war in Syria, the good/bad/ugly business of disaster relief charities, reactionaries still blaming Hurricane Harvey on climate change, the repeal of DACA and the challenges for the left and the right to have any sort of beneficial dialog about immigration realities, platforms and policies in the environment of media driven, knee jerk, emotionally charged politicization of the topic.Direct Download Episode #125Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"September 8, 2017",0 +Jimmy Carter: β€˜Koreans Want Peace Treaty to Replace 1953 Ceasefire’,"21st Century Wire says Reframing the current diplomatic crisis in North Korea is essential if genuine progress is to be made in diffusing the current tense situation.Former US President Jimmy Carter is suggesting just that. But will the hawks in Washington listen?. The Carter CenterThe harsh rhetoric from Washington and Pyongyang during recent months has exacerbated an already confrontational relationship between our countries, and has probably eliminated any chance of good faith peace talks between the United States and North Korea. In addition to restraining the warlike rhetoric, our leaders need to encourage talks between North Korea and other countries, especially China and Russia. The recent UN Security Council unanimous vote for new sanctions suggests that these countries could help. In all cases, a nuclear exchange must be avoided. All parties must assure North Koreans they we will forego any military action against them if North Korea remains peaceful.President Jimmy CarterI have visited North Korea three times, and have spent more than 20 hours in discussions with their political leaders regarding important issues that affect U.S.-DPRK relations.In June 1994, I met with Kim Il Sung in a time of crisis, when he agreed to put all their nuclear programs under strict supervision of the International Atomic Energy Agency and to seek mutual agreement with the United States on a permanent peace treaty, to have summit talks with the president of South Korea, to expedite the recovery of the remains of American service personnel buried in his country, and to take other steps to ease tension on the peninsula. Kim Il Sung died shortly after my visit, and his successor, Kim Jong Il, notified me and leaders in Washington that he would honor the promises made by his father. These obligations were later confirmed officially in negotiations in Geneva by Robert Gallucci and other representatives of the Clinton administration.I returned to Pyongyang in August 2010, at the invitation of North Korean leaders, to bring home Aijalon Gomes, an American who had been detained there. My last visit to North Korea was in May 2011 when I led a delegation of Elders (former presidents of Ireland and Finland and former prime minister of Norway) to assure the delivery of donated food directly to needy people.During all these visits, the North Koreans emphasized that they wanted peaceful relations with the United States and their neighbors, but were convinced that we planned a preemptive military strike against their country. They wanted a peace treaty (especially with America) to replace the ceasefire agreement that had existed since the end of the Korean War in 1953, and to end the economic sanctions that had been very damaging to them during that long interim period. They have made it clear to me and others that their first priority is to assure that their military capability is capable of destroying a large part of Seoul and of responding strongly in other ways to any American attack. The influence of China in Pyongyang seems to be greatly reduced since Kim Jong Un became the North Korean leader in December 2011.A commitment to peace by the United States and North Korea is crucial.When this confrontational crisis is ended, the United States should be prepared to consummate a permanent treaty to replace the ceasefire of 1953. The United States should make this clear, to North Koreans and to our allies.READ MORE NORTH KOREA NEWS AT: 21st Century Wire North Korea FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 7, 2017",1 +"Message for Progressive Left: β€˜If You Want to See Real Nazis, Come to Ukraine’","Ever since last month, the US media and the left wing politicians have been up in arm about alleged rise of Nazism in America. By now, the coverage has been incessant and beyond hysterical, as pundits and antifascist activists claim that a viable white supremacist movement is threatening to take over the country which is a media-driven alternative reality. What America s mainstream media establishment will not mention is the US government s own role, particularly that of the Obama Administration and Hillary Clinton s State Department (and funded by her campaign financier George Soros) in helping to fuel the scourge of Nazism in eastern Europe, in the Ukraine. Likewise, Republicans and so-called conservatives will not want to mention party luminary Senator John McCain s own personal role in promoting Ukraine s Far Right parties and helping shoe-horn them into power in 2014 after a successful US-backed coup d etat and putsch, and the disastrous junta which has followed.The following open letter was posted by Aleksandr Gontar from Donetsk in eastern Ukraine, skillfully articulates the current farce in the United States and the feigned righteous indignation from the progressive left over the recent staged political altercation in Charlottesville, Virginia I always considered myself as a person with left-wing views, but looking at what is happening in the US I can t escape the thought that the American left, in its majority, is the dumbest and most useless comrade on the planet. As a minimum, to profess liberal views and at the same time to call oneself leftist is a bit silly.The desperate fight of American comrades against Nazis in general is comical. They are shocked by a torchlight procession in Charlottesville, while regular torch processions in the capital of Ukraine, which they so fervently support in its fight for democracy , don t shock them. I speak as well about simple red-blue rainbow plankton, as well as about the famous fighters against oppression a la Tom Morello (whom I respect as a musician) and other celebrities, cosplaying Che Guevara with a red star on the cap. A nightmare, Nazis are in America! They hoisted the colors of the confederates and shaved their heads! OH MY GOD . American Nazis are the same clowns as American anti- fascists , by the way.Kids, come into The Ukraine, we will show you Nazis. Real ones. Who kill people kill massively, proceeding from the racial theory. They kill in savage ways like the SS did in the 40 s. We will show you a whole State that erects monuments to the ideologists and performers of the Holocaust, of Jewish riots, of the genocide of Poles. Who sweep away monuments to the liberators of mankind from Nazism. A State with a Nazi Ministry of Truth, repressions against dissent, promotion of racial hatred in schools, on TV, in children s books. A State in which the Ministry of Internal Affairs supervises a website that incites the committing of murder of unreliable citizens, openly publishing all their personal information as well as members of their families.So, when you will have such things in America, we will talk. When you have, instead of a car crashing into a crowd of anti-fascists, these anti-fascists like cattle are herded into the local House of Trade Unions and will be burned with Molotov cocktails (finishing off with steel poles those who try to escape), when the FBI creates a website on which it will publish the addresses of those who criticize Trump and the White Race, and the organized alt-right will start to go to these addresses, who, after your murder, will be called patriots and will be released, so then we will believe in your whining about Nazis.And for now, suck on it, Mr American anti-fascists.This letter was originally published at Stalker Zone, translated by Ollie Richardson and Angelina Siard.READ MORE ALT RIGHT NEWS AT: 21st Century Wire ALT RIGHT FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 5, 2017",0 +Trump Springs the Neocon Trap Again: North Korea’s β€˜Test’ is No Act of War,"Patrick Henningsen 21st Century WireHere we go again. There seems to be no end to the escalation of tensions between North Korea and the United States and its allies.Yesterday, Pyongyang s state broadcaster came out declaring what it claims is another successful test , this time with a hydrogen bomb, which they say could be mounted on to their still as yet nonexistent intercontinental ballistic missile (ICBM).Seizing the moment, state news anchor Ri Chun Hee proudly announced that the test was a perfect success, and symbolises the country s final step on the long road to attaining a state nuclear force. All very exciting.Still, there has been no independent verification of the claim, but why let that get in the way of a promising international security crisis? Kim Jung Un: Looking at shiny objects, pointing, generally looking busy. North Korea s alleged test is said to have happened just hours after Pyongyang state-run media released images of leader Kim Jong Un inspecting (looking, pointing) something which looks like it could be a hydrogen bomb, but no one is really sure.We re also told that this was ready to be placed on top of an ICBM, however no one has actually seen a real operational ICBM yet. That s kind of an important detail in this grand plot, but one which is routinely overlooked by legions of western mainstream experts on CNN and NBC. So far, the DPRK only has a series of botched tests of their short-range Hwasong-12 rockets (glorified Scud missiles) to show the world. Still, the western media insist that this constitutes a potential threat to the US.So confident was this mainstream media outlet, that they ve seemed to have hedged their bets on the authenticity of the DPRK state claims, leaving the offending H Bomb in quotes SEE ALSO: North Korea and The Unintended Consequences of TrumpThis wouldn t be the first time North Korea exaggerated its WMD credentials. Last January they exaggerated claims of a successful H-bomb test. Despite their dodgy record, the western media, and politicians who are fed by defense contracts are lapping up Pyongyang s latest pig s breakfast.Whatever this latest test was, it s hardly an act of war. Meanwhile, South Korea wasted no time retaliating by showing off its new toys purchased out of its US dollar reserve account, launching multiple missiles for the cameras. Seoul insists that it s ready to activate four Terminal High Altitude Area Defense (THAAD) missile batteries. It also carried out a major joint drill (likely pre-planned anyway) with F-15K fighter jets and surface-to-surface ballistic missiles. This posturing by South Korea has excited the western media to no end. Everyone is loving it, because nothing brings eye balls and ratings like a good crisis.Guardian reporter Justin McCurry confirms: South Korea has carried out a simulated attack on North Korea s nuclear test site in a huge show of force in response to Pyongyang s detonation of what it claims is a hydrogen bomb.Seoul has also approved the complete deployment of a US anti-missile system in another sign that it intends to address North Korean provocations with reminders of its own military firepower, while keeping the door open to dialogue. You can be certain that CNN absolutely loves this latest crisis too, wailing this morning: South Korea strengthened the deployment of a controversial US-made missile defense system and launched a huge show of military might on Monday in response to North Korea s hydrogen bomb test. Naturally, not a word of condemnation from the western media about South Korea s real provocations broadcast in colour around the world.How Serious is the Threat?At the time of publishing this piece, members of the UN Security Council are already convening emergency sessions about what to do next. In the final analysis, there will have to be some clear and present threat in order to justify some harsh response from the UNSC.Can such a rational evaluation be made with so much theatre on both sides?Washington s UN Ambassador Nikki Haley gave a predictable hawkish speech claiming that, He is begging for war. Of course Haley is all too eager to oblige.Once again, western media outlets are treating claims by North Korea s state-run KCNA media agency as good as gold (ratings gold, that is).For the US, this latest move by North Korea has been PR gold. It s helped to revive and reenergize the dying conversation of a nuclear standoff between The Good Guys and The Bad Guys. And to deal with those bad guys, you need tough guys.Enter US Treasury Secretary Steven Mnuchin, who swiftly moved in with tough new sanctions against the DPRK, warning that this isn t the time for just talk. A novel approach.Eager to win back some approval points and stop the political hemorrhaging that seems to be draining all of the mojo Trump had when he whipped-up the campaign trail crowds promising to drain the swamp, the President took to Twitter, to do what he thinks his base wants, which is to be Kim s bad cop .Kim and The Donald, two iconic frontmen, both being played like a marionette by the generals off camera.Cue Trump North Korea has conducted a major Nuclear Test. Their words and actions continue to be very hostile and dangerous to the United States, wrote Trump.Tough. North Korea is a rogue nation which has become a great threat and embarrassment to China, which is trying to help but with little success. South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they only understand one thing! Tougher.Trump also tries to slam the door shut on any chance of bilateral negotiations:South Korea is finding, as I have told them, that their talk of appeasement with North Korea will not work, they only understand one thing! Donald J. Trump (@realDonaldTrump) September 3, 2017Toughest.Of course, Trump s comments appear to be winding up Pyongyang. A vicious circle of fighting talk. Are there any adults left in the room?Not to be outdone, here comes a good cop. Enter US Defense Secretary James Mad Dog Mattis, who is still earning his nickname meant to resemble an unstable, rabid house pet. After his meeting with President Trump and Vice President Mike Pence on Sunday, the Mad Dog, wearing a purple tie (the same colour as Hillary s revolution), read his military decree on the White House lawn: We have many military options, and the president wanted to be briefed on each one of them. We made clear that we have the ability to defend ourselves and our allies, South Korea and Japan, from any attack, and our commitments among the allies are ironclad, said Mattis.What a relief, he sounds moderate compared to Trump. But wait Before exiting the podium, he said: We are not looking to the total annihilation of a country, namely North Korea, but as I said, we have many options to do so. This is a unique breed of lunatic.Talking tough, and talking of options for annihilating a country. Normal people would say this is an idiotic proposition because the fall-out would be much worse than any of Kim apocalyptic sabre rattling. All this looks very familiar. Quite simply, what we are seeing here in Washington is Neoconservativism reasserting itself through one of its flagship planks the preemptive strike. Above all other military strategies, this is always the most favorable for the Pentagon because it doesn t require any real justification or accountability for a preemptive action. All that s required is a sufficient amount of media fear-mongering and political hype about the threat we all face and how we must act and then simply fire away and sift through the rubble, reforming the narrative afterwards. In the meantime, the ruling parties can call it a success, and claim that many lives were saved by this valiant action etc. It s clean and straightforward, albeit in the short term, but extremely messy in the long term.As much as hawks in Washington would love to test out their new toys right now, a conflagration is not likely to happen by the hand of the US in the Pacific Rim. There are too many powerful players in the immediate vicinity (South Korea, Japan, China, Taiwan, Philippines and Russia, too) and the fall-out from any rash US-led geopolitical pissing contest, surgical or kinetic action could be detrimental to all parties. Better to get someone else to start it for them, but that s not easy either.There was a time when people had high hopes for Mattis. He was affectionately referred to as the warrior monk, with many FOX News pundits drooling over his apparent Sun Tzu prowess, as was rumoured that he has actually read some historical books and was really smart and really wise apparently a rarity in Washington military circles these days. But no matter how many books people think he s read about the Peloponnesian Wars, it s should be pretty clear by now that Mattis, like his predecessor Ash Carter, is acting as kind of an executive sales rep for the military industrial complex. That s essentially what the position of Defense Secretary has become in America. It s a straightforward deal: you ll keep your job, as long as you do and say what s required to keep international tensions high at all times. This translates into profits, and shareholder dividends for industry stakeholders. If you re not with the program, then you ll have to tender your resignation. Just ask Chuck Hagel.What Americans should really understand is that the generals with whom Trump is so enamored, and who he trusts with all our bombs and silos have left nothing but a string of military failures in their wake. Between Generals James Mattis and Major General H.R. McMaster, you have a collective 30 plus years and two of the worst military and foreign policy boondoggles in US history, Afghanistan and Iraq, underscored by successive failed surges. Add to these, a total defeat in Syria, blowing billions of US taxpayer dollars on a proxy war that s arguably created a new generation of Islamist extremists (although no one will admit it). Impressive, isn t it? So why do the media continue to elevate the military brass? Not every General is a good general. As with any other position or profession, some are good, and some are corrupt, and many are incompetent, or promoted for playing ball. General David Petraeus is a good example of this. The media can t get enough of him. He was the architect of the surge we re told, which means he was around when Obama-Bush ordered up another 30,000 troops for Iraq in a futile effort to fix what they broke. Still, the media will bend over backwards in an almost worshipful mode whenever his name is mentioned, forgetting that Petraeus was found guilty of the same crime for which half of America wanted Hillary Clinton locked-up. Despite bringing his name and his office into disrepute, Petraeus was rewarded board positions with mega Wall Street firms like KKR, and a perennial seat at Bilderberg.Men like Mattis, McMaster and Petraeus can, and will run rings around this President who has already signaled his weakness for those chevrons on the shoulder. And,this President will happily defer everything to these men. Should we be surprised if they keep getting it wrong?Let s just pray that they don t get it wrong with North Korea, too.*** Patrick Henningsen is an American-born writer and global affairs analyst and founder of independent news and analysis site 21st Century Wire and host of the SUNDAY WIRE weekly radio show broadcast globally over the Alternate Current Radio Network (ACR).READ MORE NORTH KOREA NEWS AT: 21st Century Wire North Korea FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"September 4, 2017",1 +SUNDAY SCREENING: The Deep State: Hiding in Plain Sight (2014),"Our weekly documentary screening curated by the editorial team at 21WIRE.Editor s Note: Although this is not an actual documentary film, this powerful interview segment is a must-see in order to grasp the concept of the Deep State in America, and further into the international arena. In this seminal interview segment, author Mike Lofgren, a congressional staff member for 28 years, talks to veteran broadcaster Bill Moyers about Washington s shadow government now commonly referred to as the Deep State, where elected and unelected figures collude to protect and serve powerful vested interests. It is how we had deregulation, financialization of the economy, the Wall Street bust, the erosion or our civil liberties and perpetual war, says Lofgren. Watch:Run time: 26 min Host: Bill Moyers Program: Moyers & Company Production: Public Affairs Television (2014)Also read Mike Lofgren s powerful essay, The Anatomy of the Deep State SEE MORE SUNDAY SCREENINGS HERESUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV ",US_News,"September 3, 2017",0 +What is The Deep State?,"One of the ancillary benefits of Donald Trump s insurgence into the US political scene has been a forceful injection of realism into the national political discourse. One of those points of discussion is centered around the concept of a state within a state, commonly referred to as the Deep State. It s suddenly become an acceptable mainstream idea, but prior to the 2016 election cycle, that conversation was strictly a fringe affair, mostly relegated to the realms of conspiracy forums and alternative media. but now it s written and spoken about as a mainstream talking point. One of the most coherent articulations of this idea originated from a former US Congressional staffer turned best-selling author, Mike Lofgren. In his book, The Deep State, he outlines the shape and structure of this seemingly invisible state within a state, but unlike the establishment media s innocuous commentary, Lofgren also delivers a incisive moral verdict on this power transition and explains how it s not only eviscerating the fabric of democracy and the foundations of the Constitutional Republic, but more importantly how it s destroying society.More than ever, it s important to understand just how we arrived at this crucial point in history and more importantly what can be done to derail this silent coup in the United States, and internationally too.The following essay was written by Lofgren in 2014, and still stands firm as a critical deconstruction of the current shadow state set-up in America . Rome lived upon its principal till ruin stared it in the face. Industry is the only true source of wealth, and there was no industry in Rome. By day the Ostia road was crowded with carts and muleteers, carrying to the great city the silks and spices of the East, the marble of Asia Minor, the timber of the Atlas, the grain of Africa and Egypt; and the carts brought out nothing but loads of dung. That was their return cargo. The Martyrdom of Man, by Winwood Reade (1871) . By Mike LofgrenThere is the visible government situated around the Mall in Washington, and then there is another, more shadowy, more indefinable government that is not explained in Civics 101 or observable to tourists at the White House or the Capitol. The former is traditional Washington partisan politics: the tip of the iceberg that a public watching C-SPAN sees daily and which is theoretically controllable via elections. The subsurface part of the iceberg I shall call the Deep State, which operates according to its own compass heading regardless of who is formally in power. [1]During the last five years, the news media have been flooded with pundits decrying the broken politics of Washington. The conventional wisdom has it that partisan gridlock and dysfunction have become the new normal. That is certainly the case, and I have been among the harshest critics of this development. But it is also imperative to acknowledge the limits of this critique as it applies to the American governmental system. On one level, the critique is self-evident: In the domain that the public can see, Congress is hopelessly deadlocked in the worst manner since the 1850s, the violently rancorous decade preceding the Civil War.Yes, there is another government concealed behind the one that is visible at either end of Pennsylvania Avenue, a hybrid entity of public and private institutions ruling the country As I wrote in The Party is Over, the present objective of congressional Republicans is to render the executive branch powerless, at least until a Republican president is elected (a goal that voter suppression laws in GOP-controlled states are clearly intended to accomplish). President Obama cannot enact his domestic policies and budgets: Because of incessant GOP filibustering, not only could he not fill the large number of vacancies in the federal judiciary, he could not even get his most innocuous presidential appointees into office. Democrats controlling the Senate have responded by weakening the filibuster of nominations, but Republicans are sure to react with other parliamentary delaying tactics. This strategy amounts to congressional nullification of executive branch powers by a party that controls a majority in only one house of Congress. Despite this apparent impotence, President Obama can liquidate American citizens without due processes, detain prisoners indefinitely without charge, conduct dragnet surveillance on the American people without judicial warrant and engage in unprecedented at least since the McCarthy era witch hunts against federal employees (the so-called Insider Threat Program ). Within the United States, this power is characterized by massive displays of intimidating force by militarized federal, state and local law enforcement. Abroad, President Obama can start wars at will and engage in virtually any other activity whatsoever without so much as a by-your-leave from Congress, such as arranging the forced landing of a plane carrying a sovereign head of state over foreign territory. Despite the habitual cant of congressional Republicans about executive overreach by Obama, the would-be dictator, we have until recently heard very little from them about these actions with the minor exception of comments from gadfly Senator Rand Paul of Kentucky. Democrats, save a few mavericks such as Ron Wyden of Oregon, are not unduly troubled, either even to the extent of permitting seemingly perjured congressional testimony under oath by executive branch officials on the subject of illegal surveillance.These are not isolated instances of a contradiction; they have been so pervasive that they tend to be disregarded as background noise. During the time in 2011 when political warfare over the debt ceiling was beginning to paralyze the business of governance in Washington, the United States government somehow summoned the resources to overthrow Muammar Ghaddafi s regime in Libya, and, when the instability created by that coup spilled over into Mali, provide overt and covert assistance to French intervention there. At a time when there was heated debate about continuing meat inspections and civilian air traffic control because of the budget crisis, our government was somehow able to commit $115 million to keeping a civil war going in Syria and to pay at least 100m to the United Kingdom s Government Communications Headquarters to buy influence over and access to that country s intelligence. Since 2007, two bridges carrying interstate highways have collapsed due to inadequate maintenance of infrastructure, one killing 13 people. During that same period of time, the government spent $1.7 billion constructing a building in Utah that is the size of 17 football fields. This mammoth structure is intended to allow the National Security Agency to store a yottabyte of information, the largest numerical designator computer scientists have coined. A yottabyte is equal to 500 quintillion pages of text. They need that much storage to archive every single trace of your electronic life.Yes, there is another government concealed behind the one that is visible at either end of Pennsylvania Avenue, a hybrid entity of public and private institutions ruling the country according to consistent patterns in season and out, connected to, but only intermittently controlled by, the visible state whose leaders we choose. My analysis of this phenomenon is not an expos of a secret, conspiratorial cabal; the state within a state is hiding mostly in plain sight, and its operators mainly act in the light of day. Nor can this other government be accurately termed an establishment. All complex societies have an establishment, a social network committed to its own enrichment and perpetuation. In terms of its scope, financial resources and sheer global reach, the American hybrid state, the Deep State, is in a class by itself. That said, it is neither omniscient nor invincible. The institution is not so much sinister (although it has highly sinister aspects) as it is relentlessly well entrenched. Far from being invincible, its failures, such as those in Iraq, Afghanistan and Libya, are routine enough that it is only the Deep State s protectiveness towards its higher-ranking personnel that allows them to escape the consequences of their frequent ineptitude. [2]How did I come to write an analysis of the Deep State, and why am I equipped to write it? As a congressional staff member for 28 years specializing in national security and possessing a top secret security clearance, I was at least on the fringes of the world I am describing, if neither totally in it by virtue of full membership nor of it by psychological disposition. But, like virtually every employed person, I became, to some extent, assimilated into the culture of the institution I worked for, and only by slow degrees, starting before the invasion of Iraq, did I begin fundamentally to question the reasons of state that motivate the people who are, to quote George W. Bush, the deciders. Cultural assimilation is partly a matter of what psychologist Irving L. Janis called groupthink, the chameleon-like ability of people to adopt the views of their superiors and peers. This syndrome is endemic to Washington: The town is characterized by sudden fads, be it negotiating biennial budgeting, making grand bargains or invading countries. Then, after a while, all the town s cool kids drop those ideas as if they were radioactive. As in the military, everybody has to get on board with the mission, and questioning it is not a career-enhancing move. The universe of people who will critically examine the goings-on at the institutions they work for is always going to be a small one. As Upton Sinclair said, It is difficult to get a man to understand something when his salary depends upon his not understanding it. A more elusive aspect of cultural assimilation is the sheer dead weight of the ordinariness of it all once you have planted yourself in your office chair for the 10,000th time. Government life is typically not some vignette from an Allen Drury novel about intrigue under the Capitol dome. Sitting and staring at the clock on the off-white office wall when it s 11:00 in the evening and you are vowing never, ever to eat another piece of takeout pizza in your life is not an experience that summons the higher literary instincts of a would-be memoirist. After a while, a functionary of the state begins to hear things that, in another context, would be quite remarkable, or at least noteworthy, and yet that simply bounce off one s consciousness like pebbles off steel plate: You mean the number of terrorist groups we are fighting is classified? No wonder so few people are whistle-blowers, quite apart from the vicious retaliation whistle-blowing often provokes: Unless one is blessed with imagination and a fine sense of irony, growing immune to the curiousness of one s surroundings is easy. To paraphrase the inimitable Donald Rumsfeld, I didn t know all that I knew, at least until I had had a couple of years away from the government to reflect upon it.The Deep State does not consist of the entire government. It is a hybrid of national security and law enforcement agencies: the Department of Defense, the Department of State, the Department of Homeland Security, the Central Intelligence Agency and the Justice Department. I also include the Department of the Treasury because of its jurisdiction over financial flows, its enforcement of international sanctions and its organic symbiosis with Wall Street. All these agencies are coordinated by the Executive Office of the President via the National Security Council. Certain key areas of the judiciary belong to the Deep State, such as the Foreign Intelligence Surveillance Court, whose actions are mysterious even to most members of Congress. Also included are a handful of vital federal trial courts, such as the Eastern District of Virginia and the Southern District of Manhattan, where sensitive proceedings in national security cases are conducted. The final government component (and possibly last in precedence among the formal branches of government established by the Constitution) is a kind of rump Congress consisting of the congressional leadership and some (but not all) of the members of the defense and intelligence committees. The rest of Congress, normally so fractious and partisan, is mostly only intermittently aware of the Deep State and when required usually submits to a few well-chosen words from the State s emissaries.I saw this submissiveness on many occasions. One memorable incident was passage of the Foreign Intelligence Surveillance Amendments Act of 2008. This legislation retroactively legalized the Bush administration s illegal and unconstitutional surveillance first revealed by The New York Times in 2005 and indemnified the telecommunications companies for their cooperation in these acts. The bill passed easily: All that was required was the invocation of the word terrorism and most members of Congress responded like iron filings obeying a magnet. One who responded in that fashion was Senator Barack Obama, soon to be coronated as the presidential nominee at the Democratic National Convention in Denver. He had already won the most delegates by campaigning to the left of his main opponent, Hillary Clinton, on the excesses of the global war on terror and the erosion of constitutional liberties.As the indemnification vote showed, the Deep State does not consist only of government agencies. What is euphemistically called private enterprise is an integral part of its operations. In a special series in The Washington Post called Top Secret America, Dana Priest and William K. Arkin described the scope of the privatized Deep State and the degree to which it has metastasized after the September 11 attacks. There are now 854,000 contract personnel with top-secret clearances a number greater than that of top-secret-cleared civilian employees of the government. While they work throughout the country and the world, their heavy concentration in and around the Washington suburbs is unmistakable: Since 9/11, 33 facilities for top-secret intelligence have been built or are under construction. Combined, they occupy the floor space of almost three Pentagons about 17 million square feet. Seventy percent of the intelligence community s budget goes to paying contracts. And the membrane between government and industry is highly permeable: The Director of National Intelligence, James R. Clapper, is a former executive of Booz Allen Hamilton, one of the government s largest intelligence contractors. His predecessor as director, Admiral Mike McConnell, is the current vice chairman of the same company; Booz Allen is 99 percent dependent on government business. These contractors now set the political and social tone of Washington, just as they are increasingly setting the direction of the country, but they are doing it quietly, their doings unrecorded in the Congressional Record or the Federal Register, and are rarely subject to congressional hearings.Washington is the most important node of the Deep State that has taken over America, but it is not the only one. Invisible threads of money and ambition connect the town to other nodes. One is Wall Street, which supplies the cash that keeps the political machine quiescent and operating as a diversionary marionette theater. Should the politicians forget their lines and threaten the status quo, Wall Street floods the town with cash and lawyers to help the hired hands remember their own best interests. The executives of the financial giants even have de facto criminal immunity. On March 6, 2013, testifying before the Senate Judiciary Committee, Attorney General Eric Holder stated the following: I am concerned that the size of some of these institutions becomes so large that it does become difficult for us to prosecute them when we are hit with indications that if you do prosecute, if you do bring a criminal charge, it will have a negative impact on the national economy, perhaps even the world economy. This, from the chief law enforcement officer of a justice system that has practically abolished the constitutional right to trial for poorer defendants charged with certain crimes. It is not too much to say that Wall Street may be the ultimate owner of the Deep State and its strategies, if for no other reason than that it has the money to reward government operatives with a second career that is lucrative beyond the dreams of avarice certainly beyond the dreams of a salaried government employee. [3]The corridor between Manhattan and Washington is a well trodden highway for the personalities we have all gotten to know in the period since the massive deregulation of Wall Street: Robert Rubin, Lawrence Summers, Henry Paulson, Timothy Geithner and many others. Not all the traffic involves persons connected with the purely financial operations of the government: In 2013, General David Petraeus joined KKR (formerly Kohlberg Kravis Roberts) of 9 West 57th Street, New York, a private equity firm with $62.3 billion in assets. KKR specializes in management buyouts and leveraged finance. General Petraeus expertise in these areas is unclear. His ability to peddle influence, however, is a known and valued commodity. Unlike Cincinnatus, the military commanders of the Deep State do not take up the plow once they lay down the sword. Petraeus also obtained a sinecure as a non-resident senior fellow at the Belfer Center for Science and International Affairs at Harvard. The Ivy League is, of course, the preferred bleaching tub and charm school of the American oligarchy. [4]Petraeus and most of the avatars of the Deep State the White House advisers who urged Obama not to impose compensation limits on Wall Street CEOs, the contractor-connected think tank experts who besought us to stay the course in Iraq, the economic gurus who perpetually demonstrate that globalization and deregulation are a blessing that makes us all better off in the long run are careful to pretend that they have no ideology. Their preferred pose is that of the politically neutral technocrat offering well considered advice based on profound expertise. That is nonsense. They are deeply dyed in the hue of the official ideology of the governing class, an ideology that is neither specifically Democrat nor Republican. Domestically, whatever they might privately believe about essentially diversionary social issues such as abortion or gay marriage, they almost invariably believe in the Washington Consensus : financialization, outsourcing, privatization, deregulation and the commodifying of labor. Internationally, they espouse 21st-century American Exceptionalism : the right and duty of the United States to meddle in every region of the world with coercive diplomacy and boots on the ground and to ignore painfully won international norms of civilized behavior. To paraphrase what Sir John Harrington said more than 400 years ago about treason, now that the ideology of the Deep State has prospered, none dare call it ideology. [5] That is why describing torture with the word torture on broadcast television is treated less as political heresy than as an inexcusable lapse of Washington etiquette: Like smoking a cigarette on camera, these days it is simply not done. After Edward Snowden s revelations about the extent and depth of surveillance by the National Security Agency, it has become publicly evident that Silicon Valley is a vital node of the Deep State as well. Unlike military and intelligence contractors, Silicon Valley overwhelmingly sells to the private market, but its business is so important to the government that a strange relationship has emerged. While the government could simply dragoon the high technology companies to do the NSA s bidding, it would prefer cooperation with so important an engine of the nation s economy, perhaps with an implied quid pro quo. Perhaps this explains the extraordinary indulgence the government shows the Valley in intellectual property matters. If an American jailbreaks his smartphone (i.e., modifies it so that it can use a service provider other than the one dictated by the manufacturer), he could receive a fine of up to $500,000 and several years in prison; so much for a citizen s vaunted property rights to what he purchases. The libertarian pose of the Silicon Valley moguls, so carefully cultivated in their public relations, has always been a sham. Silicon Valley has long been tracking for commercial purposes the activities of every person who uses an electronic device, so it is hardly surprising that the Deep State should emulate the Valley and do the same for its own purposes. Nor is it surprising that it should conscript the Valley s assistance.Still, despite the essential roles of lower Manhattan and Silicon Valley, the center of gravity of the Deep State is firmly situated in and around the Beltway. The Deep State s physical expansion and consolidation around the Beltway would seem to make a mockery of the frequent pronouncement that governance in Washington is dysfunctional and broken. That the secret and unaccountable Deep State floats freely above the gridlock between both ends of Pennsylvania Avenue is the paradox of American government in the 21st century: drone strikes, data mining, secret prisons and Panopticon-like control on the one hand; and on the other, the ordinary, visible parliamentary institutions of self-government declining to the status of a banana republic amid the gradual collapse of public infrastructure.The results of this contradiction are not abstract, as a tour of the rotting, decaying, bankrupt cities of the American Midwest will attest. It is not even confined to those parts of the country left behind by a Washington Consensus that decreed the financialization and deindustrialization of the economy in the interests of efficiency and shareholder value. This paradox is evident even within the Beltway itself, the richest metropolitan area in the nation. Although demographers and urban researchers invariably count Washington as a world city, that is not always evident to those who live there. Virtually every time there is a severe summer thunderstorm, tens or even hundreds of thousands of residents lose power, often for many days. There are occasional water restrictions over wide areas because water mains, poorly constructed and inadequately maintained, have burst. [6] The Washington metropolitan area considers it a Herculean task just to build a rail link to its international airport with luck it may be completed by 2018.It is as if Hadrian s Wall was still fully manned and the fortifications along the border with Germania were never stronger, even as the city of Rome disintegrates from within and the life-sustaining aqueducts leading down from the hills begin to crumble. The governing classes of the Deep State may continue to deceive themselves with their dreams of Zeus-like omnipotence, but others do not. A 2013 Pew Poll that interviewed 38,000 people around the world found that in 23 of 39 countries surveyed, a plurality of respondents said they believed China already had or would in the future replace the United States as the world s top economic power.The Deep State is the big story of our time. It is the red thread that runs through the war on terrorism, the financialization and deindustrialization of the American economy, the rise of a plutocratic social structure and political dysfunction. Washington is the headquarters of the Deep State, and its time in the sun as a rival to Rome, Constantinople or London may be term-limited by its overweening sense of self-importance and its habit, as Winwood Reade said of Rome, to live upon its principal till ruin stared it in the face. Living upon its principal, in this case, means that the Deep State has been extracting value from the American people in vampire-like fashion.We are faced with two disagreeable implications. First, that the Deep State is so heavily entrenched, so well protected by surveillance, firepower, money and its ability to co-opt resistance that it is almost impervious to change. Second, that just as in so many previous empires, the Deep State is populated with those whose instinctive reaction to the failure of their policies is to double down on those very policies in the future. Iraq was a failure briefly camouflaged by the wholly propagandistic success of the so-called surge; this legerdemain allowed for the surge in Afghanistan, which equally came to naught. Undeterred by that failure, the functionaries of the Deep State plunged into Libya; the smoking rubble of the Benghazi consulate, rather than discouraging further misadventure, seemed merely to incite the itch to bomb Syria. Will the Deep State ride on the back of the American people from failure to failure until the country itself, despite its huge reserves of human and material capital, is slowly exhausted? The dusty road of empire is strewn with the bones of former great powers that exhausted themselves in like manner.But, there are signs of resistance to the Deep State and its demands. In the aftermath of the Snowden revelations, the House narrowly failed to pass an amendment that would have defunded the NSA s warrantless collection of data from US persons. Shortly thereafter, the president, advocating yet another military intervention in the Middle East, this time in Syria, met with such overwhelming congressional skepticism that he changed the subject by grasping at a diplomatic lifeline thrown to him by Vladimir Putin. [7]Has the visible, constitutional state, the one envisaged by Madison and the other Founders, finally begun to reassert itself against the claims and usurpations of the Deep State? To some extent, perhaps. The unfolding revelations of the scope of the NSA s warrantless surveillance have become so egregious that even institutional apologists such as Senator Dianne Feinstein have begun to backpedal if only rhetorically from their knee-jerk defense of the agency. As more people begin to waken from the fearful and suggestible state that 9/11 created in their minds, it is possible that the Deep State s decade-old tactic of crying terrorism! every time it faces resistance is no longer eliciting the same Pavlovian response of meek obedience. And the American people, possibly even their legislators, are growing tired of endless quagmires in the Middle East.But there is another more structural reason the Deep State may have peaked in the extent of its dominance. While it seems to float above the constitutional state, its essentially parasitic, extractive nature means that it is still tethered to the formal proceedings of governance. The Deep State thrives when there is tolerable functionality in the day-to-day operations of the federal government. As long as appropriations bills get passed on time, promotion lists get confirmed, black (i.e., secret) budgets get rubber-stamped, special tax subsidies for certain corporations are approved without controversy, as long as too many awkward questions are not asked, the gears of the hybrid state will mesh noiselessly. But when one house of Congress is taken over by tea party Wahhabites, life for the ruling class becomes more trying.If there is anything the Deep State requires it is silent, uninterrupted cash flow and the confidence that things will go on as they have in the past. It is even willing to tolerate a degree of gridlock: Partisan mud wrestling over cultural issues may be a useful distraction from its agenda. But recent congressional antics involving sequestration, the government shutdown and the threat of default over the debt ceiling extension have been disrupting that equilibrium. And an extreme gridlock dynamic has developed between the two parties such that continuing some level of sequestration is politically the least bad option for both parties, albeit for different reasons. As much as many Republicans might want to give budget relief to the organs of national security, they cannot fully reverse sequestration without the Democrats demanding revenue increases. And Democrats wanting to spend more on domestic discretionary programs cannot void sequestration on either domestic or defense programs without Republicans insisting on entitlement cuts.So, for the foreseeable future, the Deep State must restrain its appetite for taxpayer dollars. Limited deals may soften sequestration, but agency requests will not likely be fully funded anytime soon. Even Wall Street s rentier operations have been affected: After helping finance the tea party to advance its own plutocratic ambitions, America s Big Money is now regretting the Frankenstein s monster it has created. Like children playing with dynamite, the tea party and its compulsion to drive the nation into credit default has alarmed the grown-ups commanding the heights of capital; the latter are now telling the politicians they thought they had hired to knock it off.The House vote to defund the NSA s illegal surveillance programs was equally illustrative of the disruptive nature of the tea party insurgency. Civil liberties Democrats alone would never have come so close to victory; tea party stalwart Justin Amash (R-MI), who has also upset the business community for his debt-limit fundamentalism, was the lead Republican sponsor of the NSA amendment, and most of the Republicans who voted with him were aligned with the tea party.The final factor is Silicon Valley. Owing to secrecy and obfuscation, it is hard to know how much of the NSA s relationship with the Valley is based on voluntary cooperation, how much is legal compulsion through FISA warrants and how much is a matter of the NSA surreptitiously breaking into technology companies systems. Given the Valley s public relations requirement to mollify its customers who have privacy concerns, it is difficult to take the tech firms libertarian protestations about government compromise of their systems at face value, especially since they engage in similar activity against their own customers for commercial purposes. That said, evidence is accumulating that Silicon Valley is losing billions in overseas business from companies, individuals and governments that want to maintain privacy. For high tech entrepreneurs, the cash nexus is ultimately more compelling than the Deep State s demand for patriotic cooperation. Even legal compulsion can be combatted: Unlike the individual citizen, tech firms have deep pockets and batteries of lawyers with which to fight government diktat.This pushback has gone so far that on January 17, President Obama announced revisions to the NSA s data collection programs, including withdrawing the agency s custody of a domestic telephone record database, expanding requirements for judicial warrants and ceasing to spy on (undefined) friendly foreign leaders. Critics have denounced the changes as a cosmetic public relations move, but they are still significant in that the clamor has gotten so loud that the president feels the political need to address it.When the contradictions within a ruling ideology are pushed too far, factionalism appears and that ideology begins slowly to crumble. Corporate oligarchs such as the Koch brothers are no longer entirely happy with the faux-populist political front group they helped fund and groom. Silicon Valley, for all the Ayn Rand-like tendencies of its major players, its offshoring strategies and its further exacerbation of income inequality, is now lobbying Congress to restrain the NSA, a core component of the Deep State. Some tech firms are moving to encrypt their data. High tech corporations and governments alike seek dominance over people though collection of personal data, but the corporations are jumping ship now that adverse public reaction to the NSA scandals threatens their profits.The outcome of all these developments is uncertain. The Deep State, based on the twin pillars of national security imperative and corporate hegemony, has until recently seemed unshakable and the latest events may only be a temporary perturbation in its trajectory. But history has a way of toppling the altars of the mighty. While the two great materialist and determinist ideologies of the twentieth century, Marxism and the Washington Consensus, successively decreed that the dictatorship of the proletariat and the dictatorship of the market were inevitable, the future is actually indeterminate. It may be that deep economic and social currents create the framework of history, but those currents can be channeled, eddied, or even reversed by circumstance, chance and human agency. We have only to reflect upon defunct glacial despotisms such as the USSR or East Germany to realize that nothing is forever.Throughout history, state systems with outsized pretensions to power have reacted to their environments in two ways. The first strategy, reflecting the ossification of its ruling elites, consists of repeating that nothing is wrong, that the status quo reflects the nation s unique good fortune in being favored by God and that those calling for change are merely subversive troublemakers. As the French ancien r gime, the Romanov dynasty and the Habsburg emperors discovered, the strategy works splendidly for a while, particularly if one has a talent for dismissing unpleasant facts. The final results, however, are likely to be thoroughly disappointing.The second strategy is one embraced to varying degrees and with differing goals, by figures of such contrasting personalities as Mustafa Kemal Atat rk, Franklin D. Roosevelt, Charles de Gaulle and Deng Xiaoping. They were certainly not revolutionaries by temperament; if anything, their natures were conservative. But they understood that the political cultures in which they lived were fossilized and incapable of adapting to the times. In their drive to reform and modernize the political systems they inherited, their first obstacles to overcome were the outworn myths that encrusted the thinking of the elites of their time.As the United States confronts its future after experiencing two failed wars, a precarious economy and $17 trillion in accumulated debt, the national punditry has split into two camps. The first, the declinists, sees a broken, dysfunctional political system incapable of reform and an economy soon to be overtaken by China. The second, the reformers, offers a profusion of nostrums to turn the nation around: public financing of elections to sever the artery of money between the corporate components of the Deep State and financially dependent elected officials, government insourcing to reverse the tide of outsourcing of government functions and the conflicts of interest that it creates, a tax policy that values human labor over financial manipulation and a trade policy that favors exporting manufactured goods over exporting investment capital.All of that is necessary, but not sufficient. The Snowden revelations (the impact of which have been surprisingly strong), the derailed drive for military intervention in Syria and a fractious Congress, whose dysfunction has begun to be a serious inconvenience to the Deep State, show that there is now a deep but as yet inchoate hunger for change. What America lacks is a figure with the serene self-confidence to tell us that the twin idols of national security and corporate power are outworn dogmas that have nothing more to offer us. Thus disenthralled, the people themselves will unravel the Deep State with surprising speed. [1] The term Deep State was coined in Turkey and is said to be a system composed of high-level elements within the intelligence services, military, security, judiciary and organized crime. In British author John le Carr s latest novel, A Delicate Truth, a character describes the Deep State as the ever-expanding circle of non-governmental insiders from banking, industry and commerce who were cleared for highly classified information denied to large swathes of Whitehall and Westminster. I use the term to mean a hybrid association of elements of government and parts of top-level finance and industry that is effectively able to govern the United States without reference to the consent of the governed as expressed through the formal political process. [2] Twenty-five years ago, the sociologist Robert Nisbet described this phenomenon as the attribute of No Fault . Presidents, secretaries and generals and admirals in America seemingly subscribe to the doctrine that no fault ever attaches to policy and operations. This No Fault conviction prevents them from taking too seriously such notorious foul-ups as Desert One, Grenada, Lebanon and now the Persian Gulf. To his list we might add 9/11, Iraq, Afghanistan and Libya. [3] The attitude of many members of Congress towards Wall Street was memorably expressed by Rep. Spencer Bachus (R-AL), the incoming chairman of the House Financial Services Committee, in 2010: In Washington, the view is that the banks are to be regulated, and my view is that Washington and the regulators are there to serve the banks. [4] Beginning in 1988, every US president has been a graduate of Harvard or Yale. Beginning in 2000, every losing presidential candidate has been a Harvard or Yale graduate, with the exception of John McCain in 2008. [5] In recent months, the American public has seen a vivid example of a Deep State operative marketing his ideology under the banner of pragmatism. Former Secretary of Defense Robert M. Gates a one-time career CIA officer and deeply political Bush family retainer has camouflaged his retrospective defense of military escalations that have brought us nothing but casualties and fiscal grief as the straight-from-the-shoulder memoir from a plain-spoken son of Kansas who disdains Washington and its politicians. [6] Meanwhile, the US government took the lead in restoring Baghdad s sewer system at a cost of $7 billion. [7] Obama s abrupt about-face suggests he may have been skeptical of military intervention in Syria all along, but only dropped that policy once Congress and Putin gave him the running room to do so. In 2009, he went ahead with the Afghanistan surge partly because General Petraeus public relations campaign and back-channel lobbying on the Hill for implementation of his pet military strategy pre-empted other options. These incidents raise the disturbing question of how much the democratically elected president or any president sets the policy of the national security state and how much the policy is set for him by the professional operatives of that state who engineer faits accomplis that force his hand.*** Author Mike Lofgren is a former career congressional staff member who served on the House and Senate budget committees. His latest book is The Deep State: The Fall of the Constitution and the Rise of a Shadow Government. He appeared several times as a guest on Moyers & Company. Learn more on his website: mikelofgren.net.This essay was originally published on Feb. 21, 2014, written by best selling author Mike Lofgren and published at BillMoyers.comREAD MORE DEEP STATE NEWS AT: 21st Century Wire Deep State FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 2, 2017",1 +Watch as Assad Destroys US Reporter Michael Isikoff in Interview,"21st Century Wire says After 7 years of systematic and pathological lying, and fabricating thousands of fraudulent news reports about Syria, by now it s widely understood that US and UK media have now lost all credibility by now. Even since the defeat of the western-backed terrorist occupation of East Aleppo in December 2016, western corporate media outlets dispatched various trained gatekeepers and deep state stenographers in an attempt to try and rescue many of their legacy narratives, all of which have since collapsed after most western and Gulf-backed terrorists have fled their strongholds while leaving volumes of damning evidence behind in the process. With that in mind, we thought it poignant then to re-air this timeless exhibit a breathtaking display of US propaganda gone array, where Yahoo! News reporter Michael Isikoff become mired in his own web of disinformation and official conspiracy theories, as he tries to deliver a series of canned talking points (straight off of the CNN and CIA briefing sheet) in yet another vain attempt to defame and demonize Syrian President Bashar al-Assad at the Presidential Palace in Damascus. In this embarrassing exchange, Isikoff tries on a series of contrived reports concocted by Amnesty International and the FBI, and even alludes to the widely discredited Caesar Photos hoax, amid a sustained barrage of human rights virtue signalling, all while accusing Assad of numerous war crimes. As interviews go, this was certainly one of the low water marks in US media history. Watch: See the full Yahoo! News report which aired on February 10, 2017 here. SEE MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 2, 2017",0 +"(VIDEO) For the Love of Winston Smith, β€œLet The Truth Be Told”","Undoubtedly, we are living in an age of universal deceit, where government and corporations are colluding to bury the truth, and promote only state-sanctioned narratives. The party told you to reject the evidence of your eyes and ears. It was their final, most essential command. His heart sank as he thought of the enormous power arrayed against him, the ease with which any Party intellectual would overthrow him in debate, the subtle arguments which he would not be able to understand, much less answer. And yet he was in the right! They were wrong and he was right. George Orwell describing the plight of Winston Smith in the literary classic, 1984.YouTube artist Rebekah Johnson says, Propaganda puppets are lying to the public and suppressing the truth to further their agenda. Listen to her song and watch her video here:. READ MORE PROPAGANDA NEWS AT: 21st Century Wire Propaganda FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"September 1, 2017",0 +Boiler Room EP #124 – Weather Warfare & CNN Goblin Pits,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jay s Analysis and Andy Nowicki the Nameless One, for the hundred and twenty fourth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing the ongoing aftermath of the Charlottesville protests, Hurricane Harvey, weather warfare, geoengineering, movies, CNN faking flood rescues and more.Direct Download Episode #124Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"September 1, 2017",0 +McCain’s Mad World and The Cancer of Conflict,"21st Century Wire says Some devastating news befell John Sidney McCain III recently, as his staff announced that the US Senator had been diagnosed with a brain tumor called glioblastoma discovered during recent testing at the Mayo Clinic in Phoenix, Arizona. We wish the Senator well On Episode #195 Chickenhawk Nation of the SUNDAY WIRE with co-hosts Patrick Henningsen and Mike Robinson, we break down all the reasons why we think it s time for McCain to retire.The list is endless. We ll start with a real cancer of conflict the senseless truck bombing of Al-Kindi cancer treatment hospital in Aleppo, Syria. The attack carried out by the same freedom fighters that McCain was seen cavorting with during his secret trip to the Aleppo area in May 2013. The very same rebels he was supplying weapons to the Free Syrian Army (under the command of Jabbat al Nusra aka al Qaeda in Syria) would later order the bombing on this cancer treatment hospital. LISTEN: More @21WIRE:",US_News,"August 27, 2017",1 +"Boiler Room EP #123 – Right vs. Left, Jerry Springer Style","Tune in to the Alternate Current Radio Network (ACR) for this week s broadcast of The Boiler Room . Join us for uncensored, uninterruptible talk radio, custom-made for barfly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore alongside Patrick Henningsen, Editor of 21WIRE, Daniel Spaulding from Soul of the East, FunkSoul (21WIRE & ACR contributor) and Randy J (21WIRE & ACR contributor), for the hundred and twenty-third episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil-downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.Direct Download Episode #123Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"August 26, 2017",0 +Liberal Imperium: Quigley’s Anglo-American Establishment – Jay Dyer (half),"Jay Dyer 21st Century WireThis is an addendum to the 8 lectures last year on the monumental Atlanticist apologetic Tragedy and Hope based on Quigley s other telling book, The Anglo-American Establishment. The first section is free, while subscribers gain access to full talks and lectures. The goals which Rhodes and Milner sought and the methods by which they hoped to achieve them were so similar by 1902 that the two are almost indistinguishable Both sought to unite the world, and above all the English-speaking world in a federal structure around Britain. Both felt that this goal could best be achieved by a secret band of men united to one another by devotion to the common cause and by personal loyalty to one another. Both felt that this band should pursue its goal by secret political and economic influence behind the scenes and by the control of journalistic, educational, and propaganda agencies. -Quigley (Namely, the Liberal Imperium.) Listen to Liberal Imperium: Quigley s Anglo-American Establishment Jay Dyer (half) on Spreaker. Jay Dyer is the author of the best selling title, Esoteric Hollywood: Sex, Cults and Symbols in Film from Trine Day. Focusing on film, philosophy, geopolitics and all things esoteric, JaysAnalysis and his podcast, Esoteric Hollywood, investigates the deeper meanings between the headlines, exploring the hidden aspects of our sinister synthetic mass media matrix.SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 25, 2017",0 +"SYRIA, NORTH KOREA: Trump’s β€œAxis of Evil” is Bigger and Better than the George Bush Version","Whitney Webb Mint PressBush s Axis of Evil speech in 2002 was precursor to disastrous invasion and regime change. Now once again, under Trump, that narrative has re-emerged this time linking Syria with North Korea, based on allegations by unidentified parties regarding chemical weapons shipments.On Monday, Reuters published a widely circulated story based on a confidential United Nations report on North Korean sanctions violations. According to the report, which is not available to the general public, two North Korean shipments to a Syrian government agency responsible for the country s chemical weapons program had been intercepted.The report, according to Reuters, was authored by a panel of independent UN experts and investigates alleged dealings between a North Korean company and Syria s Scientific Studies and Research Center (SSRC), a government agency that oversaw the nation s chemical weapons program before the internationally-recognized destruction of that program took place in 2013.Notably, the 37-page document at no point gives details on when or where the interdictions occurred or details regarding what the shipments actually contained.The report further states that its account of the incident s occurrence is dependent on the testimony of two unidentified member states, which interdicted shipments destined for Syria and had reasons to believe that the goods were part of a KOMID contract with Syria. KOMID is the Korea Mining Development Trading Corporation, a Pyongyang-based company the UN had previously cited in 2009, when the UN Security Council had it blacklisted for its role in supporting North Korea s ballistic missile program as a primary arms dealer and main exporter of goods and equipment related to ballistic missiles and conventional weapons. North Korea is caught sending 'chemical weapons' to Syria amid concerns Kim Jong-Un and Assad are working together https://t.co/ectIj2JwN9 Daily Mail US (@DailyMail) August 22, 2017North Korea chemical weapons said intercepted en route to Syria https://t.co/wdjZOlgg8k via @timesofisrael #northkorea #syria Gregory Smith (@GsmittySmith) August 22, 2017With their identities concealed, there is no way of knowing if these member states are among the countries that have actively been pushing for the removal of Syria s democratically-elected president Bashar al-Assad since the Syrian conflict began in 2011. In addition, another member state a nation not involved in the seizure of the shipments had informed the panel that it had reasons to believe that the goods were part of a KOMID contract with Syria. It appears that the statement made by this member state s representative was given, by this ostensibly independent panel, the same weight normally reserved for concrete evidence.It also remains unclear how the SSRC was determined to be the recipient of the intercepted shipments, as the report simply states that the consignees were Syrian entities designated by the European Union and the United States as front companies for the SSRC. With only Reuters permitted access to this confidential report, there is no way to know who or what these entities are, as Reuters left them unnamed in its article.Furthermore, the composition of the UN panel itself is also unknown. Though Reuters stated that the panel was composed of independent experts, Reuters has also previously claimed that organizations such as the Syrian Observatory for Human Rights (SOHR) were objective in the Syrian conflict, even though the sole person behind the group is rabidly anti-Assad, pro-Western intervention, and reporting on Syria from Britain. Shielding the names of these independent experts from the public does little to lend credibility to the findings of this UN report.The North Korea-Syria arms connection narrativeThe North Korea-Syria arms trade connection is not new. This narrative first emerged earlier this year in April, when the Syrian government stood accused of using chemical weapons against civilians in Idlib an event that was later roundly debunked by independent experts, including Professor Emeritus at the Massachusetts Institute of Technology (MIT) and former scientist with the U.S. Department of Defense, Theodore Postol.At the time, several U.S. publications, including USA Today and Defense One, backed up their claims of sinister cooperation between the Syrian and North Korean governments by citing Professor Bruce Bechtol of Angelo State University, Texas. Both outlets described Bechtol as a North Korea expert. But Bechtol s evidence cited in these reports such as when he asserts that I would be stunned, I would be surprised, if the nerve agent allegedly used by the Assad regime on April 4 in the Idlib province was not supplied by North Korea amounts to conjecture. Bechtol, who once worked for the Defense Intelligence Agency and has long-standing links to the Pentagon, had previously authored a 2015 research paperon the North Korea and Syrian partnership, in which he drew heavily on the CIA for his sweeping assertions regarding the two nations alleged long history of collaboration in the production and development of chemical weapons.Bechtol s conclusions are undermined by data from the Stockholm International Peace Research Institute (SIPRI) a recognized authority on the global weapons trade shows that Syria has ordered weapons from North Korea only three times since 1990, twice in 1990 and once in 1996. In other words, Syria according to SIPRI has not made any purchases from North Korea in over 20 years.Given that arms deals with North Korea s government were legal until 2006 and deals with KOMID were legal until 2009, if the partnership was really so longstanding and prolific, why were there so few transactions between them in the years prior? The established facts hardly fit the picture of a supposedly booming North Korea-Syria arms trade.Creating the new Axis of Evil Ultimately, the attempts to link North Korea to Syria s defunct chemical weapons program are meant to create a new axis of evil by associating one evil dictator with another. The axis of evil narrative, first coined by George W. Bush in 2002, has been central to the U.S. demonization of rogue governments that fail to submit to the U.S.-dominated global order, of which the United Nations is part. This narrative has often been followed by the evil dictator label, as it was with Iraq and Libya two of the countries comprising the original axis of evil. Under Trump, the axis of evil is having a resurgence, a development that even mainstream media outlets like CNN have noted. With Iraq and Libya having been dealt with, Syria has joined the list and a concerted effort is now being made to link the remaining evil dictators to each other. By connecting North Korea to Syria s thoroughly demonized (though non-existent) chemical weapons program, the U.S. is building the momentum and the justification for the preventative invasions of these rogue states it has long sought to achieve all the more determinedly now that its superpower status is being threatened as never before.***SEE MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 25, 2017",1 +AFGHANISTAN: Trump Surges Into the Graveyard of Empires," By ramping up US troop levels in Afghanistan, Trump is alienating many supporters. (Photo: DoD/USAF Tech Sgt Brigitte N Brantley. Source: Wikicommons)Miles Elliot 21st Century WireOn Monday night, US President Donald Trump made a speech in which he outlined his long-awaited new strategy for the war in Afghanistan. As predicted by 21WIRE in July, Trump will undertake a fourth US surge in Afghanistan, building up US troop levels in the country just like Bush and Obama did before him.However, to say that he outlined a new strategy in his speech is being very kind to Trump. He did very little outlining and what he did present does not exactly qualify as new, or as a strategy.One of the most notable features of his speech was his refusal to disclose troop numbers or timescales for their deployment. Granted, publicising those aspects of the US presence in Afghanistan did not create a win for Obama; the former president promised to pull out all the troops by 2014, but left office in January 2017 with over 8,500 US military personnel still stationed in the country. For Trump to keep such details from the American public, particularly the troop numbers, goes against basic democratic principles of transparency and accountability. As Finian Cunningham says: America s overseas wars are not just expanding under Trump; they are going secret and unaccountable. Furthermore, simply sending more troops and beefing up military deployments to Afghanistan is not a new strategy. George W Bush deployed a quiet surge to Afghanistan in 2008, and Obama presided over two separate surges in early and late 2009, none of which won the war. See 21WIRE s recent article which points out fundamental flaws and problems with the US strategy and modus operandi in Afghanistan; doubling down on these flaws with more personnel, money and weapons may only amplify them.The war was probably unwinnable from the outset anyway. There is a reason Afghanistan is referred to as the Graveyard of Empires. Justin Raimondo s latest article responding to Trump s announcement alludes to it: So I studied Afghanistan in great detail and from every conceivable angle, [Trump] claims. Really? Did he study it enough to realize that no one has ever conquered Afghanistan? Did he contemplate the storied history of that unforgiving land, which caused even Alexander the Great to turn back? Or for a more lighthearted approach, the following tweet plays on the seeming endlessness of the Afghan war in American political life.I made this political cartoon in 2010. Enjoy! https://t.co/fSosAGURCW pic.twitter.com/jyfQIZOFzY Matt Bors (@MattBors) August 22, 2017Another interesting feature of Trump s speech was its focus on Pakistan, which he sharply criticized for harboring terrorists and allowing them safe havens . However, as Michael Krieger points out in his excellent analysis: Guess which country he didn t mention? The greatest sponsor of Islamic radicalization the world has ever seen: Saudi Arabia. This once again proves that Trump represents the same old tired thinking that s been running the U.S. economy and society into the ground for decades. This is now a 100% establishment Presidency, which will be completely defined by establishment thinking. In other words, imperial collapse is coming. It seems an obvious point that talking about combating terrorism without addressing its primary causes and sources of support is somewhat foolish. However, it appears that Trump and his administration need a reminder.By far the most striking aspect of Trump s announcement, however, is that it represents a 180 U-turn, totally reversing the attitude he had to US involvement in Afghanistan since before he even began campaigning to become President. The following is just one of many tweets dating back quite a few years in which Trump complains about the US being in Afghanistan.When will we stop wasting our money on rebuilding Afghanistan? We must rebuild our country first. Donald J. Trump (@realDonaldTrump) October 7, 2011Trump s announcement is already alienating much of his political base, especially supporters who wanted him to prioritize American jobs and infrastructure over globalist projects such as trade deals and foreign wars. More than that, it is unlikely to be popular with the overall US electorate, who are on the whole opposed to continuing the war. On the other hand it is no surprise that the announcement is gaining praise from neocons and lawmakers such as Sen. John McCain (R-AZ), Sen. Mitch McConnell (R-KY) and House Speaker Paul Ryan (R-WI).Does it even need to be said that the US has had troops deployed to Afghanistan for 16 years? This might make Afghanistan one of the only truly inter-generational wars the US has fought.Met a man today who served in Afghanistan 16 yrs ago -now says his son serves there. Let that sink in as you support perpetual war Brian J. Karem (@BrianKarem) August 22, 2017There is of course a question as to how much of this plan is coming from Trump himself as opposed to from his advisers, deep state handlers or other influences. As Finian Cunningham argues below, there is reason to believe that Trump has been compromised by the deep state . Many even believe that soft coup has occurred and that Trump is no longer really in charge. Yet others question whether Trump had any authenticity to begin with; on the left especially some people perceive Trump to be thoroughly dishonest and merely a representative of robber-baron, capitalist fascism .These issues are part of the larger question of Trump s authenticity, but unfortunately we can t provide those answers here. Whatever one s position on this, however, none of the possible options lets the President off the hook. In all cases, he is the man responsible, it s his name on the door, and it is his responsibility to either make good on his promises to the American people or at the very least to keep them informed. In light of his announcement on Afghanistan, neither one appears to be happening.SEE ALSO: AFGHANISTAN: Forgotten, But Not GoneMore on this from RT US Army soldiers in Afghanistan. The country has been called the Graveyard of Empires for being notoriously hard to conquer (Photo: US Army. Source: Wikicommons)Finian Cunningham RTIf one moment stands out as the clearest signal yet of US President Trump turning his back on supporters, it was his announcement this week to re-escalate American military intervention in Afghanistan.His signature campaign promise of putting America First and ending the folly of overseas wars launched by previous administrations was shredded on prime time television when he gave orders for thousands of more US troops to be sent to Afghanistan. The already 16-year war in that country America s longest will now go on indefinitely longer.The Huffington Post headlined: Trump s vague new Afghanistan strategy continues an endless war. Not only that, but this president is refusing to give any public information on force numbers or timescale. America s overseas wars are not just expanding under Trump; they are going secret and unaccountable.This surge in militarism is precisely what candidate Trump said he would not do when he campaigned for votes among blue-collar workers in the Rust Belt states, vowing instead to channel US economic resources to revive forgotten communities at home. Recall his blustering inauguration speech on January 20 when he bemoaned the American Carnage, at home and abroad.As the Huffington Post writes: When Obama was still in office and overseeing a massive troop presence in Afghanistan, Trump repeatedly bashed the operation as a waste of money and called for a quick withdrawal from the country. How s that for a U-turn? This is at a time when support among Trump s voter base in the Rust Belt states has plummeted. There is weakness in the heartland, reported NBC, because workers fear Trump is reneging on past commitments to revitalize their livelihoods. Their concern is that this president is too interested in giving tax breaks to corporations and kowtowing to the Pentagon.Ironically, Donald Trump likes to portray himself as an alpha-male who is his own boss. It is abundantly clear now that Trump is a mere manikin who sits in the White House taking orders from his generals.When Trump ousted Stephen Bannon, his staunchest ally in the White House, it was under the orders of the military figures who are now dominant in his administration. Trump s chief of staff, former Marine General John Kelly, wanted Bannon out because of his contrarian views.When Bannon gave a surprise interview last week contradicting the militarist policy on North Korea that was the last straw. Bannon said there was no military option in solving the North Korea standoff, which flew in the face of what the Pentagon has been advising Trump, with all options on the table. Only days later, he was kicked out.Bannon has now returned to edit Breitbart News, the nationalistic website which has in the past served as a media booster for Trump. Following the announcement on Afghanistan, Breitbart News declared: Trump reverses course and blasted his speech a flip-flop, as reported by Politico.Bannon had been a vigorous counsel to Trump against overseas militarism and in particular about Afghanistan. He is thought to have been the primary influence behind Trump s economic nationalism of America First.It is no coincidence that Trump decided to get rid of Bannon while huddled with military generals and intelligence chiefs at Camp David last weekend. Then three days after his departure from the White House, Trump delivers his U-turn on re-escalating the military involvement in South Asia, exactly as the Pentagon top brass had been urging.With little or no policy achievements so far, Trump is emerging as a blowhard who is all too willing to toe the line to survive even if that means stabbing his supposed allies in the back. This is a president who has a big mouth and big ego, and not much else. All the promises to his voter base are being seen to be cruel hoaxes, perpetrated by one who is always denouncing others over hoaxes.The rise of the generals in Trump s administration, alongside a weak-kneed figurehead president, should surely be cause for concern for its sinister constitutional implications. But disturbingly, the drift toward a military government in the US hardly causes a public ruffle; indeed, it is actually welcomed by prominent news media.In an editorial last weekend condemning The Failing Trump Presidency, the New York Times seems to be oblivious in its endorsement of military control over the White House.It states: One measure of the despair caused by Mr. Trump s behavior is that we find ourselves strangely comforted by things that in any normal presidency would be cause for concern Americans accustomed constitutionally and politically to civilian leadership now find themselves relying on three current and former generals John Kelly, the new White House chief of staff; H. R. McMaster, the national security adviser; and Jim Mattis, the secretary of defense to stop Mr. Trump from going completely off the rails. Last week, too, when the five Joint Chiefs of Staff roundly rebuked Trump over his ambiguous comments on racial violence, the US media widely saw that intervention by the Pentagon as a welcome disciplining of the president.It s a sobering reality-check on how the supposed radical, populist president who promised to return governing power to the ordinary citizens is now firmly in the vice of a corporate-military cabal.Look at Trump s cabinet. Apart from the three generals, Kelly, McMaster and Mattis, the other key posts are run by an ex-oil CEO, Rex Tillerson at the State Department, and former Wall Street executives, Steven Mnuchin as Treasury Secretary, Gary Cohn as national economic adviser, and Wilbur Ross as Commerce Secretary.This combination of military and industrial corporatism at the executive level of government is a definition of a fascist state. Combine that with a malleable megalomaniac who is willing to betray his allies and voter base, and that makes for a dangerous cabal.Trump s readiness to go to war in Venezuela, North Korea, and Iran and to give license to the Pentagon to step up its air force slaughter in Iraq, Syria, and Yemen are all signals of how far this presidency has degenerated.But it is Trump s brazen backtracking on Afghanistan that most transparently shows his unscrupulous character and just how much the Pentagon has taken control over this presidency.Last November, the American people voted for a radical change, one that would deliver economic revival and jobs at home, while implementing more peaceful foreign relations.Today, Americans have got the opposite of what they were calling for when they elected President Trump. The implications are blatant and disconcerting. American democracy no longer exists, if it ever did. The will of the people has been subverted by the will of the military-industrial complex. Trump is but a pathetic puppet who is taking orders from the generals and his oligarchic friends in Wall Street.The so-called exceptional nation the one that never tires of proclaiming its lofty democratic virtues to the rest of the world has degenerated into a military-corporatist state. Trump s betrayal is complete and stands out as one of the biggest cons in modern political history.READ MORE AFGHANISTAN NEWS AT: 21st Century Wire Afghanistan FilesSUPPORT 21WIRE SUBSCRIBE AND BECOME A MEMBER @ 21WIRE.TV",US_News,"August 24, 2017",0 +"Black Politicians Increase Attacks on Ben Carson, Accuse Him of Supporting β€˜White Supremacists’","Politics can be a nasty business. This latest spat proves once again, that in politics, it s not really about color, as much as it is which party you belong to. In this sense, many prominent black American Democrats consider Ben Carson to be a traitor to their cause.Recently, President Trump s opponents have begun to intensify their attacks on African-American Republican HUD Secretary Ben Carson. Democratic Congresswoman Maxine Waters has recently come out threatening Carson, and now Jumaane Williams, a Democrat and New York City Council member for the 45th District, has accused Carson of supporting White Supremacist views . Is there any truth to these accusations, or is this a racially-motivated political witch-hunt? Watch: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 23, 2017",0 +Zakharova Slams CIA Chief Pompeo: Stop Making Up Anti-Russian Fiction,"21st Century Wire says With the ongoing hysteria constantly spouting from the American mainstream media about alleged Russian meddling in the 2016 election which saw Donald Trump elected as president of the United States, the world is still awaiting a single shred of real evidence to support the establishment s conspiracy theory. To date, none has surfaced. The intelligence community has said that this election was meddled with by the Russians in a way that frankly is not particularly original. They ve been doing this for an awfully long time, and we are decades into the Russians trying to undermine American democracy, CIA chief Mike Pompeo told MSNBC s Hugh Hewitt in an exclusive interview that aired Saturday, June 24.Russian Foreign Ministry spokeswoman, Maria Zakharova, has made a noteworthy response to Pompeo s comments.via Russia InsiderTranslation: We could not but take note of and comment on the June 24 statement by CIA Director Mike Pompeo during his NBC interview. The statement dealt with Russia s alleged long time attempts to undermine the American democracy and meddling in the US elections. It appears that in his opinion Russia s longtime attempts to undermine the US democracy have culminated in the interference in US elections. As we know the issue of Russia s meddling in the election process has become a favorite media story and an obsession in the United States. This story has been adopted by anti-Russia propagandists. This issue continues to pick up momentum and is mentioned in statements by officials who are trying to accuse Russia of engaging in unlawful actions but who have failed to produce any evidence to date.We would like to remind them about some outstanding pages of US history. Unlike the Americans, we have real facts at our disposal, and we know what we should focus on. It is common knowledge that since the early 1990s the United States had voiced its intentions to establish a Jeffersonian democracy in Russia. But the very fact of setting such a task completely runs counter to the ideas of Thomas Jefferson, one of the founding fathers of the American nation and democracy. All of us know he called for respecting various forms of government, chosen by other nations and said the United States would not impose its will anywhere. He was mistaken. Thomas Jefferson referred to the idea of dictating the form of government to an independent country as arrogant, brutal and outrageous.It appears that the ideologists of the present-day America have very poor knowledge of their own history and the foundations of their statehood, if the concepts of exporting democracy and humanitarian intervention have become their favorite method for conducting an aggressive foreign policy as part of their national concept. For decades, dozens of countries all over the world have been suffering from US-imposed sate system formulas they are trying to equate all countries under one and the same pattern, without any consideration for what makes each of them unique. This policy and experiments cannot be called harmless. In the past few years Afghanistan, Iraq, Libya, Egypt, Syria and Ukraine have fallen prey to this concept. Needless to say, al-Qaeda in all its manifestations, ISIS and other radical terrorist groups of all religious denominations evolved on the fertile soil created by the Americans and in fact often were the brainchildren of these forces.Generous financial injections in the form of projects and grants through numerous foundations and NGOs is another grey zone through which the United States has been trying to influence political processes all over the world for many years. Russia virtually tops the list of these allocations. Various government and non-government organizations, including the Peace Corps, the United States Agency for International Development (USAID), the National Democratic Institute, the International Republican Institute and many other similar agencies, have been planting their agents for decades in order to penetrate the Russian political establishment and media community and to influence public opinion. According to some sources, the US has spent 5 Billion dollars for these purposes in the 1990s alone. It is very strange that, while making such statements, Mr. Pompeo forgets that many decisions stipulating the allocation of funding were approved by his own agency. It is strange that Washington forgets the fact that in the run-up to the 1996 Russian presidential election, the Federal Reserve bank delivered $500 million in cash to the US Embassy in Moscow under a far-fetched pretext of avoiding frenzied demand during the exchange of old $100 notes. Operatives from the CIA s Moscow Embassy station, headed by Michael Sulick, virtually slept on the money bags, while guarding them. Foreign-made cars delivered small batches of money from the Embassy to certain individuals.Who did the US sponsor using this money? I believe we will also learn this someday. I do not mean our assumptions, everything is clear here Well will know the specific names, dates and so on. Here are only a few examples of diverse US activities aiming to undermine stability in various regions worldwide and in those areas that are not ready to follow American instructions. We are in no way demanding that Mr. Pompeo should stop his rhetoric because this is in the realm of fiction. One should simply understand that every action has an equal and opposite reaction. We are ready. READ MORE RUSSIA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 21, 2017",1 +Episode #199 – SUNDAY WIRE: β€˜Trigger Warning: ID Politics’ with Gilad Atzmon and Jay Dyer,"Episode #199 of SUNDAY WIRE SHOW resumes on Aug 20th, 2017 as host Patrick Henningsen brings you this week s LIVE broadcast on the Alternate Current Radio Network covering all the top news stories both at home and internationally LISTEN LIVE ON THIS PAGE AT THE FOLLOWING SCHEDULED SHOW TIMES:5pm-8pm UK Time | 12pm-3pm ET (US) | 9am-12am PT (US) This week we deliver another LIVE broadcast from the UK, as SUNDAY WIRE host Patrick Henningsen is joined by two incredible guests to discuss the disturbing political situation in America. In the first hour we ll be joined by artist and the brilliant and controversial best-selling author and internationally acclaimed jazz artist, Gilad Atzmon, to discuss Charlottesville and the problem of Left vs Right identity politics in the West, as well its roots in Jewish ID politics, and how society might be able overcome the downward spiral it currently finds itself in. In the second hour we re joined by author and analyst, Jay Dyer, from JaysAnalysis.com to talk about America s new culture wars and why Leftist activists are now pulling down statues across the country and how this might accelerate to more censorship and ceremonial book burning activities. In the final segment, we hear a thought-provoking interview with an American man who managed to turn from hating all Muslims to adopting a more open-minded, civil approach to dialogue proving that communication is the key to conflict resolution. Our guest Gilad Atzmon s book, Being In Time: A Post Political Manifesto is available now on: Amazon.co.uk, Amazon.com and gilad.co.uk. Also guest Jay Dyer s book, Esoteric Hollywood: Sex, Cults and Symbols in Film is available now at Amazon.com. SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TVStrap yourselves in and lower the blast shield this is your brave new world *NOTE: THIS EPISODE MAY CONTAIN STRONG LANGUAGE AND MATURE THEMES*Download Episode #199Sunday Wire Radio Show Archives ",US_News,"August 20, 2017",0 +Five Things You Need to Know About CrowdStrike,". The Daily CallerThe Democratic Party and mainstream media have become increasingly consumed with the narrative that Donald Trump s election win is largely influenced by Russian hacking.The narrative is centered around two hacks the hack of a DNC server that led to the release of embarrassing emails during the Democratic National Convention, and the hack of John Podesta s email which led to several embarrassing moments for the Clinton campaign in October 2016. Both are supposedly the result of the Russians.The Russia story is back in the headlines once again after reports surrounding former President Barack Obama s attempts to punish Russia for its interference.However, there is still a cloud of doubt hanging over the DNC s Russia narrative on the breach of the DNC servers.The analysis that alleged that Russia was behind the DNC server breach was carried out not by the U.S. government, but by the private security group CrowdStrike.CrowdStrike is the sole source of this claim, with their June 2016 report, Bears in the Midst: Intrusion into the Democratic National Committee being the basis of the DNC s Russian hacking allegations.Here are five key points about CrowdStrike that the mainstream media is ignoring:1. Obama Appoints CrowdStrike Officer To Admin Post Two Months Before June 2016 Report On Russia Hacking DNC2. The FBI Never Looked At The DNC s Servers Only CrowdStrike Did3. Comey Contradicted The DNC s Story On The FBI Asking To See The Server4. CrowdStrike Co-Founder Is Fellow On Russia Hawk Group, Has Connections To George Soros, Ukrainian Billionaire5. CrowdStrike Is Funded By Clinton-Loving Google $$To read more about CrowdStrike and the five things you need to know, visit The Daily CallerREAD MORE SCI-TECH NEWS AT: 21st Century Wire Sci-Tech FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 19, 2017",0 +Atzmon: Who Keeps Americans in the Dark?,". By Gilad AtzmonEarlier this week, senior Tablet magazine writer Yair Rosenberg pointed out in a Washington Post article that the White nationalists who gathered in Charlottesville, Virginia targeted the Jews. They (the White Nationalists) immediately went after the Jews, Rosenberg writes. They chanted anti-Semitic and Nazi slogans, including blood and soil and Jews will not replace us all crafted to cast Jews as foreign interlopers who need to be expunged. The attendees proudly displayed giant swastikas and wore shirts emblazoned with quotes from Adolf Hitler. One banner read, Jews are Satan s children. This is an important and genuine observation by Rosenberg. He suggests that the white nationalists are fully aware that that they are in a battle with the Jews. The Jews also seem to acknowledge that they are at war with the White Nationalists and that this broad category includes the American President* who according to the Jewish press took side with the Nazis .It seems that the American people are the only ones who are kept in the dark. They seem baffled by this spectacle of hatred that threatens to escalate into a new civil war. The Americans are told by their media that this is a race war: White vs. Black, slavery apologists vs. peace loving liberals, White Lives Matters vs. Black Lives Matter and so on. But if Rosenberg is right and this is a war between the Jews and the White Nationalists, why do the American media attempts to conceal it?If you hate racism, as you should, but also brave enough to look for an answer, you may grasp how volatile the situation is. Those who read Jewish history aren t surprised by the current developments. It has all been building for quite a while.This article was originally published at Gilad Atzmon s blogGilad Atzmon s book Being In Time: A Post Political Manifesto is available now on: Amazon.co.uk, Amazon.com and gilad.co.uk. READ MORE CHARLOTTESVILLE NEWS AT: 21st Century Wire Charlottesville FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 18, 2017",0 +"Ben Carson Home Vandalized with Anti-Trump Graffiti, CNN Accuses Him of Lying","21st Century Wire says The culture wars continue to ramp-up after events in Charlottesville. White House Secretary of Housing and Urban Development Ben Carson reported on Wednesday that his Virginia home was vandalized by people who also wrote hateful rhetoric about President Trump. We were out of town, but other kind, embarrassed neighbors cleaned up most of the mess before we returned, he said.Carson issued a statement in which he noted a personal experience of an incident which took place after he and is wife previously purchased a farm in Maryland: One of the neighbors immediately put up a Confederate flag. A friend of ours who is an African-American three-star general was coming to visit and immediately turned around concluding that he was in the wrong place. Interestingly, all the other neighbors immediately put up American flags shaming the other neighbor who took down the Confederate flag. In both instances, less than kind behavior was met by people taking the high road We could all learn from these examples. Hatred and bigotry unfortunately still exists in our country and we must all continue to fight it, but let s use the right tools. Unfortunately, Carson s comments were met with a cynical and disrespectful response from the divisive gatekeepers at CNN, who proceeded to insult the African-American Republican cabinet minister. Incredibly, CNN s national political reporter Maeve Reston implied he was lying, saying that Carson s anecdote is worth a FACT-CHECK :This Ben Carson anecdote is worth a fact-check .. https://t.co/CvJSDSkfxW Maeve Reston (@MaeveReston) August 16, 2017Along with the criminal act of vandalism, CNN s attack on Carson also proves that the New Left in America do not accept the presence of an African-American, or black conservative in politics, and will seek to undermine him simply for being in the wrong party. READ MORE CHARLOTTESVILLE NEWS AT: 21st Century Wire Charlottesville Files SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 18, 2017",0 +Georgia Judge Suspended for Comparing Attack on US Monuments to ISIS Actions,"21st Century Wire says In the wake of the Charlottesville m l e, reactionary social justice flash mobs and assorted vigilantes have begun a campaign of attacking and destroying statues and monuments all over the country. The irrational rationale of these activists is that these historic monuments represent oppression and slavery, and therefore they must marked for ceremonial destruction. Watch this scene in Durham, North Carolina this week where, bizarrely, the hysterical mob of liberal progressive protesters lines up to take turns kicking the inanimate bronze statue on the ground, after it was pulled down in an impromptu ceremony. This is an emotive crowd, clearly carried away by the political hysteria: Question: Should a small violent, reactionary mob be allowed bypass any sensible public discussion or forum thereby litigating and dictating history for the rest of the community and country?So this is really happening. George Orwell was a prophet. #Durham #Confederate #Monuments #WrongThink pic.twitter.com/7seUcanqyD Mark (@markantro) August 17, 2017In many ways, are rapidly heading towards a 1984-style thought police environment now. Viewed from a police state perspective, this contrived disorder is designed to further breakdown social cohesion in American in effect, finishing the job which Barack Obama started in 2008. This is an invitation for the federal state to then move in with more emergency powers to restore order . For the populace at large, less rights of expression will be the outcome. While the New Left in American appoints itself as policeman of history, its ranks seem to be more ignorant than ever of it. They fail to note Mao s purge, and other such examples in history. After Charlottesville the Culture Wars have begun.What happened to this judge in Georgia may be a taste of things to come. The culture war has arrived RT International news reports The nut cases tearing down monuments are equivalent to ISIS destroying history, Judge Jim Hinkle wrote on Facebook Tuesday, the same day protesters in Durham, North Carolina toppled a statue honoring Confederate soldiers.Judge Jim Hinkle suspended: The nut cases tearing down monuments are equivalent to ISIS destroying history."" https://t.co/xVPslLurWJ pic.twitter.com/BIQcy5bnZ8 Jeffrey Guterman (@JeffreyGuterman) August 16, 2017On Saturday, Hinkle had written that protesters in Charlottesville, Virginia were snowflakes with no concept of history, as they came to counter a rally of white nationalists who gathered to oppose the planned relocation of a statue to Confederate General Robert E. Lee. In Charlottesville everyone is upset over Robert E. Lee statue, Hinkle s post said. It looks like all of the snowflakes have no concept of history. It is what it is. Get over it and move on. Leave history alone those who ignore history are deemed (sic) to repeat the mistake of the past. That post was written approximately an hour before a car crashed into a group of counter-protesters in Charlottesville, killing a woman and injuring 19 other people. Police have charged the driver, who reportedly took part in the white nationalist rally, with second-degree murder. I have suspended Judge Hinkle effective immediately while I consider the appropriate final action, Gwinnett County Chief Magistrate Judge Kristina Hammer Blum told The Atlanta Journal-Constitution (AJC) Tuesday.Hinkle told the AJC he didn t see anything controversial about the posts. But you know, with the way things are going in the world today, I guess everything s controversial, he told the outlet Full text of Chief Judge s statement about suspending Judge James Hinkle: pic.twitter.com/WcSe2wQhFg Tony Thomas (@TonyThomasWSB) August 15, 2017Continue this report at RTREAD MORE CULTURAL MARXISM NEWS AT: 21st Century Wire Cultural Marxism FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 18, 2017",0 +Boiler Room EP #122 – Charlottesville & The History of Violent Cultural Revolution,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer of Jay s Analysis, Daniel Spaulding from Soul of the East, Infidel Pharaoh and Randy J (21WIRE & ACR contributor), for the hundred and twenty second episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing the aftermath of the Charlottesville protests and subsequent vehicle incident that left a woman dead. We examine the media psyops which aim to hoodwink the public into believing that there is a large force of racist neo-Nazis that consist of anyone right-of-center in the political spectrum and to tie them to President Trump. Known strategies of agitation propaganda and violent cultural revolution are analyzed and parallels are made to other events such as the Arab Spring in Egypt and the land rights movement of the Bundy Ranch.Direct Download Episode #122Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"August 17, 2017",0 +"In 2017, America’s liberal abortion agenda looks a lot like Nazi Eugenics","21st Century Wire says Here s an unusual, but extremely thought-provoking political take on the events of last week in Charlottesville in the context of America, and western society as a whole.What you are about to read will be considered very controversial by many people. This is an uncomfortable topic which generally no one enjoys talking about. Many readers may not want to hear it. You may not want to hear it either. It s a caustic conversation for sure. You might think the author is being over-dramatic, or maybe you won t But it s a discussion which at least half of America wants to have.The publication, The Blaze, touts itself as Christian conservative and regularly exaggerate and politicizes its content, and frequently applies a moralistic or evangelical spin to it. For those reasons, it would be convenient for some to simply dismiss the article below because of its source. However, the fundamental comparison presented should be seriously considered and really should be discussed more in mainstream forums. In 2017, any challenging commentary regarding the topic of abortion is fiercely opposed by progressive gatekeepers, and women s rights activists who will often cite the 1973 US Supreme Court decision of Roe vs Wade as a cue to end any debate on the issue. This subject is also suppressed in most public and academic forums and it s strictly off-limits in the liberal mainstream corporate media. But society cannot continually sweep this under the rug America has to have this conversation, because it goes to the heart of the question. What kind of society do we live in ? . By Matt WalshIt was interesting timing. On Monday, CBS published an article touting Iceland s miracle cure for Down syndrome. Iceland is on pace to virtually eliminate Down syndrome through abortion, the headline read. Of course, it leaves out an important word. Iceland is eliminating Down syndrome people not Down syndrome itself by killing anyone who has the condition. Many countries, including our own, have discovered an identical treatment plan.The next day, Oregon was the beneficiary of similarly sanitized headlines. The governor of Oregon signed legislation expanding reproductive health access, the media reported. But the reports are misleading. The law actually forces all residents in the state to pay for abortions for anyone who wants them, including illegal aliens. The bill has nothing at all to do with reproduction. Its goal is precisely to stop reproduction. Or at least to prevent the products of reproduction from ever seeing the light of day.I said the reports of these atrocities are interestingly timed because they come amidst a national panic over neo-Nazism. We are right to be disgusted and horrified by the few dozen white supremacist losers who carried Tiki torches through Charlottesville on Saturday. And we are right to demand justice for the woman who was killed by a skinhead terrorist during that same rally. But we are ridiculous for acting as if these racist nerds represent some threat to our national existence. Until there is even a shred of proof to the contrary, I am going to remain confident that the vast, vast, vast majority of our citizens do not sympathize with Nazism outright. Even one neo-Nazi is too many. A whole parade of them is a travesty. But we ought not lose our grip on reality. A little perspective is all I m suggesting.Now, the reader may have noted the conspicuous qualifier in the previous paragraph. The majority of our citizens do not sympathize with Nazism outright. Many, however, sympathize with some of the primary goals and most brutal tactics of the Nazi party. Though they may not think of it in those terms, they still celebrate the achievement of eliminating medical conditions by killing the babies who have it, and they applaud governments that expand reproductive health access by forcing helpless citizens to fund the mass extermination of human beings. They may not march through the streets waving swastikas around, but they look with indifference or approval at our own version of the Nazi death camp. Indeed, with all due respect to the skinheads who only play pretend Nazi, the spirit of the Nazi movement really lives on in the abortion industry. Planned Parenthood may not hang the Nazi flag on the doors of its clinics, but it has enough blood on its hands to impress even the most prolific concentration camp executioner.I made this point yesterday, and I was informed even by some conservative folk that it is utterly inappropriate and insensitive for me to make such comparisons, especially when a woman was just killed by a neo-Nazi. Well, I feel terribly for that woman s family and I hope for the swiftest and harshest judgment allowed under the law to be done upon her murderer. But I also feel terribly for the 17,000 or so human beings who were executed in abortion clinics since Saturday, and the 60 million who ve been exterminated since 1973. I don t think there is ever an inappropriate time to acknowledge them, particularly when so many of us have dedicated ourselves to never acknowledging them, and especially during a week when the very people who support the continued legalization and tax funding of abortion death camps are running around accusing everyone else of condoning Nazism.I m sorry, but I just cannot physically stomach a You should be more forceful in condemning Nazism lecture from someone who has spent the last 40 years demanding that we applaud while millions of people have their skulls crushed by abortionists. Even less can I tolerate someone who wants to protect the innocent by tearing down historical statues, but cries about human rights violations when someone vandalizes a building where actual human beings are butchered and sold for parts.I do not pretend that all of the political goals of the pro-abortion left line up completely with the political goals of Nazis in 1940 s Germany. There are some striking similarities particularly the politicization of public health, the focus on environmental conservation, and the total disregard for free speech but that is not the point. I say that abortion enthusiasts have the spirit of Nazism because that spirit is, more than anything, one of brutality, moral indifference, and absolute disregard for human life. It is a spirit that leads to mass exterminations and bloodshed on a scale that can hardly be fathomed. It is a spirit that compels a people to strive for collective perfection by killing the undesirables. Nazis exterminated the disabled, just as we do. And they killed Jews and Poles and Catholics and many other groups. Our focus is not racial cleansing but economic. We kill poor children, unwanted children, defective children; children who, we ve decided, will be more trouble than they re worth. They are a burden on society, we say, echoing Nazi propaganda almost verbatim.And we build facilities which we dedicate to carrying out this cleansing. The Nazi death camp was never abolished, you see. It was simply relocated and rebranded. Today we call it a reproductive health clinic, but what happens inside more closely resembles Auschwitz than it does your pediatrician s office.So, yes, speak out against those ridiculous bigots who ve latched onto Nazism in their desperate quest for purpose and attention. But if you want to oppose what they stand for, you need to look beyond them and towards that Planned Parenthood clinic you drive by every day on the way to work. And if those Nazi wannabes in Charlottesville intend to be the ones in our country who best emulate their Nazi role models, it must be said that they are lagging far behind, especially in terms of body counts. Right now the tally is about 60 million to one, last I checked.They have a lot of catching up to do.This article was originally published at The Blaze. To see more from Matt Walsh, visit his channel here.READ MORE ALT RIGHT NEWS AT: 21st Century Wire ALT RIGHT FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 17, 2017",0 +Charlottesville and the Problem of Left & Right Identity Politics in America,". By Gilad AtzmonIn my recent book Being in Time a Post Political Manifesto, I pointed out that the West and America in particular have been led into a disastrous Identity (ID) clash. This week in Virginia we saw a glimpse of it.In the book I argue that the transition from traditional Left ideology into New Left politics can be understood as the aggressive advocacy of sectarian and divisive ideologies. While the old Left made an effort to unite us all: gays, blacks, Jews or Whites into a political struggle against capital, the New Left has managed to divide us into ID sectors. We are trained to speak as a : as a Jew, as a black, as a Lesbian. The new left has taught us to identify with our biology, with our gender, sex orientation and our skin colour, as long as it isn t White of course.In Being in Time, I noted that it was a question of time before White people would also decide to identify with their biology. And this is exactly what we saw in Virginia last weekend.Tragically, ID politics is a very dangerous political game. It is designed to pull people apart. It is there to introduce conflict and division. ID politics doesn t offer a harmonious vision of society as a whole. Quite the opposite, it leads to an increasingly fractured social reality. Take, for instance, the continuous evolution of the LGBT group. It is constantly expanding to include more and more sectarian sexually oriented social subgroupings (LGBTQ, LGBTQAI and even LGBTQIAP ).In the New Left social reality, we, the people are shoved into ID ghettos that are defined by our biology: skin colour, sexual orientation, the Jewish mother, etc.Instead of what we need to do: fight together against big money, the bankers, the megacorporations, we fight each other, we learn to hate each other. We even drive our cars over each other.I am opposed to all forms of ID politics, whether it is White, Black, Jewish, Gender or sex oriented. But, obviously if Jews, Gays and others are entitled to identify with their biology , white people are entitled to do the same. I think that universalism is what we used to call it when we still cared about intellectual integrity.The problem created by ID politics is extremely grave.ID politics doesn t offer a prospect of peace and harmony. Within the context of ID politics, we cannot envisage a peaceful resolution of the current ID clash. Can anyone foresee the LGBT community embracing KKK activists into their notion of diverse society? The same can be said about the KKK, are they going to open their gates to cultural Marxists?ID politics equals ID clash, an irreconcilable conflict with no end, the complete destruction of American and, to a certain extent, Western civilisation. This may explain why George Soros and his open society are invested in this battle. As long as the working people are fighting each other, no one bothers to challenge the root cause of our current dystopia, namely the banks, global capitalism, wall street, Mammonism and so on.The remedy is clear. America and the West must, at once, break away from all forms of ID politics. Instead of celebrating that which separates us, we must seek what unites and makes us into one people. I am advocating a radical spiritual, ideological and metaphysical transition. Whether or not we like to admit it, these moments of unity are often invoked by waves of patriotism, nationalism and religious figures. But they could also be inspired by the spirit of justice, equality compassion and love. Neither the New Left or the Alt Right offers any of the above. They are equally invested in Identitarian ideologies. The electoral success of Trump, Corbyn and even Sanders or Le Pen points at a general human fatigue. Readiness for change is in the air.This article was originally published at Gilad Atzmon s blog(An excerpt from Being in Time a Post Political Manifesto pg. 49) The Identitarian Shift & the Primacy of the Symptom ID politics manifests itself as a set of group identification strategies. It subdues the I in favour of symbolic identifiers: the ring on the appropriate ear, the nose stud, the type of skullcap, the colour of the scarf and so on.Within the ID political cosmos, newly emerging tribes (gays, lesbians, Jews, Blacks, Whites,vegans, etc.) are marched into the desert, led towards an appealing promised land , where the primacy of the symptom (gender, sexual orientation, ethnicity, skin colour etc.) is supposed to evolve into a world in itself. But this liberal utopia is in practice a sectarian and segregated amalgam of ghettos that are blind to each other. It has nothing in common with the promised universal, inclusive cosmos. The personal is political, as the common feminists and liberal preachers have disseminated since the 1960s, is a phrase designed to disguise the obvious; the personal is actually the antithesis of the political. It is, in fact, the disparity between the personal and the political that makes humanism into an evolving exchange known as history. Within the Identitarian discourse, the so-called personal replaces true and genuine individualism with phony group identification it suppresses all sense of authenticity, rootedness and belonging, in favour of a symbolism and imaginary collectivism that is supported by rituals and empty soundbites.Why are we willing to subject ourselves to politics based on biology, and who wrote this new theology found in pamphlets and in the growing numbers of ID Studies textbooks? Is there a contemporaneous God? And who created the pillar of cloud we are all to follow?It is clear that elements within the New Left, together with Jewish progressives and liberal intelligentsia, have been at the heart of the formation of the ideological foundation of ID politics. At least traditionally, both Jewish liberals and the Left were associated with opposition to any form of exclusive political agenda based on biology or ethnicity. Yet, one may wonder why does the New Left espouse such an exclusivist, sectarian and biologically driven agenda?Gilad Atzmon s book Being In Time: A Post Political Manifesto is available now on: Amazon.co.uk, Amazon.com and gilad.co.uk. READ MORE ALT RIGHT NEWS AT: 21st Century Wire ALT RIGHT FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 16, 2017",0 +Lavrov to Trump: β€˜Do Not Attack Venezuela’,"21st Century Wire says Last Friday, President Donald Trump appears to have temporarily lost his mind by suggesting that the US may act militarily against Venezuela. The rationale (or irrationale) seems to be that (US-backed) protests against the rule of President Nicolas Maduro are destabilizing the country and therefore, the US must intervene if Maduro does not go . It was shades of the last 7 years of US and western anti-Syrian regime change rhetoric. Washington will not stand by as Venezuela crumbles, he said.Vice President Mike Pence is on a four-nation Latin American tour, where he expressed his concern that Venezuela will trigger regional instability in South America.Meanwhile, other Latin America countries have now rallied around Venezuela after Trump s off-handed comments. This has been somewhat of an own goal by Trump who seems to have now united Latin America in support of Venezuela and against the United States.Venezuela foreign minister, Jorge Arreaza, urged Venezuelans to resist America s insolent foreign aggression . The reckless threats of President Donald Trump aim to drag Latin America and the Caribbean into a conflict which would permanently alter the stability, the peace and the security of our region, said Arreaza.To compound Washington s problems on the issue, Russia has now also weighed in The DuranSergey Lavrov, the Russian Foreign Minister was speaking with his Bolivian counterpart when the issue of Venezuela arose. Bolivia is one of Venezuela s closest regional allies along with Cuba.Sergey Lavrov responded to threats made by Donald Trump against Caracas when the US President threatened the use of military action against the oil rich South American country. Venezuela has called Trump s threats crazy and a threat to the sovereignty of the country.Today, Lavrov stated: We are united in the need to overcome the existing disagreements in the country by peaceful means through a nationwide dialogue as soon as possible, without any external pressure, not to mention the unacceptability of the threats of military intervention in the internal affairs of this country .Recently Mercosur, a bloc of nations covering the majority of South America condemned any attempts by the US to stage a war against Venezuela. This included countries who themselves have disagreements with Caracas. Today, Lavrov cited this as an example of widespread opposition to any war on Venezuela.READ MORE: South America opposes Trump s military threat against VenezuelaThis is Russia s strongest condemnation of the threat of war against Venezuela to-date.READ MORE VENEZUELA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 16, 2017",1 +INTERVIEW: Did the β€˜Alt Right’ Die in Charlottesville?,"The events in Charlottesville have shaken the American political scene.21WIRE editor Patrick Henningsen speaks to Sputnik Radio about the tragic incident which took place this past weekend in Charlottesville, Virginia.Was the car incident really a terrorist attack as it s been portrayed in numerous leftist media outlets? That assessment seems very premature based on available forensics, and prior to a real police investigation and criminal trial. Are violent radical leftist Antifa flash mob protesters also culpable for the street chaos and the casualties that ensued? Are the city and state police also responsible for allowing violent clashes to take place? On the question of Trump and the Alt Right, Henningsen said the while it s senseless to blame the President for the events of the weekend, it s possible that, the Alt Right may have died in Charlottesville, and may be unable to overcome the stigma of now being associated with NeoNazis, David Duke, and a dead protestor. This also relates to the current hysterical Left vs. Right hyper-partisan media environment in America which is crippling the national conversation. The program also discusses the difficulties faced by a radical internet-based political subculture when interfacing with real world people and politics.All this and more in this radio interview:. READ MORE ALT RIGHT NEWS AT: 21st Century Wire ALT RIGHT FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 15, 2017",0 +North Korea: Will World War III Kick Off This Week?,"by Neil Clark for RTOf course, in State Department-friendly Western media, it s North Korea and its leadership who are routinely portrayed as the nut jobs. But you don t have to carry a torch for the North Korean government or be a card-carrying member of the Kim Jong-un Appreciation Society to acknowledge that the country s leadership has actually been behaving very rationally. Because recent history tells us that the best way to deter an attack from the US and its allies is not to disarm, dress up as John Lennon and make statements about how much you desire peace, but to do the exact opposite.The crisis on the Korean Peninsula is due to the actions of a rogue state ruled by madmen with nukes. This rogue state is of course the USA. https://t.co/A0JynTPlSy John Wight (@JohnWight1) August 11, 2017Consider what happened to Yugoslavia, Iraq and Libya. Like the DPRK, all three were US target states . And all three were destroyed and their leaders killed. Do we honestly think these countries would have been attacked had they possessed nukes or missiles that could reach US targets? Of course not. Detailed analysis of these conflicts shows us that the Empire gets its way through a mixture of bluff followed by the use of military force, but only when it believes the risks are minimal, or non-existent. If it believes the risks are too high, it backs off and starts talking about the need for dialogue and diplomacy .To understand how the global hegemon acts in the international arena we don t need to study huge academic textbooks, only remember what happens in the school playground.In 1999, Yugoslav President Slobodan Milosevic not only lacked ICBMs, but strong international allies who were prepared to stand by his country in its hour of need. Even though the Russian military were champing at the bit to help their historical Slavic allies in Belgrade, Yeltsin and the ruling elite in Russia were purportedly given financial inducements to stay out. Whether or not that is true, a new IMF loan was conveniently agreed just a week after NATO began its illegal aerial bombing campaign.The US only expected military action to last a few days before Slobo would cave in and accept the Western military alliance s right to occupy mineral-rich Kosovo and have free unhindered access over the whole of Yugoslavia. I don t see this as a long-term operation. I think this is something that is achievable within a relatively short space of time, boasted Secretary of State Madeline Albright.But Slobo and the stoical Serbs did not cave in. As the bombing campaign continued, splits began to emerge in NATO between the hawks, comprised of the US and Britain, and the countries from continental Europe who favored dialogue with Belgrade.On April 15, 1999, the Guardian reported that American officials rejected a six-point German peace plan which included a 24-hour bombing pause, a United Nations peacekeeping force and civilian monitors. It went on to note how British Prime Minister Tony Blair also gave the plan a polite cold shoulder. NATO atrocities, such as the killing of 16 civilians in the bombing of Serbian State Television a clear war crime and the bombing of a passenger train and a convoy of Kosovan Albanians, were beginning to turn public opinion against the humanitarian operation. With the war not going to plan, it was time once again for the US to make threats. To increase the pressure on Milosevic- the Yugoslav President was indicted as a war criminal, a process I described here.In addition, hints were made that NATO was planning a ground invasion. President Clinton declared on 18th May 1999 that he would not take any option off the table. Victor Chernomyrdin, Yeltsin s envoy, flew to Belgrade to persuade Milosevic to accept NATO s terms or face an escalation of the war.But would there really have been boots on the ground or was it one big bluff? Evidence suggests the latter. NATO s supreme commander Wesley Clark revealed in his memoirs that the Alliance s top political leaders had reached no consensus over sending in ground troops. And would NATO have gotten away with intensifying its air campaign? Clark also admitted that by mid-May, NATO had gone about as far as possible with the air strikes. I m sure that seven years later, as he lay in his prison cell a sick man, denied the proper medical treatment which his heart condition required, Milosevic regretted not saying nyet to Chernomyrdin in 1999 and calling Washington s bluff.Four years later it was the turn of oil-rich Iraq to be attacked.Saddam Hussein and his Deputy Prime Minister Tariq Aziz repeatedly told the world s media that their country possessed no WMDs.They were accused of lying by western neocons, but the endless war lobby knew the Iraqi leadership was telling the truth. Saddam s country was attacked not because it possessed weapons of mass destruction, but because it didn t. With its air defenses severely weakened after years of Allied bombing, and its own air force decimated in the first Gulf War, Iraq was a sitting duck. Bush and Blair lied about the country being a threat and 1m Iraqis eventually died.Over in oil-rich Libya, Muammar Gaddafi drew absolutely the wrong conclusions about what had happened to Iraq. Eagerly seeking the end of US sanctions on his country, he foolishly agreed in December 2003 to eliminate his WMDs program. He should have reacted to Shock and Awe by building up his arsenal, but instead, falling for the silver-tongued promises of Western leaders who were going to end his country s isolation, he did the opposite.George W. Bush hailed his decision as a wise and sensible choice. Tony Blair, for his part, said: This courageous decision by Colonel Gaddafi is an historic one. I applaud it. It will make the region and the world more secure. But of course, it didn t. It only paved the way for the destruction of Gaddafi s country by the same countries whose leaders had hailed him as wise and sensible a few years earlier.Again, I m sure that eight years later, as Gaddafi lay in his underground hideout, trying to escape capture from US-backed rebels (who eventually killed him in the most brutal way imaginable), he bitterly regretted his decision to disarm.Which brings us back to North Korea.It s clear that Kim Jong-un has seen what happened to Milosevic, Saddam and Gaddafi and the devastation wreaked on their countries and acted accordingly. North Korea s strategy is clearly based on the belief, borne out by events described above, that the US is a bully which only attacks the weak. Thus, saber-rattling and generally playing a high line is the best way to avoid attack. We must remember too that North Korea lost around 1m people in the Korean War 1950-53, many from an intensive US bombing campaign.#bbcpm discussing Trump's constitutional authority to attack N. Korea. International law, of course, is not even mentioned. David Traynier (@DTraynier) August 11, 2017 We need nukes to defend ourselves from attack, but it is deemed totally outrageous if countries in the global south, which we threaten on a routine basis, seek to acquire such weapons for the same reason.To deter a US attack, North Korea, or indeed any other country in the line of fire, has to convince the serial warmongers in Washington that the cost of launching such an assault would be too high. Being nice and singing Give Peace a Chance won t cut the mustard. Remember that John Lennon, who wrote and sang that song, lost his life from a gunshot.While Saddam implored the West, Believe me, I have no WMDs, Kim Jong-un has done the exact opposite and talked up his country s capabilities. However, Kim knows that words alone are not enough; he also needs to demonstrate that North Korean projectiles can be a threat to the US. Hence the announcement on Wednesday that it was carefully considering a plan to fire four missiles into the sea off the island of Guam, home to two US bases.https://twitter.com/PaddyBriggs/status/895547451381346305Of course, Pyongyang s strategy is high risk, especially with such a volatile individual as Donald Trump who seems desperate to earn neocon approval to avoid a possible impeachment in The White House.Recent history though suggests that North Korea, by keeping its fists clenched and continuing to indulge in missile willy-waving is doing absolutely the right thing. The big lesson of the last thirty years is surely that deterrence works. If you re a target state and can t deter the warmongers in Washington, you re in grave danger. Just ask the ghosts of Slobodan Milosevic, Saddam Hussein and Muammar Gaddafi.***Follow Neil Clark @NeilClark66READ MORE NORTH KOREA NEWS AT: 21st Century Wire North Korea FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 14, 2017",1 +SUNDAY SCREENING: β€˜The War on Democracy’ (2007),"21st Century Wire says Each week, 21WIRE will curate a series of informative documentary films designed to educate and enlighten our readers about many of the key issues facing people worldwide. The War on Democracy is one of award-winning Australian filmmaker John Pilger s most intimate film creations. In this film, Pilger takes an inside look at the Hugo Chavez epoch in Venezuela, the CIA coups and fascist takeover in Chile, as well as the American derailment of El Salvador, Guatemala and Bolivia. Pilger also traces the modern origins of the death squad . The film delicately chronicles the issues facing the people of South America before, during and after the brutal CIA years.Watch this powerful documentary production:Run time: 1:34:00 Directors: John Pilger, Christopher Martin Producers: Christopher Martin, Wayne Young Editor: Joe Frost United Kingdom/ Australia (2007)SEE MORE SUNDAY SCREENINGS HERESUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 13, 2017",0 +"Charlottesville: Far Left vs Far Right Clashes, With One Person Dead","21st Century WireYesterday, violence broke out in Charlottesville, Virginia, when far-left direct action group Antifa organized a flash mob to disrupt another demonstration organized by Unite the Right. At least one person was killed and many others injured after a car hit a crowd of anti-fascist protesters in an alley way off a the high street.Controversial right-wing coalition Unite the Right gathered on Saturday to protest to the planned removal of a statue of the Civil War Confederate General Robert E. Lee from a local park. They were met by hundreds of counter-protesters from extremist left-wing Antifa antifascist group who descended on the event. State riot police reinforcements and the Virginia National Guard were called into to quell any unrest, although it s clear they had no control over crowds and numerous reports indicate that police actually stood down and allowed violence to take place. As police began to disperse protesters, hundreds of Antifa agitators were then funneled into the surrounding streets. This led to a three car, rear end pile-up in which the third and last car apparently struck a number of pedestrians, said to be Antifa protesters, leaving at least 1 dead and many more injured.Police have arrested the alleged driver of the third vehicle, 20 yr-old James Alex Fields Jr. of Maumee, Ohio. He is charged with second-degree murder for the alleged intentional running-over of street demonstrators and also failure to stop after being involved in a collision. It is not yet exactly clear whether or not the driver s actions were politically motivated.21WIRE editor Patrick Henningsen spoke with RT International giving live commentary as the story broke SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 13, 2017",0 +"Trump Isn’t Going to Invade Venezuela, But What US is Planning Could Be Much Worse","Andrew Korybko The DuranTrump was more aggressive than usual yesterday when he said that he s not ruling out a military option in Venezuela, and the international media went haywire speculating that the President was considering an invasion. Nothing justifies what Trump said, but taking aside all moral considerations, his statement shouldn t have been surprising, and interestingly enough, it might even backfire on him.All US Presidents routinely restate the rhetoric that all options are on the table when dealing with the crises that their country provoked abroad, which in this case is the Hybrid War on Venezuela that seeks to attain proxy control over the world s largest oil reserves in the Orinoco River Belt and smash the socialist-multipolar ALBA grouping.Venezuela s preexisting socio-political vulnerabilities and institutional weaknesses were exploited by the US economic machinations against the country in order to trigger a Color Revolution against the government. When that failed, the regime change movement transformed into an urban insurgency and recently expanded its operations by staging a terrorist attack against a military base in the central part of the country.It s very likely that the situation will devolve into an externally triggered civil war with the eventual intent of sparking a military coup attempt against President Maduro, but the odds of the US directly intervening in this scenario are slim. Rather, Trump s threatened military option probably relates to the Lead From Behind role that the US is slated to play in using Colombia as its regional partner for funneling weapons and other forms of assistance to the moderate rebels in Venezuela just as it used Turkey to do vis-a-vis Syria for the past six years. Additionally, it can be confidently assumed that the CIA is hard at work trying to engineer its desired military coup, though the chances of its success are unlikely unless the Hybrid War becomes a full-fledged externally triggered civil war like in Syria. These two interconnected reasons explain what Trump meant by refusing to rule out a military option , though there s admittedly the extreme case that can t be discounted whereby a humanitarian intervention of varying scale is unleashed in the final stages of the crisis in order to decisively topple the government at its weakest moment.No matter what the US ultimately does or doesn t do, however, Trump s braggadocious statement might actually backfire on him by increasing President Maduro s appeal among the on-the-fence members of the so-called opposition . It s one thing to detest an elected leader and hope for his downfall, but it s another to actively support the foreign invasion of one s country by the hemisphere s traditional hegemon, especially given the US bloody history of military activity in the Americas across the past century.Trump s comments therefore put the US regime change proxies in a bind because they re now caught in a dilemma between supporting what the world at large perceives to be a threat to invade their country or to support its legitimate leader whom they ve been rioting against for months already. The average anti-government supporter can be presumed to be equally against Maduro, a speculated US invasion of their country, and the opposition s riots, wanting only to hold snap elections in the hope of peacefully carrying out regime change.They ve been backing the opposition up until this point, however, because they saw them as the least-bad option available, but Trump s implied military threat essentially exposes them in acting as the tip of the spear in a possible invasion, seeing as how the chaotic civil war conditions in which the US could conventionally intervene in Venezuela would be due to their intensified Hybrid War actions.This fact should rightly give pause to self-identifying patriotic opposition members and prompt them to reconsider their least-bad normative assessment that they previously gave to the opposition . If they engage in some serious self-reflection, they ll see that it s actually President Maduro who s the least bad of the two, and that the best way to achieve their objective of regime change is to begrudgingly wait until the next democratic vote is scheduled to be held.Continuing to throw one s weight behind the opposition at this point is tantamount to openly supporting the steps that are needed to create the conditions for Trump s media-hyped military options against their country, up to and including a humanitarian intervention . It s not known what proportion of the opposition satisfies the patriotic criteria that these points would apply to, but if their numbers are large enough, then their passive defection from the anti-government movement s ranks in response to Trump s threat could deal a blow to the regime change effort.On the other hand, and approaching the subject from a cynical angle as the devil s advocate , it might not tangibly change much at all if the US already has its mind dead-set on escalating the Hybrid War on Venezuela to a Syrian-like level, though it would nevertheless represent an important moral victory for the legitimate government by further exposing the opposition s treasonous connivance with the US.In any case, regardless of what Trump really meant in his military options comment and despite whatever the patriotic opposition members decide to do, all indications suggest that Venezuela is at a fateful turning point and that the coming weeks will decide its future for what might end up being the years to come.*** Author and geopolitical analyst Andrew Korybko and contributor to 21st Century Wire. He studied international relations at the Moscow State University of International Relations (MGIMO), and is as a member of the expert council for the Institute of Strategic Studies and Predictions at the People s Friendship University of Russia. He also works as a current affairs writer for Sputnik News and is host of Trend Storm on Sputnik Radio. His book, Hybrid Wars: The Indirect Adaptive Approach To Regime Change , extensively analyzes the situations in Syria and Ukraine and claims to prove that they represent a new model of strategic warfare being waged by the US.DISCLAIMER: The author writes for this publication in a private capacity which is unrepresentative of anyone or any organization except for his own personal views. Nothing written by the author should ever be conflated with the editorial views or official positions of any other media outlet or institution.READ MORE VENEZUELA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"August 13, 2017",1 +"Boiler Room – #UniteTheRight Coverage with Hesher, Andy Nowicki, Patrick Henningsen, FunkS0ul & Randy J","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR host Hesher and along side Andy Nowicki (the Alt Right Novelist) reporting LIVE from the #UniteTheRight rally in VA, Patrick Henningsen of 21st Century Wire and FunkSoul & Randy J (21WIRE & ACR contributors), for this special broadcast of BOILER ROOM.Today on the show the ACR Brain-Trust is having an emergency meeting to cover Andy Nowicki s experience at the Unite The Right rally in VA. Hesher, FunkSoul, Randy J and Patrick Henningsen were also covering the live updates of the news scene at the very same rally, where several cars were involved in a hit and run style event that ended with multiple injuries and fatalities reported.Direct Download Episode #121Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"August 13, 2017",0 +Google is the Engine of Censorship,"21st Century Wire says Late last year, search engine giant Google announced its plans to protect users from the horrors of fake news by changing the way it presents search results. According to corporate officials, they hope to shelter readers by limiting access to what the company deems as low-quality information while promoting what it calls established mainstream sources. Critics believe that the company, which now has a virtual monopoly on internet traffic, is now playing god over the info-sphere. While its known that Eric Schmidt, the head of Google s parent company, Alphabet Inc, is regular attendee at the annual secretive Bilderberg meeting which charters the globalist agenda, not much is known about new Google CEO Sundar Pichai and what his personal ideology is, or whether he personally believes that Google s role is to control what the public think about any given issue by fixing the search results on the world s number one search engine. Judging by the culture of conformity at Google, it s not likely that Pichai would be allowed to express any dissenting views if he had them.As 21WIRE pointed out last week regarding the controversy over the recent Google Memo and the firm dismissing employees who are seen to divert from the company s prescribed group think, this same repressive political culture at Google is reflected in its broad new automated censorship program administered by algorithms on its Google search engine a bold move which effectively disappears political views and articles it does not like, and wishes to bury.Watch this segment from RT America, with guest Andre Damon, editor of the World Socialist Web Site, to explain why he believes his site and other alternative sources are being unfairly targeted in Google s new reordering of visible information through its portal. Watch: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 11, 2017",0 +Trump Thanks Putin for Slashing US Embassy Staff: β€˜It Cut Our Payroll’,"21st Century Wire says Speaking to reporters from his summer golf retreat in New Jersey, President Donald Trump publicly thanked Russian leader Vladimir Putin for previously ordering the US to slash its embassy staff in Moscow and close two of its storage facilities there. Much to the chagrin of the adversarial media, Trump crowed, that Putin has helped him achieve a smaller payroll. Last month 21WIRE reported how Russia ordered Washington to remove 755 its 1,200 US embassy staff in Moscow as part of a retaliatory diplomatic tit-for-tat after the US leveled another round of sanctions against Russia. I want to thank him because we re trying to cut down our payroll and as far as I m concerned I m very thankful that he let go of a large number of people, said Trump.Meanwhile, it emerged this week that FBI special counsel Robert Mueller ordered a pre-dawn raid on former Trump campaign manager Paul Manafort, seizing personal documents and equipment.Trump told reporters, They do that very seldom. I was surprised to see it, and I thought it was a very strong signal. Sympathising with Manafort s situation, he added that the raid was a pretty tough stuff. Trump also went on to comment on the North Korea situation and defensed his previous comments against the regime in Pyongyang.Watch the full press conference here: . READ MORE RUSSIAGATE NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 11, 2017",1 +Boiler Room EP #121 – Google vs The Red Pill & The Great Witch Hunt,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and (Virtual) Spore along side Daniel Spaulding from Soul of the East, Andy Nowicki (the Alt Right Novelist) and FunkSoul & Randy J (21WIRE & ACR contributors), for the hundred and twenty first episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing a future dystopia full of sex robots that come complete with shy mode artificial intelligence aspects, Daniel Spaulding joins for an update on American swamp politics and to scoff away the North Korea is a nuclear threat propaganda. FunkSoul and Andy Nowicki bring their brands of analysis to the James Damore story and more.Direct Download Episode #121Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"August 11, 2017",0 +Revealed: Loretta Lynch Given Talking Points for Secret Clinton β€˜Tarmac Meeting’,"21st Century Wire says Clearly, below the surface of current events, the 2016 election process is still ongoing, and a partisan war is going on for control of the White House. This latest news could very well be used as a bargaining chip by Trump s faction behind the scenes.Obama Attorney General Loretta Lynch claims her secret meeting with Bill Clinton was about golf and grand kids. It seems like this was simply part of her prepared talking points, which would indicate that Lynch was lying to the public about the true nature of that crucial conversation ABC15 PhoenixPHOENIX Newly released documents reveal former Attorney General Loretta Lynch was prepared for questions about the now-infamous tarmac meeting at Sky Harbor International Airport with former President Bill Clinton.The private meeting happened in Phoenix on the evening of June 27, 2016, a matter of hours before the Obama Department of Justice decision on whether then-presidential candidate Hillary Clinton had revealed classified information when using a private email account while secretary of state.ABC15 s Christopher Sign broke the story of the tarmac meeting two days later, prompting a chain of events that would include an unprecedented news conference by then-FBI Director James Comey.Documents reveal Department of Justice staffers were given a heads-up that ABC15 had learned about the meeting, and assisted the Attorney General on how to address any potential questions from reporters Large portions of the hundreds of emails have been redacted, but what remains gives rare insight into the crisis-mode reaction by the DOJ. At least ten high-level staffers were involved in an e-mail chain discussing how to handle the situation, crafting talking points for the Attorney General Continue this exclusive story at ABC15READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV ",US_News,"August 10, 2017",0 +Confirmed: FBI Raids Home of Former Trump Manager Paul Manafort,"21st Century Wire says It s been confirmed that the FBI did conduct a predawn raid of the home of former Trump campaign manager Paul Manafort, in early hours of July 26th without prior warning.FBI agents working with special counsel Robert Mueller executed a search warrant and seized various records and equipment from Manafort s Virginia residency.Manafort s spokesman, Jason Maloni, told The Guardian: FBI agents executed a search warrant at one of Mr Manafort s residences. Mr Manafort has consistently cooperated with law enforcement and other serious inquiries and did so on this occasion as well. This is a criminal investigation, said former Superior Court Judge and FOX News legal analyst Andrew Napolitano.The move by FBI suggests that the probe is extending outward, in the agency s effort to try and tie President Trump to the Russia investigation.WATCH:FBI Raids Manafort Home Its Confirmed This is a Criminal Investigation https://t.co/FHOqSB139I Judge Napolitano (@Judgenap) August 9, 2017READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 10, 2017",0 +"Buchanan on Trump: After the Coup, What Then?"," By Patrick J. BuchananThat the Trump presidency is bedeviled is undeniable.As President Donald Trump flew off for August at his Jersey club, there came word that Special Counsel Robert Mueller III had impaneled a grand jury and subpoenas were going out to Trump family and campaign associates.The jurors will be drawn from a pool of citizens in a city Hillary Clinton swept with 91 percent of the vote. Trump got 4 percent.Whatever indictments Mueller wants, Mueller gets.Thanks to a media that savages him ceaselessly, Trump is down to 33 percent approval in a Quinnipiac University poll and below 40 percent in most of the rest.Before Trump departed D.C., The Washington Post ran transcripts of his phone conversations with the leaders of Mexico and Australia.Even Obama administration veterans were stunned.So, it is time to ask: If this city brings Trump down, will the rest of America rejoice?What will be the reaction out there in fly-over country, that land where the deplorables dwell who produce the soldiers to fight our wars? Will they toast the free press that brought down the president they elected, and in whom they had placed so much hope?My guess: The reaction will be one of bitterness, cynicism, despair, a sense that the fix is in, that no matter what we do, they will not let us win. If Trump is brought down, American democracy will take a pasting. It will be seen as a fraud. And the backlash will poison our politics to where only an attack from abroad, like 9/11, will reunite us.Our media preen and posture as the defenders of democracy, devoted to truth, who provide us round-the-clock protection from tyranny. But half the nation already sees the media as a propaganda arm of a liberal establishment that the people have rejected time and again.Consider the Post s publication of the transcripts of Trump s calls with Mexico s president and Australia s prime minister.When reporter Greg Miller got these transcripts, his editors, knowing they would damage Trump, plastered them on Page 1.The Post was letting itself be used by a leaker engaged in disloyal and possibly criminal misconduct. Yet the Post agreed to provide confidentiality and to hide the Trump-hater s identity.This is what we do, says the Post. People have a right to know if President Trump says one thing at rallies about Mexico paying for the wall and another to the president of Mexico. This is a story.But there is a far larger story here, of which this Post piece is but an exhibit. It is the story of a concerted campaign, in which the anti-Trump media publish leaks, even criminal leaks, out of the FBI, CIA, NSA and NSC, to bring down a president whom the Beltway media and their deep-state collaborators both despise and wish to destroy.Did Trump collude with Putin to defeat Clinton, the Beltway media demand to know, even as they daily collude with deep-state criminals to bring down the president of the United States.And if there is an unfolding silent coup by the regime Americans repudiated in 2016 to use security leaks and the lethal weapon of a special counsel to overturn the election results is that not a story worth covering as much as what Trump said to Pena Nieto?Do the people not have a right know who are the snakes collaborating with the Never-Trump press to bring down their head of state? Is not discovering the identities of deep-state felons a story that investigative reporters should be all over?If Greg Miller is obligated to protect his source, fine. But why are other journalists not exposing his identity?The answer suggests itself. This is a collaborative enterprise, where everyone protects everyone else s sources, because all have the same goal: the dumping of Trump. If that requires collusion with criminals, so be it.The Justice Department is now running down the leaks, and the ACLU s Ben Wizner is apoplectic: Every American should be concerned about the Trump administration s threat to step up its efforts against whistleblowers and journalists. A crackdown on leaks is a crackdown on the free press and on democracy. That s one way to put it. Another is that some of these whistleblowers are political criminals who reject the verdict of the American electorate in 2016 and are out to overturn it. And the aforementioned journalists are their enablers and collaborators.And if, as Wizner s asserts, protecting secrets is tantamount to a crackdown on the free press and democracy, no wonder the free press and democracy are falling into disrepute all over the world.By colluding, the mainstream media, deep state, and the special prosecutor s button men, with a license to roam, may bring down yet another president. So doing, they will validate John Adams s insight: Democracy never lasts long. It soon wastes, exhausts, and murders itself. There never was a democracy yet that did not commit suicide. This story was originally published at Lew Rockwell.comAuthor Patrick J. Buchanan is co-founder and editor of The American Conservative. He is also the author of Where the Right Went Wrong, and Churchill, Hitler, and the Unnecessary War. His latest book is Nixon s White House Wars: The Battles That Made and Broke a President and Divided America Forever See his website. READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 8, 2017",0 +Fiore: Bundy Ranch Case Drags on Because β€˜FBI Has No Evidence to Prosecute Them With’,"21st Century Wire says Nevada Assemblywoman Michele Fiore reports for Newsmax TV in Las Vegas, about the ongoing federal trial involving rancher Cliven Bundy and his family. In this video report, Fiore claims to have new inside information regarding the federal criminal case which continues to be extended by federal authorities, and where Bundy and his family have been held in federal custody for over 18 months now.According to Fiore, the FBI actually have no evidence to prosecute the Bundys ( based on a raft of inflated charges piled into the original federal complaint here: 298981770-Criminal-Complaint-re-Cliven-Bundy-pdf ), and are relying solely on pressuring fringe actors in the case who are also in custody, in order that they might testify against the Bundys.If Fiore s claims are true, then this could mean good news for the family. Meanwhile, the public must wait and see what will happen next. WATCH: .STAY TUNED FOR MORE UPDATES.READ MORE BUNDY RANCH NEWS AT: 21st Century Wire Bundy Ranch FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 8, 2017",0 +"As Predicted, Google Fires Man Who Complained About Firm’s Repressive Political Culture","21st Century Wire says Earlier in the week, 21WIRE reported about the Google employee who released a controversial 3,000 word memo which went internally viral complaining about the Silicon Valley tech giant s ideological echo chamber a repressive, intolerant corporate cultural where political correctness rules, and which only caters to the leftist progressive side of the political paradigm. Any other viewpoints or opinions will not be tolerated at Google. The man who wrote the memo as a Google engineer named James Damore, has since been fired for voicing his opinions on the company s politics.As a result of the employee blowing the whistle on this issue, other Google employees, like one Jaana B. Dogan (see tweet below), appear to have threatened to leave the company in protest if Human Resources did not retaliate against the political whistleblower:Google staffer Dogan then goes further, and mocks Damore, by hurling slurs based on racial identity politics:Of course, the irony (not surprisingly, unknown to those at Google) is that Dogan and others knee-jerk political reaction only proved James Damore s point that Google has fostered an insular, political and intellectual ghetto which does not tolerate any variance away for the prevailing group-think de jour. In the video released last weekend by YouTube gamer pundit, Mister Metokur, the commentator predicted that, the person who wrote that memo is probably going to be fired. Mister Metokur was right. But there s an even bigger aspect to this story Why is all this important? Because that same repressive political culture at Google is reflected in how it programs the new censorship algorithms of its search engine effectively disappearing political views and articles it does not like, and wishes to bury. Bloomberg Business reports:Alphabet Inc. s Google has fired an employee who wrote an internal memo blasting the web company s diversity policies, creating a firestorm across Silicon Valley.James Damore, the Google engineer who wrote the note, confirmed his dismissal in an email, saying that he had been fired for perpetuating gender stereotypes. He said he s currently exploring all possible legal remedies. The imbroglio at Google is the latest in a long string of incidents concerning gender bias and diversity in the tech enclave. Uber Technologies Inc. Chief Executive Officer Travis Kalanick lost his job in June amid scandals over sexual harassment, discrimination and an aggressive culture. Ellen Pao s gender-discrimination lawsuit against Kleiner Perkins Caufield & Byers in 2015 also brought the issue to light, and more women are speaking up to say they ve been sidelined in the male-dominated industry, especially in engineering roles.Earlier on Monday, Google CEO Sundar Pichai sent a note to employees that said portions of the memo violate our Code of Conduct and cross the line by advancing harmful gender stereotypes in our workplace. But he didn t say if the company was taking action against the employee. A Google representative, asked about the dismissal, referred to Pichai s memo.Damore s 10-page memorandum accused Google of silencing conservative political opinions and argued that biological differences play a role in the shortage of women in tech and leadership positions. It circulated widely inside the company and became public over the weekend, causing a furor that amplified the pressure on Google executives to take a more definitive stand.After the controversy swelled, Danielle Brown, Google s new vice president for diversity, integrity and governance, sent a statement to staff condemning Damore s views and reaffirmed the company s stance on diversity. In internal discussion boards, multiple employees said they supported firing the author, and some said they would not choose to work with him, according to postings viewed by Bloomberg News. We are unequivocal in our belief that diversity and inclusion are critical to our success as a company, Brown said in the statement. We ll continue to stand for that and be committed to it for the long haul. Continue this story at BloombergREAD MORE GOOGLE NEWS AT: 21st Century Wire Google FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 8, 2017",0 +Mid Summer Anger: Oliver Stone Waxes US Establishment’s Russia Conspiracy Theory,"EDITOR S NOTE: We recognize the following eloquent rant posted on Oliver Stone s Facebook page as being of high integrity and congenial to boot. America, and the world, will continue to find itself in peril so long as this sort of measured, thoughtful analysis remains in such short supply in Washington DC. Wake up America, you are now asleep at the wheel. . By Oliver StoneCongress passed its beloved Russia sanctions last week by a vote of 419-3! The Senate followed with a vote of 98-2!! I guess American Exceptionalism includes the vast stupidity inherent in having two giant oceans to distance us from the rest of humanity.With all the Apples and Microsofts and computer geniuses we have in our country, can we not even accept the possibility that perhaps our intelligence agencies are not doing their job, and maybe, just maybe, are deliberately misleading us to continue their false-flag war against Russia? Or for that matter, that Russia itself may not be that invested in screwing up our vaunted democracy with such sloppy malware as claimed? Especially in view of the strong statement put out by Veteran Intelligence Professionals for Sanity, a group of reform-minded veterans throwing a dose of acid on the infamous Brennan-Clapper Report of January 6, 2017. With this report alone (see below), much less the overt lying and leaking that s been going on, both James Clapper ( We don t do surveillance on our own citizens ) and John Brennan ( Drones and torture? None of our business ) should be investigated as thoroughly as Michael Flynn, Jared Kushner, Trump s son, etc.What s happened to Elizabeth Warren, Barbara Lee, or any of the people who ve displayed some independent thinking in the past? Have they actually read this report? Somebody out there in DC, please explain to me this omission of common sense. Are the Washington Post and the New York Times so powerful that no one bothers to read or think beyond them? It seems the TV stations in this country take their copy from them.I accept the US decline. That s a given after all, compare our broken-down New York subway system with Moscow s, as well as many other cities pristine and impeccable services. These sanctions, which I pray Europe can independently judge and discard, are as dumb as giving out medals to Generals who keep losing wars. I still have this image burned in my brain of Petraeus with his 11/12(?) rows of ribbons, many looking like Boy Scout badges, surrounded by adoring Congressmen as he lied his way through his foreign policy testimony.Never mind that any moment now a Dr. Strangelove-type incident can occur with less reaction time, say 15 minutes, compared to the 1960s 2/3 hours. We are truly at the edge as Mr. P pointed out in the documentary I made. Such Roman arrogance, such blindness, calls out for another Vietnam, another Iraq. We re screaming for some Karmic Boot up the ass. Destroying our pride would be a favor that the gods could do us.I can go on but I m angry as you can tell. So what s the point of going to the windows and screaming, even if I were on television? Read the report below from Sanity Inc. and pray another August (1914) passes without the war Congress, Media, and the Military-Industrial Complex are literally dying for.I now fully realize how World War I started. People in power never really thought it would happen, and when it did, thought it d be over in weeks. You should know the rest of that history. It doesn t end well.PLEASE READ: Intel Vets Challenge Russia Hack Evidence, published at Consortium News.SEE MORE RUSSIA NEWS AT: 21st Century Wire Russia FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 7, 2017",0 +DIGITAL TYRANNY: Google and Facebook’s Automated Censorship Program (I Hope You Can Speak Chinese),"21st Century Wire says Based on their own reports and public statements, it was clear that both Google and Facebook, and others, were engaged in formulating a wide program of censorship in order to tackle what the corporations deem as offensive speech or hate speech . Although based on the political biases of members of these corporations, the actual administration of this will be done by fully hidden and unaccountable automated computer algorithms. According to new reports, the new methods are not merely the manipulation of metrics used to downplay content. These are incredibly clandestine and very sinister measures: without visibly shutting down an account, this new automated censorship process will simply make an account holder s posts invisible to their friends, fans and followers, in what Google/YouTube is calling a limited state in order to isolate and contain a targeted user even if they have NOT violated the user terms of services. This is designed not only to disappear important opinions and information but also to frustrate users, in the hopes that they will eventually abandon the platform as a viable content distribution network.We believe that Facebook may also be implementing similar restrictions on political speech. Mark Zuckerberg s admission to Angela Merkel that Facebook was working on eliminating hate speech was an early indicator, and undoubtedly the election of Donald Trump, and the subsequent scapegoating of fake news by Clinton supporters, has since pushed many progressive Silicon Valley executives over the edge. However, things may have advanced considerably since then. On August 5th, 21stCenturyWire.com Editor Patrick Henningsen had his personal Facebook newsfeed for 21WIRE articles disappeared : UPDATE: Sunday afternoon GMT, it seems that the invisible admins at Facebook has (quietly) re-opened his profile s newsfeed which seems to be visible to some of my friends now, although yesterday s posts are still HIDDEN (you can see them by scrolling down his timeline). They did not respond to Henningsen s written complaint via customer service however no surprise there, as they never have done before. The important aspect to focus on here is that these secretive measures are all part of a wider political agenda. With Silicon Valley corporations clearly determined to preside over an all-encompassing social media monopoly, such restrictive politicized policies become even more dangerous. The following story which broke yesterday details an apparent backlash from a Google employee against the company s diversity policies has gone internally viral at the company. This was reportedly filed by VICE magazine s tech section, Motherboard: The person who wrote the document argued that the representation gap between men and women in software engineering persists because of biological differences between the two sexes, according to public tweets from Google employees. It also said Google should not offer programs for underrepresented racial or gender minorities, according to one of the employees I spoke to. The 10-page Google Doc document was met with derision from a large majority of employees who saw and denounced its contents, according to the employee. But Jaana Dogan, a software engineer at Google, tweeted that some people at the company at least partially agreed with the author; one of our sources said the same. While the document itself contains the thoughts of just one Google employee, the context in which they were shared Google is currently being investigated by the Department of Labor for its gender pay gap and Silicon Valley has been repeatedly exposed as a place that discriminates against women and people of color as well as the private and public response from its workforce are important. See Gizmodo s review of the 10 page Google Doc.Listen to this incredible analysis by Mister Metokur exposing the highly unethical, discriminatory, collusive and ultimately illegal practices which are being implemented by Google, Facebook, Twitter and other social media cartel platforms in order to erase political speech which they seek to suppress: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"August 6, 2017",0 +Does CNN Really Have a β€˜Cosmopolitan Bias’?,"21st Century Wire says The war between the White House and CNN continued this week.During a recent White House press briefing for Trump s new immigration restriction bill, the RAISE Act, White House adviser Stephen Miller suddenly locked horns with embattled CNN political correspondent Jim Acosta, accusing Acosta and his network of displaying cosmopolitan bias. According to critics, the bill favors English-speaking immigrants over others, as well as special applicant s status to those who can financially support themselves. The bill aims to scale back blanket immigration, and focus instead on a Canadian-style merit-based admissions. Critics of CNN have also made a strong case, especially after the dramatic loss in 2016 election, that the news network s coverage is heavily biased towards east and west coast liberal audiences effectively shunning what America s liberal intelligentsia crassly refer to as America s flyover states (predominantly white, rural Midwest and Rustbelt states) and blaming this section of the population for the Hillary Clinton s epic November loss.When one considers the contempt which CNN commentators and experts displayed for American voters throughout the election, the charge of cosmopolitan bias is probably accurate.Liberal media outlet City Lab described how it saw the initial exchange:The dialogue continued:Acosta: This whole notion, they have to learn English before they get to the United States are we just going to bring in people from Great Britain and Australia?Miller: Jim, actually, I have to honestly say: I am shocked at your statement, that you think only people from Great Britain and Australia would know English. It reveals your cosmopolitan bias to a shocking degree, that in your mind this is an amazing moment that you think only people from Great Britain and Australia would speak English is so insulting to millions of hard-working immigrants from all over the world. Jim, have you honestly never met an immigrant from another country who speaks English outside of Great Britain and Australia? Is that your personal experience?Acosta hit back at Miller with tacit accusations of institutional racism, claiming that any immigration control goes against a tradition of US immigration. According to my timeline, Jim Acosta thinks the Statue of Liberty decides immigration laws. Stephen Miller (@redsteeze) August 2, 2017That talking point triggered a fiery exchange between Miller and Acosta. Watch:Full exchange between Stephen Miller & @acosta on Statue of Liberty & immigration. ""It reveals your cosmopolitan bias to a shocking degree."" pic.twitter.com/9eHTiNaR4G CSPAN (@cspan) August 2, 2017Others fired back on Twitter at Acosta s increasing habit of grandstanding during press briefing:Jim Acosta is why people hate journalists. What's funny? Other journalists applaud him that's how disconnected from reality they are. lauren (@LilMissRightie) August 2, 2017Acosta has been previously forced to defend his employer s penchant for running actual fake news stories, most notably the fabricated Trump Dossier promoted heavily by CNN and their reporters Jim Sciutto and Evan Perez.Meanwhile, CNN s reputation as a news network continues to plummet, with its problems compounding at a time when its parent company, Time Warner, is negotiating a major corporate merger with communications giant AT&T one of the biggest acquisition deals in media history. Part of the deal might mean selling off the damaged brand of CNN in order to improve the value of the deal. Deadline Hollywood confirmed this recently, stating: There are rumblings at the highest executive levels that AT&T s top executives are considering divesting some Time Warner assets including news organization CNN and celebrity gossip site TMZ after they merge. Regardless, there will be a shake up at CNN, which may even include the ouster of its now disgraced head, Jeff Zucker.STAY TUNED FOR MORE UPDATES ON CNN.READ MORE CNN NEWS AT: 21st Century Wire CNN FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 5, 2017",0 +Boiler Room EP #120 – Scorched Earth Media: From RussiaGate to HillaryGate,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki (the Alt Right Novelist) and FunkSoul & Randy J (21WIRE & ACR contributors), for the hundred and twentieth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone and the gang is discussing the Seymour Hersh audio tapes with all signs pointing to Seth Rich as the leak from inside the DNC to Wikileaks. The implications of this, obviously, being that so called Russia-gate should be renamed to Hillary-gate and traced the mainstream media s obsession with Russian Collusion back to the Presidential Debate back in October of 2016. A quick update on John McAfee s recovery from some form of attack and his new privacy phone s release. Not to mention the usual side tracks and strange rabbit holes we find ourselves in as we navigate the weeks media cycle, including sex robots, further degeneracy from the neo-left youth in Sweden and more.Direct Download Episode #120Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"August 4, 2017",0 +Pay Off: The Establishment Rewards Comey with $2 million Book Deal,"21st Century Wire says For his role in helping to sow chaos in the US political system and for promulgating the official conspiracy theory that Russia somehow hacked the US electoral process helping Donald Trump to win last November, and also ensuring that no charges were brought anywhere near the Clintons former FBI Director James Comey has just received the first of many gifts from the Establishment.James Comey is no stranger to elite circles, and is clearly regarded by those at the top as a safe pair of hands. As 21WIRE reported last year, James Comey served on the board of banking giant HSBC the same bank that was convicted of international drugs and terrorism money laundering, as well as a bank which was closely linked to the corrupt Clinton Foundation. After working fellow lawyers Eric Holder and Lorretta Lynch to stage manage the public fall out from revelations about HSBC s epic criminal enterprise, and their subsequent slap on the wrist, Comey was then rewarded by President Obama when he was appointed head of the FBI in 2013.By anyone s measure, Comey was central to the mess which has resulted from the political circus surrounding the establishment s efforts to derail the Trump campaign, and now through the Trump presidency.Congratulations. You got your book deal. You ve made it James AP/The GuardianThe former FBI director James Comey has signed a $2m ( 1.5m) deal for a book about leadership and decision-making that will draw on his career in government, which included the high-profile drama leading up to his sacking from Donald Trump s administration.According to the publisher, Comey will tell how he handled the bureau s probe into Hillary Clinton s private email server and the allegations of ties between Russia and Trump s presidential campaign.Trump sacked Comey as FBI chief in May, later telling NBC News that he was angered by the FBI s investigation into this Russia thing , which he insists is a fake story. Comey has since testified before Congress that Trump asked him to end an investigation into former National Security Adviser Michael T Flynn and kept memos about his meetings with the president.The book was acquired by Flatiron, an Macmillan imprint, which promises that Comey will cite examples from some of the highest-stakes situations in the past two decades of US government . It will also share yet unheard anecdotes from his long and distinguished career .The book is currently untitled and scheduled for publication next spring. Throughout his career, James Comey has had to face one difficult decision after another, as he has served the leaders of our country, Flatiron said in a statement. His book promises to take us inside those extraordinary moments in our history, showing us how these leaders have behaved under pressure. By doing so, Director Comey will give us unprecedented entry into the corridors of power, and a remarkable lesson in leadership itself. Continue this story at The GuardianREAD MORE COMEY NEWS AT: 21st Century Wire Comey FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 3, 2017",0 +"Tillerson to North Korea: β€˜We Are Not Your Enemy’ – US Seeks Dialogue, Not Regime Change","21st Century Wire says While everyone is busy hyping the North Korean nuclear threat , the one thing that few mainstream media outlets dare to ask about North Korea is: do they actually have an operational nuclear weapons program?Here s your answer: No.To date, there is no evidence at all that Pyongyang has an operational nuclear weapons program, much less a capable or accurate enough ballistic missile program that could deliver such weapons.The Dear Leader: Kim Jung-UnThe usual western sources (media reportage and intelligence sources) claim that North Korea conducted atomic bomb tests in 2006, 2009 and 2013 although none of these can be independently verified yet. So again, the answer, so far has to be no.North Korea also claimed that it tested a hydrogen bomb in January 2016. Understandably, FOX News loves these Pyongyang propaganda claims as it bolsters the military defense industry global threat talking point, but again, this has not yet been independently verified yet.The fundamental question should be: if Pyongyang has nukes, and no one has actually seen them, including Washington spooks, then why is the media hyping their existence? The Washington Post admitted as much in 2013, when a former senior Obama administration official admitted there s no actual evidence of any such weapons, saying, We re worried about it, but we haven t seen it .The rest is just expensive guesswork, and US military industrial complex fear mongering.Perhaps the real story is that a divided Korea (between north and south) provides the US with its sole justification for carrying on occupying its many military installations in Japan, the Philippines and numerous other Pacific archipelago installations.In other words it pays for the North Korean nuclear threat to be real. Understandably, the war hawks and other flamboyant info-tainment personalities will not be happy with this statement made yesterday by US Secretary of State Rex Tillerson, who instead called for diplomacy with Pyongyang RT International reports Washington does not seek regime change in North Korea and at some point would like to have a dialogue with Pyongyang to de-escalate the tensions on the peninsula, US Secretary of State Rex Tillerson has said. We do not seek a regime change; we do not seek the collapse of the regime; we do not seek an accelerated reunification of the peninsula; we do not seek an excuse to send our military north of the 38th parallel, Tillerson told reporters Tuesday in Washington DC.Despite repeated warnings from Washington that the US might resort to a military solution to curb Pyongyang s nuclear and missile programs, Tillerson stressed that the US is trying to convey to the North Koreans that we are not your enemy we are not your threat. But, he said, North Korea continues to present an unacceptable threat to the United States, which forces Washington to respond. Tillerson however expressed hope that Washington and Pyongyang can resolve their issues through negotiations. We would like to sit and have a dialogue with them about the future that will give them the security they seek and the future economic prosperity for North Korea, Tillerson said.Secretary Tillerson on #DPRK: United States and China share the same objective, a denuclearized Korean Peninsula. https://t.co/KLxAbGjuiL pic.twitter.com/Znaoq4OOlr Department of State (@StateDept) August 2, 2017Continue this article at RT READ MORE NORTH KOREA NEWS AT: 21st Century Wire North Korea FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 2, 2017",1 +The U.S. Establishment vs The Rest of World,"Thierry Meyssan Voltaire NetIt is a scandal without precedent.The White House Secretary General, Reince Priebus, was part of the plot designed to destabilise President Trump and prepare for his destitution. He was the source of daily leaks which trouble the political life of the United States, in particular those concerning the alleged collusion between Trump s team and the Kremlin [1]. By dismissing him, President Trump has entered into conflict with the establishment of the Republican party, of which Priebus is the ex-President.Let s note as we go that none of these leaks concerning the agendas and the contacts between those concerned have provided the slightest proof of the allegations made.The reorganisation of the Trump team which followed was exclusively to the detriment of Republican personalities and to the benefit of the military personnel who are opposed to the guardianship of the deep state. The alliance which was concluded making the best of a difficult situation by the Republican party with Donald Trump during the inaugural convention on 21 July 2016, is now worthless. We therefore find ourselves faced with the equation with which we started one one side, the outsider President of the People s America , and on the other, all of the Washington ruling class supported by the deep state (meaning that part of the administration charged with the continuity of the state over and above political alternances).It is apparent that this coalition is supported by the United Kingdom and Isra l.So what had to happen happened the Democrat and Republican leaders came to an agreement to thwart President Trump s foreign policy and preserve their imperial advantages.To do so, they adopted, in Congress, a 70-page law which officially set up sanctions against North Korea, Iran and Russia [2]. The text unilaterally promulgates that all other states in the world must respect these commercial restrictions. The sanctions therefore apply equally to the European Union and to China as to the states officially targeted.Only five parlementarians dissociated themselves from this coalition and voted against the law representatives Justin Amash, Tom Massie and Jimmy Duncan, and senators Rand Paul and Bernie Sanders.The dispositions of this law more or less forbid the Executive to ease these commercial interdictions by any means whatsoever. Theoretically, therefore, Donald Trump is tied hands and feet. Of course, he can use his veto, but according to the Constitution, it would be enough for Congress to revote the text in the same terms in order to be able to impose it on the President. He will therefore sign it, thus avoiding the insult of being called to order by Congress. In the next few days, we shall see the start of a war unlike any other.The political parties of the United States have every intention of destroying the Trump doctrine , according to which the United States must evolve faster than other states in order to conserve world leadership. On the contrary, they intend to re-establish the Wolfowitz doctrine of 1992, according to which Washington must conserve its advance over the rest of the world by hindering the development of all potential competitors [3].Paul Wolfowitz is a Trotskyist who worked for Republican President Bush the Elder to help with the war against Russia. He became Assistant Secretary of Defense ten years later, under Bush Junior, and then President of the World Bank. Last year, he gave his support to Democrat Hillary Clinton. In 1992, he wrote that the most dangerous competitor of the United States was the European Union, and that Washington should destroy it politically, even economically.The law casts doubt on everything that Donald Trump has accomplished over the last six months, notably the fight against the Muslim Brotherhood and their jihadist organisations, the preparation of the independence of Donbass (Malorossiya), and the re-opening of the Silk Road.As a first reprisal, Russia asked Washington to reduce the staff of its embassy in Moscow to the level of its own embassy in Washington, in other words, 455 people, expelling 755 diplomats. In this way, Moscow intends to remind us that even if it had interfered in US politics, their interference has no comparison to the importance of US interference in Russia s own political life.While we are on this subject, it was only on 27 February that the Minister for Defence, Serge Cho gou, announced to the Douma that the Russian armies now have the capability to organise colour revolutions , 28 years behind the United States.The Europeans now realise with stupefaction that their friends in Washington (the Democrats Obama and Clinton, the Republicans McCain and McConnell) have just put a full stop to any hope of growth within the Union. This is certainly a nasty shock, and yet they still have not felt able to admit that the allegedly unpredictable Donald Trump is in reality their best ally. Completely stunned by the vote, which rained on their summer holidays, the Europeans have opted for the on hold position.Unless they react immediately, the companies who have invested in the European Union s solution for their energy supply are now ruined. Wintershall, E.ON Ruhrgas, N. V. Nederlandse Gasunie, and Engie (ex-GDF Suez) had all committed to the doubling of the gas pipeline North Stream, which is now forbidden by Congress. They not only forfeit the right to respond to US calls for tender, but they also lose all their assets in the United States. They are refused entry to international banks and are forbidden to pursue their activities outside the Union.For the moment, only the German government has expressed its confusion. We do not know whether they will be able to convince their European partners and rouse the Union against its US suzerain.Such a crisis has never arisen before, and as a result, there exists no element of reference which could enable us to anticipate what is to come. It is probable that certain of the member states of the Union will defend US interests those who think according to Congress, against their European partners.The United States, like any state, can forbid their companies to do business with foreign states and foreign companies to do business with them. But according to the Charter of the United Nations, they may not impose their own choices in terms of allies and partners. But this is what they have been doing since their sanctions against Cuba. At that time, under the influence of Fidel Castro who was not a Communist the Cuban Revolutionary Government launched an agrarian reform which Washington chose to oppose [4]. The members of NATO, who couldn t have cared less about that tiny Caribbean island, followed obediently along. Progressively, the West, full of itself, considered it normal to starve out any states which resisted their all-powerful suzerain. So here, for the first time, the European Union is affected by the system which it helped set up.More than ever, the conflict between Trump and the Establishment takes on a cultural form. It opposes the descendants of the immigrants who came seeking the American dream to those of the Puritans of the Mayflower [5]. This, for example, is the root of the denunciation by the international Presse of the vulgar language used by the new man responsible for White House communications, Anthony Scaramucci. Until now Hollywood was perfectly at ease with the manners of New York businessmen, but suddenly this uncouth language is presented as incompatible with the exercise of Power. Only President Richard Nixon talked that way, and he was forced to resign by the FBI who organised the Watergate scandal to bring him down. Nonetheless, everyone now agrees that he was a great President, who put an end to the Vietnam War and rebalanced international relations with the Peoples Republic of China, faced with the USSR. It is surprising to see the Press of old Europe take up the religious, Puritan argument against the vocabulary of Scaramucci in order to judge the political competence of Donald Trump s team; and President Trump himself would send him away barely appointed.But behind what may seem to be no more than a class struggle, the future of the world is at stake. Either relations steeped in confrontation and domination, or cooperation and development.Translation Pete Kimberley***FOOTNOTES:[1] State Secrets : How an Avalanche of Media Leaks is Harming National Security , Senate Homeland Security and Governmental Affairs Committee, July 6, 2017.[2] H.R.3364 Countering America s Adversaries Through Sanctions Act[3] US Strategy Plan Calls For Insuring No Rivals Develop , Patrick E. Tyler, New York Times, March 8, 1992. The daily NYT also publishes large extracts from Wolfowitz s secret report on page 14 : Excerpts from Pentagon s Plan : Prevent the Re-Emergence of a New Rival . Further information is provided in Keeping the US First, Pentagon Would preclude a Rival Superpower Barton Gellman, The Washington Post, March 11, 1992.[4] The Biggest Theft Committed by One Sovereign State against Another , by Jorge Wejebe Cobo, Translation Anoosha Boralessa, Cuban Agency News , Voltaire Network, 21 July 2017.[5] United States reformation or fracture? , by Thierry Meyssan, Translation Pete Kimberley, Voltaire Network, 26 October 2016.READ MORE RUSSIA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"August 1, 2017",1 +SHOCKER: Washington Post Publishes OpEd Critical of Pro-Israel Law Which Shuts Down BDS,"21st Century Wire says It s no secret that the US mainstream media enforces a very tight party line when it comes to saying anything about Israel. Generally speaking, any criticism of the Jewish State normally ends up in the editorial waste bin.The reason for this should be academic by now: powerful Israeli Lobby exists in Washington and with satellite branches across the US and Canada. The lobby s attack apparatus regularly coordinate media incursions and smear campaigns against any publication or journalist who dares to break rank and criticize Israel s appalling human rights record, endless violations of international law and flagrant ignorance of multiple UN resolutions. It consists mainly of the following organizations: the Anti-Defamation League (which devotes a large portion of its time and resources to defaming people it seeks to discredit), the quasi Masonic organization and godfather of the Jewish political attack organs B nai B rith International, and of course, the ADL s ugly step child, the dubious NGO Southern Poverty Law Center. These organizations enforce their strict public relations code through a collection of tactics like threats and boycotts, including targeting a publication s advertisers and sponsors, or featuring a journalist, media pundit, author or academic on one of their many Hate Lists , and by lobbing the standard charge of antisemitism against anyone who sounds remotely critical of Israel and its many failings.This week, David Cole, a national legal director of the American Civil Liberties Union, and Faiz Shakir national political director of the ACLU, penned a piece (see article below) in Jeff Bezos s recently acquired deep state propaganda mill, The Washington Post. In their impassioned piece, they posed the question of whether or not the recent US legislation called the Israel Anti-Boycott Act is moral in a modern democracy, or even legal for that matter. Incredibly, this new Pro-Israel law threatens fines and imprisonment to anyone who speaks of or campaigns to boycott, divest or sanction the Israeli state for its many and sundry documented international crimes. The level of tyranny inherent in this new piece of legislation is breathtaking to say the least. Simply put it s a direct attack on the US First Amendment. What s worse is that it s being orchestrated from outside of the United States by a foreign entity. The bill s target is the boycott, divestment and sanctions (BDS) movement, which is a global campaign that applies economic and political pressure on Israel to actually comply with international law (something the US government itself should also be doing). According to the authors, the new Orwellian law would also make it a crime to support or even furnish information about a boycott directed at Israel or its businesses called out by the United Nations, the European Union or any other international governmental organization. At its core, this law would constitute an anathema to any modern republican or democratic concept, and yet, this is what the Israeli Lobby seeks to impose on the people of the United States. So far, 45 US Senators have lined-up to support this bill, and not one member of Congress has joined the ACLU in denouncing it. On the Israeli payroll: US Senator Tom Cotton.Here s a fact that might be hard for some to swallow, but it s true: this law was only able to make it as far as it has because of the virtual stranglehold The Lobby has on nearly every member of the US House and Senate by way of lucrative campaign contributions to public officials by way of foreign lobbies like the American Israel Public Affairs Committee (AIPAC), and backed-up by public and media pressure campaigns which, for those who have dared to step off the reservation, have ruined many a career in Washington. This lop-sided situation not only threatens US democratic interests at home, but it s also a serious threat to US national security. What this also demonstrates is how easily US Senators will disregard the US Constitution for a few hundred thousand dollars stuffed into their campaign bank accounts by a foreign lobby. You can see their financials here and here.It s left many onlookers asking: what s going on at the Amazon Post? The article is certainly measured and very careful in its wording, but the fact that it was allowed to appear at all might indicate that the deep state is loosening its restrictions on speech on Israeli issues in the US mainstream media. We hope this is the trend anyway, although maybe not if the ADL, B nai B rith, and the SPLC have anything to say about it.By far, this is the biggest attempt yet by Israel at hijacking the US democratic system, albeit from within. If this bill passes, it will mark the near end of what remains of the sovereignty of the United States of America. That is no exaggeration.Here s the OpEd . By David Cole and Faiz ShakirThe right to boycott has a long history in the United States, from the American Revolution to Martin Luther King Jr. s Montgomery bus boycott to the campaign for divestment from businesses serving apartheid South Africa.Nowadays we celebrate those efforts. But precisely because boycotts are such a powerful form of expression, governments have long sought to interfere with them from King George III to the police in Alabama, and now to the U.S. Congress.The Israel Anti-Boycott Act, legislation introduced in the Senate by Benjamin L. Cardin (D-Md.) and in the House by Peter J. Roskam (R-Ill.), would make it a crime to support or even furnish information about a boycott directed at Israel or its businesses called by the United Nations, the European Union or any other international governmental organization. Violations would be punishable by civil and criminal penalties of up to $1 million and 20 years in prison. The American Civil Liberties Union, where we both work, takes no position for or against campaigns to boycott Israel or any other foreign country. But since our organization s founding in 1920, the ACLU has defended the right to collective action. This bill threatens that right.The Israel Anti-Boycott Act is designed to stifle efforts to protest Israel s settlement policies by boycotting businesses in Israel and the occupied Palestinian territories. The bill s particular target is the boycott, divestment and sanctions (BDS) movement, a global campaign that seeks to apply economic and political pressure on Israel to comply with international law.Whether one approves or disapproves of the BDS movement itself, people should have a right to make up their own minds about it. Americans engage in boycotts every day when they decide not to buy from companies whose practices they oppose. Students have boycotted companies that sold clothing manufactured in sweatshops abroad. Environmentalists have boycotted Nestl for its deforestation practices. By using their power in the marketplace, consumers can act collectively to express their political points of view. There is nothing illegal about such collective action; indeed, it is constitutionally protected.In NAACP v. Claiborne Hardware Co., the Supreme Court in 1982 upheld the right of NAACP activists to hold a mass economic boycott of segregated businesses in Mississippi. The court stated that the boycotters exercise of their rights to speech, assembly, and petition . . . to change a social order that had consistently treated them as second-class citizens rested on the highest rung of the hierarchy of First Amendment values. This is not to say that all boycotters are automatically free speech heroes; indeed, BDS advocates have themselves at times shut down Israeli academics or speakers to the detriment of academic freedom. Thus, it s understandable that free speech advocates might not immediately identify BDS supporters as victims of censorship. But when government takes sides on a particular boycott and criminalizes those who engage in a boycott, it crosses a constitutional line.Cardin and other supporters argue that the Israel Anti-Boycott Act targets only commercial activity. In fact, the bill threatens severe penalties against any business or individual who does not purchase goods from Israeli companies operating in the occupied Palestinian territories and who makes it clear say by posting on Twitter or Facebook that their reason for doing so is to support a U.N.- or E.U.-called boycott. That kind of penalty does not target commercial trade; it targets free speech and political beliefs. Indeed, the bill would prohibit even the act of giving information to a U.N. body about boycott activity directed at Israel.The bill s chilling effect would be dramatic and that is no doubt its very purpose. But individuals, not the government, should have the right to decide whether to support boycotts against practices they oppose. Neither individuals nor businesses should have to fear million-dollar penalties, years in prison and felony convictions for expressing their opinions through collective action. As an organization, we take no sides on the Israeli-Palestinian conflict. But regardless of the politics, we have and always will take a strong stand when government threatens our freedoms of speech and association. The First Amendment demands no less.See the original article at the Washington PostREAD MORE ISRAEL NEW AT: 21st Century Wire Israel FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 30, 2017",1 +Boiler Room EP #119 – Zombie Disneyland & The Decline of Western Society,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Andy Nowicki (the Alt Right Novelist) and FunkSoul & Randy J (21WIRE & ACR contributors), for the hundred and nineteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone! This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone! The gang is covering a number of topics this week including the rise in public displays of pathological ego & mental illness, Trumps tweets on transgenders in the military, an upcoming 9/11 movie with Charlie Sheen, Grenfell Tower and some thoughts on the deaths of Chester Bennington and Chris Cornell..Direct Download Episode #119Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"July 29, 2017",0 +New 9/11 Trailer – Featuring Charlie Sheen and Whoopi Goldberg,"21st Century Wire says Everything changed on 9/11. Overnight, it transformed US foreign policy, the geopolitical chessboard, the global police state, a not to mention the laws of physics, the melting point from steel and much more.Based on the initial marketing package, this latest film, which is due for release this September in 2017, looks very much like a consensus reality production designed to further reinforce the official story of 9/11 or will there be more to it?Will this be Sheen s penance and ticket back into mainstream Hollywood?One looming possibility: this could end up being an own goal by the establishment, as the mere presence of former 9/11 Truth activist Sheen in this mainstream film will trigger a wave of chatter challenging the official 9/11 tale (watch Sheen s 2009 video plea to President Obama for 9/11 Truth here). Stay tuned and find out Here is the initial trailer for this latest Hollywood action drama will feature actors Charlie Sheen, Whoopi Goldberg, Gina Gershon and Luis Guzm n. WATCH: SEE ALSO: FBI Trove of 9/11 Pentagon Photos Refuels Conspiracy SuspicionsREAD MORE 9/11 NEWS AT: 21st Century Wire 9/11 Files SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 29, 2017",0 +"β€˜Trump, Russia, Possible Collusion’ (REMIX)","Russiagate. First it was Russian hacking our election, then it was Russian interference, then it was Russian collusion, then it was Russian meddling, which was finally downgraded to Russian influence.Still, the mainstream media led by CNN, The Washington Post, and New York Times, continues to pump out theories about Russian contacts of the Trump campaign and hangers-on, which has led nowhere after a nine month circus-like investigation.It s perhaps the biggest political hoax in modern history, and they re still at it READ MORE RUSSIA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 28, 2017",0 +SOLDIER: β€˜Here’s Why Trump’s Transgender Military Ban Makes Sense’,"Earlier this week, 21WIRE reported on President Trump s recent ban on transgender persons in the US Military. Predictably, the White House announcement triggered an uproar from Hollywood s progressive alliance and LGBT lobby. US Army whistlerblower Bradley Manning, who later changed his name to Chelsea Manning and is in the process of trying to change his sex to female, tweeted this:The following video was posted by USArmy Drill Sergeant John Burk, where he explains a number of practical issues at play in this debate which are being avoided by America s hopelessly politicized media. WATCH:. READ MORE POLITICALLY CORRECT NEWS AT:21st Century Wire PC FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 27, 2017",0 +"Trump Announces Transgender Ban for US Military, Caitlyn Jenner Slighted","21st Century Wire says On Twitter today, President Donald Trump announced that he will ban transgender people from serving in the US military in any capacity.The move reverses Barack Obama s previous decision to allow transgender personnel from serving.Trump explained the practical dillemas in being forced to cater to the progressive gender agenda: After consultation with my Generals and military experts, please be advised that the United States Government will not accept or allow transgender individuals to serve in any capacity in the U.S. Military. Our military must be focused on decisive and overwhelming victory and cannot be burdened with the tremendous medical costs and disruption that transgender in the military would entail. After consultation with my Generals and military experts, please be advised that the United States Government will not accept or allow Donald J. Trump (@realDonaldTrump) July 26, 2017 .Transgender individuals to serve in any capacity in the U.S. Military. Our military must be focused on decisive and overwhelming .. Donald J. Trump (@realDonaldTrump) July 26, 2017 .victory and cannot be burdened with the tremendous medical costs and disruption that transgender in the military would entail. Thank you Donald J. Trump (@realDonaldTrump) July 26, 2017Former US Olympic Decathalon gold medal winner Bruce Jenner recently began a sex change and has since renamed himself Caitlyn Jenner.After Trump s announcement, Jenner then tweeted: There are 15,000 patriotic transgender Americans in the US military fighting for all of us. What happened to your promise to fight for them? There are 15,000 patriotic transgender Americans in the US military fighting for all of us. What happened to your promise to fight for them? https://t.co/WzjypVC8Sr Caitlyn Jenner (@Caitlyn_Jenner) July 26, 2017EDITOR S NOTE: No doubt, the Russians, the Chinese, ISIS and North Korea must be shaking in their boots at the mere thought of Jenner s military proposition.Star Trek actor and LGBT activist, George Takei, lashed-out against Trump s tweets on Wednesday:Donald: With your ban on trans people from the military, you are on notice that you just pissed off the wrong community. You will regret it. George Takei (@GeorgeTakei) July 26, 2017See other liberal celebrities Twitter reactions as well as Chelsea Manning here.Watch this interview on liberal daytime TV talk show, The View, as Jenner explains his/her politics and what it s like to be a transgender registered Republican: READ MORE POLITICALLY CORRECT NEWS AT: 21st Century Wire PC FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 26, 2017",0 +"Have the US, Trump Really Abandoned β€˜Regime Change’ in Syria?"," Member of the US-backed Free Syrian Army, Aleppo, Syria. (Photo: Mada Media. Source: Wikicommons)Miles Elliott 21st Century Wire For the past few days, news outlets have been reporting on the Trump Administration and CIA s announcement to end the controversial covert program to arm and train moderate rebels fighting to overthrow the Syrian government of Bashar al Assad. While many who want peace in Syria see this move as a step in the right direction, others still doubt that the underlying goal of ousting Assad has been abandoned completely. The decision may serve a number of purposes, but the long-term goals of the US and its close coalition allies do not change easily, and removing President Assad from power has been a centerpiece of their regional restructuring plan for a very long time.Does the announcement really mean that Trump is going to leave Assad alone? Is the US turning a corner in Syria and finally learning from the mistakes it made in Iraq and Libya? Is it really a concession to Russia? Is Trump finally actualizing his campaign rhetoric that seemed to reject America s foreign wars?Not likely.Of course, it s possible that Trump is at odds with other factions in the US government s military and foreign policy establishment, possibly because he recognizes the danger of arming terrorists and the political damage this might do to his own reputation as a leader who is tough on terror. Such a belief however, might be extremely generous to Trump, especially considering how under his authority the US military has dangerously escalated several wars, not just in Syria, but also in Yemen, and probably soon in Afghanistan.A more likely explanation is that the Trump administration and a complicit mainstream media are trying to manage public perceptions regarding six years of troublesome US involvement in Syria. In a bait-and-switch type PR deception, Washington might be attempting to generate the perception of de-escalation even as the US increases its presence in Syria.Consider the SourceWithin hours of this story breaking, it had been covered by major outlets from across the mainstream media, and since that time there have been a variety of reactions from different commentators and media platforms.Some, such as former US diplomat Jim Jatras, are hailing the decision as a game-changer .Others, like New York Times journalist Nicholas Kristof (one of the first in the mainstream media to promote the White Helmets) called it a major gift to Russia .Middle East expert Charles Lister claims it will strengthen terrorists in Syria, while numerous others are saying it will weaken the terrorists.Many of these reactions, however, as well as all of the reporting on this decision, all seem to stem from a single story in The Washington Post. That said, there are a few things that should be pointed out about this original story Washington Post and the CIAIt is well known that Amazon chairman and CEO Jeff Bezos owns The Washington Post. It is also public knowledge that the CIA has a contract with Amazon to use its cloud computing services. In fact, beginning in 2014 Amazon began providing its services to the CIA under a $600 million contract that is good for up to ten years, making the CIA a long-term customer of Amazon. Seeing as the owner of The Washington Post has a long-term commercial relationship with the CIA, any reporting from that newspaper covering CIA activities could be viewed as a potential conflict of interest. This would be a very unpopular position for any mainstream media outlets to take. Normally, these outlets will unquestioningly repeat this or any story by The Post concerning the CIA, and that s the end of that.NOTE: After this article was published at 21WIRE, Trump came out swinging at Bezos and the Amazon-Washington Post :The Amazon Washington Post fabricated the facts on my ending massive, dangerous, and wasteful payments to Syrian rebels fighting Assad .. Donald J. Trump (@realDonaldTrump) July 25, 2017Of course this is not to say that the decision to end CIA support to terrorists in Syria has not been taken. Much of that activity will remain classified and certainly redacted if ever released. However, the fact that information was leaked exclusively to the Washington Post by unnamed US officials may indicate a desire to have the story spun in a particular way for particular reasons. Syrian rebels fire missiles toward the towns of Kafarya and Foua (Photo: Qasioun News Agency. Source: Wikicommons)Focus on RussiaA major element of the spin on the The Washington Post story can be found in the headline: Trump ends covert CIA program to arm anti-Assad rebels in Syria, a move sought by Moscow (emphasis added). From the outset, the Post is portraying the decision to stop arming groups trying to overthrow the Syrian government as a concession to Russia.This is clearly one of the themes of the article, as it also appears in quotes from an unnamed official who said, Putin won in Syria , and from Charles Lister, who stated: We are falling into a Russian trap. In total, Russia, Moscow, Putin or the Kremlin are mentioned no less than 20 times in the article, a clear sign of The Post s attempt to place Trump s decision in the context of Russian interests in Syria.There are several obvious problems with this narrative, however.Firstly, it is implied that if Russia wins in Syria, that America somehow loses but is that really the case? One of the points Trump campaigned on is that US and Russian interests in Syria are actually aligned in the wider fight to defeat ISIS and radical Islamist terror.Secondly, there is zero evidence to indicate that the decision to end CIA support for terrorist groups in Syria was driven by Russia but that hasn t stopped many in the mainstream media, like New York Times writer Nicholas Kristof, and Washington establishment figures like John McCain, for inferring a Russian conspiracy is at play. It is true that The Post s article was published within two weeks of the recent ceasefire in southwestern Syria agreed by the US, Russia and Jordan. On the other hand, it is acknowledged that the decision to halt the train and equip program in Syria was made a month ago, after a White House meeting between Trump, national security advisor H R McMaster, and CIA Director Mike Pompeo.At most, leaking the story to the press may have been an empty gesture toward Russia, but facts on the ground still indicate that the conflict in Syria is being escalated in other ways, as we shall see. Independent journalist Gareth Porter offers this analysis: By 2016, when the Syrian government, with the support of the Russians and Iranians and others, were able to push the al-Qaeda-led rebels out of Aleppo, really the major part of the conflict between the rebels and the Assad government was completed. And from then on I think the fate of this program was really sealed The decision to announce this clearly followed the agreement that was reached very recently with the Russians on a ceasefire in southern Syria And so to announce it was a gesture in part towards the Russians, but the idea that has been reported in some news media that somehow this is a concession to the Russians is totally false. That really doesn t follow logically, in terms of the nature of the decision and the timing of it. Furthermore, to believe the decision is a gift to Russia is to completely discount the fact that arming terrorists is simply wrong, or at the very least dangerous. As former US diplomat Jim Jatras stated: It doesn t occur to some people that not supporting terrorists is the right thing for America, having nothing to do with Russia. Thirdly, in light of the year-long string of unsubstantiated and unproven accusations perpetuated by US mainstream media that somehow the Trump team colluded with Russia to affect the outcome of the US presidential election, pushing the Russian angle to this story in Syria appears to be an attempt to add fuel to that fire. However, if one unpacks the rationale underlying this suggestion, it becomes clear how illogical it really is.As it turns out, even US commanders do not subscribe to the Russian conspiracy theory angle regarding the CIA stopping arms to rebels in Syria. This was confirmed by U.S. Army General Raymond Thomas, head of Special Operations Command, who told the Aspen Security Forum in Colorado the following this past week: At least from what I know about that program and the decision to end it, (it was) absolutely not a sop to the Russians. If mainstream media institutions like The Post object to alleged Russian interference in US elections, they presumably do so on the grounds that foreign interference in a sovereign country s domestic affairs is against the rules of the international community. If that is the case, then surely they must also object to the funding and arming of terrorist or rebel groups by one country to overthrow the government of another. If The Post were being consistent, and not hypocritical in their editorial line, then any disapproval at the unsubstantiated allegation that Russia interfered nonviolently with America s democracy, should be matched by unbridled outrage at the US funding, training and arming terrorists in Syria to violently overthrow its government. Free Syrian Army vehicle equipped with anti-aircraft weapon. (Photo: Qasioun News Agency. Source: Wikicommons)At the root of all three of these problems with this article and its paper s stance toward Russia is the belief in American exceptionalism which is particularly strong in the US defense establishment and which is what gives the US license to break the very same rules that it enforces on other countries.The idea of American exceptionalism was explicitly countered by Vladimir Putin in his editorial for the New York Times (published after the 2013 chemical weapons incident in Ghouta when the US was on the brink of going to war in Syria) in which he stated: It is extremely dangerous to encourage people to see themselves as exceptional, whatever the motivation. There are big countries and small countries, rich and poor, those with long democratic traditions and those still finding their way to democracy. Their policies differ, too. We are all different, but when we ask for the Lord s blessings, we must not forget that God created us equal. Goodbye CIA, Hello PentagonAmerican exceptionalism taken to its logical conclusion has also resulted in the doctrine of full spectrum dominance . In the current era of full-spectrum or hybrid warfare, there are many tools in the US government s belt. So even as this particular CIA program ends, there are myriad ways in which the US might continue its involvement in the destablization and possible dismembering of the Syrian nation-state.The most obvious is that the Pentagon and US military are expanding their presence in Syria. The Post states that the US military s anti-ISIS air campaign will continue, as will the Pentagon s train-and-equip program for the primarily Kurdish militias operating around Raqqa.However, The Post completely fails to mention the presence of American and allied troops on the ground in Syria. Last month 21WIRE warned of the danger of escalation from the presence of US and British troops stationed near al-Tanf in the southeast of Syria. Since then the buildup has continued, and within the past few weeks 21WIRE reported on the series of eight US military bases established inside Syrian borders, complete with heavy weapons such as the HIMARS rocket system.Gareth Porter summarized it this way: The United States has created this alleged stake in the conflict in Syria over the last few years, over the ISIS presence in Raqqa and surrounding areas. Once the US began its bombing program both in Iraq and in Syria against ISIS, that created a whole set of new dynamics which inevitably in the nature of the US political-military-intelligence complex, created a constant forward movement of military and intelligence activities We have now more US military personnel in the area near Raqqa than ever before, we have more special forces there, we have more helicopters, we have more CIA people. In other words they ve created an entirely new dynamic here that is going to be very difficult to break. It s going to be very difficult to reverse it. Within the past few days it has also been reported that significant numbers of US military armored vehicles are arriving in areas to the north of Raqqa, not for use by Kurdish SDF fighters in the region but according to a US spokesperson for use by the Coalition .There is also the question of other countries funneling weapons and/or terrorists into Syria. In particular, American allies Turkey, Israel and Saudi Arabia have all played important roles in building up and perpetuating the conflict in Syria so far, and there is no reason to believe that they will cease doing so.For instance, Syrian news agency SANA frequently reports on seizures of Israeli-made weapons within Syrian borders. Another example can be found in a previous story broken by Bulgarian journalist Dilyana Gaytandzhieva, in which she discovered ships were being used for transporting weapons into Syria via Saudi Arabian ports.So it is possible that whatever support is being withdrawn from terrorist factions in Syria could be redirected through cooperating countries or other conduits and still reach the same destination.Truth vs NarrativeIt is often said that truth is the first casualty of war. As regular readers of 21WIRE will already be aware, the levels of propaganda and deception in mainstream media narratives have reached new heights in coverage of the conflict in Syria. Even terms such as moderate rebel and Assad regime in common usage used by The Post and its ilk are tools of propaganda explicitily designed to legitimize the construction of a foreign-funded mercenary force to overthrow the government of Syria.The truth, however, is rising.For instance, the recent article, How America Armed Terrorists in Syria, spelled out just that: By helping its Sunni allies provide weapons to al Nusra Front and its allies and by funneling into the war zone sophisticated weapons that were bound to fall into al Nusra hands or strengthen their overall military position, U.S. policy has been largely responsible for having extended al Qaeda s power across a significant part of Syrian territory. The CIA and the Pentagon appear to be ready to tolerate such a betrayal of America s stated counter-terrorism mission. Unless either Congress or the White House confronts that betrayal explicitly, as Tulsi Gabbard s legislation would force them to do, U.S. policy will continue to be complicit in the consolidation of power by al Qaeda in Syria, even if the Islamic State is defeated there. So not only are the rebels not moderate, in many cases they are actually al Qaeda, the raison d etre for the War on Terror.Public awareness of this fact has been increasing, and in January Representative Tulsi Gabbard of Hawaii introduced the Stop Arming Terrorists Act into the House of Representatives, while Senator Rand Paul, who has opposed the arming of Syrian opposition groups for years, introduced the bill in the Senate. On introducing the bill Rep. Gabbard s remarks included the statement: If you or I gave money, weapons or support to Al-Qaeda or ISIS, we would be thrown in jail. Yet the US government has been violating this law for years, quietly supporting allies and partners of Al-Qaeda, ISIL, Jabhat Fateh al Sham and other terrorist groups with money, weapons, and intelligence support, in their fight to overthrow the Syrian government. Then, within the past two weeks, 21WIRE covered the latest stunning chapter in a story broken by independent journalist Gaytandzhieva, which documents in full detail how hundreds of tons of heavy weapons were trafficked via protected diplomatic flights from various NATO member states and allies (including the US) to conflict zones around the the Middle East, Central Asia and Africa. Some of these arms ended up in the hands of al-Nusra, the al-Qaeda franchise in Syria.Stories like those on covert weapons shipments; statements like the one above from Tulsi Gabbard; the introduction of the Stop Arming Terrorists Act; stories such as How America Armed Terrorists in Syria; and the rising influence of independent media outlets like 21WIRE among others, are all contributing to the rising awareness that the US government has been funding, training and arming terrorists in Syria.It is likely that Trump s decision to end the CIA program supporting the anti-Assad terrorists in Syria however meaningful it was or was not was in part a response to this growing awareness. Although on the surface the decision by Trump seems to be a positive step towards a peaceful resolution of the conflict in Syria, by no means does it mean an end to the conflict or even a withdrawal of US or other foreign interference with Syrian affairs. It is more likely that this announcement is yet another distraction a further exercise in perception management and that the objective to remove Assad remains in place under other guises using other means.More on this from The Washington Post A unit of the Southern Front, which received money and weapons from the US, et al. (Photo: Mutasim Billah Brigade, Daraa. Source: Wikicommons)Greg Jaffe and Adam Entous The Washington PostPresident Trump has decided to end the CIA s covert program to arm and train moderate Syrian rebels battling the government of Bashar al-Assad, a move long sought by Russia, according to U.S. officials.The program was a central plank of a policy begun by the Obama administration in 2013 to put pressure on Assad to step aside, but even its backers have questioned its efficacy since Russia deployed forces in Syria two years later.Officials said the phasing out of the secret program reflects Trump s interest in finding ways to work with Russia, which saw the anti-Assad program as an assault on its interests. The shuttering of the program is also an acknowledgment of Washington s limited leverage and desire to remove Assad from power.Just three months ago, after the United States accused Assad of using chemical weapons, Trump launched retaliatory airstrikes against a Syrian air base. At the time, U.N. Ambassador Nikki Haley, said that in no way do we see peace in that area with Assad at the head of the Syrian government. Continue this story at The Washington PostREAD MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"July 24, 2017",1 +Progressives Outraged Over Beyonce β€œSo White” Wax Figure at Madame Tussauds,"American liberal activists still struggling with the concept that a wax figure is not meant to be real.21st Century Wire says The progressive culture police are on the march again this time to Madame Tussauds Wax Museum in New York City. The recent unveiling of the new Beyonc wax statue sent activists into a frenzy when it was claimed that the celebrity pop singer was too white. America s unofficial cultural Stasi slammed the museum for purportedly whitewashing the singers skin tone.The liberal outcry on social media prompted the museum to withdraw the statue temporarily to avoid any further uproar, confirming that it will be off the floor until further notice. Lindsay Lohan. Jessica Simpson. Maybe even Britney at the right angle but this darling is NOT Beyonc . https://t.co/aVxAfSK2ml morgs (@hotbeansmorgan) July 19, 2017However, Madame Tussauds issued a statement reassuring liberal activists that nothing untoward had happened and that they only needed to readjust the lighting of their new exhibition: We love, respect and enjoy a working relationship with Beyonc We have adjusted the styling and the lighting of her figure and she is on display at New York. In an interview with Entertainment Tonight museum spokesperson added, Our talented team of sculptors take every effort to ensure we accurately color match all of our wax figures to the celebrity being depicted. Lighting within the attraction combined with flash photography may distort and misrepresent the color of our wax figures, which is something our sculptors are unable to account for at the production stage. And now for other more important news READ MORE HOLLYWOOD NEWS AT: 21st Century Wire Hollywood FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"July 23, 2017",0 +Legal Fears Push Newsweek to Delete Eichenwald’s Articles Used to Smear Sputnik News,"21st Century Wire says Failing US magazine Newsweek once again finds itself on the ropes.For the last year, US mainstream media outlets have given themselves license to freely spray any and all slanderous accusations regarding Russia into the public domain, and about Russian-based media outlets in particular. One of the primary motivations for this festival of defamation is of course political. Early on in the general election the Russian conspiracy theory was promulgated by the White House and the Clinton campaign and the mainstream media in order to damage Trump s credibility. After Clinton s epic loss, legions of Democratic Party affiliated journalists and Hillary Clinton supporters in the media are still angry and upset about their election loss and do not accept Donald Trump as their President. As a result, many journalists are still using their positions in media to act out in public, and mostly with the full backing of their like-minded editors and media executives.While most of the endless scapegoating and lies about Russia and Trump continue as annoying background noise, some of the US liberal establishment s fake news and libelous claims, like stories made-up by CNN are beginning to be challenged in the courts which is causing a panic on many mainstream editorial news desks across America.This latest challenge to Newsweek and its shamed staff writer Kurt Eichenwald follows on the current blow-back trend line RT International reports Sputnik and RT editor-in-chief Margarita Simonyan commented on the removal by Newsweek of false stories about Trump conspiring with Russia, saying it deleted the lies about us, fearing court proceedings. We ll continue explaining to various newsweeks that lying is bad, Simonyan told Sputnik.Her comments come after Newsweek was forced to take down two erroneous articles by journalist Kurt Eichenwald, claiming that US President Donald Trump had conspired with Russia, as well as smearing former Sputnik editor William Moran.On Friday, Moran said that a settlement had been reached, but did not provide any further details, saying that the deal was confidential between the two sides.In October, Moran mistakenly attributed an article by Eichenwald to Clinton confidant Sidney Blumenthal and, realizing his mistake, deleted the article 20 minutes later. However, while the piece was online, Eichenwald saw it and imagined collusion between the Trump campaign, Sputnik, and Wikileaks.At the time, numerous media outlets (some usually quite critical of Russia) spoke out against Eichenwald. The Washington Post said that Eichenwald is at best misleading, while BuzzFeed proved that Trump and Moran quoted the same erroneous tweet, which was widespread online.Moran then contacted Eichenwald, attempting to clarify the situation and expecting Eichenwald to retract the story.That, however, did not happen. Instead, Eichenwald asked him to stay silent in exchange for a job as political reporter with The New Republic, and warned him about the potential consequences if the young journalist refused. Moran turned down the offer and went public with his version of events.Moran has left the field of journalism and is currently pursuing a law degree, Sputnik news agency said. Newsweek is an established brand of 80 years and yet it is not even in Sputnik s league in terms of global web traffic and performance, Patrick Henningsen, geopolitical analyst and executive editor at 21stCenturyWire.com, said. News outlets like RT and Sputnik are winning in the ratings battle with many US and UK English language media platforms, he said, and explained why this is happening. It is simply because the Russia-based English language outlets are filling a demand for real international news and edgy opinion. They are simply feeding a massive audience out there which has been intentionally neglected for decades by Western establishment media conglomerates who have always enjoyed a monopoly on the global English language market. A network like RT, and a website like Sputnik, are only filling a demand which was always there. READ MORE ABOUT MSM DISINFORMATION AT: 21st Century Wire Media Cog FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"July 23, 2017",0 +John McCain and The Cancer of Conflict,"Patrick Henningsen 21st Century WireThis week some devastating news befell John Sidney McCain III.On Wednesday, his staff announced that the US Senator had been diagnosed with a brain tumor called glioblastoma discovered during recent testing at the Mayo Clinic in Phoenix, Arizona.Since then warm wishes and tributes have been pouring in for the former Republican Presidential candidate. Both the US media and political establishment have closed ranks and are rallying around the Senator to help soften the blow.Putting previous feuds aside, President Donald Trump was magnanimous and cordial to the Arizona Senator, wishing him and his family the very best. Melania and I send our thoughts and prayers to Senator McCain, Cindy, and their entire family, said Trump. Get well soon. Even former electoral rival President Barack Obama pitched in a little love for the 80 year old:John McCain is an American hero & one of the bravest fighters I've ever known. Cancer doesn't know what it's up against. Give it hell, John. Barack Obama (@BarackObama) July 20, 2017Regarding McCain s diagnosis, we all can acknowledge the difficulties and risks involved with various cancer treatments, especially with brain cancer. Likewise, nearly everyone these days can attest to losing a friend, a loved one or family member to the disease.As with anyone suffering from this terrible condition, we wish the Senator well, along with a successful treatment and recovery.Still, McCain has a lot in his favor. Unlike most Americans, he will not have to worry about his medical care, and will be receiving the best cancer treatment money can buy, if not the best in the world, and with absolutely no expense spared. In this way, the Senator is extremely fortunate.And for those reasons, this is not an easy article to write. For fear of appearing too cruel in the face of his dramatic medical disclosure, one would be expected to suspend any political critique for now. Hence, the media has placed an unofficial moratorium on any negative coverage of McCain.That said, he is a special case. As much as any political leader he deserves to be panned, even under the present circumstances, because his geopolitical handiwork continues to cause havoc in certain corners of the world.Cancer Treatment in SyriaImmediately after McCain s major health announcement, the US mainstream media and Republicans began fretting over the prospect that his extended absence from the legislature might jeopardize his party s ability to pass legislation to repeal the Affordable Care Act (commonly known as Obamacare).With that in mind, maybe it s worth asking: how many innocent Syrians have been denied basic medical treatment, supplies and pharmaceuticals as a result of the harsh US-led regime economic sanctions imposed on Syria? This brutal campaign of collective punishment has been led by US Senator John McCain.Of course, the idea of sanctions as a form of economic warfare hardly registers in the West as being at all harmful to the population of Syria. Sanctions? They re not against the people of Syria, only against Assad. That s the general mainstream phantasm when it comes to sanctions, even though the official numbers show a vivid tale of devastation.One can only imagine how many among Syria s population of 20 million are no longer able to receive cancer treatment in Syria as a result of McCain s insistence on punitive sanctions. Before the conflict in Syria began in 2011, citizens were able to get free medical treatment including high-end state-of-the-art cancer treatment (consider that one simple aspect of this war, as men like John McCain still claim to be delivering freedom to the Syrian people by backing armed terrorist factions).Before the terrorist forces occupied the eastern part of the city, Aleppo was home to one of the Middle East s top cancer treatment centers, Al-Kindi Hospital. This is important because after McCain s secret trip to the Aleppo area in May 2013, the very same rebels he was cavorting with and supplying weapons to the Free Syrian Army (under the command of Jabbat al Nusra aka al Qaeda in Syria) would later order the bombing on this cancer treatment hospital.Professor Tim Anderson explains the destruction of Al Kindi Hospital in December 2013, including the shameful spin applied after the fact by BBC and western mainstream media:In an Orwellian revision of events the BBC (21 December 2013) reported the destruction of Al-Kindi with the headline: Syria rebels take back strategic hospital in Aleppo . The introduction claimed the massive suicide lorry bomb had managed to seize back a strategic ruined hospital occupied by Assad loyalists. Al-Kindi was said to have been a disused building and according to an unconfirmed report, 35 rebels died in the attack . In fact, these rebels were a coalition of Free Syrian Army and Jabhat al Nusra, while the Assad loyalists were the staff and security guards of a large public hospital.Watch as McCain s freedom fighters in Syria drive a suicide truck bomb into the ground level of Al Kindi Cancer Treatment Center in Aleppo:https://www.youtube.com/watch?v=www.youtube.com/watch?v=KCwWgTUpGpE . How many Syrian lives were needlessly cut short as a direct result of that bombing carried out by McCain s own Free Syrian Army? For the cost of McCain s treatment at the world-famous Mayo Clinic, who knows how many Syrians could have received desperately needed treatment at Al Kindi or other similarly crippled facilities in Syria? One hundred, or possibly one thousand?Add to this, how many have died or suffer permanent health afflictions as a direct result of US economic sanctions which have crippled Syria s own National Health Service? One hundred thousand, or maybe five hundred thousand? One million? One day, those figures will be recorded and we will have the answer.The other piece of US legislation currently on the table which Republicans are desperate to pass is the $1-trillion US infrastructure spending package. Juxtapose that scene next to the systematic destruction of Syria s infrastructure by US Coalition and IDF airstrikes and destruction by proxy militant forces on the ground. Estimates for the cost to Syria range from $180 billion to $275 million. If the conflict continues past 2020, then these numbers could easily double.In spite of all this, John McCain claims to have no regrets about the damage that he and his fellow war hawks have inflicted on Syria.The Cancer of ConflictAt the same time that political figures like Barrack Obama dutifully respect the official Washington line on John McCain as the consummate Vietnam War hero , very few in the establishment would dare to criticize the powerful Arizona Senator for his central role in engineering instability and violent conflict in foreign countries.John McCain sneaks into Syria illegally in May 2013 to meet with known terrorists, promising them weapons and regime change by way US bombs would drop in the Fall of 2013.. Americans should be reminded that more than any other single US official, John McCain has been the driving force behind the training and arming of violent jihadist and terrorists fighting groups in Syria, and that those same terrorists have slaughtered tens of thousands of innocent civilians including women and children in Syria and beyond all sacrificed at the altar of a US-led geopolitical power play in the Middle East, and in the name of Israeli security interests. Back in 2012, a delusional McCain, along with another dotty war enthusiast, Connecticut Senator Joe Liberman, insisted that the US needed to arm the rebels in Syria in order to save lives. Their statement read: The bloodshed must be stopped, and we should rule out no option that could help to save lives. We must consider, among other actions, providing opposition groups inside Syria, both political and military, with better means to organize their activities, to care for the wounded and find safe haven, to communicate securely, to defend themselves, and to fight back against Assad s forces. From the onset of hostilities in 2011, the bold-faced lie that McCain and partner Lindsey Graham have promulgated is that violent jihadists were nothing more than affable moderate rebels. That piece of Washington fiction has been widely discredited by now.Later on in 2015, McCain announced that the US should be supplying stinger missiles to the so-called rebels in Syria: We certainly did that in Afghanistan. After the Russians invaded Afghanistan, we provided them with surface-to-air capability. It d be nice to give people that we train and equip and send them to fight the ability to defend themselves. That s one of the fundamental principles of warfare as I understand it, said McCain.Soon after that statement, thousands of US-made TOW Missiles were smuggled into Syria and used by terrorists groups under the command umbrella of Al Nusra.In her recent expos for Trud Newspaper, Bulgarian journalist Dilyana Gaytandzhieva revealed the massive scale and scope of the illegal US-NATO weapons trafficking operation to arm thousands of terrorist fighters in Syria.Despite the overwhelming destruction in Syria and the abject failure of his policies, McCain has never given up on the policy of illegal weapons trafficking in Syria. Just this week, McCain, Chairman of the Senate Armed Services Committee, openly protested against the Trump Administration s latest announcement to bring an end to the CIA s failed program of illegally arming and training anti-Assad terrorists in Syria. Rather than admitting what everyone else in the world seems to know already that the US train and equip program has been a debacle instead he feigns defiance, while demonstrating a breathtaking level of ignorance by accusing the White House of being part of a Russian conspiracy: If these reports are true, the administration is playing right into the hands of Vladimir Putin. Making any concession to Russia, absent a broader strategy for Syria, is irresponsible and short-sighted. When promoting their latest war, McCain is normally part of a tandem act, accompanied by his geomancing interest, South Carolina Senator Lindsey Graham, who arguably views the world through an even more deranged, albeit binary comic book prism: Breaking Syria apart from Iran could be as important to containing a nuclear Iran as sanctions. If the Syrian regime is replaced with another form of government that doesn t tie its future to the Iranians, the world is a better place. Like a world view gleaned straight from Ian Fleming s Goldfinger.In his seminal 2008 interview with McCain heading to the GOP presidential nomination, The Atlantic magazine s Jeffrey Goldberg asked, What do you think motivates Iran? . to which McCain replied: Hatred. I don t try to divine people s motives. I look at their actions and what they say. I don t pretend to be an expert on the state of their emotions. I do know what their nation s stated purpose is, I do know they continue in the development of nuclear weapons, and I know that they continue to support terrorists who are bent on the destruction of the state of Israel. You ll have to ask someone who engages in this psycho stuff to talk about their emotions. McCain s views on Iraq were even more disturbing, essentially surmising that the invasion and occupation was a good thing, and that we shouldn t have left because leaving Iraq gave rise to al Qaeda. OK. Admittedly, it s a bit counter intuitive, but it works for neoconservatives.These statements by McCain and Graham are not admissions made by normal well-adjusted individuals, but rather by cold, dark hearted sociopaths who generally view the lives of Arabs (along with Slavs, Russians and others) as necessary cannon fodder in the pursuit of military industrial profits for a select cadr of transnational corporate defense contractors whose interests Senator John McCain represents in his home state of Arizona; Boeing, Raytheon, Lockheed Martin, General Dynamics, and the list goes on, and on.The geopolitical hubris doesn t end there, as McCain still maintains even after 6 years of absolute implosion of his own foreign policy agenda that removing Syrian President Bashar al Assad from power is still a key pillar of the US strategy for Syria. The administration has yet to articulate its vision for Syria beyond the defeat of ISIL, let alone a comprehensive approach to the Middle East, said McCain this week.The reality, of course, is that ISIL/ISIS could have been defeated already had the US-led Coalition and Israel not illegally intervened in Syria territory. Far from doing much to defeat ISIS since they have invaded Syrian airspace since 2014, the US has conveniently stretched-out the ISIS problem through the extension of its own self-styled international mandate which was originally intended to serve as a precursor to the eventual break-up of Syria into federal states and ethnic cantons. This might explain McCain s rush to enact regime change in Syria before lording over the eventual break-up of the sovereign nation-state.All Things RussianThe other country which McCain is determined break is Russia. Vladimir Putin is a murder and a KGB thug, crowed McCain on CNN last year, as he protested against positive statements about Russia made by then candidate Trump.Suffice to say, he, along with the boards of Boeing, Raytheon, Lockheed Martin, are all extremely happy about NATO pressing right up against the Russian border in eastern Europe.But 2013 was indeed a busy year for the Senator stirring up trouble internationally. As part of his opening gambit against Moscow, it was McCain who was the driving force behind the US-backed coup d etat in Ukraine in February 2014 which ultimately led to a bloody civil war which continues to this day in the Ukraine. Apparently, this was McCain s way of stopping Putin. His is a very dodgy track record; whether it s NeoNazis, or Jihadi Terrorists, McCain seems always ready to do a deal with the devil, and that s what makes him particularly dangerous.Below we can see McCain helping to whip-up Nazi-linked, neofascist street mobs in Kiev helping to bring the ensuing junta into power. Some mainstream US pundits have claimed that this never happened, and that it s just a conspiracy theory invented by Russian propagandists to discredit McCain. Unfortunately for them it is true, and here is the photo to prove it:Senator John McCain (AZ) shares the stage in Kiev with far-right, NeoNazi Right Sector strongman, Oleg Tyhanbock, ahead of violent street protests in Ukraine in December of 2013, in advance of the US-backed coup.. Looking back at his erratic and flippant behavior, attacking nearly anyone who even suggested d tente with Russia or that supplying lethal arms to militants in Syria was a bad idea, it s no surprise that cognizant onlookers have questioned whether or not McCain is in a normal frame of mind.Frankly speaking, how could any one in their right mind be so consistently on the wrong side of every issue? How could any politician s judgement be that poor? Unless there was something else going on below the surface The questions didn t stop there. McCain s performance during a recent Senate Intelligence Committee Hearing on Russian Influence in US Elections was an embarrassment. Onlookers were stunned when McCain lost the plot during the hearing when asking former FBI Director James Comey: Well, at least in the minds of this member, there s a whole lot of questions remaining about what went on, particularly considering the fact that as you mentioned, it s a big deal as to what went on during the campaign, so I m glad you concluded that part of the investigation, but I think that the American people have a whole lot of questions out there, particularly since you just emphasized the role that Russia played. And obviously she was a candidate for president at the time. So she was clearly involved in this whole situation where fake news, as you just described it, is a big deal took place. You re going to have to help me out here. In other words, we re complete, the investigation of anything former Secretary Clinton had to do with the campaign is over and we don t have to worry about it anymore? to which Comey replied: With respect to I m a little confused. With respect to Secretary Clinton, we investigated a criminal investigation with her use of a personal email server. McCain then finished digging his own hole by responding: So at the same time you made the announcement there would be no further charges brought against then-Secretary Clinton for any activities involved in the Russia involvement and our engagement and our election. I don t quite understand how you can be done with that but not done with the whole investigation of their attempt to affect the out of come our election. It was clear McCain had no idea what was going on. At that point any reasonable person would have concluded that John McCain had in fact lost his mind and was no longer fit to serve in public office. In fact, 21WIRE made this very same case back in 2013 after McCain was caught playing video poker on his iPhone during a Senate Committee where lawmakers were debating the very war of which he is a chief architect. Here is the photo:As stunning displays of ignorance go, the video poker incident was one of McCain s greatest ever, and certainly should have been a warning to everyone that this man had no business making military decisions, let alone litigating war and peace between nuclear superpowers like the United States and Russia.Perhaps an announcement is forthcoming, but it s surprising after being diagnosed with brain cancer at 80 years old why McCain has not yet announced his resignation from office?It s fair to say that while this Senator is being treated in the world s leading medical facilities, thousands of innocents will have died needlessly because of US sanctions and support for terrorists all in the name of defense, energy and ever vast corporate profits. Strange as that might sound to some, for those who consider themselves members of a ruling elite and its mandarin management class, that is perfectly acceptable quid pro quo in 2017.After World War II, the military industrial complex and the international arms trade has spread conflict like a disease across the planet, metastasizing in ways, in places, and on a scale which no one could have previously imagined before. Undoubtedly, over the last decade, John McCain has played a key role in spreading that anguish. For the people of Syria, Afghanistan and the Ukraine, that will be his legacy, not the chimerical image of a maverick Senator or the war hero. Once again, we implore the Senator to do the right thing by the American people and for those innocents around the world who have suffered at the hands of an arms industry whose interests John McCain represents Please, just retire.*** READ MORE MCCAIN NEWS AT: 21st Century Wire John McCain FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"July 21, 2017",0 +Boiler Room EP #118,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Daniel Spaulding Soul of the Eastof and FunkSoul & Randy J (21WIRE & ACR contributors), for the hundred and eighteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show the ACR Brain-Trust is back with another meeting of the Social Reject Club in the No Friends Left Zone! The gang is covering a number of topics this week including: The badge of honor bestowed upon our very own Andy Nowicki who has been added to the Anti-Defamation League s list of hateful conservatives, the sexualization of children being pushed by the disgusting Teen Vogue magazine, how modern pornography is ruining the next generation of young people, the latest failure of the discredited mainstream media to tie Donald Trump Jr. to Russian collusion, Donald Trump s move to stop the CIA s covert program of arming and training terrorists to wage war by proxy in Syria, the strange coincidences and anomalies with the death of Linkin Park singer Chester Bennington, a curious link revealing a book written in the 1890s about a character named Baron Trump who goes on an adventure to the center of the earth and more.Direct Download Episode #118Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"July 20, 2017",0 +Progressive Lunacy: PETA Claims Indonesian Monkey Owns β€˜Selfie’ Copyright,"21st Century Wire says You know that western society is approaching its final hour when animal rights activists start advocating individual animals to be able to sue humans in courts. That s exactly what has happened in the US.We can trace some of this line of thinking back to Cass Sunstein, the radical, liberal progressive technocrat and chief advisor to President Barack Obama (as well as the husband of disastrous UN Ambassador Samantha Power). According to his own writing and public declarations, Sunstein believes that activists should be able to bring a lawsuit on behalf of an animal in US courts. In his 2004 book Animal Rights: Current Debates and New Directions, Sunstein remarked:Cass Sunstein. My simplest suggestion is that private citizens should be given the right to bring suits to prevent animals from being treated in a way that violates current law. I offer a recommendation that is theoretically modest but that should do a lot of practical good: laws designed to protect animals against cruelty and abuse should be amended and interpreted to give a private cause of action against those who violate them, so as to allow private people to supplement the efforts of public prosecutors. Somewhat more broadly, I will suggest that animals should be permitted to bring suit, with human beings as their representatives, to prevent violations of current law. As one of liberal America s most influential technocrats, Sunstein argues that this legal right can be invoked on the basis of animal cruelty. While no cruelty seems to be present in the case of the Monkey Selfie (see story below), activists at PETA were no doubt emboldened by Sunstein and others who have propelled their ideological argument into the political activist discourse.While our society and our legal system are far from perfect, a move like this from a wealthy charity like PETA could throw that system into even further chaos.Surely, if animals can sue humans, then shouldn t humans be able to sue animals? As you can see, when you pursue this activist rabbit hole, reality starts to dissolve rather quickly.More on this incredible story from AP Monkey Selfie Copyright credited to David J. Slater (UK)Linda Wang APcurious monkey with a toothy grin and a knack for pressing a camera button was back in the spotlight Wednesday as a federal appeals court heard arguments on whether an animal can hold a copyright to selfie photos.A 45-minute hearing before a three-judge panel of the 9th U.S. Circuit Court of Appeals in San Francisco attracted crowds of law students and curious citizens who often burst into laughter. The federal judges also chuckled at times at the novelty of the case, which involves a monkey in another country that is unaware of the fuss.Andrew Dhuey, attorney for British nature photographer David Slater, said monkey see, monkey sue is not good law under any federal act.Naruto is a free-living crested macaque who snapped perfectly framed selfies in 2011 that would make even the Kardashians proud.People for the Ethical Treatment of Animals [PETA] sued Slater and the San Francisco-based self-publishing company Blurb, which published a book called Wildlife Personalities that includes the monkey selfies, for copyright infringement. It sought a court order in 2015 allowing it to administer all proceeds from the photos taken in a wildlife reserve in Sulawesi, Indonesia to benefit the monkey.Slater says the British copyright for the photos obtained by his company, Wildlife Personalities Ltd., should be honored Continue this story at AP/Chicago TribunePictured here is a typical Indonesian Crested Black Macaque monkey (Image Credit: Lip Key Yap, Wikicommons)READ MORE FINANCIAL NEWS AT: 21st Century Wire Financial FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 17, 2017",0 +"FBI Agent Indicted In Killing of Lavoy Finicum, Hires High-Profile DC Lawyer","21st Century Wire says Back in January of 2016, 21WIRE reported how the Oregon Standoff protesters convoy was intercepted in a ambush by federal forces, and how Lavoy Finicum was executed by a rogue agent. The mainstream media was silent. Running point on the government s propaganda campaign was the Oregonian newspaper s supposed award-winning reporter Les Zaitz who shamefully referred to the planned federal ambush as a traffic stop. As it turns out the mainstream media was completely wrong while we were right. This was an elaborate federally managed cover-up from the beginning.21WIRE reported at the time the obvious contradiction; without any audio track to synch with the FBI s aerial footage it was impossible to know when shots were fired and if the official story was actually true. As part of the federal cover-up, FBI Special Agent in Charge, Greg Bretzing, insisted that their footage provided an honest and unfiltered view of what happened. It wasn t and new evidence told a completely different story, exposing the official story as a lie from the onset.Finicum was shot three times in the back An autopsy revealed with one of the bullets piercing Finicum s heart.The obvious problem with how these latest legal proceedings are being framed is this: Finicum is execute with three shots to the back after a pre-planned federal ambush, while the hired federal gunman who pulled the trigger is indicted for lying. Will his family and friends get justice this time around? EXECUTED:Robert LaVoy Finicum (January 27, 1961 January 26, 2016) Conrad Wilson OPDThe FBI agent indicted for allegedly lying about a pivotal moment during the 2016 Malheur National Wildlife Refuge occupation has hired a high-profile Washington D.C.-based attorney to defend him.Indicted FBI Hostage Rescue Team member W. Joseph Astarita has retained Robert Cary, who is well known in the nation s capital for his defense of former Alaska Sen. Ted Stevens.In 2008, the Department of Justice indicted the Republican senator on corruption charges. Years later, the case was dismissed and found to be an example of gross prosecutorial misconduct. If what happened to Sen. Ted Stevens, a powerful Senator a few blocks from the Supreme Court of the United States, a few blocks from the United States Capitol if it can happen to him, it can happen to anybody, Cary said in a 2015 speech to an American Bar Association gathering.Cary will serve as co-counsel in the Astarita case with Portland based attorneys David Angeli and Tyler Francis, according to Angeli.Federal prosecutors have accused Astarita of lying to investigators about firing his gun during a traffic stop that left Malhuer occupation leader Robert LaVoy Finicum dead.Though neither of Astarita s shots hit Finicum, prosecutors have charged the FBI agent with several felonies for allegedly failing to disclose them. Those charges include making false statements and obstruction of justice Continue this story at OPDREAD MORE BUNDY RANCH NEWS AT: 21st Century Wire Bundy FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 15, 2017",0 +"The Demise of Progressive Democrats: β€˜Resist and Submit, Retreat and Surrender’","21st Century Wire says The US 2016 Presidential Election was a watershed point in 21st century western politics. With the defeat of Hillary Clinton and the near collapse of the Democratic Party, it seems that America s progressive left has lost the ability to relate to much of the working and the middle classes. During the Obama Administration, the party was taken over by the billionaire donor class ruled by Wall Street interests, Silicon Valley svengalis, and the unelected commissariate the Democratic National Committee (DNC). Their failed strategy of total reliance on identity politics at home, and backing Islamist extremism and a New Cold War with Russia abroad has spelled abject failure for the US electorate. Still, the vanguard of the progressive left is still in denial of these realities. However, a new shake-up on the left may already be underway.Last month, America s latest progressive icon, Bernie Sanders had this to say Sanders: ""The Democratic Party is an absolute failure."" (June 11, 2017)See also: https://t.co/cnrVTiKUnn pic.twitter.com/mJxrguyMyM WikiLeaks (@wikileaks) July 9, 2017While his candid depiction of a broken political party certainly rings true, it seems that Sanders is avoiding some of the more fundamental aspects of his party s rapid disintegration, namely the left s role in compromising America s reputation internationally by caving in to a largely Neoconservative and globalist foreign policy agenda, as author James Petras explains James Petras Information Clearing House Over the past quarter century progressive writers, activists and academics have followed a trajectory from left to right with each presidential campaign seeming to move them further to the right. Beginning in the 1990 s progressives mobilized millions in opposition to wars, voicing demands for the transformation of the US s corporate for-profit medical system into a national Medicare For All public program. They condemned the notorious Wall Street swindlers and denounced police state legislation and violence. But in the end, they always voted for Democratic Party Presidential candidates who pursued the exact opposite agenda.Over time this political contrast between program and practice led to the transformation of the Progressives. And what we see today are US progressives embracing and promoting the politics of the far right.To understand this transformation we will begin by identifying who and what the progressives are and describe their historical role. We will then proceed to identify their trajectory over the recent decades.We will outline the contours of recent Presidential campaigns where Progressives were deeply involved.We will focus on the dynamics of political regression: From resistance to submission, from retreat to surrender.We will conclude by discussing the end result: The Progressives large-scale, long-term embrace of far-right ideology and practice.Progressives by Name and PostureProgressives purport to embrace progress , the growth of the economy, the enrichment of society and freedom from arbitrary government. Central to the Progressive agenda was the end of elite corruption and good governance, based on democratic procedures.Progressives prided themselves as appealing to reason, diplomacy and conciliation , not brute force and wars. They upheld the sovereignty of other nations and eschewed militarism and armed intervention.Progressives proposed a vision of their fellow citizens pursuing incremental evolution toward the good society , free from the foreign entanglements, which had entrapped the people in unjust wars.Progressives in Historical PerspectiveIn the early part of the 20th century, progressives favored political equality while opposing extra-parliamentary social transformations. They supported gender equality and environmental preservation while failing to give prominence to the struggles of workers and African Americans.They denounced militarism in general but supported a series of wars to end all wars . Theodore Roosevelt and Woodrow Wilson embodied the dual policies of promoting peace at home and bloody imperial wars overseas. By the middle of the 20th century, different strands emerged under the progressive umbrella. Progressives split between traditional good government advocates and modernists who backed socio-economic reforms, civil liberties and rights.Progressives supported legislation to regulate monopolies, encouraged collective bargaining and defended the Bill of Rights.Progressives opposed wars and militarism in theory until their government went to war.Lacking an effective third political party, progressives came to see themselves as the left wing of the Democratic Party, allies of labor and civil rights movements and defenders of civil liberties.Progressives joined civil rights leaders in marches, but mostly relied on legal and electoral means to advance African American rights.Progressives played a pivotal role in fighting McCarthyism, though ultimately it was the Secretary of the Army and the military high command that brought Senator McCarthy to his knees.Progressives provided legal defense when the social movements disrupted the House UnAmerican Activities Committee.They popularized the legislative arguments that eventually outlawed segregation, but it was courageous Afro-American leaders heading mass movements that won the struggle for integration and civil rights.In many ways the Progressives complemented the mass struggles, but their limits were defined by the constraints of their membership in the Democratic Party.The alliance between Progressives and social movements peaked in the late sixties to mid-1970 s when the Progressives followed the lead of dynamic and advancing social movements and community organizers especially in opposition to the wars in Indochina and the military draft.The Retreat of the ProgressivesBy the late 1970 s the Progressives had cut their anchor to the social movements, as the anti-war, civil rights and labor movements lost their impetus (and direction).The numbers of progressives within the left wing of the Democratic Party increased through recruitment from earlier social movements. Paradoxically, while their numbers were up, their caliber had declined, as they sought to fit in with the pro-business, pro-war agenda of their President s party.Without the pressure of the populist street the Progressives-turned-Democrats adapted to the corporate culture in the Party. The Progressives signed off on a fatal compromise: The corporate elite secured the electoral party while the Progressives were allowed to write enlightened manifestos about the candidates and their programs . . . which were quickly dismissed once the Democrats took office. Yet the ability to influence the electoral rhetoric was seen by the Progressives as a sufficient justification for remaining inside the Democratic Party.Moreover the Progressives argued that by strengthening their presence in the Democratic Party, (their self-proclaimed boring from within strategy), they would capture the party membership, neutralize the pro-corporation, militarist elements that nominated the president and peacefully transform the party into a vehicle for progressive changes .Upon their successful deep penetration the Progressives, now cut off from the increasingly disorganized mass social movements, coopted and bought out many prominent black, labor and civil liberty activists and leaders, while collaborating with what they dubbed the more malleable centrist Democrats. These mythical creatures were really pro-corporate Democrats who condescended to occasionally converse with the Progressives while working for the Wall Street and Pentagon elite.The Retreat of the Progressives: The Clinton DecadeProgressives adapted the crab strategy : Moving side-ways and then backwards but never forward.Progressives mounted candidates in the Presidential primaries, which were predictably defeated by the corporate Party apparatus, and then submitted immediately to the outcome. The election of President Bill Clinton launched a period of unrestrained financial plunder, major wars of aggression in Europe (Yugoslavia) and the Middle East (Iraq), a military intervention in Somalia and secured Israel s victory over any remnant of a secular Palestinian leadership as well as its destruction of Lebanon!Progressives followed Clinton s deep throated thrust toward the far right, as he outsourced manufacturing jobs to Mexico (NAFTA) and re-appointed Federal Reserve s free market, Ayn Rand-fanatic, Alan Greenspan.Like a huge collective Monica Lewinsky robot, the Progressives in the Democratic Party bent over and swallowed Clinton s vicious 1999 savaging of the venerable Glass Steagall Act, thereby opening the floodgates for massive speculation on Wall Street through the previously regulated banking sector. When President Clinton gutted welfare programs, forcing single mothers to take minimum-wage jobs without provision for safe childcare, millions of poor white and minority women were forced to abandon their children to dangerous makeshift arrangements in order to retain any residual public support and access to minimal health care. Progressives looked the other way.Progressives repeatedly kneeled before President Clinton marking their submission to the Democrats hard right policies.The election of Republican President G. W. Bush (2001-2009) permitted Progressive s to temporarily trot out and burnish their anti-war, anti-Wall Street credentials. Out in the street, they protested Bush s savage invasion of Iraq (but not the destruction of Afghanistan). They protested the media reports of torture in Abu Ghraib under Bush, but not the massive bombing and starvation of millions of Iraqis that had occurred under Clinton. Progressives protested the expulsion of immigrants from Mexico and Central America, but were silent over the brutal uprooting of refugees resulting from US wars in Iraq and Afghanistan, or the systematic destruction of their nations infrastructure.Progressives embraced Israel s bombing, jailing and torture of Palestinians by voting unanimously in favor of increasing the annual $3 billion dollar military handouts to the brutal Jewish State. They supported Israel s bombing and slaughter in Lebanon.Progressives were in retreat, but retained a muffled voice and inconsequential vote in favor of peace, justice and civil liberties. They kept a certain distance from the worst of the police state decrees by the Republican Administration.Progressives and Obama: From Retreat to SurrenderWhile Progressives maintained their tepid commitment to civil liberties, and their highly leveraged hopes for peace in the Middle East, they jumped uncritically into the highly choreographed Democratic Party campaign for Barack Obama, Wall Street s First Black President .Progressives had given up their quest to realign the Democratic Party from within : they turned from serious tourism to permanent residency. Progressives provided the foot soldiers for the election and re-election of the warmongering Peace Candidate Obama. After the election, Progressives rushed to join the lower echelons of his Administration. Black and white politicos joined hands in their heroic struggle to erase the last vestiges of the Progressives historical legacy.Obama increased the number of Bush-era imperial wars to attacking seven weak nations under American s First Black President s bombardment, while the Progressives ensured that the streets were quiet and empty.When Obama provided trillions of dollars of public money to rescue Wall Street and the bankers, while sacrificing two million poor and middle class mortgage holders, the Progressives only criticized the bankers who received the bailout, but not Obama s Presidential decision to protect and reward the mega-swindlers.Under the Obama regime social inequalities within the United States grew at an unprecedented rate. The Police State Patriot Act was massively extended to give President Obama the power to order the assassination of US citizens abroad without judicial process. The Progressives did not resign when Obama s kill orders extended to the mistaken murder of his target s children and other family member, as well as unidentified bystanders. The icon carriers still paraded their banner of the first black American President when tens of thousands of black Libyans and immigrant workers were slaughtered in his regime-change war against President Gadhafi Continue this article at Information Clearing HouseREAD MORE POLICE STATE NEWS AT: 21st Century Wire Police State FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"July 14, 2017",1 +STAR WARS 2.0: Washington’s Battle to Fund Space Warfare,"21st Century Wire says In 1983, US President Ronald Reagan launched the Strategic Defense Initiative (SDI), a space-based anti-missile system which came to be known as Star Wars. At the time, SDI was meant to give the US a nuclear first-strike against advantage against its geopolitical rival the Soviet Union by using various weaponized technologies including lasers, to intercept Soviet ICBM missiles in space. In the end, the program proved to be too costly, too complicated for a practical role out, and ineffective against non-space faring weapons like cruise missiles, submarine based missile batteries and long range bombers. Now in 2017, as the Cold War is being re-heated again, the West is potentially looking at the complete militarization of outer space. This time the US nemesis is both Russia and China. But what really driving this new space race agenda?Consortium News Exclusive: As a backdrop to the Russia-gate hysteria and the heightened fear of China is a budget war over how much U.S. taxpayer money to pour into space warfare, explains Jonathan Marshall By Jonathan MarshallThere s a civil war being fought on our nation s soil, right in our capital. It pits the Secretary of Defense and senior generals against a bipartisan band of militant legislators who accuse the Pentagon of standing pat while Russian and China work to achieve military superiority over the United States in space.No doubt these bureaucratic warriors will eventually call a truce. But in the meantime, the American people will almost certainly become less secure and more indebted (in budget terms) as a result of both sides macho posturing for new warfighting capabilities in space (differing mostly on how far and how fast to go).Eager congressional advocates of space warfare have attached an amendment to the House defense authorization bill requiring the Pentagon to create a new U.S. Space Corps to join the Army, Navy, Air Force, Marines and Coast Guard by 2019. Currently, the Air Force oversees most space warfare projects.The amendment has sent senior Pentagon leadership into a tizzy. Secretary of Defense James Mattis strongly urged Congress to rescind the requirement, stating in a letter that it is premature to add additional organization and administrative tail to the department at a time I am trying to reduce overhead. Similarly, Air Force Secretary Heather Wilson protested that the proposal will simply add more boxes to the organization chart. Meanwhile, Gen. John W. Raymond, commander of Air Force Space Command, insisted that his service has space matters well in hand. (He should be happy the Pentagon recently raised his position to a 4-star rank.)Upping the AnteIn response, Rep. Mike Rogers, an Alabama Republican and chairman of the Strategic Forces subcommittee, announced that he was pissed and outraged at the Air Force for fighting the new Space Command, saying its obstructionism would set back efforts to respond to adversaries and space threats and allow Russia and China to surpass us soon. The Air Force leadership would have us trust them: I don t think so, Rogers sneered, as if speaking about the Russians. They just need a few more years to rearrange the deck chairs: I don t think so. This is the same Air Force that got us into the situation where the Russians and the Chinese are near-peers to us in space. He vowed, We will not allow the status quo to continue. Behind all the fiery argumentation lies a bipartisan consensus that the United States must sharply increase its spending on the militarization of space to maintain global supremacy. Gen. Raymond applauded Congress for recognizing the national imperative of his mission to normalize, elevate, and integrate space as a war-fighting domain. Secretary Wilson published an op-ed column last month on her new initiatives to develop space airmen who have the tools, training, and resources to fight when not if war extends into space. She fully expects Congress to follow through on her request for a 20 percent increase in Air Force space funding. (Total military spending on space, including non-Air Force programs like the National Reconnaissance Office, came to about $22 billion last year.)What s driving all this activity aside from baser motives of bureaucratic advantage and financial gain are intelligence assessments that China and Russia have aggressive programs to both demonstrate and produce eventual operational capability to . . . attack our space assets across the spectrum, in the words of David Hardy, acting deputy undersecretary of the Air Force for Space. While we re not at war in space, I don t think we can say we re exactly at peace, either, said Navy Vice Adm. Charles A. Richard, deputy commander of U.S. Strategic Command, in March. Gen. John Hyten, head of the Pentagon s Strategic Command, recently declared that the United States needs not only a good defense, but an offensive capability to challenge space threats from Russia and China.The High Stakes in SpaceThe stakes are potentially huge because the United States uses space for all manner of command, control, and intelligence missions, not to mention civilian applications. Orbiting satellites provide near-real-time images of conflict zones, sense missile launches and nuclear tests, provide precise positioning coordinates to guide weapons systems, and route secure communications to remote regions of the globe Continue this story at Consortium NewsREAD MORE SPACE NEWS AT: 21st Century Wire Space FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"July 14, 2017",1 +Boiler Room EP #117 – Straight Outta Tavistock & The Woke AF Zombie Apocalypse,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along side Jay Dyer & Jamie Hanshaw of Jay s Analysis and FunkSoul & Randy J (21WIRE & ACR contributors), for the hundred and seventeenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re focused on the Tavistock style social engineering tactics that have been imposed upon western society, their origins, their modern manifestations and their effects on different generations over time that have been exposed to them. Join us for some laughs, some face-palm moments, some enlightening context to where we find ourselves in this place in time and history. The gang lays out the pitfalls of blue-pill, normie life, some James Bond trivia, Hollywood analysis and an ice breaker likely to make you cringe.Direct Download Episode #117Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"July 14, 2017",0 +NOTHING BIG MAC: Donald Trump Jr Caught in Latest Russiamania Ragbag,"Patrick Henningsen 21st Century WireDespite repeated failures in litigating the Russian Collusion case, America s mainstream media and liberal establishment are still trying to manifest new episodes, hoping that one will turn up Trump.What was billed by the US mainstream media this week as a smoking gun, still hasn t produced anything remotely compelling, not by normal journalistic standards anyway.At first it looked salacious and on first read had all the makings of a Russo-American sequel to Get Shorty Last summer, well before Russiamania descended upon the US media and body politic, a former Trump Organization and entertainment agent associate, Rob Goldstone, emailed Donald Trump Jr about an interesting meeting in Trump Tower. Goldstone laid the bait, according to an email chain released by Donald Trump Jr this week, indicating that the purpose of the meeting was as follows: to provide the Trump campaign with some official documents and information that would incriminate Hillary and her dealings with Russia and would be very useful to your father. This is obviously very high level and sensitive information but is part of Russia and its government s support for Mr Trump. No doubt intriguing, to which Trump the younger replied: If it s what you say I love it especially later in the summer. At last, no more vegan news. Russiagate has finally served up some red meat, and so it began.In a personal statement released on Monday by Donald Trump Jr, he maintained his innocence regarding the matter: The information they suggested they had about Hillary Clinton I thought was Political Opposition Research. Obviously I'm the first person on a campaign to ever take a meeting to hear info about an opponent went nowhere but had to listen. https://t.co/ccUjL1KDEa Donald Trump Jr. (@DonaldJTrumpJr) July 10, 2017By that time the media had already made the jump to hyperspace. The headlines all hummed in unison, gleefully touting along the lines of, At last, they all thought, after 10 months and hundreds of millions of dollars spent, and public money wasted, and thousands of hours of hollow media coverage we ve finally got it! If the media is to believed, you d think that every Trump-Russia story is a precursor for his impeachment.If there s one thing we ve learned from the media by now, it s that even if it s an obvious cul-de-sac, they can still sustain a Trump-Russian story for most of the working week. Just this morning, an enthusiastic Washington Post, still going strong, pushed out the headline which read: Category 5 hurricane : White House under siege by Trump Jr. s Russia revelations. Not surprisingly, CNN was just as determined, like a dog searching for its chew toy under the couch. CNN breaking news voiceover presenter announced loudly, Another potential bombshell report from the New York Times the key word here being potential, but that s already a stretch. There are plenty in the media who would like there to be something there, but to paraphrase one of the great political eels of all time, Donna Brazile There is no there, there. While pushing the story on Tuesday, CNN s lead paragraph was keen to stress that President Donald Trump s eldest son, Donald Trump Jr, met a Russian government attorney even though everyone already knew by that time that the attorney in question, Natalia Veselnitskaya, had already stated she had never acted on behalf of the Russian government.Russian lawyer Natalia Veselnitskaya (Source: The Australian) According to Donald Trump Jr s own personal statement and email chain released on Twitter, Russian lawyer Veselnitskaya produced no useful dirt on Hillary Clinton at the supposedly magnanimous meeting in Trump Tower and claims the meeting was really about the Magnitsky Act, signed by President Barack Obama in 2012 which contained targeted sanctions against Russian individuals and which also put the brakes on US-Russia adoptions. At the time we were told that Russian President Vladimir Putin viewed the Act as an affront to Russian national interests and retaliated by halting American adoptions of Russian children.The Magnitsky Affair became the cause de jour for the West as well as the opening salvo in the New Cold War, but according to veteran investigative reporter Robert Parry the real details of this scandal have been purposefully blocked from Western eyes and ears. Instead, a mythology has been perpetuated which persists to this day thanks to the efforts of one of the scandal s protagonists, hedge-fund operator William Browder.Beyond the palace intrigue and the Magnitsky angle, no mainstream journalists seem brave enough to ask the simple question: is there a story here? In the end, no information was passed to Trump, and no crime appears to have been committed. It s not just a nothing burger, it s a nothing Big Mac.Staying to the task at hand, the New York Times kept establishment s Russiamania on track. Right on queue, the New York Times responded to Trump Jr s email release by trying elevate the alleged incident to the level of Russian collusion with its headline, When the Kremlin Says Adoptions, It Means Sanctions . CNN also used the opportunity to recycle and repeat what should be by now a discredited piece of fiction by crowing, The US intelligence community concluded that Russian President Vladimir Putin directed an influence campaign to hurt Clinton and help Trump during the 2016 presidential campaign Apparently, unhinged editors at CNN are still asleep to the fact that the New York Times had already jettisoned the 17 agencies fable when they retracted their yarn ten days previous:After seeming to ditch that big white lie which served as the mainstream s keystone anti-Russia trope since the last October, the New York Times has since tried to rehabilitate the narrative in Matthew Rosenburg s frail opus entitled, Trump Misleads on Russian Meddling: Why 17 Intelligence Agencies Don t Need to Agree. In other words, Yes, we misled the public on the 17 agencies tale, but he s still guilty. Assange InterventionThe most amazing turn in this story however, does not have to do with the contents of the emails, but rather who took them public first.We re told that someone had possession of the incriminating email chain, and had supplied this to the New York Times.On July 10th, while the story was still percolating, the New York Times boasted: The Times now has the email to Donald Trump Jr. offering Russian aid to incriminate Hillary. It seems that while the NYT was gloating over the potential of the story, editor Dean Baquet forgot the golden rule in investigative journalism: publish first, then celebrate. Champagne corks were already popping down on Eight Avenue in advance of the email release, and why not? They really believed they finally had a genuine Russiagate story this time.Here's my statement and the full email chain pic.twitter.com/x050r5n5LQ Donald Trump Jr. (@DonaldJTrumpJr) July 11, 2017Once Trump Jr tweeted out the email chain, the story suddenly shifted away from how damning the revelations are for the White House to how badly the New York Times fumbled this story. If Trump Jr hadn t released the emails, it s a near certainty that the NYT would have cropped and dripped out what it felt were the most juicy bits, and wrapped those in a prefabricated Russiagate narrative, to be disseminated to the Washington Post, CNN, NBC et all. .What incensed the media more than anything was that he had beaten the media to the story by releasing his own emails on Twitter. That canny move by Donald Jr was in part due to the timely intervention and advice by none other than Wikileaks founder Julian Assange who tweeted out after the fact:Contacted Trump Jr this morning on why he should publish his emails (i.e with us). Two hours later, does it himself: https://t.co/FzCttGSyr6 Julian Assange (@JulianAssange) July 11, 2017Later, Assange explained his actions on Twitter: I argued that his enemies have it so why not the public? His enemies will just milk isolated phrases for weeks or months with their own context, spin and according to their own strategic timetable. Better to be transparent and have the full context but would have been safer for us to publish it anonymously sourced. By publishing it himself it is easier to submit as evidence. Nonetheless, Donald Jr humiliated the New York Times. By telegraphing their story, they gave him an easy opening, in effect beating the New York Times and sucking any available oxygen out of the story.Slightly further up the leftwing of America s east coast intelligensia food chain, The Atlantic Magazine attempted to re-heat this fabulous nothing burger. With no real story to follow-up on, as a consolation prize, writer Mark Galeotti instead focused on the bizarre as its cast of characters surrounding this story as he tried to surmise how indicative of an unelected network of wealthy oligarchs, captains of industry and powerful corporations who really run things in Mother Russia. In essence, The Atlantic s Galeotti is complaining that there might actually be a Russian deep state permeating the halls of power in Moscow. He states: These hybrid relationships extend to virtually every arena of state business. The state media is an engine of propaganda. Private banks and businesspeople are, for the most part, exactly who and what they appear to be, but they are used to funnel money to sympathetic foreign parties and politicians when the Kremlin pleases. So, Russia has a deep state too. Is the United States, the UK, or any other Western country any different?Interestingly, it was The Atlantic who ran a host of Trump-related deep state articles through the latter part of the US election cycle. So it s: deep state in the USA = an acceptable fact of life, but deep state in Russia = an evil Putinism.Music promoter Rob Goldstone (Source: Mediaite)Who is Rob Goldstone? If there was ever a dodgy actor in this story, it s this man. We re told that the instigator-cum-middleman of this affair is one Rob Goldstone, a former Trump business associate from the Miss Universe event, and former promoter of Russian-based pop singer and businessman Emin Agalarov. According to the email chain, it was Agalarov who is said to have prompted the meeting at Trump Tower between Trump Jr and Russian lawyer Natalia Veselnitskaya, along with President Trump s son-in-law Jared Kushner and Paul Manafort who was Trump s newly appointed campaign boss.Wayward music svengali Goldstone told the future US president s son, the crown prosecutor of Russia offered to provide the Trump campaign with some official documents and information that would incriminate Hillary and her dealings with Russia and would be very useful to your father. This has all the makings of a classic political set-up, with Goldstone positioned as the potential schlepper.Agalarov s family attorney Scott Balber told RT: Rob Goldstone was a publicist, a promoter for Emin s musical career. So, they certainly had a relationship in that regard, Balber said, adding that arranging a meeting about some top-secret information, allegedly coming from the Russian government, was obviously out of Goldstone s competence. Rob Goldstone is an entertainment industry publicist. So, I think it s fair to say that he was out of his alignment in making these communications. And what he said is not true. CNN s Kathy Griffin pictured here with Rob Goldstone, date and location of image unknown:Don't recall taking this photo with Russian intermediary Rob Goldstone, but I am in my Dynasty hat waiting for my interview with Mr. Mueller pic.twitter.com/VZ4iT1SuJX Kathy Griffin (@kathygriffin) July 10, 2017Goldstone appears to be a bit of an artful dodger who keeps some interesting company, including Kathy Griffin of CNN fame (see tweet above). Not surprisingly, Griffin can be seen on Twitter trying to milk the Trump Jr-Goldstone scandal for some extra publicity. It was Griffin, commonly referred to as a female comedian who had her CNN New Years Eve contract canceled following last month s mock ISIS-style beheading of President Trump.What REAL Collusion Looks likeThe word collusion is a new one for Americans. You almost never heard it before 2017. It came into our cultural lexicon after the previous two iterations of Russiagate were decommissioned due to repeated failures. The first iteration was Russian hacking of US elections which despite monumental efforts by the media and Democratic Party could not actually produce any evidence. Russian hacking was later downgraded to Russian meddling, which like the hacking meme, led absolutely nowhere. Then came collusion, which in the case of Trump, appears to be going nowhere. Since then, collusion has since been lowered to an effete, Russian influence. Back in January however, Politico revealed how the Clinton campaign had actually colluded with the Ukrainian government to spread anti-Trump stories and information during the 2016 election.Unlike the US liberal establishment s Russiagate Hoax, the Clinton-Ukraine story is real, and a definite breach of numerous codes, and possibly illegal. This incredible story was later summarized here by The Daily Caller:A veteran DNC operative who previously worked in the Clinton White House, Alexandra Chalupa, worked with Ukrainian government officials and journalists from both Ukraine and America to dig up Russia-related opposition research on Trump and Manafort. She also shared her anti-Trump research with both the DNC and the Clinton campaign, according to the Politico report. Chalupa met with Ukrainian Ambassador Valeriy Chaly and one of his aides, Oksara Shulyar, at the Ukrainian Embassy in March 2016 to talk about unearthing Paul Manafort s Russian connections, Chalupa admitted to Politico. Four days later, Trump officially hired Manafort. The day after Manafort s hiring was revealed, she briefed the DNC s communications staff on Manafort, Trump and their ties to Russia, according to an operative familiar with the situation, Politico reported.The Politico report also notes that the DNC encouraged Chalupa to try to arrange an interview with Ukrainian President Petro Poroshenko to talk about Manafort s ties to the former pro-Russia president of Ukraine, Viktor Yanukovych, whom Manafort previously advised.To make matters worse, the Clinton campaign then actively coordinated a number of mainstream media journalists to spread the information:In one email released by WikiLeaks, Chalupa told Luis Miranda, then the DNC s communications director, that she was working with Yahoo News reporter Michael Isikoff and connected him to the Ukrainians. A lot more coming down the pipe. I spoke to a delegation of 68 investigative journalists from Ukraine last Wednesday at the Library of Congress the Open World Society s forum they put me on the program to speak specifically about Paul Manafort and I invited [Yahoo News reporter] Michael Isikoff whom I ve been working with for the past few weeks and connected him to the Ukrainians, Chalupa told Miranda. More offline tomorrow since there is a big Trump component you and Lauren need to be aware of that will hit in next few weeks and something I m working on you should be aware of. The Open World Leadership Center, which funded Chalupa s briefing of journalists about Manafort, is a taxpayer-funded congressional agency. Regarding the media colluding with Clinton, one of the most disturbing examples of this was when CNN s foreign affairs correspondent Elise Labott (image, left) was caught red-handed coordinating with former Hillary Clinton spokesman and State Department aid, Philippe Reines, on how to damage the public image of former GOP presidential candidate and Kentucky Senator Rand Paul during the 2013 Benghazi Hearings. A batch of emails which was released by Gawker showed how Labott took direction from Reines on how to craft tweets during the January 23, 2013 Senate Foreign Relations Committee Hearing. At the time, Senator Paul was pressing Clinton on the details of Benghazi, and the joint-attack by Reines and CNN s Labott looked very much like retribution. Both Labott and Reines conferred, before Labott tweeted to her followers: Sen Paul most critical on committee of Clinton, but a little late to the #Benghazi game. Not sure he was at many of the 30 previous briefings. This was a clear effort behind the scenes to defame a sitting US Senator by a member of the press colluding with a Clinton operative. You d think that Elise Labott would have been sacked for this, but after all it s CNN which means she not only kept her job, but probably got a pay rise to boot.We also learned how Clinton campaign operatives had paid large sums of cash to a shady Washington DC firm called Fusion GPS to conduct opposition research on Donald Trump. The firm was originally hired by rival GOP primary candidates to research Trump, but after Trump knocked out all 16 of his rivals and secured the Republican Party nomination, Fusion GPS was then re-hired by Democratic Party donors. Fusion GPS used a portion of that money to contract a former British intelligence agent, Christopher Steele, in order to help produce what would later become known as the Trump Dossier which was then handed to one of the establishment s information laundromats, BuzzFeed (owned by NBCUniversal), which was then seized (surprise, surprise) by CNN. Both media outlets happily seized upon the bogus report, claiming to have damning new information on Donald Trump s ties with Russia. Steele s colorful report claimed that Russia s FSB intel agency had Kompromat on Trump gathered during a trip to Moscow in 2013. It was this incident which eventually prompted then President-elect Trump to christen CNN and its frivolous correspondent Jim Acosta as Fake News, widely regarded as a well-earned label and one which the network hasn t been able to shake off ever since.How this cartel of disinformation goes unregistered on the ethics meter by America s liberal establishment is shocking enough and speaks to both the built-in bias, and cognitive dissonance that plagues America s bustling partisan media and political establishments.Interestingly, UK website The Independent reported how Ms Veselnitskaya is believed to be linked to Fusion GPS. If there is any truth in that claim, then it could lend further credence to the idea that this entire scenario was an establishment stitch-up, possibly to snare the Trump camp in another Russian scandal. According to their report: A complaint filed last year claimed that GPS Fusion headed the pro-Russia campaign to kill the Magnitsky Act. Fusion GPS is the company behind the creation of the unsubstantiated dossier alleging a conspiracy between President Trump and Russia, Senator Chuck Grassley wrote in the letter. It is highly troubling that Fusion GPS appears to have been working with someone with ties to Russian intelligence let alone someone alleged to have conducted political disinformation campaigns as part of a pro-Russia lobbying effort while also simultaneously overseeing the creation of the Trump-Russia dossier. Did Fusion GPS arrange this meeting between Trump Jr and Veselnitskaya?The firm denies any involvement stating, Fusion GPS learned about this meeting from news reports and had no prior knowledge of it. Any claim that Fusion GPS arranged or facilitated this meeting in any way is false. But that rabbit hole leads somewhere, although it s not clear exactly where yet.We do know for sure: that the US mainstream media, especially the New York Times and CNN, cannot be trusted to cover this story fairly or accurately.Watch as 21WIRE s Patrick Henningsen discusses the media s dilemma with RT International on July 11th: *** Patrick Henningsen is an American-born writer and global affairs analyst and founder of independent news and analysis site 21st Century Wire and host of the SUNDAY WIRE weekly radio show broadcast globally over the Alternate Current Radio Network (ACR).READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"July 13, 2017",0 +Armed US immigration Officers to Be Stationed in UK Airports,"21st Century Wire says This latest move by the US is being sold to unwitting British holiday makers and business travelers as a solution to long immigration queues at US airports. Under the new scheme, airlines would be forced to foot the bill for US security personnel and their families to live in the UK. They plan to pay for this by simply passing the extra costs onto passengers travelling from Britain to the US. In other words: air travel may have become more expensive for Brits heading to the US.It s not clear exactly why US officers have to be armed in UK airports. Not surprisingly, few UK media outlets bothered to even question that aspect of the story.Will the British government end up accepting this aggressive move by the US? If so, will it be a dangerous precedent?More from the Daily Mail Chris Pleasance Mail OnlineArmed US immigration officers could be stationed at airports in the UK under plans being discussed between the White House and Westminster.Under the plans British passengers would have their visa paperwork checked before boarding flights, allowing them to skip some queues after arriving in America.But there are fears it could drive up the price of tickets as it remains unclear who will foot the bill for immigration officers to live in this country.Both Manchester and Edinburgh Airport are said to be eager to join the scheme.Heathrow bosses are believed to have turned the idea down because the obstacles involved in bringing immigration officers to this country are insurmountable.Meanwhile Gatwick declared that it has no plans to participate in the scheme.Home Office officials confirmed that the plans were being discussed. While it would be up to each airport to negotiate a different process with US authorities, the scheme would need overall approval by the government.The US already has special immigration checks in six countries around the world, with more than 600 law enforcement officers are stationed at 15 locations.Pre-clearance operations in Dublin and Shannon in Ireland opened in 2008 Continue this story at the Daily MailREAD MMORE POLICE STATE NEWS AT: 21st Century Wire Police State FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 10, 2017",1 +"Boiler Room EP #116 – Trigger GIFs, Send in the Clowns","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along Andy Nowicki, Daniel Spaulding of Soul of the East and FunkSoul & Miles of Truth (21WIRE & ACR contributors), for the hundred and sixteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re discussing the past week of fake news, mainstream lies, polititricks and psyops to certainly include the reaction of CNN to President Trump retweeting a GIF that seems to have triggered the leftist top outlet for fake news. We also dug into an article by Miles of Truth centering on Afghanistan, the new influx of troops expected to be heading there, the effect on the black market drug trade, tribal warlords being supported by the military & intelligence agencies and more. Tonight we hit 2 million listens on the ACR spreaker channel which we re celebrating also! Here s to the next million listens! Cheers and thanks to all the Boiler Room and ACR listeners out there.Direct Download Episode #116Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"July 6, 2017",0 +#CNNBlackmail Trending as Network Blackmails Trump Meme Reddit User,"21st Century WireYesterday, US mainstream media outlet CNN threatened to expose the identity of a Reddit user who is said to have created the spoof WWF video meme which was Tweeted by President Donald Trump on Sunday morning, showing Trump in a cartoon fight with CNN.This was the offending Tweet which Trump released on Sunday morning, including a video meme gleaned from Reddit: #FraudNewsCNN #FNN pic.twitter.com/WYUnHjjUjg Donald J. Trump (@realDonaldTrump) July 2, 2017Apparently, CNN was so distraught over Trump s online prank which CNN claimed promoted violence against reporters that the cable news network tried (unsuccessfully) to get Twitter to remove it from their website.CNN then went on to report on Monday boasting about how they trolled and tracked the Reddit user under the handle HanAssholeSolo who had created the original meme.The following day on Tuesday, the Reddit user made a public apology (since deleted, but posted here at Buzzfeed News). But the apology wasn t voluntary as CNN appears to have blackmailed the man.Ultimately, CNN decided not to reveal his identity not for safety reasons, but for political ones, apparently rewarding him for apologizing and recanting his views. In addition, CNN threatened to expose the Reddit user s identity in future if it disapproved of his behavior or his statements essentially blackmailing him:Now, CNN has been accused of both threatening and blackmailing the creator of the wrestling meme.CNN s KFile discovered the real identity of the Reddit user credited with creating the meme, HanA**holeSolo, and tried to contact him. The meme creator then apologized on Reddit, saying he doesn t advocate violence against the media. According to CNN, he then got in touch with KFile and asked not to be named. CNN also said that it would not publish the man s name, because he is a private citizen who has issued an extensive statement of apology, and that CNN reserves the right to publish his identity should any of that change. As a result of the controversy, the hashtag #CNNBlackmail has been trending on Twitter.The online backlash has been hard and swift, as thousands of Tweets reveal the scale of public distaste for CNN:""CNN: The Most Trusted Name In Silencing Political Dissent""#CNNBlackmail pic.twitter.com/w0Lpl2ZGc2 Wrongthink Warlord (@NoSlackDelta) July 5, 2017If anyone tried to do what CNN just did on reddit, twitter or almost any online community they would get instanstly banned. #CNNBlackmail pic.twitter.com/JbtRNPDUYK Murad Gazdiev (@MuradGazdiev) July 5, 2017CNN tracks a 15 year old meme maker down in a few days but can't prove Russia conspiracy in over a year. #CNNBlackmail Randy Newton (@threezeroleft) July 5, 2017It s no surprise that CNN reputation has been steadily tanking following a string of fake news reports regarding President Trump and Russia, along with some of the most abysmal journalism ever seen in modern times during its coverage of the 2016 election where it openly backed the eventual loser, Hillary Clinton, as well as continuous bogus reporting coming out of Syria where CNN has repeatedly laid the false claim that, Assad is gassing his own people. READ MORE CNN NEWS AT: 21st Century Wire CNN FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 5, 2017",0 +"In the Age of Amazon, Are Traditional Shopping Malls Dead?","USA Meg Mall in Seattle, WA (Source: Bynyalcin @Wikicommons)21st Century WireTraditional U.S. retailers are staring out at the abyss with massive layoffs expected to continue into the next quarter of 2017, according to a report by MarketWatch. In the last four years, traditional retailers have cut more than 200,000 jobs. In contrast, Amazon is set to create 100,000 new full-time jobs over the year in the US.In the early days of Amazon.com the online retailer struggled to turn a profit. Inc. Magazine explains: Despite having revenues of $1.6 billion in 1999, Amazon still managed to lose $719 million. Things didn t get better in 2000, when it was found that Amazon had just around $350 million of cash on hand, despite raising billions of dollars. Traditional shopping malls and retailers simply cannot match the lower overhead Amazon business model. The difference between running a warehouse-based infrastructure and a fully operational, brick and mortar venue is pretty obvious the costs in building and maintaining large bespoke spaces which require 24/7 maintenance and costly renovations, repairs, remodeling.Bloomberg reports: The owner of the Newgate Mall plans to pour $500,000 into overhauling the outdated food court in a bid to lure restaurateurs and hungry shoppers. Rent payments from eateries are never going to recoup the renovation costs, but for landlord Time Equities Inc., that s not the point. The point is survival. Costs are escalating as mall owners work to keep their real estate up to date and fill the void left by failing stores. The companies are turning to everything from restaurants and bars to mini-golf courses and rock-climbing gyms to draw in customers who appear more interested in being entertained during a trip to the mall than they are in buying clothes and electronics. The new tenants will pay higher rents than struggling chains such as Macy s and Sears, and hopefully attract more traffic for retailers at the property, according to Haendel St. Juste, an analyst at Mizuho Securities USA LLC. More than a dozen retailers have gone bankrupt this year as the shift toward online shopping accelerates. Even healthy companies are shutting hundreds of locations. As many as 13,000 stores are forecast to close next year, compared with 4,000 in 2016, according to brokerage Cushman & Wakefield Inc. Are we looking at a new commercial property bubble forming here as the late 20th century shopping model struggles to remain relevant? St. Juste certainly thinks so: The math is pretty obvious, pretty compelling, but there are risks, St. Juste said in an interview. This hasn t been done before on a broad scale. With so many traditional retailers failing to compete with Amazon, it s only a mater of time before there s an over-supply of commercial retail property on the market, leading to an inevitable drop in the price per square foot. How long until Amazon moves in and buys-up large retail properties on the cheap, and rolls-out Amazon s new brick and mortar digital shopping experience?READ MORE FINANCIAL NEWS AT: 21st Century Wire Financial FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 5, 2017",0 +"AFGHANISTAN: Forgotten, But Not Gone"," US Army paratrooper in Afghanistan s Konar province (Photo: Spc. Lorenzo Ware/US Army. Source: Wikicommons)Miles Elliott 21st Century WireThe war in Afghanistan is the longest war in US history. Now in its 16th year (and third US President), one might expect the war to be winding down; however, with a resurgent Taliban, and ISIS allegedly present in the country as well, President Trump has recently delegated authority over prosecution of the war to the Pentagon. Now, additional US and NATO troops are being deployed to Afghanistan, and Secretary of Defense James Mattis (together with National Security Advisor HR McMaster) is developing a new, more aggressive strategy for the war. In short, there is no end in sight.Although other wars have claimed this title in the past, Afghanistan is referred to by many as the forgotten war. Even though it has been responsible for the deaths of thousands of US troops and many more people from Afghanistan, it sits nowhere near the forefront of public consciousness; it is more a vague blob in the public s peripheral vision. Nine years ago, in July 2008, PBS aired a video report from their correspondent embedded with US troops in Afghanistan. Even then, at a time before George W Bush had vacated the Oval Office, the title of the video was Afghanistan: The Forgotten War . Then, eight years later at the height of 2016 presidential race, the LA Times published an editorial called Afghanistan: The campaign s forgotten war , in which the author points out that neither Hillary Clinton nor Donald Trump even bothered to mention Afghanistan in their convention speeches.Trump was critical of US military interventionism during his campaign however, and even before his bid for the presidency began, he was in the habit of taking to Twitter to lambast the Obama administration for perpetuating the war in Afghanistan.Let s get out of Afghanistan. Our troops are being killed by the Afghanis we train and we waste billions there. Nonsense! Rebuild the USA. Donald J. Trump (@realDonaldTrump) January 11, 2013But that did not stop Obama who promised to end the war by 2014 from leaving the White House in January 2017 with 8,400 US troops still stationed in Afghanistan. It is also not stopping Trump himself from reversing course and presiding over the next escalation of US involvement in the country.With the Taliban now in control of more territory than it has been since the US first went into Afghanistan in 2001, and the supposed appearance of ISIS in the country, one has to wonder what the last 16 years have really been about.Surge 4.0For the past few weeks, the American mainstream press has been reporting on Pentagon plans to send additional troops to Afghanistan. Although the number 4,000 has been widely circulated, no official announcements regarding the number or strategy have yet been made. The new strategy is set to be publicly announced in mid-July, and it looks as though more US troops will be sent to Afghanistan to add to the 8,500 American troops already in country. Similarly, fifteen of the twenty-nine NATO member nations so far have also agreed to send more troops to Afghanistan to add to the current NATO presence of 5,000 troops. (It should be noted that there is not currently a US or NATO combat mission in Afghanistan; instead, foreign troops are there on a mission to train Afghan forces.)There is serious doubt among informed observers as to whether an additional few thousand troops will make any difference. After the number 4,000 had been suggested, General Jack Keane, former vice chief-of-staff of the US Army, suggested that between 10,000 and 20,000 additional troops were needed to make a difference. Similarly, in the past few days, former CIA director and defense secretary Leon Panetta also weighed in, echoing Keane s opinion that 4,000 troops would not change the momentum.As Danny Sjursen (the author of the article below) points out, the upcoming surge in troop levels would be the fourth such move made by the US, following three similar increases by Bush and Obama in the years 2008-2010. It is beginning to look like escalating (or, in the case of Bush, starting) war in Afghanistan is something of a rite of passage for new presidents, as all three commanders-in-chief who have presided over the war have done so within the first year of their first terms. The question is, what is the US government actually trying to achieve, and is winning even possible?Remember how the mainstream media treated the surge orchestrated by General David Petraeus in Iraq in 2007. The idea of the surge was received with fawning adoration throughout the media, and even by President Bush, who played his part in helping to advertise and hype up the strategy. And afterwards Petraeus had no problem taking all the credit for his success .Except it wasn t a success. Its goals of ending sectarian violence and reconciling Sunnis, Shiites and Kurds were noble, but were not achieved with any meaningful staying power; the destabilization originally introduced by US intervention ultimately prevailed, and ISIS was the result. The point is that in Iraq, the surge was a triumph of marketing, a rebrand, a new sexy cover for a grisly reality. According to the Boston Globe: For Americans, the myth of the victorious surge is so seductive because it perpetuates an illusion of control. It frames the Iraq War as something other than a geostrategic blunder and remembers our effort as something more than a stalemate. What s more, it reinforces the notion that it s possible to influence events around the world, if only military force is deployed properly. It s a myth that makes victory in the current Iraq mission appear achievable. Now replace the word Iraq with Afghanistan .One sad and daunting possibility is that Afghanistan has become a sort of operations incubator used by the West, that one of the purposes served by a perpetual US and NATO presence there is to provide real-life training and experience to their troops, and to test weapons and equipment. Over time, a very significant number of foreign troops can be cycled in from various countries, and those countries then benefit from being able to test out new weapons, bombs, combat methods, training, and operational procedures and tactics. This prospect is even mentioned in Danny Sjursen s article: As one high-ranking Afghan official recently lamented, thinking undoubtedly of the first use in his land of the largest non-nuclear bomb on the planet, Is the plan just to use our country as a testing ground for bombs?' If that is even partly the case, the West requires a theater of war containing a long, infinitely extendable conflict in order to fulfil these requirements for the wider military-industrial complex. In Afghanistan, that s exactly what they have.A Flawed StrategyIn a recent article by independent journalist Gareth Porter, he points out that the US strategy in Afghanistan has a fatal flaw, which goes a long way toward explaining why the war is not being won : The real reason for the fundamental weakness of the US-NATO war is the fact that the United States has empowered a rogues gallery of Afghan warlords whose militias have imposed a regime of chaos, violence and oppression on the Afghan population stealing, killing and raping with utter impunity. In Porter s view, American objectives and methods in ousting the Taliban may have been short-sighted, as the Taliban came to power partly as a response to the sexual violence and predatory behaviour of Afghan warlords . The organization [Taliban] appeared in 1994 in response to the desperate pleas of the population in the south especially in a Kandahar province divided up by four warlords to stop the wholesale abduction and rape of women and pre-teen boys, as well as the uncontrolled extortion of tolls by warlord troops. The Taliban portrayed themselves as standing for order and elementary justice against chaos and sexual violence, and they immediately won broad popular support to drive the warlords out of power across the south, finally taking over Kabul without a fight. Ever since the invasion in 2001, the US has played favorites with the warlords, pitting various leaders against one another; helping selected ones to become more powerful, allowing some to become regional governors, putting others on the CIA payroll, and eventually turning their private militias into the national police. Over the years several different US commanders have taken the reins of the war in Afghanistan, but this strategy of using the warlord militias persisted, since there was no other adequate source of manpower to provide security, not only for the general population in Afghanistan but also for the US-NATO coalition troops themselves.The occurrence of green-on-blue attacks by Afghan police or military against US/coalition forces (such as the one last month that killed three American soldiers) may be largely attributable to the strategy of using warlord militias, but it is worth mentioning that the Taliban also actively infiltrates both the Afghan National Army and the Afghan National Police. Moreover, in Helmand and Kandahar provinces in particular, profits from the drug trade provide temptation to every element in society. As one article stated, the two provinces burdened with the bulk of green-on-blue attacks are Helmand and Kandahar. It is no coincidence that these areas are where the Taliban are strongest, and where the country s highest levels of opium poppy cultivation help fund the insurgency. Although the frequency of green-on-blue attacks has declined (corresponding with the reduced US presence in Afghanistan), the number of different groups and interests represented on the ground make for an exceedingly complex web of relationships in which it is not always easy to see an attack coming.Coupled with the flawed and failing US strategy of alliances is an unwillingness to admit defeat amongst both civilian and military managers of the Afghan war. The combination of these two factors could be a significant contributing factor as to why the conflict shows no signs of ending. In an interview with Gareth Porter, radio host and antiwar activist Scott Horton made the point this way: It is the case that every one of these guys in the war cabinet are heavily invested in some sort of spin that they won or are winning, or that there is some kind of positive light at the end of the tunnel, because each and every one of them is wrapped up in it. [Secretary of Defense] Mattis was in the original war, and was the head of CENTCOM for a time in charge of the war. [National Security Advisor] McMaster was in charge of counter-corruption during the Petraeus-Obama surge in 2009-2012. You have the Secretary of Homeland Security who apparently has quite a bit of sway, Kelly, whose son died in Helmand province in Petraeus surge, and they re not going to want to admit that that was a sunk cost lost, for understandable reasons. Dunford, the Chairman of the Joint Chiefs of Staff, as well, has been in charge of the Afghan war. So these men have everything to lose by admitting that they lost. Porter agrees that there are other contributing factors to the war being seemingly unending and unwinnable, such as: the careers of the US officers who serve there; the bureaucratic stakes of the Joint Special Operations Command and the CIA in their huge programs and facilities in the country; the political cost of admitting that it was a futile effort from the start. Plus, the Pentagon and the CIA are determined to hold on to Afghan airstrips they use to carry out drone war in Pakistan for as long as possible. A word that frequently gets used with regard to the Afghan conflict is stalemate . After nearly 16 years, the Taliban now exercises control over about 40% of the territory in Afghanistan. They have allies such as the Haqqani network resupplying them from bordering Pakistan considered something of a safe haven for terrorists despite being a US ally. As Danny Sjursen writes: if all goes well (which isn t exactly a surefire thing), that s likely to be the best that Surge 4.0 can produce: a long, painful tie. These criticisms may sound harsh to those hoping that the coming surge will make a difference, but the problems (and questions) regarding America s involvement in Afghanistan are far deeper and broader than those presented above.Fraud, Waste & AbuseOn a financial level, corruption and waste rule the day on both the Afghan and American sides of US involvement and there is an astounding amount of money at stake. While the overall war has cost US taxpayers around a trillion dollars so far, funds appropriated for reconstruction stand at over $117 billion. As usual, it looks like money in the form of government contracts may be a reason why there is little urgency to end the war. As Ryan Crocker, former US Ambassador to Afghanistan, said: The ultimate failure for our efforts wasn t an insurgency. It was more the weight of endemic corruption. John Sopko, the Special Inspector General for Afghanistan Reconstruction (SIGAR), makes quarterly reports to Congress about his oversight of spending on reconstruction in Afghanistan. Some of SIGAR s findings over the years have been breathtaking. Take for example SIGAR s finding that there may be 200,000 ghost soldiers , Afghan soldiers whose salaries are US-taxpayer funded but who seem not even to exist except on paper. Or the gas station that cost an absurd $43 million to build, but that nobody uses and about which the Pentagon now has no knowledge. Or the $28 million needlessly spent on uniforms for the Afghan army, in forest camouflage, even though woodland covers only 2.1% of Afghan territory.As of two years ago, there was $35 billion in reconstruction funds spent that could not be accounted for, with many projects failing to meet requirements or specifications. It would seem the contractors winning the bids to rebuild Afghanistan are doing rather well for themselves; underwritten by the US taxpayer, there appears to be no end to the amount of money in the trough. As Sopko told WhoWhatWhy: We have spent more in Afghanistan than we did on the entire Marshall Plan to rebuild postwar Europe. The American taxpayer has had to foot that $114 billion bill, so they deserve to know not only the cost but also what it has gotten them. Bear in mind that SIGAR only covers reconstruction costs, not appropriations for bombs, arms, planes or other military equipment, vehicles or weaponry. A US Marine patrols through a poppy field in Helmand province, Afghanistan (Photo: Cpl. John M. McCall, USMC. Source: Wikicommons)The Opium QuestionSince the US military first invaded Afghanistan in 2001, production of opium in the country has increased dramatically. Although it is impossible to measure exactly how much opium is being produced, the UN produces yearly reports in which it estimates production levels, as well as how much land area is allocated for purpose of growing opium poppies. The latest UN figures for the year 2015-2016 show a significant increase in both the area used for opium cultivation (from 183,00 to 201,000 hectares, a 10% increase), as well as for potential production of opium (from 3,300 tons to 4,800 tons, a 43% increase).In addition, despite $8.5 billion spent on eradication, the area destroyed by eradication efforts decreased by 91% from 2015 to 2016 (from 3,760 hectares eradicated down to just 355 hectares eradicated), and yield increased by 30% (from 18.3 kg of opium produced per hectare to 23.8 kg). All this places 2016 into the top three years for opium cultivation since the UN Office on Drugs and Crime began monitoring opium in Afghanistan in 1994.Afghanistan is the world s largest opium producer by a very wide margin, with a widely cited statistic being that opium from Afghanistan is in 90% of the heroin produced worldwide. Opium poppy cultivation in Afghanistan to 2016 (Image: UNODC. Source: Afghanistan Opium Survey 2016)War on Drugs?America s War on Drugs is rife with contradictions, but the fact that US troops (and DEA agents) have been stationed in a country responsible for 90% of the world s heroin market for 16 years, with production increasing and eradication declining, is, shall we say, counter-intuitive especially when one considers that at home, media outlets across the country are reporting daily on America s heroin and opioid epidemic .According to the CDC, deaths due to opioid overdose in the United States increased by 16% between 2014 and 2015. Between 2002 and 2013, deaths due to heroin overdose nearly quadrupled. (Opioids are a class of drug that includes opiates natural, opium-derived drugs like morphine as well as synthetic versions like oxycodone or fentanyl; both are lethal and rapidly-growing problems in the United States.) Of course this is to say nothing about the legions of people languishing in US prisons for the nonviolent crime of drug possession.To assume that there is no connection between the country that helps supply 90% of the world s heroin on the one hand, and an explosion in America of heroin-related addiction and death on the other, is foolhardy to say the least.It is also noteworthy that in July 2000, in cooperation with the UN, the Taliban outlawed the growing of opium, which is why production dropped sharply for the year 2001. As summarized in a 2004 academic paper for the International Journal of Drug Policy: Afghanistan was the main source of the world s illicit heroin supply for most of the 1990s. From late 2000 and the year that followed, the Taliban enforced a ban on poppy farming via threats, forced eradication, and public punishment of transgressors. The result was a 99% reduction in the area of opium poppy farming in Taliban-controlled areas It is concluded that the reduction in Afghan poppy cultivation was due to the enforcement action by the Taliban. Globally, the net result of the intervention produced an estimated 35% reduction in poppy cultivation and a 65% reduction in the potential illicit heroin supply from harvests in 2001. Though Afghan poppy growing returned to previous levels after the fall of the Taliban government, this may have been the most effective drug control action of modern times. If one only ever observed US involvement in Afghanistan, it might begin to look as though perhaps the United States is not actually waging a war on drugs. US troops are there, in the poppy fields, production is rising, and live on Fox News, a USMC lieutenant colonel clearly told Geraldo Rivera we provide them [poppy farmers] security, we re providing them resources . However, Afghanistan is not the only instance we have of the US government protecting drug traffickers. Abby Martin explains:In 2012, a Mexican government official from Juarez told Al Jazeera that the CIA and other international security forces don t fight drug traffickers and that instead, the agency tries to manage the drug trade. Back in the fifties, the CIA turned a blind eye to drug trafficking through the Golden Triangle while training Taiwanese troops against Communist China. As William Blum reports in Rogue State: The CIA flew the drugs all over Southeast Asia, to sites where the opium was processed into heroin, and to trans-shipment points on the route to Western customers. These are far from isolated incidents. During the eighties, the CIA financially and logistically backed anti-communist contras in Nicaragua who also happened to be international drug traffickers. Former Representative Ron Paul elaborated on the CIA s notorious corruption when speaking to a group of students about Iran-Contra: [Drug trafficking] is a gold mine for people who want to raise money in the underground government in order to finance projects that they can t get legitimately. It is very clear that the CIA has been very much involved with drug dealings. We saw [Iran-Contra] on television. They were hauling down weapons and drugs back. There are certainly questions that the US government has to answer about its relationship with the drug business. But another aspect of Afghan opium production which deserves further investigation is the extent of Chinese involvement in the modern opium trade coming out of Afghanistan. It has been reported that Afghan poppy farmers have begun growing what they call Chinese seed , a genetically-modified poppy seed that allow farmers to grow poppies year-round and harvest their crops every two months. In March of this year, CNBC reported that Chinese seed was in fact being grown legally in China for pharmaceutical purposes but had somehow crossed the border into Afghanistan.Last month 21WIRE featured the documentary Afghan Overdose, about the Afghan opium trade, in our Sunday Screening series.Afghanistan and EmpireTo understand how globalist empire-builders view Afghanistan, however, we might direct readers attention to a superb video by James Corbett for Global Research s GRTV. In the video, Corbett explains in a very concise fashion the greater historical and geopolitical context out of which the current conflict in Afghanistan arose.. The video provides evidence as to why 9/11 could not have been the real reason for the US invasion of Afghanistan, and what makes the country an extremely important asset in geopolitical and geostrategic terms. Afghanistan s position as the world s preeminent producer of opium alone would make the country very significant on the world stage; according to UN figures from 2010, the market for opiates worldwide is worth $65 billion, although the actual figure today could be considerably higher. Another very important factor making Afghanistan an attractive economic prize is what lies under the ground in the country; in addition to a significant amount of oil and gas, Afghanistan is also home to a vast wealth of minerals such as iron, copper, cobalt, gold and lithium, estimated at over $1 trillion in value. Let s also not forget its appeal as the potential location for energy pipelines.As Corbett explains, however, the real value of Afghanistan is its strategic location. Drawing on the geostrategic treatises of Halford Mackinder and Zbigniew Brzezinski, Corbett places Afghanistan at the very center of the new Great Game, the battle between east and west for the crucial region of Central Asia, and ultimately the globe.Should we really be surprised by any of this? Although the Hollywood/mainstream media/pop-culture view of America is that of a democratic, freedom-loving, law-abiding member of the international community, regular readers of 21WIRE will already be aware that this image is largely a myth. In a recent article for The American Conservative deconstructing the myth of a rules-based international order , Boston University historian Andrew Bacevich points out that: Among the items failing to qualify for mention in the liberal internationalist, rules-based version of past U.S. policy are the following: meddling in foreign elections; coups and assassination plots in Iran, Guatemala, the Congo, Cuba, South Vietnam, Chile, Nicaragua, and elsewhere; indiscriminate aerial bombing campaigns in North Korea and throughout Southeast Asia; a nuclear arms race bringing the world to the brink of Armageddon; support for corrupt, authoritarian regimes in Iran, Turkey, Greece, South Korea, South Vietnam, the Philippines, Brazil, Egypt, Nicaragua, El Salvador, and elsewhere many of them abandoned when deemed inconvenient; the shielding of illegal activities through the use of the Security Council veto; unlawful wars launched under false pretenses; extraordinary rendition, torture, and the indefinite imprisonment of persons without any semblance of due process. The United States has not lived up to what the media tells us it is for some time. The war in Afghanistan is no exception.More on this story from TomDispatch US Special Operations Task Force at Bagram air field, Afghanistan (Photo: Tech. Sgt. Michael A. O Connor/USAF. Source: Wikicommons) Danny Sjursen TomDispatchWe walked in a single file. Not because it was tactically sound. It wasn t at least according to standard infantry doctrine. Patrolling southern Afghanistan in column formation limited maneuverability, made it difficult to mass fire, and exposed us to enfilading machine-gun bursts. Still, in 2011, in the Pashmul District of Kandahar Province, single file was our best bet.The reason was simple enough: improvised bombs not just along roads but seemingly everywhere. Hundreds of them, maybe thousands. Who knew?That s right, the local Taliban a term so nebulous it s basically lost all meaning had managed to drastically alter U.S. Army tactics with crude, homemade explosives stored in plastic jugs. And believe me, this was a huge problem. Cheap, ubiquitous, and easy to bury, those anti-personnel Improvised Explosive Devices, or IEDs, soon littered the roads, footpaths, and farmland surrounding our isolated outpost. To a greater extent than a number of commanders willingly admitted, the enemy had managed to nullify our many technological advantages for a few pennies on the dollar (or maybe, since we re talking about the Pentagon, it was pennies on the millions of dollars).Truth be told, it was never really about our high-tech gear. Instead, American units came to rely on superior training and discipline, as well as initiative and maneuverability, to best their opponents. And yet those deadly IEDs often seemed to even the score, being both difficult to detect and brutally effective. So there we were, after too many bloody lessons, meandering along in carnival-like, Pied Piper-style columns. Bomb-sniffing dogs often led the way, followed by a couple of soldiers carrying mine detectors, followed by a few explosives experts. Only then came the first foot soldiers, rifles at the ready. Anything else was, if not suicide, then at least grotesquely ill-advised.Continue reading this story at TomDispatchREAD MORE AFGHANISTAN NEWS AT: 21st Century Wire Afghanistan FilesSUPPORT 21WIRE AND ITS WORK BY SUBSCRIBING AND BECOMING A MEMBER @ 21WIRE.TV",US_News,"July 4, 2017",1 +4th of July: Why the Shadow Government Hates Independence Day,"SARTRE 21st Century WireThe only conclusion any honest American citizen can come to is that the Republic is dead. Once again the flags wave and the songs play as the parades march to celebrate another 4th of July.Picnic meals are eaten while children frolic in the warn sunshine of summer. Few people reflect on the true meaning that established the solemn commemoration of the nation s birth. The reality of this post federation of independent state sovereignty is that a centralized federal behemoth has superseded the original intent of Thomas Jefferson s vision: That government is best which governs least .Today the society that exists demands compliance or compels obedience by way of punishment.The empire that emerged after World War II has established an Amerika Imperium. With the consistent dumbing down of the youth, indoctrinated in government schools and the mind control impact from the mass media, the culture has abandoned the timeless principles that our country was founded upon.In the essay, Independence Day for Whom?, the struggle for freedom and liberty was fought against the British empire. Most citizens acclaim this revolution as the greatest achievement of a besieged population. Ponder just how far the promises from a rebellion of Englishmen has deteriorated into a dumping ground for foreigners, who do not believe in the values and responsibilities upon which this struggle was fought.For a more precise view of The Meaning of Independence Day, the true reasons for waging a war to create a beacon of hope in the New World has a history that fewer people understand, much less devote their allegiance to its preservation.Just how has a country of freedom loving patriots allowed the systematic destruction of their once beloved nation? A primer on some of the reasons for this betrayal can be reviewed in the End of Independence Day essay. With the internationalism of foreign policy, the traditional America First viewpoint of the Founding Fathers was abandoned.The end result is that The Death of Independence, is now upon us. Over the decades, a replacement aristocracy emerged that transplanted the elected representation of the public will. The real control behind the legislative office holders and certainly the executive branch under any president, demonstrate that ignoring the canons within the Declaration of Independence is a prime requirement to wield power in Washington DC.Frustrated and disenfranchised citizens voted for Donald Trump based upon his articulation on the issues that genuine patriots would support. No matter what anyone thinks of the man or believes about the inordinate attacks directed at him and his administration, the indisputable fact is that the establishment wants to see him fail.Simply put, the actual rulers of the global supremacy wants the financial dominance of the central banking system to continue and perfect their governance. Amerika is pivotal in maintaining their forced submission. The basis of the Shadow Government surreptitiously functions in the darkness of public exposure.Routing out any effort or initiative for independent representation is the standard modus operandi. The populace is generally ignorant of the existence of this empowerment cabal. People are led to believe that the Deep State is simply the technocrats that never leave their positions of administrating agencies. Regretfully, it is not realistic to facilitate a clean sweep of the careerists who routinely sabotage any directive that compromises the interests of the permanent bureaucracies and their masters.Trump may prove to be a dragon slayer, but the hatching of genetically rotten eggs continues. The column, Can the Swamp Really be Drained? addresses this issue. The single most persistent element that drives authorities away from the maxims of the American Revolution, centers within the attitude that government acts in the interests of the people.Such deficiencies in understanding of the vile nature and the actual record of coercive regimes, stands as a major obstacle to the liberation of the mind. Rejecting the legitimacy of the criminal syndicate that purports to be the lawful authority is essential.Examine the book review, American Amnesia the Liberal Case for Government, which debunks the lunacy that rationalizes the worship of government control over society. Such a demented academic viewpoint logically concludes that the celebration of Independence Day must be based upon the triumph of the all powerful leviathan government over a decentralized autonomous and local accountable authority.Authentic nationalism must rest upon the pillars of individual liberty. When the 4th of July becomes a cartoon carnival of the Deep State, the only beneficiary is the Shadow Government.President Trump is not the cause nor is he the solution to reinstitute an American Renaissance Revolution. However, to the degree that he can raise the consciousness within the country, his presence in the oval office becomes a peril to the comrades, who want to destroy our national independence.When the hypocrites from the political class and the treachery from the fake news purveyors is confronted, then and only then, will a real independence celebration become a true national commemoration.The enemy is not just at the gate, they have become the jailers for the deplorable resistance. The intent is to isolate and eliminate the heartland dissenters because they are the only threat that has the ability to win the infowar of ideas. Since the establishment is hell-bent on waging a civil war against the faithful, the remnant and torch guardians must commit to the purging of the fifth column subversives that occupy the government.As the establishment and mainstream media sharks continue to encircle the Trump agenda, their blood thirsty appetite quickens. Their Dracula heritage has drained the inherent vital courage from the masses that subsist in a pseudo reality imposed by a hostile New World Order.This perceptibility is categorically opposite to the fundamental precepts that were universally accepted when the country was founded. Independence Day deserves a proper reverence. Before the nation can earn that privilege, it must mature and own up and admit that the de facto foe of the populist is the very government that so many celebrate.[Let us not forget, it s meant to be a government by the people, and for the people]See more of SARTRE s original work at BATR.netDiscuss or comment about this essay on the BATR ForumREAD MORE TRUMP NEWS AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 4, 2017",0 +HAWK OR NOT? Is Trump Expanding the Wars?,"So once again, here we are. A new President must deal with the old war. President Donald Trump must decide on whether to send thousands of additional American troops overseas into the longest-running US combat theatre on the planet, Afghanistan.Back in March of 2016, 21WIRE s Shawn Helton penned a insightful piece entitled, HAWKISH DOVE: The Enigma of Donald Trump in Volatile Race to the White House. In this article, Helton describes how then GOP presidential frontrunner Donald Trump was putting forward a populist, alomist Paulist image among a bevy of warhawk and Neocon rivals.Back then, Helton described the media and political pressure placed on Trump: Recently, Trump was pressed again on matters concerning the Middle East and his response has been surprisingly diplomatic with a non-interventionist platform. Trump s open condemnation of the Bush administration for the Iraq war and the Obama White House for the destruction of Libya, has resonated across the board for voters on both sides of the political spectrum. Trump has asserted that 2003 s invasion in Iraq and the blitzkrieg in Libya via NATO members in 2011, is further evidence of failed US foreign policy throughout the world.Doubling down, the GOP frontrunner Trump, has also refused to pick a side between Israel and Palestine and in true form to his business pedigree, stating that he would rather attempt to broker a peace deal in the ages old conflict, rather than tow the party line. Onlookers wondered how this stance would play if Trump ever made into office. Back then it was immpossible to know, but now after 6 months in office, we have something to work with. We saw how fast Trump reacted to the alleged chemical weapons attack at Khan Sheikhoun in Idlib, Syria on April 4, 2017. His errant, knee-jerk cruise missile strike days later might go down in history as one of the biggest fumbles in US history (if that s even possible to measure).Is Trump continuing down Obama s proven path of juggling multiple conflicts while engaging in illegal proxy wars?Vanity Fair explains a possible fait accompli:On the campaign trail, Donald Trump pitched Americans on an immiscible foreign-policy agenda, combining elements of staunch isolationism and a rejection of Bush-era interventionism with promises to bomb the shit out of ISIS. But in his four months as president, Trump, characteristically, has done something of a 180-degree turn. He turned over much of his military policy and decision-making to the same embarrassing generals he previously claimed to know more than; he authorized a missile strike and boots on the ground in Syria, a country he had repeatedly warned against getting involved with; and he increased troop levels in Iraq, doubling down on a tactic he had called a horrible mistake. Now, the Trump administration is considering sending more troops into the war in Afghanistan, which he previously called a complete waste. On Tuesday, the president gave Defense Secretary James Mattis the authority to determine the number of troops in Afghanistan, The New York Times reports, a rejection of the management levels adopted by the Obama administration.Then there s the issue of rogue dinosaur John McCain, who refuses to retire and seems happy as ever to take down various and sundry nation-states, in order to quench his own desire for chaos and conflict:This dynamic has left some lawmakers frustrated. During a meeting last week in which Mattis conceded to the Senate Armed Services Committee that the U.S. is not winning in Afghanistan right now, John McCain derided the delay of a broader strategy. We are now six months into this administration; we still haven t got a strategy for Afghanistan, the Arizona senator said. It makes it hard for us to support you when we don t have a strategy. We know what the strategy was for the last eight years don t lose. That hasn t worked. Mattis responded, We are putting it together now, and there are actions being taken to make certain that we don t pay a price for the delay, he said. We recognize the need for urgency, and your criticism is fair, sir. It may be too early to tell, but getting the White House to decouple from Pentagon group-think may prove to be too hard a task for a President who is desperate for poll rating and a win, any win.Time will tell.***READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"July 3, 2017",0 +Boiler Room EP #115 – Very Fake News & The Slaughter of Innocence,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Andy Nowicki and Daniel Spaulding of Soul of the East also with a special report from FunkSoul (21WIRE & ACR contributor), for the hundred and fifteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re discussing the latest expos videos from Project Veritas that confirm what we ve been saying since the inception of the Boiler Room, CNN is FAKE NEWS and PROPAGANDA. We ll also be updating the stories on the Grenfell tower fire, Bernie Sanders and his wife under investigation by the FBI for financial fraud, creepy inappropriate kids videos on YouTube and the supposed case against one of the FBI agents involved in the shooting of LaVoy Finicum and more.Direct Download Episode #115Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"July 1, 2017",0 +"BRONX HOSPITAL SHOOTING: Multiple People Shot, Staff β€˜Sheltered in Place’ Amid Backdrop of Active Shooter Drills","21st Century Wire says Several people have been shot at the Bronx-Lebanon Hospital Center as an allegedly disgruntled ex-family medicine doctor opened fire with an M16 type rifle later reported to be an AR-15 inside the facility. Early reports state that as many a seven were injured in the shooting with at least two people dead at the scene including the shooter. Interestingly, early reports suggested that there may have been multiple shooters involved.The motive for the tragic shooting is the still under investigation. The gunman is said to be 45 year-old Dr. Henry Michael Bello, who is believed to have resigned in 2015 over sexual harassment allegations.However, some confusion has emerged as to what really happened at the scene ACTIVE SHOOTER The Bronx-Lebanon Hospital Center took part in an active shooter preparedness forum in June of 2016. (Photo Illustration 21WIRE s Shawn Helton)NBC News reported the following developments shortly after the apparent shooting: The shooter has been identified as Dr. Henry Michael Bello, a 45-year-old family medicine doctor formerly employed at the hospital, according to sources.After shooting the victims many of them, if not all, doctors Bello tried to set himself on fire on the 17th floor of the hospital, O Neill said. The hospital s fire alarm system activated, and FDNY firefighters were on standby outside the hospital as NYPD executed its active shooter protocol. By the time police found Bello on the 17th floor, he was dead of self-inflicted gunshot wound, O Neill said.A motive in the shootings remains unclear, but authorities say there is no apparent nexus to terror. Sources say Bello resigned from the hospital in 2015 in lieu of being fired. Circumstances in the resignation weren t clear. As members of the NYPD s most-armed units responded to the active shooter situation, a sea of patrol and tactical vehicles gridlocked the streets around the hospital on Grand Concourse, and police surveyed the roof of the building with their guns drawn, Chopper 4 over the scene shows. NOTE: Other reports have suggested it took about 15 minutes from the first 911 call until Bello s body was discovered dead.Also, shortly after the shooting rampage started, Reuters reported the police were able to conduct a sweep essentially shutting down the building attack: Police searched the hospital room by room, urging occupants to turn off the lights and remain in place as they conducted the sweep, according to an account posted on Twitter by Felix Puno, who identified himself as patient in the radiology department on the fourth floor of the hospital. Building is in complete shut down, I was in the middle of getting an x-ray when security alerted us to the active shooter situation, Puno tweeted.New York Mayor Bill de Blasio was briefed on the shooting and was on his way to the scene, the mayor s Twitter account said. DRILL PROTOCOL A hospital staff member follow the obligatory hands up protocol, as part of the scripted active shooter scenario training. (Image Source: nydailynews) Sketchy DetailsAs with any traumatic event there often several are certain details that don t quite add up.While we ve been told the shooting took place on the 16th floor of the building some reports gave eye-witness testimony to the contrary, with one stating he heard three gun shots while located on the 10th floor. Is it really possible he heard gun shots from 6 stories above? Here s NBC again with that detail: Francisco Bodon, a patient at Bronx Lebanon, tells NBC New York sister station Telemundo 47 that he was in a room on the 10th floor when three gunshots rang out and then chaos erupted.There may have been more than three [shots], but people were screaming, crying and running around. It was very chaotic, said Bodon. Adding to the confusion, the UK s Express reported that one of doctors who was wounded in the shooting, as people inside the hospital created a makeshift tourniquet out of an emergency fire hose.Although Bello reportedly held a work place grudge and apparently made threats to coworkers the hospital officials said none of the victims were connected to Bello. QUESTION: Considering the massive amount of training associated with the hospital, why was there no zero tolerance active shooter plan in place something commonly implemented in emergency prep?Over the years, we ve seen how sensationalized shooting events have become a staple part of our day to day lives, complete with ready-made political talking points and staged press conferences a buffet laid out for America, all of this within minutes or hours of high-profile tragedy. MASSIVE RESPONSE This kind of police emergency response has become routine after many high-profile active shooter incidents. (Image Source: nbcdfw.com)The precarious relationship between emergency preparedness drills and actual active shootings is an ongoing pattern present in many high-profile shooting incidents in recent years, with mass shootings happening at the exact same locations as where active shooter or terrorism drills had just previously taken place a puzzling trend which we have covered extensively at 21WIRE. This latest Bronx-Lebanon Hospital Center appears to be no exception.Although the Bronx-Lebanon Hospital Center appears to be work place violence, it s important to examine other aspects or elements surrounding any case.Below is a screen shot depicting speakers that participated in an Active Shooter Planning Forum in conjunction with the Healthcare Association of New York State in June of 2016. The Bronx-Lebanon Hospital Center is displayed among those speaking In addition to active shooter emergency planning protocols listed above, according to a FOJP Service Corporation Journal Bronx-Lebanon Hospital was selected be a part of major emergency prep since at least over the past several years. here s a passage from that report: At Bronx-Lebanon Hospital Center, the Department of Safety is charged with multiple responsibilities, some of which include, but are not limited to: fire and life safety, general safety and monitoring the fire command station; and coordinating emergency management and response planning.Continuing, the report outlined the following: At Bronx-Lebanon, we took our environment into account, for example, geographic location we re in, and let that be our driving force to how we developed our Hazard Vulnerablity Analysis (HVA) and put our emergency action plan (EAP) together. With two main campuses and multiple satellite locations, our plan has to incorporate everyone to ensure we will have the necessary staff in case of emergencies. It s interesting that a hospital known to have extensive emergency protocols could have a shooting occur on its own premises after leading the area charge in addressing that very issue.QUESTION: Is it really just a coincidence that this hospital was so heavily involved in active shooter prep only to fall prey to exactly that kind of tragedy?*UPDATE* According to new reports as per active shooter protocol first responders ducked for cover as patients filed from Bronx-Lebanon Hospital wearing bed sheets. Wouldn t the answer here be to properly train those in the work place how to handle a firearm in crisis situations such as this?Additionally, sources tell CBS2 Bello started two fires, one at the nurse s station and another as an attempt to set himself ablaze. He ended up shooting himself in a room, then staggered out to the hallway where he died. Continuing the article goes on to state the following: Police continue to investigate the rampage. The New York Daily News reports Bello sent them an email before the shooting, where he wrote about leaving his job at the hospital. QUESTION: If Bello s email prior to the shooting was threatening in nature, then why wasn t he taken in for police questioning?This whole aspect to the Bronx-Lebanon Hospital case appears to echo some of what happened in 2013 when TV shooter Vester Flanagan aka Bryce Williams had also warned a manager that there would be negative consequences for his firing and vowed he would make a stink and it s going to be in the headlines. Here we see a similar foreshadowing of tragedy prior to yet another suspicious shooting case that was also linked to an active shooter drill before a bizarre shooting rampage.Here s another look at a tweet from the WDBJ-TV shooting case in 2015 that documents the active shooter drill connection Here s a collection of media montages and video footage supposedly depicting the Bronx-Lebanon Hospital Center shooting response as staff and others sheltered in place. Notice the makeshift barricade during active shooter training the run and hide method is a critical feature in crisis roleplay . As those in the hospital were ordered to shelter in place by both the NYPD and at the urging of the consulate for the United Arab Emirates, while there were several tweets posted to Twitter regarding the incident.Here s a screenshot first published by New York City Alerts that allegedly depicts the dead gunman Bello notice there s no evidence of fire that can been seen QUESTION: What was the purpose of releasing this photo or than to sensationalize a tragic event?Here s a social media post with a comment that read stayed safe during the crisis by a page since taken down on Instagram Here s the witness who heard shots ring out while on the 10th floor In the aftermath of any of these crisis events in America, powerful interests are always quick to line-up and take advantage of the event, mounting their sociopolitical agendas directly on the back of mass media coverage and by extracting political capital out of an emotional and traumatic situation. Certainly, mainstream media outlets like CNN gain immediate benefit as TV viewers are tuned-in incessantly for updates on any breaking situation which translates into high rating and massive advertising income streams for the broadcast network.Something else to consider, this shooting event took place the very same week during a major push to pass the GOP healthcare bill.While this very well could be an act of workplace violence, it s still important to ask questions, where there are few answers.Will new questions emerge following the shocking Bronx-Lebanon Hospital Center shooting?READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"June 30, 2017",0 +US State Department Talking Head Transforms into Al Qaeda’s Spokesperson," 21st Century Wire says The real cause of the great upheavals which precede changes of civilisations, such as the fall of the Roman Empire and the rise of the Arabian Empire, is a profound modification in the ideas of the peoples . The memorable events of history are the visible effects of the invisible changes of human thought . The present epoch is one of these critical moments in which the thought of mankind is undergoing a process of transformation. ~ Gustav Le BonThe following display of servitude to Washington s geopolitical agenda in Syria, over and above any concern for human life, or heaven forbid, the truth, is only one of the many triggers that are precipitating a universal awakening globally. Newly appointed US State Department spokesperson Heather Nauert (a former FOX News weekend anchor) is transformed into Nusra Front aka Al Qaeda s spokesperson under questioning from RT International s Caleb Maupin. Watch ~***READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 30, 2017",0 +REALLY FAKE NEWS: New York Times Finally Retracts Its ’17 Intelligence Agencies’ Claim on Russia Hacking US Elections,"21st Century Wire says Back during the 2016 election, 21WIRE declared with confidence how the US government and mainstream media s Russian Hacking meme as hoax. It turns out we were right. More than mere canards however, these type of media disinformation talking points are how the establishment manufactures public consent for corrupt and dysfunctional policies. Once these fabricated talking points are circulated through the media, they later make their way into the mouths of politicians who repeat them incessantly, and in the case of the Senate and Congressional committee hearings on Russia and cabinet confirmation hearing use the fake canards to bully people who are testifying on Capitol Hill. The fake 17 intelligence agency claim was used by nearly everyone who used the hearings to grandstand and act tough on Russia, including pro-war Senators John McCain, Marco Rubio, Adam Schiff and countless others. It was also employed by Hillary Clinton, along with ever single panel expert on CNN and MSNBC who used the lie to prop-up their contrived and politicized narratives about how Russia hacked and influenced the 2016 election.What s more crucial though, is to realize the absolute key role to New York Times plays in this process of giving fake news the venire of officialdom at a government and mainstream level. They are a pivotal distribution point in the western propaganda dissemination machine as nearly every US broadcast network across 4 time zones will routinely reference the New York Times as their primary source. 21WIRE has chronicled their exploits in helping to promote a series of illegal US-waged wars around the world.Consortium News Exclusive: A founding Russia-gate myth is that all 17 U.S. intelligence agencies agreed that Russia hacked into and distributed Democratic emails, a falsehood that The New York Times has belatedly retracted, reports Robert Parry Robert Parry Consortium NewsThe New York Times has finally admitted that one of the favorite Russia-gate canards that all 17 U.S. intelligence agencies concurred on the assessment of Russian hacking of Democratic emails is false.On Thursday, the Times appended a correction to a June 25 article that had repeated the false claim, which has been used by Democrats and the mainstream media for months to brush aside any doubts about the foundation of the Russia-gate scandal and portray President Trump as delusional for doubting what all 17 intelligence agencies supposedly knew to be true.In the Times White House Memo of June 25, correspondent Maggie Haberman mocked Trump for still refus[ing] to acknowledge a basic fact agreed upon by 17 American intelligence agencies that he now oversees: Russia orchestrated the attacks, and did it to help get him elected. However, on Thursday, the Times while leaving most of Haberman s ridicule of Trump in place noted in a correction that the relevant intelligence assessment was made by four intelligence agencies the Office of the Director of National Intelligence, the Central Intelligence Agency, the Federal Bureau of Investigation and the National Security Agency. The assessment was not approved by all 17 organizations in the American intelligence community. The Times grudging correction was vindication for some Russia-gate skeptics who had questioned the claim of a full-scale intelligence assessment, which would usually take the form of a National Intelligence Estimate (or NIE), a product that seeks out the views of the entire Intelligence Community and includes dissents.The reality of a more narrowly based Russia-gate assessment was admitted in May by President Obama s Director of National Intelligence James Clapper and Obama s CIA Director John Brennan in sworn congressional testimony.Clapper testified before a Senate Judiciary subcommittee on May 8 that the Russia-hacking claim came from a special intelligence community assessment (or ICA) produced by selected analysts from the CIA, NSA and FBI, a coordinated product from three agencies CIA, NSA, and the FBI not all 17 components of the intelligence community, the former DNI said.Clapper further acknowledged that the analysts who produced the Jan. 6 assessment on alleged Russian hacking were hand-picked from the CIA, FBI and NSA.Yet, as any intelligence expert will tell you, if you hand-pick the analysts, you are really hand-picking the conclusion. For instance, if the analysts were known to be hard-liners on Russia or supporters of Hillary Clinton, they could be expected to deliver the one-sided reportthat they did.Politicized IntelligenceIn the history of U.S. intelligence, we have seen how this selective approach has worked, such as the phony determination of the Reagan administration pinning the attempted assassination of Pope John Paul II and other acts of terror on the Soviet Union.CIA Director William Casey and Deputy Director Robert Gates shepherded the desired findings through the process by putting the assessment under the control of pliable analysts and sidelining those who objected to this politicization of intelligence.The point of enlisting the broader intelligence community and incorporating dissents into a final report is to guard against such stove-piping of intelligence that delivers the politically desired result but ultimately distorts reality.Another painful example of politicized intelligence was President George W. Bush s 2002 National Intelligence Estimate on Iraq s WMD that removed State Department and other dissents from the declassified version that was given to the public.Since Clapper s and Brennan s testimony in May, the Times and other mainstream news outlets have avoided a direct contradiction of their earlier acceptance of the 17-intelligence-agencies canard by simply referring to a judgment by the intelligence community. That finessing of their earlier errors has allowed Hillary Clinton and other senior Democrats to continue referencing this fictional consensus without challenge, at least in the mainstream media.For instance, on May 31 at a technology conference in California, Clinton referred to the Jan. 6 report, asserting that Seventeen agencies, all in agreement, which I know from my experience as a Senator and Secretary of State, is hard to get. They concluded with high confidence that the Russians ran an extensive information war campaign against my campaign, to influence voters in the election. The failure of the major news organizations to clarify this point about the 17 agencies may have contributed to Haberman s mistake on June 25 as she simply repeated the groupthink that nearly all the Important People in Washington just knew to be true.But the Times belated correction also underscores the growing sense that the U.S. mainstream media has joined in a political vendetta against Trump and has cast aside professional standards to the point of repeating false claims designed to denigrate him.That, in turn, plays into Trump s Twitter complaints that he and his administration are the targets of a witch hunt led by the fake news media, a grievance that appears to be energizing his supporters and could discredit whatever ongoing investigations eventually conclude.Investigative reporter Robert Parry broke many of the Iran-Contra stories for The Associated Press and Newsweek in the 1980s. You can buy his latest book, America s Stolen Narrative, either in print here or as an e-book (from Amazon and barnesandnoble.com).READ MORE RUSSIA NEWS AT: 21st Century Wire RUSSIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 30, 2017",0 +MOCKINGBIRD REDUX? CNN’s Role in Peddling Fake β€˜Nothing Burger’ Russia-Gate News Revealed,"21st Century Wire says CNN has reportedly refused to punish one of its senior producers John Bonifield, after a recent Project Veritas video sting operation exposed the network s role in peddling a fake Russia-gate narrative just for ratings. As if that wasn t enough of a network crisis, CNN s Van Jones was also caught in a new Veritas video sting release stating that the mainstream media s long-running Russian collusion story is a big nothing burger. This latest twin expos comes after three prominent writers from CNN were urged to resign (fired) after the network was threatened with an estimated $100 million dollar lawsuit (something which 21WIRE predicted) earlier this week following a bogus story (since retracted) that falsely linked political figure and financier Anthony Scaramucci to a Russian investment fund currently under a congressional probe.NOTE: CNN and other big media outlets have been pushing a vast Russian conspiracy for nearly a year and now those at CNN are brushing off the narrative after being caught in an ongoing deception MEDIA MOCKERY Senior CNN producer John Bonifield was caught in a video sting admitting that the Trump-Russia narrative was untrue and Van Jones further confirmed the network s position. (Photo Illustration 21WIRE s Shawn Helton)The US media has been floating the blame Russia meme for almost a year, and even more conveniently over this past 2016 US presidential election cycle, before morphing into the dodgy dossier that included unverified Trump-Russia claims. Incredibly, the still as of yet unsubstantiated Russia-Trump collusion story briefly vanished, only to be newly reignited again, after two US military missile strikes in Syria and Afghanistan took place following the fabricated sarin chemical attack allegations in April which the White House claimed hit the Al Nusra-held town of Khan Sheikhoun in Syria.Just this week, the US government warned (a story peddled by CNN among others) of an upcoming, soon-to-be-released alleged chemical attack out of Syria, something which would potentially prompt another wag the dog theatrical bombing from the US-led Coalition. Is this false flag foreshadowing by Washington?Perhaps such plans may have been scarpered by a blistering report detailing false sarin claims concerning the Idlib province by award-winning investigative journalist Seymour Hersh only days ago. Hersh s report, appropriately titled Trump s Red Line confirmed much of what we at 21WIRE managed to outline in the aftermath of the alleged chemical attack, while also condemning the lack of clear evidence and reactionary military response by the Trump administration even after Russia shared deconfliction intelligence with the US.The fallout from the sarin hoax and CNN Russia-gate spin has also been compounded by an embarrassing retraction from the NY Times over their Russian hack/influence claims said to be confirmed by 17 US intelligence agencies a story which once again turned out to be a falsehood as recently discussed by well-known investigative reporter Robert Parry. SARIN HOAX It s official now, the alleged Syrian chemical attack story was a false narrative that Western media outlets gleefully lapped up. (Image Source: cnn)Propaganda 3.0Here is where the propaganda goes into overdrive.Suddenly, as if by coincidence (or right on cue) Reuters reports that Syria has heeded its warning, almost immediately after Hersh s stirring investigative effort laid bare many elements of April s sarin hoax in Syria. That s right: because it issued a warning based on secret intelligence that no one is allowed to see, Washington is somehow claiming credit for stopping a chemical weapons attack by the Assad regime.As both the Russian and Syria narratives continue to crumble, an awkwardness has set in for CNN and the Trump Administration (its Syria policy duly inherited from the Obama Administration) both of whom have relied on these narratives to prop-up dysfunctional US foreign policy agendas.The recent CNN video sting revelations weakens the already questionable Russian collusion plot line, something which we ve covered extensively here at 21WIRE. In fact, following the highly dubious DDoS attacks in America in October of 2016, we made the following accurate assessment: Indeed, as you look back at NY Times articles since the summer [of 2016], the stage was being set to implant the idea of an alleged Russian cyber war being waged at the US, principally charging that they would meddle with the US presidential elections in 2016 by aiding Donald Trump. Here s the NY Times building the case for Washington, seemingly without the burden of proof: An unusual question is capturing the attention of cyberspecialists, Russia experts and Democratic Party leaders in Philadelphia: Is Vladimir V. Putin trying to meddle in the American presidential election?Until Friday, that charge, with its eerie suggestion of a Kremlin conspiracy to aid Donald J. Trump, has been only whispered. In August, the western media s claims against Russia hit overdrive, when the New York Times s Moscow bureau was the target of an attempted cyberattack this month. But so far, there is no evidence that the hackers, believed to be Russian, were successful. Flash forward to September here and here, as well as early October in the lead up to President Obama s decree, the Clinton friendly outlet the NY Times had all but solidified the Russian cyber/hack claims once again, without any definitive proof. Here s a newer Project Veritas video exposing CNN s Van Jones admitting there s no evidence to back-up the Russian conspiracy story Here s another look at the recent Project Veritas video exposing CNN producer John Bonfield admitting the network has pushed a false Russian collusion meme As the Project Veritas series continues, CNN Associate Producer Jimmy Carr disclosed the political bias pushed by the network QUESTION: Why has CNN been peddling Russian collusion allegations without any evidence?It s not just for ratings The new Project Veritas video stings provide more evidence of an overtly political agenda, something we saw throughout the 2016 US presidential election. In fact, the entire video expos is reminiscent of Democratic consultant Robert Creamer of Democracy Partners being caught discussing how to commit large-scale voter fraud, while also apparently outlining how to incite violence at campaign rallies. Unbelievably in the year leading up to the 2016 US presidential election, Creamer met with White House officials some 342 times along with his wife, a 9-term Illinois Democratic congresswoman Jan Schakowsky.White House visitor records show that Schakowsky took 47 private meetings with Obama or his senior staff, in the year leading up to the election.Furthermore, the Russia-gate plot line perpetuated by CNN immediately recalls the symbiotic relationship between the CIA and American media seen during the Cold War era. In the early 1950 s, the CIA ran a wide-scale program called Operation Mockingbird that was said to have infiltrated the American news media in particular, which propagandized the public through various front organizations, magazines and cultural groups. Is the recent CNN fallout more evidence confirming that a modern version of Operation Mockingbird is alive and well?In recent years, there has been a series of surreal and unreal news stories since the Smith-Mundt Act was effectively rendered obsolete by US lawmakers on July 2nd 2013, as confirmed by RT below: Until earlier this month, a longstanding federal law made it illegal for the US Department of State to share domestically the internally-authored news stories sent to American-operated outlets broadcasting around the globe. All of that changed effective July 2, when the Broadcasting Board of Governors (BBG) was given permission to let US households tune-in to hear the type of programming that has previously only been allowed in outside nations. The Smith-Mundt Act has ensured for decades that government-made media intended for foreign audiences doesn t end up on radio networks broadcast within the US. An amendment tagged onto the National Defense Authorization Act removed that prohibition this year. There has been an unprecedented increase in propaganda over the years from big media, despite claims that the NDAA provision offered more transparency to the American public.More from RT below THE FIX John Bonifield admitted that CNN s Russia collusion narrative is not based on evidence. (Image Source rt)CNN stands behind its producer caught in sting video, says he won t be punishedRTCNN has backed one of its senior producers caught in a Project Veritas sting video, saying the company encourages diversity of personal opinions. John Bonifield was filmed admitting the network s craze over alleged Trump-Russia collusion is bullsh*t. Diversity of personal opinion is what makes CNN strong, we welcome it and embrace it, an email from a CNN spokesman to the Daily Beast reads. CNN stands by our medical producer John Bonifield, it said.CNN Health supervising producer Bonifield, who is not involved in the channel s political coverage, was videotaped saying the company does not have any evidence to support its Russia-Trump narrative, driven mostly by the desire for ratings. It s mostly bullsh*t right now. Like, we don t have any big giant proof, the CNN producer can be heard saying in the video, adding that US President Donald Trump is probably right to accuse them of a conducting a witch-hunt.This story continues at RT READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesREAD MORE ON THE WHITE HELMETS AT: 21st Century Wire White Helmet FilesREAD MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 29, 2017",0 +Hersh: Trump Knew β€˜Assad Sarin Attack’ Story Was Fairy Tale – But Launched Cruise Missile Strike Anyway,"Consortium News Exclusive: The mainstream media is so hostile to challenges to its groupthinks that famed journalist Seymour Hersh had to take his take-down of President Trump s April 6 attack on Syria to Germany, says ex-CIA analyst Ray McGovern By Ray McGovernLegendary investigative reporter Seymour Hersh is challenging the Trump administration s version of events surrounding the April 4 chemical weapons attack on the northern Syrian town of Khan Sheikhoun though Hersh had to find a publisher in Germany to get his information out.In the Sunday edition of Die Welt, Hersh reports that his national security sources offered a distinctly different account, revealing President Trump rashly deciding to launch 59 Tomahawk missiles against a Syrian airbase on April 6 despite the absence of intelligence supporting his conclusion that the Syrian military was guilty.Hersh draws on the kind of inside sources from whom he has earned longstanding trust to dispute that there ever was a chemical weapons attack and to assert that Trump was told that no evidence existed against the Syrian government but ordered his generals to retaliate anyway.Marine General Joseph Dunford, Chairman of the, Joint Chiefs of Staff, and former Marine General, now Defense Secretary James Mad-Dog Mattis ordered the attacks apparently knowing that the reason given was what one of Hersh s sources called a fairy tale. They then left it to Trump s national security adviser Army General H. R. McMaster to further the deceit with the help of a compliant mainstream media, which broke from its current tradition of distrusting whatever Trump says in favor of its older tradition of favoring regime change in Syria and trusting pretty much whatever the rebels claim.According to Hersh s sources, the normal deconfliction process was followed before the April 4 strike. In such procedures, U.S. and Russian officers supply one another with advance details of airstrikes, such as target coordinates, to avoid accidental confrontations among the warplanes crisscrossing Syria.Russia and Syrian Air Force officers gave details of the flight path to and from Khan Sheikhoun in English, Hersh reported. The target was a two-story cinderblock building in which senior leaders high-value targets of the two jihadist groups controlling the town were about to hold a meeting. Because of the perceived importance of the mission, the Russians took the unusual step of giving the Syrian air force a GPS-guided bomb to do the job, but the explosives were conventional, not chemical, Hersh reported.The meeting place was on the floor above the basement of the building, where a source whom Hersh described as a senior adviser to the U.S. intelligence community, told Hersh: The basement was used as storage for rockets, weapons, and ammunition and also chlorine-based decontaminates for cleansing the bodies of the dead before burial. A Bomb Damage AssessmentHersh describes what happened when the building was struck on the morning of April 4: A Bomb Damage Assessment by the U.S. military later determined that the heat and force of the 500-pound Syrian bomb triggered a series of secondary explosions that could have generated a huge toxic cloud that began to spread over the town, formed by the release of fertilizers, disinfectants, and other goods stored in the basement, its effect magnified by the dense morning air, which trapped the fumes close to the ground. According to intelligence estimates, the strike itself killed up to four jihadist leaders and an unknown number of drivers and security aides. There is no confirmed count of the number of civilians killed by the poisonous gases that were released by the secondary explosions, although opposition activists reported that there were more than 80 dead, and outlets such as CNN have put the figure as high as 92. Due to the fog of war, which is made denser by the fact that jihadists associated with Al Qaeda control the area, many of the details of the incident were unclear on that day and remain so still. No independent on-the-ground investigation has taken place.But there were other reasons to doubt Syrian guilt, including the implausibility of Syrian President Bashar al-Assad choosing that time while his forces were making dramatic strides in finally defeating the jihadists and immediately after the Trump administration had indicated it had reversed President Obama s regime change policy in Syria to launch a sarin attack, which was sure to outrage the world and likely draw U.S. retaliation.However, logic was brushed aside after local activists, including some closely tied to the jihadists, quickly uploaded all manner of images onto social media, showing dead and dying children and other victims said to be suffering from sarin nerve gas. Inconsistencies were brushed aside such as the eyewitness who insisted, We could smell it from 500 meters away when sarin is odorless.Potent ImagesStill, whether credible or not, these social-media images had a potent propaganda effect. Hersh writes that within hours of watching the gruesome photos on TV and before he had received any U.S. intelligence corroboration Trump told his national security aides to plan retaliation against Syria. According to Hersh, it was an evidence-free decision, except for what Trump had seen on the TV shows.Hersh quotes one U.S. officer who, upon learning of the White House decision to retaliate against Syria, remarked: We KNOW that there was no chemical attack the Russians are furious claiming we have the real intel and know the truth Continue this story at Consortium NewsREAD MORE WHITE HELMETS NEWS AT: 21st Century Wire WHITE HELMETS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 27, 2017",1 +Boiler Room EP #114 – Psychos In The Compromised Media,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Andy Nowicki and Jay Dyer of Jays Analysis also with a special report from FunkSoul (21WIRE & ACR contributor), for the hundred and fourteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re discussing a plethora of events and disappointments cooked up by the mainstream media and the zombified public who buy into their garbage. The team covers mind control, MK-Ultra, George Webb, media psyops, intelligence and deep state infiltrated movements and FunkSoul brings a special 5 minutes of Funk on a banking industry whistleblower.Direct Download Episode #114Please like and share the program and visit our donate page to get involved! Reference Links, for your consideration and research:",US_News,"June 24, 2017",0 +The New Cold War: A Chilling Prospect for the World,"21st Century Wire says There is one curious thing the Presidents of your country [US] change but the policy doesnt change, on matters of principle. ~ President PutinNATO s justification lies in its ability to find or create an enemy, Putin told legendary film maker, Oliver Stone. No other enemy has served NATO and the military industrial complex as well as Russia and the Cold War . The re-emergence of the cold war construct has reached almost unprecedented levels with western media & governments bearing down on historic prejudices with renewed vigour. The new cold war is a chilling prospect for the world if it is allowed to mushroom into something more deadly.Finian Cunningham discusses this prospect in his article for Strategic Culture:On the passing of German Chancellor Helmut Kohl, Russia s President Vladimir Putin spoke fondly of the great statesman and his herculean efforts to reconcile Europe and Russia. Putin said he agreed with the late German leader s view that the Cold War between West and East had been largely brought to an end. The Russian president added, however, that international relations are bound to swing like a pendulum, oscillating between bad and good. Now the pendulum has swung a bit back towards frost, but I am convinced that it will inevitably find the right balance and we will be joining efforts to face today s challenges , Putin told reporters.This is commentary not meant to be pedantic nitpicking, but there are important reasons to point out why the pendulum analogy is mistaken. That model for relations is based on the false assumption that the dynamic can go from bad to good, and vice versa.If we take the peak of the Cold War running from the 1950s to the end of the 1980s, during which there was the constant specter of nuclear war, then if the pendulum analogy holds, one would expect that there should be at some stage of history an opposite state of relations in which mutual, peaceful coexistence eventually prevails.Unfortunately, history has shown us that more than 25 years after the presumed end of the Cold War, relations between the West and Russia have not proceeded towards any substantial improvement. Indeed, it seems clear that over the past five years or so, relations between the West and Russia have deteriorated to a level of hostility comparable to the peak of the Cold War.This grim condition of relations is illustrated by the constant imposition of new economic sanctions on Russia by the US and its European allies ever since the Ukraine conflict erupted in early 2014. Also, the relentless build-up of military forces by the US-led NATO alliance on Russia s border. In the past week, a NATO F-16 warplane made the highly provocative move of buzzing the aircraft carrying the Russian defense minister Sergei Shoigu while in international airspace over the Baltic Sea.President Putin last week in an interview aired with American film-maker Oliver Stone deplored the possibility of a nuclear war, saying that nobody would survive such a catastrophic event. It is a measure of how foreboding relations between the West and Russia have become when Putin is obliged to make such a dire warning.The Russian leader went on to point out, rightly, that NATO always needs to find an enemy in order to justify its existence. The military organization despite claims of protecting Atlantic security is wired for war ever since its inception in 1949.So, let s not delude ourselves. The question of whether the Cold War ended around 1990 or not seems incontestable. It didn t. That war continues albeit expressed in different ideological language and propaganda terms.Instead of alleged Soviet Marxist-Leninist expansionism, we hear of accusations that Moscow is undermining the liberal world order and interfering in Western democratic elections . Or, allegedly, that Russia is threatening the security of the Baltic states.This is not to dispute the genuine convictions and sentiments of many Western and Russian politicians for global cooperation. There seems little doubt that the late, great German Chancellor Helmut Kohl wholly believed in a vision of West-East reconciliation and unity. During his 16-year leadership (1982-1998), Kohl oversaw the reunification of West and East Germany and he spoke of a future where Europe and Russia would work together.Putin reflected on personal conversations he shared with the German statesman. Unfortunately, not everything from the dreams, we used to dream and talk about, is being implemented. However, I am convinced that his [Kohl s] analysis is correct and those positive processes, without which neither Europe nor Russia has any future, will be developing in the European and, I can say, Eurasian continent , remarked the Russian president.The question is: why have these reasonable, laudable aspirations not been implemented?And this leads us to the nature of US leadership among the Western states. American dominance is about hegemony and maintaining control over its perceived unipolar position of global power. This worldview in turn stems from the condition of American-led Western capitalism. It is a zero-sum worldview in which a multi-polar world is simply not tolerable. American domination necessarily dictates to subordinates, not allies .The emergence of other world powers no matter how legitimate that emergence is is seen as a threat to American hegemony and the hierarchical structure of the capitalist world economy in which US interests are the apex of importance.American-led antagonism towards Russia did not originate after the Second World War as conventionally thought. It began with the Russian revolution in 1917 and the fear of international communism spreading to threaten the capitalist order. While modern-day Russia does not profess to be socialist , and China s polity is debatable, both are nevertheless still perceived as a threat to the American unipolar worldview because they represent a multipolar rivalry.The only period during which Washington appeared to extend a non-hostile hand towards Russia was during the Boris Yeltsin leadership years of the 1990s when Russia was in effect a vassal state for US-led Western capitalism. Under the later more independent political leadership of Vladimir Putin, in which Russia has repudiated vassal status, the US has reverted to its standard position of overt hostility.Thus, the Cold War was definitely not ended. It was merely suspended for those years when Russia was subservient. Now that Russia is no longer subservient, the US-led Cold War is resumed.Western politicians like Helmut Kohl and some present-day European leaders may sincerely aspire to a normalization of relations between the West and Russia. Of course, it is a reasonable aspiration given the common history, culture and mutual economic interests. However, the relations between the West and Russia, and for that matter other global powers such as China, will always be subject to hostility. That is because of the intrinsic hegemonic condition of US-led Western capitalism demanding total dominance.The analogy of relations modulating like a pendulum between negative and positive, or good and bad, or war and peace, is flawed. Because relations under a sought-after unipolar world of American domination will inevitably be subject to antagonism and, if needs be, all-out conflict and war.Rather than a pendulum, perhaps a more fitting analogy is a giant wrecking ball. The would-be American hegemonic power says: Do as I demand and the wrecking ball is held back. If not, then here comes the force of destruction .How to transcend this appalling situation is the challenge of our times. But one surmises that the emancipation depends on ending American-led capitalism and its hegemonic dictate to the rest of the world.***TO READ MORE ON THE NEW COLD WAR: THE 21WIRE COLD WAR FILESSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"June 24, 2017",1 +NORTH KOREA: Trump’s Recklessness Could Trigger All-Out Conflict on Korean Peninsula," 21st Century Wire says Washington s muscle flexing seems to have taken on a life of its own as the shadow of US neocolonialism falls over much of the world with increasing intensity. In Syria, the US is lashing out, lawlessly, at the bastion of resistance that has been denying its objectives for almost seven years. Now, the US secretary of State, Rex Tillerson has declared that China should exert much greater economic and diplomatic pressure on North Korea to step away from its nuclear and missile programmes. Footage of a reported, massive live fire drill conducted by the North Koreans in April 2017 gives some indication of what the US might face if this escalation is magnified beyond recall, by the usual suspects at Fox News and CNN This report is from Peter Symonds of WSWS:In what amounted to a barely disguised threat, US Secretary of State Rex Tillerson yesterday declared that China had to exert much greater economic and diplomatic pressure on North Korea to abandon its nuclear and missile programs, if it wants to prevent a further escalation in the region. In other words, if Beijing fails to rein in the Pyongyang regime, the US could resort to military measures.Tillerson s remarks followed a top-level meeting in Washington between him and US Defence Secretary James Mattis and their Chinese counterparts China s foreign policy chief Yang Jiechi and General Fang Fenghui, chief of the People s Liberation Army s joint staff department.Tillerson called on China to make greater efforts to halt illicit revenue streams to North Korea that allegedly help fund Pyongyang s military programs. Just last week, he told a congressional committee the Trump administration was at a stage where we are going to have to start taking secondary sanctions that is, penalise countries and corporations that engage in economic activities with North Korea.Unilateral secondary sanctions imposed by the US would, above all, fall on Chinese companies. China is, by far, North Korea s largest trading partner. US officials and the media have repeatedly accused Beijing of failing to do enough to choke off trade and finance with the Pyongyang regime. Any penalties against Chinese individuals or entities would quickly sour relations between the US and China.Just before the talks, US President Donald Trump signalled that time was running out for China to force North Korea to bow to US demands. While I greatly appreciate the efforts of President Xi [Jinping] and China, he tweeted on Tuesday, it has not worked out. While Tillerson s remarks indicate the US continues to pressure China for action against North Korea, Trump s tweet is a warning that the US will resort to other measures including military action if there are no results.Asked about Trump s tweet, Defence Secretary Mattis told the joint press conference with Tillerson: What you re seeing I think is the American people s frustration with a regime that provokes and provokes and provokes and basically plays outside the rules, plays fast and loose with the truth. Mattis denounced Pyongyang in particular for the death of Otto Wambier the American student imprisoned in North Korea who died on Monday after being flown back to the US last week. The Trump administration is considering a ban to prevent Americans from visiting Pyongyang. Three other US citizens are currently jailed in North Korea.The comments of Mattis and Tillerson suggest that relations with China could deteriorate rapidly, especially if North Korea conducts another nuclear test or a long-range missile launch. In comments to CNN, unnamed US officials claimed this week that satellite imagery showed new activity at North Korea s underground nuclear test site and suggested that a sixth nuclear detonation could be imminent.Ahead of yesterday s talks in Washington, US State Department officials indicated that Mattis and Tillerson would press their Chinese counterparts not only on North Korea, but a range of other sensitive issues, including the South China Sea and the so-called war on terrorism.Acting Assistant Secretary of State for East Asia, Susan Thornton, told Voice of America that all parties should freeze any construction or militarisation of features in the South China Sea a comment directed especially at China. Last month, the US navy carried out another provocative freedom of navigation operation, sending a guided missile destroyer within the 12-nautical-mile territorial limit claimed by China around one of its islets.Trade and economic issues were excluded from yesterday s US-China Diplomatic and Security Dialogue but remained just below the surface. During last year s presidential election campaign, Trump repeatedly denounced China s trade policies and threatened punitive trade war measures. In seeking Beijing s assistance to pressure Pyongyang, Trump suggested the US could make concessions on trade.Having tweeted that Chinese efforts have not worked out, the implicit threat is that the US could ramp up the pressure on China over trade. What Trump is saying is, I don t need you on North Korea now, and therefore maybe we should have it out on these other issues, like trade, analyst John Delury told the New York Times.China is reluctant to impose new sanctions that will cripple North Korea s economy and provoke a political crisis that could be exploited by the US and its allies. At yesterday s talks, Chinese officials reiterated Beijing s call for renewed negotiations based on a freeze by Pyongyang on its nuclear and missile tests and a freeze by Washington on its joint military exercises in South Korea. The US has flatly rejected the proposal.Above all, the threat of US military strikes against North Korea hangs over Asia. Earlier this week, the Pentagon again sent two B-1 strategic bombers on a mission over the Korean Peninsula in a provocative show of force. The US Navy has two aircraft carrier strike groups stationed in the area, with another on its way.Any US military action against North Korea threatens to trigger an all-out conflict on the Korean Peninsula that could draw in other powers, including China, with devastating consequences. The Trump administration s recklessness is underscored by the fact that it is engaged in an escalating confrontation in Syria that threatens to provoke a clash with Russia and Iran, even as it is ramping up tensions in North East Asia.***FOR MORE INFORMATION ON NORTH KOREA: 21WIRE NORTH KOREA FILESSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 22, 2017",1 +β€˜Stop Arming Terrorists Bill’ Fails in US Congress After Getting Only 13 Supporters,"21st Century Wire says What this latest result proves is that the level of institutional criminality in Washington DC is so deeply entrenched that American Congressmen are not fit to govern not even in a progressive democracy, much less a constitutional republic.How can they claim to be the world s moral leader and global police when history demonstrates that over the last 40 years the United States has been the world s number one state sponsor of terrorism ?Once again this week, the US was caught helping ISIS by providing air cover for terrorist operations on the ground in Syria.Despite all of this, Donald Trump still remains clueless as to how it all works By Matt AgoristFor the last several decades, the US government has openly funded, supported, and armed various terrorist networks throughout the world to forward an agenda of destabilization and proxy war. It is not a secret, nor a conspiracy theory, America arms bad guys.Given the insidious history of the American empire and its creation and fostering of terrorist regimes across the globe, it should come as no surprise that the overwhelming majority of politicians would refuse to sign on to a law that requires them to Stop Arming Terrorists. And, that is exactly what s happened.H.R.608 Stop Arming Terrorists Act was introduced by Rep. Gabbard, Tulsi [D-HI] on January 23 of this year. The bill doesn t have any crazy strings attached and its original cosponsors are a mix of Republicans and Democrats highlighting that it transcends party lines. For years, our government has been providing both direct and indirect support to these armed militant groups, who are working directly with or under the command of terrorist groups like Al-Qaeda and ISIS, all in their effort and fight to overthrow the Syrian government, Gabbard said in an interview earlier this year.The text of the bill is simple. It merely states that it prohibits the use of federal agency funds to provide covered assistance to: (1) Al Qaeda, Jabhat Fateh al-Sham, the Islamic State of Iraq and the Levant (ISIL), or any individual or group that is affiliated with, associated with, cooperating with, or adherents to such groups; or (2) the government of any country that the Office of the Director of National Intelligence (ODNI) determines has, within the most recent 12 months, provided covered assistance to such a group or individual.The only thing this bill does is prohibit the US government from giving money and weapons to people who want to murder Americans and who do murder innocent men, women, and children across the globe. It is quite possibly the simplest and most rational bill ever proposed by Congress. Given its rational and humanitarian nature, one would think that representatives would be lining up to show their support. However, one would be wrong.After nearly 5 months since its introduction, only 13 of the 535 members of Congress have signed on as co-sponsors. What this lack of support for the bill shows is that the federal government is addicted to funding terror and has no intention of ever stopping it.To add insult to treason and murder, Senator Rand Paul [R-KY] introduced this same legislation in the Senate. He currently has zero cosponsors.Given the overwhelming lack of support for a bill that simply asks the government to stop giving money to people who behead children and video it, it should come as no surprise that Donald Trump signed hundreds of billions of dollars in weapons deals with other countries who also fund these people.As Americans bicker over Trump s bogus and non-existent Russian scandal, he s signing a deal worth hundreds of billions of dollars with the largest state sponsor of terror in the world ensuring decades of future wars and the continuation of the cycle of terrorism.What s more is the fact that less than one week after publicly reprimanding Qatar for terrorism, President Trump signed off on the sale of $12 billion in weapons to the country he referred to as a funder of terrorism. This move, in Trump s own stance, makes him a de facto funder of terrorism now READ MORE ISIS NEWS AT: 21st Century Wire ISIS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 21, 2017",0 +RUSSIA’S RED LINE: Moscow Announces End to US β€˜Deconfliction’ Cooperation Over Syria," IMAGE: Air defense and satellite tracking center in Russia.21st Century Wire says As of June 19th, the Russian Ministry of Defense has announced that it will be ending cooperation with the United States over Syria. Up until that time, the two country s deconfliction communications agreement has prevented the two super-powers from crossing swords during their respective military air operations over the Syrian skies.The Russian statement comes following news this week that a US F/A-18E Super Hornet shot down a Syrian SU-22 fighter jet 40 km from the city of Raqqa. Washington claimed it as an act of collective self-defense in protecting its US-backed SDF forces. The Syrian pilot was able to eject from his plane.The situation is serious. Russia has drawn a clear red line, with officials stating that all aircraft of the US-led coalition in the area of Russian and Syrian combat missions over Syria will be tracked by Russian defense systems as air targets. US F/A-18E Super Hornet.It s worth noting that at the moment of the US downing of the Syria jet, the Syrian Army was carrying out operations against ISIS. This is another in a now long list of US military incitements inside of Syria s borders, leaving both Syria and Russia to conclude that this latest US provocation is nothing short of a prelude to war.Pressure on the CoalitionIt seems that other countries are already taking notice. The Royal Australian Air Force (RAAF) announced today that it will be suspending further flights over Syria, although not over Iraq. Australia s Department of Defense said: As a precautionary measure, Australian Defence Force (ADF) strike operations into Syria have temporarily ceased. As yet, there have been no further statements from the other US partners in air operations over Syria like the UK, France, Germany and Norway. Will others follow Australia s lead and head for the exit, or will they be forced to dig their heals into a position which is already in violation of their domestic and international law?Once again, Russia has countered an irrational and unhanded action in Syria by the US by making a rational and deliberate move.Will this situation climb-down, or escalate? That answer seems to be up to the US now.More on this from RT RTThe Russian Defense Ministry announced it is halting cooperation with its US counterparts in the framework of the Memorandum on the Prevention of Incidents and Ensuring Air Safety in Syria following the coalition s downing of a Syrian warplane.The ministry has demanded a thorough investigation by the US military command into the incident with the Syrian government military jet, with the results to be shared with the Russian side. In the areas of combat missions of Russian air fleet in Syrian skies, any airborne objects, including aircraft and unmanned vehicles of the [US-led] international coalition, located to the west of the Euphrates River, will be tracked by Russian ground and air defense forces as air targets, the Russian Ministry of Defense stated.Downing the military jet within Syrian airspace cynically violates the sovereignty of the Syrian Arab Republic, Russian military said.The actions of the US Air Force are in fact military aggression against Syria, the statement adds.The ministry emphasized that Russian warplanes were on a mission in Syrian airspace during the US-led coalition s attack on the Syrian Su-22, while the coalition failed to use the communication line to prevent an incident. The command of the coalition forces did not use the existing communication channel between the air commands of Al Udeid Airbase (in Qatar) and the Khmeimim Airbase to prevent incidents in Syrian airspace. The ministry considers the move a conscious failure to comply with the obligations under the Memorandum on the Prevention of Incidents and Ensuring Air Safety in Syria, and is thus halting cooperation with the US within the memorandum framework as of June 19, the statement concluded.Earlier Russian Deputy Foreign Minister Sergey Ryabkov condemned the attack, branding it an act of aggression which actually helped the terrorists the US is fighting against .Continue this story at RTREAD MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 20, 2017",1 +SYRIA: Washington’s Boots and Missile Systems on the Ground to Defend ISIS and Associated Proxies,"Andrew Korybko Global Village SpaceThe US deployment of the HIMARS missile system to eastern Syria is designed to deter the Syrian Arab Army s Dash for Deir az-Zor.Many people were caught off guard when the Russian Defense Ministry announced earlier this week that The US has redeployed two High Mobility Artillery Rocket Systems from Jordan to a US special operations forces base near the Syrian town of Al-Tanf , and that the range of HIMARS cannot allow for providing support for US-controlled Syrian Democratic Forces (SDF) operating against Daesh in Raqqa . This led to the logical conclusion that the HIMARS could be used by the US to strike Syrian Arab Army (SAA) forces, just as the Pentagon s developed a habit of doing several times already since April.To put this all into context, the SAA just broke through some of Daesh s occupied territory to reach the Iraqi border, thereby cutting off the US special forces and allied rebel forces in Al-Tanf from linking up with the majority-Kurdish Syrian Democratic Forces (SDF) laying siege to Raqqa right now and committing ethnic cleansing there. Moreover, this development prevents the US-backed forces from driving through the desert to Deir az-Zor, the last major Daesh-occupied city in eastern Syria and the location of a small encircled SAA contingent. The Dash for Deir az-Zor is becoming the new Race for Raqqa now that the latter is all but over, as the former will decide whether or not the entirety of eastern Syria falls under pro-American proxy control or not.The SAA needs to liberate Deir az-Zor in order to keep the SDF and southern Al-Tanf rebels from connecting their occupied territories and enlarging the self-declared Democratic Federation of Northern Syria to include all of the Iraqi borders. If they fail in this task, then Syria will effectively be divided along East-West lines, and the former half could in principle connect to the corresponding demographic regions of neighboring Iraq to give rise to the unipolar transnational sub-states of Kurdistan and Sunnistan , or in other words, two geopolitical Israels . Should they succeed, however, then the SAA will not only diminish the prospects for a pro-Saudi Sunnistan along the Syrian-Iraqi Borderlands, but it would also give Damascus a fair chance at recovering some territory north of the Euphrates and reversing the SDF-YPG s federalization momentum.For that reason, the US deployed the HIMARS in southeastern Syria in order to deter the SAA from going any further in the Dash for Deir az-Zor, though that doesn t mean that Damascus won t give it a shot anyhow. There s a high chance, just as Russia warned, that the US will use this missile system against the SAA, but there s an equal probability that Moscow wouldn t interfere in that case.What will Russia s stance be?Moscow has been abundantly clear that it is strictly abiding by its anti-terrorist military mandate, and it s already proven as much on multiple occasions by standing down whenever its Israeli partner bombed the SAA and Damascus allies. Moreover, Russia also never militarily responded to the US bombing of the SAA on the three times that it s happened in just as many months.In fact, First Deputy Chairman of the Federation Council s Committee on International Affairs Vladimir Jabarov declared right after the first incident that Russia has no intentions to use its Aerospace Forces against US missiles if Washington decides to carry out new strikes in Syria as it could lead to a large-scale war , thereby confirming that there s close to no chance that Russia would come to Syria s aid if the US unleashed HIMARS against Deir az-Zor-destined SAA forces. Despite this unfavorable state of affairs, Damascus more than likely won t be discouraged, and could still very well make a dash for the desert town regardless of the HIMARS hindrance. Even in the event that its soldiers are martyred, Syria might be calculating that their sacrifices would be worth it if there s even a slight possibility that they can help delay the country s post-war decentralization and de-facto internal partition.About this eventuality, all indicators point to it basically being a fait accompli at this moment due to Russia s reluctance to stop this scenario from unfolding. Actually, Russia is even going along with it to an extent, though not due to it having an interest in this happening, because it both doesn t have the political will to commit the military forces necessary to stop it and also likely understands the process as being irreversible. This is why Moscow has chosen to take a middle ground between Damascus unitary vision and its Kurdish adversaries federalist one by proposing a system of decentralization in the Russian-written draft constitution for Syria. Furthermore, there are grounds to believe that Russia s de-escalation zones will ultimately whether wittingly or inadvertently lead to the creation of decentralization units all throughout the country, especially in the Kurdish- and rebel -occupied quarters.Taking into account what is implied by Russia s actions (or lack thereof) about its preferred political settlement to the War on Syria, there are concrete reasons to argue that Moscow might have already accepted the de-facto establishment of the two transnational sub-state entities of Kurdistan and Sunnistan in exchange for Washington implicitly agreeing not to interfere with Russia s two military bases in the western part of the country or its Damascus-granted rights to rebuild all of Syria s energy infrastructure (which would by extent also include the facilities in the pro-American occupied areas). Whether or not this sort of understanding/agreement is in place, or even if the US would fully respect it if it was, is a matter of speculation and can t be independently confirmed at this time, but an analytical reading of the situation indicates that this might very well be the case.With this in mind, the SAA might only enjoy the direct support of the Russian Aerospace Forces so long as it s fighting to liberate occupied territory from Daesh terrorists, not from the pro-American SDF-YPG and southeastern rebel forces that Moscow itself recognizes as part of the political opposition . Russia s attitude seems to be that whatever the US does to the SAA with its newly deployed HIMARS is a strictly bilateral affair between those two conflict participants, and that Moscow would as it s continually displayed a propensity for doing turn the other way for all practical intents and purposes and only issue political statements of support for its on-the-ground ally.Therefore, the outcome of the Dash for Deir az-Zor will depend on the speed with which the SAA can reach their destination, the tactical maneuvers that the SDF-YPG take to beat them there from the northern direction, and the degree to which the US will be successful in using HIMARS to tip the balance in its favor from the southern front. The odds are overwhelming, but it still can t be ruled out that the SAA will ultimately prevail against this pincer strategy, liberate the desert city, and drive a stake in the heart of the US attempts to set up two geopolitical Israels in the heart of the Mideast, though the prospects of this optimistic scenario playing out are admittedly low.***READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"June 19, 2017",1 +NUDGING TO WAR: U.S. Shoots Down Syrian Army Fighter Jet,"21st Century Wire says Yesterday a US F/A-18E Super Hornet is reported to have shot down a Syrian Army SU-22 jet near the village of Rasafah, south of Raqqa. Washington claims it was an act of collective self-defense because the Syrian jet had dropped bombs near US-backed forces. Syrian officials in Damascus deny the US claims, stating that their plane was downed while conducting a strike on an ISIS position. According to a statement released by Damascus, the US act of aggression in Syria airspace was a flagrant attack was an attempt to undermine the efforts of the army as the only effective force capable with its allies in fighting terrorism across its territory. Officials added that, this comes at a time when the Syrian army and its allies were making clear advances in fighting the (ISIS) terrorist group. US officials are claiming that pro-Syrian regime forces on the ground attacked the US-backed Kurdish militias under the SDF brand (Syrian Democratic Forces) near Tabqa outside Raqqa, after which time the US-led Coalition planes engaged Syrian military. US officials then claim that a Syrian planes dropped bombs near the US-backed forces. Russian Foreign Minister Sergei Lavrov issue this statement: We call on the United State and all others who have their forces or advisors on the ground [in Syria] to ensure the coordination in our work. Zones of de-escalation are one of the possible options to jointly move forward. We call on everyone to avoid unilateral moves, respect Syrian sovereignty and join our common work which is agreed with the Syrian Arab Republic s government. 21WIRE reported earlier this week how the presence of US and UK troops on the ground inside of Syrian sovereign territory may be provoking an escalation of an already tense situation in both Raqqa and in the region around al-Tanf. US-led coalition forces are supposedly there to train and assist anti-ISIS militias, but also anti-Assad rebel militias too. The US also also trying to impose self-styled deconfliction zones around al-Tanf.In recent months, the Syrian Army have been making huge advances against ISIS positions. This latest US attack on Syria indicates that the US do not want the Syrian Army involved in the liberation of Raqqa presumable to be able to stage-manage and control the operation and media coverage for its global audience, as the US did previously with Mosul in Iraq.A clear pattern has emerged with almost every US strike against Syrian forces inside of Syria in each and every instance, the main beneficiary appears to be ISIS.Based on past incidents where US forces have attack Syrian military assets, in each instance the US attacks have benefited ISIS on the ground leading many to conclude that the US Coalition forces are helping ISIS to gain strategic advantage against the Syria Army on the ground.Back in September 2016, US had attacked and massacred over 80 Syrian military soldiers after a Coalition airstrike on Dier Azor a US attack which allowed ISIS to strategically advance past Syrian Army defensive positions. In addition to aiding ISIS on the ground, this act by the US also ruined any chance of a viable ceasefire agreement with Russia and Syria at the time.A similar events took place on June 5, 2017 when US-led coalition forces attacked what they called pro-Syrian regime forces near the town of al Tanf in southeast Syria, claiming the Syrian forces including some 60 troops, had somehow entered what the US claim was a well-established de-confliction zone. The US strike helped to take pressure off of a retreating ISIS in the region.In addition to this, the US cruise missile strike Syria s Sharat airbase near Homs killed some 80 people, supposedly in response to an alleged ;chemical weapons attack at Khan Sheikhoun in Idlib Province.According to Aleppo MP Fares Shehabi, the US missile attack should be viewed as an act against an airport that is solely dedicated to fighting ISIS in Syria. And this attack is illegal, it s stupid. As it stands the US presence in Syria is in violation of both US and International Law. STAY TUNE FOR MORE UPDATESREAD MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 19, 2017",1 +Boiler Room EP #113 – β€˜CNN is ISIS’,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with FunkSoul, Miles of Truth, Randy J (21WIRE & ACR contributors), Daniel Spaulding, Infidel Pharaoh, Andy Nowicki and Jay Dyer of Jays Analysis for the hundred and thirteenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re discussing parents so mentally ill that they ve been convinced by progressive SJW tendencies that they need to ask their infant s permission to pick them up and hold them. We re talking about the recent shooting at the practice field for the Congressional baseball game where 5 people are being reported to have been shot by an apparent #BernieBro (leftist anti-Trump extremist) who it seems was inspired by the rhetoric and lies of the leftist mainstream media. We get an update on the Media on Trial conference that took place in the UK last weekend and some discussion about the discredited mainstream medias tactics in spinning lies about the presence of US and UK military patrolling, uninvited, on the ground in Syria.Direct Download Episode #113Please like and share the program and visit our donate page to get involved! Reference Links:",US_News,"June 16, 2017",0 +SYRIA: British and American Presence Directly Escalating Conflict Near Al-Tanf," US paratrooper on security duty during a mission to train Iraqi forces (Photo: US Department of Defense. Source: Wikicommons)21st Century Wire says In southeastern Syria, the region around al-Tanf has quickly become a focal point for the ongoing conflict in the region. Near to both the Iraqi and Jordanian borders, al-Tanf is currently the location of a contingent of US-led coalition forces, supposedly there for the purpose of providing training to anti-ISIS militias, but also anti-Assad militias too the fabled moderate rebels . Not surprisingly, the US-led coalition has unilaterally imposed a self-styled deconfliction zone around their camp in al-Tanf and claim to be defending their position from pro-Syrian forces , otherwise known as the Syrian Arab Army (SAA) and allied militias. It has been reported by mainstream media outlets that coalition members represented at al-Tanf include not only the United States but also the British SAS, and also possibly Norway too.Although coalition forces are also present in other parts of Syria, including the area around Raqqa, an ISIS stronghold, the last few weeks have seen coalition forces striking Syrian military targets on at least three occasions near the coalition training camp close to al-Tanf including incidents on May 18th, June 6th and June 8th. It is now being reported that the US is supplying truck-mounted long range missiles to its forces near al-Tanf, in a move that risks immediate escalation in the already-tense situation, and despite diplomatic efforts by Russia to calm the situation. All this comes as the US and its Kurdish proxy militia, the SDF, mount their attack on the ISIS stronghold Raqqa in Northeast Syria. The US has also seized the opportunity to invade more Syrian territory after an alleged sarin gas attack on April 4th that prompted President Trump to launch a missile strike on a Syrian airbase in retaliation.In the following segment filmed two weeks ago, 21WIRE editor Patrick Henningsen speaks to RT International about the recent US strike on Syrian forces near al-Tanf. Henningsen explains how the US are taking advantage of the tension to secure its own territory inside of Syria:. US and Britain: A Policy of DeceptionOne could easily be confused by the narrative that is being spun by the US, Britain, and compliant mainstream media in both countries. Less than two years ago, in 2015, then British Prime Minister David Cameron ruled out sending British ground troops into Syria. In mid-2016, however, it emerged that British special forces were engaged in combat in the country. Between 2013 and 2015, former US President Barack Obama said on at least 16 occasions that there would be no boots on the ground in Syria, but then changed his mind in late 2015 when US Special Forces were deployed into Syria.President Trump s statements are no less contradictory. On April 11th 2017, soon after his initial missile strikes on the Syrian airbase, Trump said that the US was not going into Syria ; the current situation at al-Tanf simply contradicts that statement.Since that time, both Britain and the US have been slowly ramping up their presence in Syria, ostensibly to fight ISIS. But by repeatedly striking at Syrian government forces the single most effective fighting force against ISIS the US and Britain are actually helping ISIS to achieve its objectives.Note the mismatch between the US-led coalition s presence in Syria and how it s presented to the public. Not only do they claim to be fighting ISIS while at the same time indirectly helping them, but they also call their attacks on Syrian army targets defensive even though the Syrian military has never attempted to attack any coalition forces. And it is similarly ironic that these strikes against the Syrian military have occurred in what the coalition calls a deconfliction zone , where supposedly no conflict is allowed. According to security analyst Charles Shoebridge: These are self-declared [US occupied] zones of deconfliction. What they really mean there is that they are not allowing other people to enter these zones, notwithstanding that this is part of a sovereign country, Syria What they mean is that actually conflict is allowed, and military forces, as long as they are American, British and their rebel allies. They are not agreed deconfliction zones. Syria doesn t agree to them. Russia, which of course has established de-escalation zones elsewhere in the country, hasn t agreed to this. Consequently they really are, as [Russian Foreign Minister] Lavrov or his spokesman said, effectively unilateral zones. And not only is the narrative confusing, it is also not given the highest priority among mainstream headlines, with many other prominent stories conveniently serving to occupy the public while the situation in al-Tanf escalates. In a week that saw Congressmen shot at and injured at a baseball practice, a massive tower block fire in London taking at least 17 lives, and the UK election aftermath continuing to be unresolved, one could easily remain unaware of the escalating situation around al-Tanf in Syria. With the US-led coalition now directly and deliberately attacking Syrian forces, what has been a proxy war is suddenly growing more dangerous, and the prospect of a direct conflict between nuclear-armed powers looms ever closer.As former British Ambassador to Syria Peter Ford remarked during a recent conversation with 21WIRE, the British military has neither Syrian approval to be in Syria, nor international approval from the UN, nor even legislative approval from its own Parliament. The same applies to the United States; although the US Constitution gives the power to declare war exclusively to Congress, the US now has quite a long history of entering wars or using deadly military force without Congressional approval under the flexible guise of an Authorization of Force. More on this story from Newsweek Two Syrian army tanks destroyed in a battle against moderate rebels , Azaz, Syria (Photo: Christiaan Triebert. Source: Wikicommons)Tom O Connor NewsweekRussia has demanded that the U.S. stop attacking forces that support the Syrian government as they overtake positions held by the Islamic State militant group (ISIS) on the country s border with Iraq.Russian Foreign Minister Sergei Lavrov reportedly made the comments Saturday on a phone call with Secretary of State Rex Tillerson, responding to three U.S. air strikes in the past few weeks against forces battling ISIS and other insurgent groups on behalf of Russian-backed Syrian President Bashar al-Assad. The Pentagon has argued that the pro-Syrian government coalition, which it describes as Iran-backed militias, has breached a deconfliction zone declared by the U.S.-led international coalition in southern Syria but not recognized by Moscow or Damascus. Lavrov criticized the U.S. s moves, and the pair reportedly agreed to cooperate more closely in the future. Lavrov expressed his categorical disagreement with the U.S. strikes on pro-government forces and called on him to take concrete measures to prevent similar incidents in future, Russia s Foreign Ministry said in a statement, according to Reuters.While the Syrian army and its allies, which include Russia, Iran and various pro-government militias, advance toward the besieged eastern city of Deir Al-Zour, held by ISIS since 2014, the U.S. has deployed Special Forces to train anti-Assad rebels near the southern region of al-Tanf. Both factions are involved in the battle against ISIS but differ on Syria s political future, with the former insisting that Assad remains in power and the latter mostly advocating for his removal.Continue this story at NewsweekREAD MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 16, 2017",1 +Virginia Shooter Hodgkinson Was β€˜Never Trump’ Fanatic and Devotee of Bernie Sanders,"IMAGE: Democratic Party activist and gunman, James T. Hodgkinson.21st Century WireYesterday, a crazed gunman affiliated with America s radical progressive and Never Trump movement attacked Republican members of Congress and their staff during a practice session for an annual charity baseball game in Alexandria, Virginia.Steve Scalise (R-LA)Among those shot were Majority Whip Steve Scalise (R-LA), the third ranking Republican in the House.In total, five people were wounded, including two police officers. All were taken to local hospitals for treatment.According to Arizona Senator Jeff Flake, Scalise was standing on second base, fielding balls during batting practice when the shooting began.Had the Capitol Police not been on the scene It would have been a massacre, said Kentucky Senator Rand Paul. As terrible as it is, it could have been a lot worse. The gunman, James T. Hodgkinson, was shot dead by police, dying later of multiple wounds.Hodgkinson, 66, is from Belleville, Illinois, was an ardent supporter of 2016 Democratic Party presidential candidate Bernie Sanders, but also expressed a rabid hatred of conservatives and President Donald Trump as seen in his Facebook profiles and letters to newspapers. Trump is a Traitor. Trump Has Destroyed Our Democracy. It s Time to Destroy Trump & Co, and Republicans are the Taliban of the USA, said Hodgkinson.Watch this cell phone footage of the event:However, the story appeared to be an embarrassment for Democratic Party-oriented mainstream media outlets like CNN and MSNBC. Not surprisingly, CNN seemed to avoid any extended coverage of the shooting, opting instead to focus most of its news coverage yesterday on the Grenfell Tower fire in London. Ever since Hillary Clinton s epic defeat last November, most US mainstream media organizations have been going all-out to discredit the new president. CNN s own Kathy Griffin, a 56-year-old comedian sparked public outrage last month after releasing a photo and video depicting her holding the bloodied head of President Trump in an ISIS-style video.Other liberal media sources are attempting to frame the attack as a gun control story, rather than a politically-motivated act of domestic terrorism.The following is a live debate which aired on RT International on Wednesday night, featuring 21WIRE s Patrick Henningsen, Tighe Barry from Code Pink, and Lionel a frequent contributor on RT America. Watch:READ MORE DAILY SHOOTER NEWS AT: 21st Century Wire Daily Shooter FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"June 15, 2017",0 +"Boiler Room EP #112 – UK Election, Omran & Technocratic Tech","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Miles of Truth, Randy J and Basil Valentine (21WIRE & ACR contributors) for the hundred and twelfth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re getting a lesson in the UK political process as well as real time monitoring of the election as it develops with Basil Valentine and Miles of Truth calling in from the UK. We examine the updates in the story of Omran Daqneesh (formerly referred to as Syria boy and/or Dusty boy ), more US airstrikes in Syria and a look at some technocratic police state and data collection technology that are anything but benign to freedom and privacy.Listen to Boiler Room #112 UK Election, Omran & Technocratic Tech on Spreaker.Direct Download Episode #112Please like and share the program and visit our donate page to get involved! Reference Links:",US_News,"June 9, 2017",0 +"Is the United States of America a Liberal Democracy, or Liberal Oligarchy?","21st Century Wire says Does the American ideal of a egalitarian meritocracy really live up to the reality? Did it ever?The world s political and financial elite are currently operating in an epoch which features the greatest wealth gap in human history, and in a financial environment which is the most unrestrained in modern times all controlled by a relatively small tribe of hereditary elites.It s high time to question and reexamine the post-modern concept of democracy Liberal Democracy is a system of governance conditioned not only by political liberties such as free and fair elections, universal suffrage, and rights to run for office, but also by constitutional liberties such as the rule of law, respect for minorities, freedom of speech, religion and assembly, private property rights, and most importantly, a wide separation of powers. The founding pillar of liberal democracy, therefore, is its citizens ability to influence the government s policy formulation through the exercise of the aforementioned political and constitutional liberties. In other words, while a flawless correspondence between government policy formulation and majority preferences is idealistic, government responsiveness to citizens interests and concerns, in the process of policy formulation, is of central importance when evaluating democratic governance.Petar Djolic Global ResearchErgo, by embracing the Iron Law of Oligarchy and The Elite Theory s perspective, this paper will illustrate how the U.S. system of governance, while providing constitutional, that is, civil liberties to its citizens, espouses more focused and more powerful interests over more diffused and less powerful interests. This inevitably results in the U.S. political system being a liberal oligarchy rather than liberal democracy as it is presumed by many (see Dahl, 1971, 1985, 2006; Tocqueville, 2000; Monroe, 1979; Key, 1961 and famously Lincoln, 1989).First, the paper will review the Iron Law of Oligarchy and The Elite Theory while highlighting some of their most prominent advocates. Next, by briefly reflecting upon the definition of the oligarchs and the elites, the paper will place the concept of political influence that corporate power exerts in context. Subsequently, the paper will survey an eminent empirical study that found a vast discrepancy in the U.S. government s responsiveness to the majority preferences as opposed to the preferences of the elites. Last, the essay will illustrate how studies confirming an ostensibly desirable degree of government s responsiveness to the preferences of average citizens neglect the reflection of those preferences to those of wealthy citizens. The Iron Law of Oligarchy and The Elite TheoryPolitical theory, The Iron Law of Oligarchy, was first proposed by Robert Michels in his book Political Parties (1999) and later developed into The Elite Theory by scholars such as C. Wright Mills, Elmer Eric Schattschneider, G. William Domhoff, etc. Opposing pluralism, the theory focuses on the disparity between the political influence exerted by the oligarchs or the elites, actors that control considerable concentrations of wealth, as opposed to that of the average citizen. This school of political thought argues that the U.S. system of governance espouses more focused and more powerful interests over more diffused and less powerful interests. That is, the advocates of the Elite Theory stress that, in the case of the United States government policy formulation, influence is conditioned by affluence. Mills (1959), in his magnum opus, The Power Elite, offered a comprehensive description of how U.S. political, economic, military and social elites have dominated key issues in public policy formulation. Similarly, in The Semisovereign People, Schattschneider asserted that the realm of the pressure system is actually fairly small: the range of organized, identifiable, known groups is amazingly narrow; there is nothing remotely universal about it (1960: 30).Schattschneider continues by arguing that business or upper-class bias of the pressure system shows up everywhere (ibid: 30), therefore, the notion that the pressure system is automatically representative of the whole community is a myth (ibid: 36).Instead, Schattschneider posits,the system is skewed, loaded and unbalanced in favor of a fraction of a minority (ibid: 36).G. William Domhoff made a significant contributed to the elite theory with his book, Who Rules America: The Triumph of the Corporate Rich. Domhoff (2013) presented a detailed depiction of how operating through various organizations such as think-tanks, opinion shaping apparatus and lobby groups enable elites to control key issues within policy formulation.Oligarchs and The ElitesAccording to Aristotle (1996), oligarchs are citizens who control and command an extensive concentration of wealth who always happen to be the few . Similarly, people who, due to their strategic positions in powerful organizations, have the ability to influence political outcomes, are classified by most scholars as economic and political elites (Higley, 2006). Therefore, the terms oligarchs and elites are often used interchangeably. These individuals can affect the basic stability of political regimes, the overall arrangements and workings of political institutions, and the key policies of the government (Higley and Burton, 2006: 7). Typically, elites and oligarchs consist of the top directors and executives of the major corporations. Nonetheless, they can belong to other essential sectors of the society such as political, military and administrative (Keller, 1963). By owning a wealth-producing property, these individuals make large-scale investment and, therefore, employment decisions, which ultimately regulates the United States economy (Higley and Pakulski, 2012). Therefore, a large percentage of American economic assets are disproportionately controlled by a rather small number of corporations.Empirical StudyOver time, a variety of diverse actors that seem to have influence on U.S. policy formulation have been identified. Coincidentally, normative concerns that the U.S. political system is vastly influenced by capital driven individuals and groups have been growing. Until recently, however, providing empirical evidence that supported these concerns proved to be very difficult, almost impossible. Nonetheless, several, fairly recent empirical studies have demonstrated that, in the case of the United States, the policy making process is influenced, to a great degree, by more focused and more powerful interests compared to more diffused, less powerful interests (see Gilens and Page, 2014; Winters and Page, 2009; Page, Kalla and Broockman, 2015; Jacobs and Page, 2005; Bartels and Seawright, 2013; etc). However, due to its limited scope, this paper will survey only one of these studies.By employing an imposing data set drawn from a heterogeneous set of policy initiatives, 1,923 in total, Gilens and Page demonstrated that economic elites and organized groups representing business interests have substantial independent impacts on U.S. government policy, while mass-based interest groups and average citizens have little or no independent influence (2014: pp. 565).By comparing policy preferences of American citizens at the 50th income percentile to that of American citizens at the 90th income percentile, Gilens and Page (2014) found that the United States policy formulation is conditioned by the preferences of the latter group far more than it is conditioned by the preferences of the former group. In fact, the influence that the medium voter exerts on the U.S. policy formulation is near zero (Gilens and Page, 2014: pp. 576). By including the data that dates all the way back to 1980 the authors illustrated that such state of affairs has been a long-term trend, making it harder for ordinary citizens to comprehend, let alone reverse. However, ordinary citizens, might often be observed to win , that is, to get their preferred policy outcomes, even if they had no independent effect whatsoever on policy making, if elites, with whom they often agree with, actually prevail as policy formulation is not a zero-sum game (Gilens and Page, 2014: pp. 570). Nevertheless, it is crucial to point out that this correlation is erroneous in terms of causal impact and, consequently, provides a false sense of political equality. In other words, the results obtained by the authors demonstrate how the relatively high level of government s responsiveness to the preferences of average and low income citizens is nothing more than a reflection of the preferences shared by wealthy citizens. However, by incorporation a multivariate analysis of different test groups, Gilens and Page (2014), illustrated how the influence of average citizens preferences drops rapidly once their preferences differ to that of wealthy citizens.The ideal of political equality that average American citizens, as well as many scholars, hold dear, stands in stark contrast to the immense representational biases demonstrated by Gilens and Page. While acknowledging that a perfect political equality has a particularly idealistic character, the enormous dichotomy in the system s responsiveness to citizens at different income levels reinforces doubt associated with the presumed liberal democratic character of American society and leads this paper to conclude that the U.S. is, contrary to popular belief, a liberal oligarchy as opposed to liberal democracy.By embracing the Iron Law of Oligarchy and The Elite Theory s perspective, this paper illustrated how the U.S. system of governance, while providing constitutional, that is, civil liberties to its citizens, espouses more focused and more powerful interests over more diffused and less powerful interests. This inevitably results in the U.S. political system being a liberal oligarchy rather than liberal democracy as it is presumed by many. First, the paper reviewed the Iron Law of Oligarchy and The Elite Theory and highlighted some of their most prominent advocates. Next, by briefly reflecting upon the definition of the oligarchs and the elites, the paper placed the concept of corporate power and political influence it exerts in context. Subsequently, the paper surveyed an eminent empirical study that found a vast discrepancy in the U.S. government s responsiveness to the majority preferences as opposed to the preferences of the elites. Last, the paper illustrated how studies confirming ostensibly desirable levels of government s responsiveness to the preferences of the average citizen neglect the reflection of those preferences to those of wealthy citizens .Continue this article and see all footnotes at Global ResearchREAD MORE NWO NEWS AT: 21st Century Wire NWO Files",US_News,"June 8, 2017",1 +What’s the Leading Killer of American Adults Under 50? Drug Overdose.,"21st Century Wire says Last April, the UN general assembly met to discuss how the world s nations can combat the global drug problem. It was just the latest non-event in a long line of categorical failures, led by the United States. Ever since US president Richard Nixon declared the War on Drugs in 1971, the international narcotics trade has grown from strength to strength, in a black global market that is now worth hundreds of billions of dollars per year. After Nixon, other US presidents tried to champion the issue, from Reagan to Clinton, Bush and Obama. Each of them presided over one epic failure after another. However, where long-term data is available, it does point to systematic failures in drug policies. A study published in the British Medical Journal in 2013 found that despite efforts to limit the supply of these drugs, since 1990 prices have fallen while the purity of the drugs has increased. The trends were similar in the US and in Europe. The authors conclusion was clear: These findings suggest that expanding efforts at controlling the global illegal drug market through law enforcement are failing. (The Guardian)As a direct result of the policies of western governments led by the US, and their corrupt accomplices in the international banking, UN and NGO sectors in 2017, cheaper, newer and more deadly drugs continue to ruin families and communities, and millions of lives in the new western underclass and youth population Zero HedgeThe opioid crisis that is ravaging urban and suburban communities across the US claimed an unprecedented 59,000 lives last year, according to preliminary data gathered by the New York Times. If accurate, that s equivalent to a roughly 19% increase over the approximately 52,000 overdose deaths recorded in 2015, the NYT reported last year.Overdoses, made increasingly common by the introduction of fentanyl and other powerful synthetic opioids into the heroin supply, are now the leading cause of death for Americans under 50. And all evidence suggests the problem has continued to worsen in 2017. One coroner in Western Pennsylvania told a local newspaper that his office is literally running out of room to store the bodies, and that it was recently forced to buy a larger freezer.The initial data points to large increases in these types of deaths in states along the East Coast, particularly Maryland, Florida, Pennsylvania and Maine. In Ohio, which filed a lawsuit last week accusing five drug companies of abetting the opioid epidemic, the Times estimated that overdose deaths increased by more than 25 percent in 2016.In some Ohio counties, deaths from heroin have virtually disappeared. Instead, the primary culprit is fentanyl or one of its many analogues. In Montgomery County, home to Dayton, of the 100 drug overdose deaths recorded in January and February, only three people tested positive for heroin; 97 tested positive for fentanyl or another analogue.In some states in the western half of the US, data suggest deaths may have leveled off for the time being or even begun to decline. Experts believe that the heroin supply west of the Mississippi River, traditionally dominated by a variant of the drug known as black tar which is smuggled over the border from Mexico, isn t as easily adulterated with lethal analogues as the powder that s common on the East Coast Continue this story at Zero HedgeREAD MORE WAR ON DRUGS NEWS AT: 21st Century Wire War on Drugs FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"June 8, 2017",1 +"US Coalition Airstrike on Syrian Army in Al-Tanf is Another Calculated War Crime, Aims to Destroy Arab Unity","Bouthaina Shaaban, Political & Media Advisor to Syrian President, Bashar Al AssadThe crimes committed by the US forces by bombing units of the Syrian Arab Army that were advancing to liberate the Al-Tanf crossing on the border with Iraq, and before it in Al-Thardah Mountain in Deir Al-Zour, and then Al-Shaerat Airport were not random or coincidental. They were, as in the case of the war crimes committed by US aircrafts against the Syrian people and Syrian infrastructure, calculated, and are part of the general geopolitical scheme to divide the region.The truth is that any connection between Syria and Iraq has been forbidden since the two countries independence in the middle of the 20th century. The Baghdad Pact of 1955, which included Britain, Iraq, Turkey, Iran and Pakistan was meant contain the Arab national tide on the one hand, and to counter what then was called Soviet influence in the region on the other hand. Although this alliance fell in 1958, President Dwight D. Eisenhower declared a set principles in a private letter to Congress, which became known as the Eisenhower Doctrine. According to these principles, any country could request US economic aid or aid of the US armed forces if subjected to threats from another country. This was what Camille Chamoun did in 1958, when the nationalists in Lebanon rebelled to pursue the Arab national line and against Chamoun s attempt to rig elections. Eisenhower responded to Chamoun s request and sent the Marines to Beirut to preserve the neutrality of Lebanon s foreign policy, despite its sympathy with Arab issues.After Sadat signed the Sinai 2 Agreement, and later the Camp David Accords, President Hafez al-Assad tried to compensate for the Arabs loss of Egypt by establishing a Levantine Front. He went to Iraq, Jordan and the Palestine Liberation Organization in Beirut.To the present day, secret CIA documents show that the instructions were issued at the time to Saddam Hussein to mobilise military forces on the Syrian border, to threaten Syria, and to advise Yasser Arafat against cooperation or even coordination with Syria . Despite President Hafez al-Assad s visit to Jordan, King Hussein has never been able shake off Western influence and engage in any joint Arab action.Today, despite the various reasons and pretexts, all the actions of the United States, Britain and France in Syria aim to continue to weaken the Syrian state, and cut off ties with neighbouring Arab countries, as well as countering the Russian efforts to support Syrian unity. After years of intervening in support of terrorism and arming its gangs, Britain and France recently recognised the presence of their troops on Syrian soil. U.S. Secretary of State John Foster Dulles (left) and President Eisenhower (right)The United States is applying the Eisenhower Doctrine, at times under the guise of supporting Kurds, or supporting democracy, but the real aim is to drain each Arab country separately, so that the Arab Nation could not form a human, geographical, historical, and cultural unity in the face of the Zionist project and the Western influence in the region.President Hafez al-Assad has tried, with all Arabs, to create any form of Arab solidarity and has expressed his willingness to make any necessary concessions, especially with Iraq. During the Iraq-Iran war he made an offer to Iraq to establish a Syrian-Iraqi unity, in which he would be vice-president, as a way out of the war through negotiations with the Iranians, but all his offers were rejected.Instead, Saddam Hussein supported and armed the Muslim Brotherhood terrorist gangs associated with Israel and the Western intelligence, who hit Syrian cities by car bombs, assassination, and sectarian killingsbetween the late seventies and early eighties.If we look closely at the history of the twentieth century and what is happening today in our country, it is certain that the main target of Britain, France and the United States since World War I, is the Arab civilization, Arab identity and the geographical unity of Arab lands.What is remarkable is that very few Arabs have shown any awareness of this strategy, not to mention developing their own strategies for ensuring the Arabs interests and rights. Hence, the Syrian Arab Army s plan to give priority for reaching the al-Tanf crossing and to make way for the geographical, economic and social ties with Iraq is to undermine the old old western plans to prevent communication between these two brotherly countries.The replacement of Israel with Iran as an enemy of the Arabs and the fabrication of the danger of Shiism are the latest pretexts for the continuation of Western hegemony on our land, our people and our wealth, using terrorism and Wahhabi money this time. These lies are a new episode in a series of lies, and their main aim is to prevent Arab unity and the rise of Arab power.***READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV ",US_News,"June 7, 2017",1 +"Kathy Griffin & Hillary Clinton Are Losers, Not Victims","21st Century Wire says Those on the left need to start taking responsibility for their actions.Kathy Griffin, an alleged comedian, has received immense backlash for a stunt she pulled earlier in the week. Griffin apparently thought it would be a great idea to pose with a blood soaked effigy of President Donal Trump s decapitated head.Now, after making the incendiary, and some may say threatening, photograph, she is attempting to turn the narrative around claiming to be a victim of bullying .Similarly, Hillary Clinton is blaming a conspiracy of 1000 Russian agents working against her, fake news, Twitter bots, and misogyny for her election loss. She makes no mention of the fact that it was clear the Democratic voters wanted Bernie Sanders, not her, and that simply not being Donald Trump was not a good enough reason to vote for her.The massive problem with this scapegoating and more is discussed in the following video report: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"June 2, 2017",0 +Hollywood Suffers Meltdown Over Trump’s Withdraw from Paris Climate Deal,"Hollywood is having kittens over US President Trump s recent snub of the Paris Climate Agreement. Especially upset are the elite cadre of multi-millionaire celebrities, along with various and sundry billionaires like Elon Musk, who still believe the earth is heating up because of anthropogenic global warming, aka man-made Co2. Already, the EU has rejected Donald Trump s offer to renegotiate the Paris Agreement, opting instead to bypass Washington DC by working with US CEOs, city mayors and state governors to implement the climate accords.What Hollywood, Elon Musk, Bernie Sanders and the rest, will not tell you is that the earth is already entering a global cooling phase which could lead to a mini ice age. Unlike trace warming over a 500 year period, a cooling phase can radical alter the viability of normal life in the Northern Hemisphere, including frosts that will lead to the failure of large parts of the agriculture sector which can lead to severe food shortages which can make food scarce and much more expensive.More on this report from Lifezette .Leonardo DiCaprio on his private yacht, incredibly worried about global warming.Todd Barnes LifezettePresident Trump s decision to withdraw from the Paris climate accord has sparked widespread hysteria in juice bars and luxury spas across Hollywood.As a candidate, Trump vowed to cancel the Paris climate deal slamming what he called draconian climate rules. The Paris accord is very unfair at the highest level to the United States, the president told a gathering Thursday in the Rose Garden.House Speaker Paul Ryan praised the president s decision and thanked him for withdrawing from this bad deal. The Paris climate agreement was simply a raw deal for America, Ryan said. Signed by President Obama without Senate ratification, it would have driven up the cost of energy, hitting middle-class and low-income Americans the hardest. But some of Hollywood s most esteemed scientists fear the president s decision will put the nation on a slippery slope to the hothouse an apocalyptic future with melting igloos and polar bears unable to put their Coca-Colas on ice. If this is true he will have the death of whole nations on his hands, warned scientist-actor Mark Ruffalo. People will be looking to the USA for retribution for what they loose [sic]. I wonder which nation will be the first to spontaneously combust Iceland? Liechtenstein? Beauty and the Beast star Josh Gad took a break from playing make-believe to ponder our fate. Our children & our grandchildren have all just been handed a dark future because of a man who tweets at 3:00 AM & doesn t trust science, Gad tweeted.Cher, who apparently has some sort of graduate level degree in climatology, posted a bizarre rant, suggesting the nation has been held hostage by Insane DICTATOR. Don Cheadle, known for his esteemed role as a Juicy Burger s employee in the 1985 film Moving Violations, decided to bring Trump s little boy into the debate. Today, our planet suffered, declared Leo DeCaprio on Twitter. If you care about your kids maybe reconsider your #ParisAgreement decision. Barron will thank you when he sees you, whenever that is, Cheadle tweeted.Leonardo DeCaprio, who became a famous Hollywood star because of an iceberg, was devastated by the news. Today, our planet suffered, he declared on Twitter.Do you feel his pain, America? I suspect he will evacuate to some far-flung, exotic island in a private jet to mend his wounded psyche Continue this story at LifezetteREAD MORE CLIMATE CHANGE NEWS AT: 21st Century Wire Climate Change FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 2, 2017",0 +"BILDERBERG: More Secret Meetings with Trump Advisors, US Senators","Mark Anderson The Truth HoundThe danger-ridden, tyrannical goal of creating an all-consuming corporate-ruled world superstate dubbed One World Ltd. -incrementally advanced since Bilderberg first met in Holland in 1954 under the auspices of Jesuit-trained European consolidator Joseph Retinger and his agent, Prince Bernhard of The Netherlands explains why Bilderberg goes to such lengths to keep the details of its inner-workings so secret, while functioning as an off-the-grid world networking and planning forum for private governance benefitting the banking and general corporate classes. A core tactic is to parallel but eventually supersede the nation state itself, thereby canceling effective, genuine nationhood altogether.Bilderberg s gatherings, for the record, consist of about 140 mainly North American and European corporate moguls (including select big media), government ministers, treasury officials, parliament members, high-technology leaders, certain royalty (including Bernhard s daughter, Netherlands Queen Beatrix) and central bankers who annually skulk into the world s top hotels, in order to cross-pollinate to pursue One World Ltd. and related financial and political dealings.McMASTER, TWO U.S. SENATORS ATTENDINGIt s highly notable that President Donald Trump s National Security Advisor, H.R. McMaster, is listed as an attendee for this year s Bilderberg meeting June 1-4 in Chantilly, Va., at Westfields Marriot. Other U.S. officials attending who are currently serving in public office are Senators Lindsey Graham (R-S.C.) and Tom Cotton (R-Ark.). While Graham jetted to last year s Bilderberg meeting in Dresden, Germany, Cotton evidently is attending his first-ever Bilderberg meeting.SEE ALSO: BILDERBERG: What s The Big Deal?The 65th Bilderberg gathering this year has 131 participants from 21 countries having confirmed their attendance. The entire attendee and official topic lists (but not necessarily complete) can be found at this link [note on this list the large amount of serving Trump Administration officials, and this year s Bilderberg features more active duty US officials than any other previous meeting].McMaster, Graham and Cotton all share a neo-conservative ideology of aggressively patrolling the world, in conjunction with the UK and the EU, to push Western democracy and monopoly capitalism, while fostering hostility toward Iran, Russia and Syria, for the benefit of Zionism, among other things. This fits the Bilderberg credo of using one might say leasing U.S. military power and other influence to control the natural resources and economic machinery of as many nations as possible, while co-opting or overthrowing those nations that stand firm with their own sovereignty.The Virginia gathering marks Bilderberg s first North American meeting in five years. Last year in Germany, according to the group s officially shallow press release, they discussed (in their own words): Artificial Intelligence, Cybersecurity, Chemical Weapons Threats, Current Economic Issues, European Strategy, Globalisation, Greece, Iran, Middle East, NATO, Russia, Terrorism, United Kingdom, USA and U.S. Elections.The group s press releases, a marvel of revealing simplicity, typically present bluntly-worded topics, such as Russia, Iran United Kingdom, European Strategy and so on. Such topics are clearly indicative of Bilderberg s objectives and concerns for maintaining Western hegemony over Russia and its allies, Iran and Syria, which could include war or the risk of war with Iran and does include targeting Syria under the guise of fighting ISIS Continue this story at The Truth HoundNOTE: The May 24 North American premiere of Bilderberg, the Movie, produced by researcher and author Daniel Estulin and covered exclusively by The TRUTH HOUND among national mainstream and alternative news outlets, stressed one point that cannot be overstressed: The Bilderberg Group above all is in pursuit of One World Ltd. On that note, the movie s promotional flyer asked: What do people who have $1,000,000,000,000,000 talk about in private? While the Estulin movie itself, of course, could not be filmed, videographer Ron Avery shot footage of Estulin s question-and-answer session immediately afterwards. WATCH: READ MORE BILDERBERG NEWS AT: 21st Century Wire Bilderberg FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 2, 2017",1 +Boiler Room EP #111 – Build-a-World-Order-Burger,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer from Jays Analysis, Randy J (21WIRE & ACR contributor), Andy Nowicki of Alt-Right Novelist and Basil Valentine (21WIRE & ACR contributor) for the hundred and eleventh episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.This week on the show we re talking about Builderberg 2017, Zbigniew Brzezinski s role in social engineering, Feminists galloping around Stockholm as horses (in protest of we re not really sure what) and breaking news of the death of Noriega.Direct Download Episode #111Please like and share the program and visit our donate page to get involved! Reference Links:",US_News,"June 2, 2017",0 +ABSOLUTE SUBMISSION: Trump Bows to Neocon Orthodoxy,"Consortium News Exclusive: In his Mideast trip to Saudi Arabia and Israel, President Trump sought some political safe harbor by tacking toward neocon orthodoxy and jettisoning his campaign promises of a more rational strategy, writes Daniel Lazare.Daniel Lazare Consortium NewsWith astounding precision, Donald Trump zeroed in on the worst possible Middle East policy option in his recent trip to Saudi Arabia and made it his own. He rebuffed the efforts of Iran s newly elected moderate government to open up communications with the West and instead deepened America s alliances with decrepit autocratic regimes across the Persian Gulf.Turning up his nose at Iran a rising young power he embraced Saudi Arabia, which is plainly on its last legs. It was a remarkable display rather like visiting a butcher shop and passing up a fresh steak for one that s rancid and smelly and buzzing with flies.Saudi Arabia is not just any tired dictatorship with an abysmal human-rights record but one of the most spectacularly dysfunctional societies in history. It takes in half a billion dollars a day in oil revenue, yet is so profligate that it could run out of money in half a decade. It sits atop 18 percent of the world s proven oil reserves, yet is so wasteful that, at current rates, it will become a net importer by the year 2030.Its king travels with a thousand-person retinue wherever he goes while his son, Deputy Crown Prince Muhammad bin Salman, plunked down $550 million not long ago when a 440-foot yacht caught his eye in the south of France. Yet this pair of royal kleptocrats dares preach austerity at a time when as much as 25 percent of the population lives on less than $17 a day in trash-strewn Third World slums.Similarly, Saudi Arabia s appetite for high-tech weaponry is such that in 2015 it became the largest arms importer in the world. Yet its military is so inept that it is unable to subdue ragtag Houthi rebels in neighboring Yemen or even stop them from raiding deep inside Saudi territory and launching regular missile attacks.The kingdom accuses Iran of sectarianism yet bans all religions other than Islam, arrests Christians for the crime of praying and possessing Bibles, equates atheism with terrorism, and has imposed a state of siege on Shi ite Muslims in its own Eastern Province. Although a bit restrained of late, its religious police are notorious for roaming the shopping malls and striking out with canes at anyone violating shari a law.As the English novelist Hilary Mantel (of Wolf Hall fame) recalled of the four years she spent in the kingdom with her geologist husband, it was impossible to know what might arouse their ire: it might be the flashing denim legs of a Filipina girl revealed for a second beneath an abaya gone adrift, or it might be the plate-glass shop front of a business that, as the evening prayer call spiraled through the damp air-conditioned halls, had failed to slam down its metal shutters fast enough. What were the rules? No one knew. Saudi Arabia also denounces terrorism at every turn even though its funding groups like Al Qaeda and ISIS (also known as ISIL and Islamic State) is an open secret. In 2009, then-Secretary of State Hillary Clinton complained in a diplomatic memo made public by Wikileaks that donors in Saudi Arabia constitute the most significant source of funding to Sunni terrorist groups worldwide. In September 2014, she observed that Qatar and Saudi Arabia are providing clandestine financial and logistic support to ISIL and other radical Sunni groups in the region. A few days later, Vice President Joe Biden told a Harvard audience that the Saudis, the emirates, etc. were so determined to take down [Syrian President Bashar al-] Assad and essentially have a proxy Sunni-Shia war [that] they poured hundreds of millions of dollars and tens of thousands of tons of military weapons into anyone who would fight against Assad, except the people who were being supplied were Al Nusra and Al Qaeda and the extremist elements of jihadis coming from other parts of the world. (Quote starts at 53:30.)Arming the SaudisRather than fighting ISIS and Al Qaeda, the Saudis give them money so that they can wage jihad on religious minorities. Yet this is the country that Trump now calls upon to drive out the terrorists and extremists, which is as ludicrous as relying on the KKK to drive out racism. It s also the country that he hopes will serve as the cornerstone of an Arab NATO so that he can sell it more jet fighters and Blackhawk helicopters.But the Saudi military is already top-heavy with such gear while at the same time so short of infantry that it relies on ill-trained Sudanese mercenaries, scores of whom were reportedly killed in a recent battle in the Red Sea province of Midi in Yemen s north. This is not surprising since no Saudi in his right mind wants to serve as a foot soldier so that the deputy crown prince can buy another yacht. But more such purchases will only add to the military imbalance while adding more fuel to the broader Middle East conflagration.So how did this god-awful marriage come about? Is it all Trump s fault? Or have others contributed to the mess? The answer, of course, is the latter.Every president since Franklin Roosevelt has contributed to the catastrophe. Roosevelt declared Saudi Arabia a U.S. protectorate while Dwight Eisenhower got it into his head that a corrupt desert monarchy would somehow be useful in the fight against Communism. Worried that it might come under Soviet influence, Jimmy Carter commenced a military buildup in the Persian Gulf that, according to a 2009 Princeton University study, has now surpassed the $10-trillion mark.Ronald Reagan relied on the Saudis to finance arms to the Nicaraguan Contras and to Jonas Savimbi s pro-apartheid guerrillas in Angola. George H.W. Bush launched a major war to save the Saudis from the evil Saddam Hussein. George W. Bush and Barack Obama covered up the Saudi role in 9/11, while Obama and Secretary of State Hillary Clinton encouraged them and other Gulf monarchies to fund anti-government rebels in Libya and Syria during the Arab Spring. Both Libya and Syria fell to ruin as a consequence as hundreds of millions of dollars flowed to pro-Al Qaeda forces and the flames of Wahhabist terrorism spread ever wider.Indeed, Donald Trump for a while seemed to augur something different. Rather than praising the kingdom, he denounced it in 2011 as the world s biggest funder of terrorism and asserted, not inaccurately, that it was using our petro dollars our very own money to fund the terrorists that seek to destroy our people while the Saudis rely on us to protect them. Once on the campaign trail, he upped the ante by declaring that the Saudis blew up the World Trade Center and threatened to block their oil if they didn t do more to fight ISIS Continue this story at Consortium NewsREAD MORE TRUMP NEWS AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"June 1, 2017",1 +PHILIPPINES: 2016 Washington’s Fury as Philippine’s Elections Threaten US Anti-China Policy," Duterte takes clear lead in Philippine elections. (Photo: IBT)Andrew Korybko The DuranMay 2016: As Filipinos choose their next President on Monday, prospect of election of anti-establishment candidate threatens the geopolitical viability of the US s Pivot to Asia.The Philippines votes for its next President on Monday. Whilst the rest of the world pays little attention, strategists in Washington are worried.The electoral frontrunner is Rodrigo Duterte, an eccentric, no-nonsense former mayor from the southern island of Mindanao who commands a Trump-like popularity and an equally loyal following. He has shaken Philippine politics to its core over the past couple of months, defying establishment pundits who just as they did with Trump wrongly predicted that his campaign would fizzle out over the course of each passing week.Having totally underestimated just how dissatisfied most Filipinos are with the status quo, Duterte s rivals missed the chance to outshine him by his anti-system rhetoric. With the race in its final days that is now too late. Instead also paralleling what happened with Trump there are desperate calls for coalitions and deals to stop him.Should these fail and should Duterte win on Monday, he promises a geopolitical revolution unlike anything the Philippines has ever seen in its history. Pivoting To Asia Through The PhilippinesThe US s Pivot to Asia was announced by then-Secretary of State Hillary Clinton in the fall of 2011 with the unstated but obvious goal of containing China. Key to this strategy is the rebalancing as the Pentagon calls it of an estimated 60% of its overseas forces to the Asia-Pacific theatre. Such a major deployment requires many more bases than the US currently has in the region. The US has therefore sought the help of the loyal leader of its former Philippines colony, Benigno Aquino III, to find a way to re-open its bases in the Philippines which under popular pressure were closed in the 1990s.Using the China threat as the plausibly justifiable reason for doing so, but aware that the Philippines people still resent their former coloniser and are proud of having forced the US to close its Philippines bases at the end of the Cold War, the US has devised what it calls an Enhanced Defence Cooperation Agreement (EDCA) that allows for the rotational presence of American troops in at least five separate bases, one of which is located on the strategic island of Palawan that abuts the South China Sea.Although not legally permanent or officially controlled by the US, this wink-and-a-nod arrangement would in reality allow the US to redeploy its forces to the Philippines, returning the Philippines archipelago to the role of the US s second unsinkable aircraft carrier (alongside Japan) which it had during the Cold War.The China Containment Coalition The Pentagon plans to use the Philippines as the maritime lynch of its China Containment Coalition (CCC), gathering all of its allies navies together and deploying them within provocative striking range of China s claimed islands.The other three members of the US-led Quadrilateral Security Dialogue Japan, India, and Australia would find their own way to rotate their military units throughout the Philippines islands as well, thereby forming the core of the CCC.To add a regional element to this mix, the plan is for the Philippines and Vietnam, both of which contest some of China s maritime claims, to intensify their strategic cooperation to the point of a mutual defence treaty. This would draw Vietnam into the network of the anti-China coalition being built up by Washington by using the defence ties between Vietnam and the Philippines to making the members of the Quadrilateral Security Dialogue de facto allies of Vietnam.Altogether, the Pentagon plan is to produce a critical mass of hostile states near China s southern maritime border which backed by the US could quickly counter any moves by Beijing thereby containing it to the East Asian mainland.Duterte s RevolutionEverything was proceeding according to plan until Duterte began to question the Enhanced Defence Cooperation Agreement . While his running mate has said Duterte would honour the agreement, he added that he would do so from a position of strength .Back in October 2014, Duterte went on record to say the Enhanced Defence Cooperation Agreement should be scrapped if it allowed US servicemen in the Philippines to avoid justice for any crimes they committed.This pinpoints an issue very sensitive for Filipinos who have vivid memories of how US troops were able to escape punishment for acts of gross misbehaviour whilst the US military occupied its bases in the Philippines. Public anger over this issue was one of the key factors in mobilising local opposition to the bases and explains why many Filipinos oppose their return.Since it is impossible to imagine such an incident not arising at some point, it is all but inevitable that a situation will occur which will fulfil Duterte s criterion for scrapping the Enhanced Defence Cooperation Agreement Taken together with Duterte s assertion that he intends to deal with the US from a position of strength it is easy to see how this might trigger the process of revoking the agreement.No Filipino politician has previously spoken about the US in this way. Moreover other things he has said also suggest an intention to send a strongly independent line.Not surprisingly the Pentagon-affiliated publication Starts and Stripes , which writes for US servicemen servicemen and their families, published a scathing critique of Duterte just last week. Here are some excerpts: With Filipinos set to choose among five candidates on May 9, Duterte, the incumbent mayor of Davao City who has said the U.S. should not meddle in our affairs, holds a strong lead, according to the most recent poll released Sunday.Duterte is very popular now because people are sick and tired of the same old, same old, said Virginia Bacay Watson, a professor at the Asia-Pacific Center for Security Studies in Honolulu. He s kind of a fresh face, fresh perspective, compared to the other elites who are running. Duterte has presented himself to voters as a straight-talker who is not part of the Manila elite someone who can get things done even if he needs to bend the rules to do so. That includes the country s foreign affairs. He feels that American influence is too strong, that we re too dependent on U.S. intervention in anything we do, said Babe Romualdez, an opinion columnist for The Philippine Star newspaper who has interviewed the candidates one-on-one about their platforms on the U.S. military and relations with China. He was an activist when he was a student and young lawyer, Romualdez said. I get a sense that he s saying the same things that most of the militants say. In Romualdez s interview with the front-runner, the candidate said we really don t need the Americans to deal with the Chinese because the Chinese want to talk to us alone. If I become president I m going to reach out to the Chinese and talk to them alone without American intervention, he said.Duterte publically opposed the Visiting Forces Agreement with the U.S. of which the EDCA was an amendment and claimed in 2013 that he had rejected a request by the U.S. to establish Davao as a base of operations for drones.Earlier this year, he was quoted saying that although the country was now bound by the EDCA, he had reservations about the presence of foreign troops. He added, We will not allow the building of structures. Clearly, Duterte is not the sort of leader the Pentagon envisaged for the Philippines. If he becomes Philippine President there will inevitably be concern in Washington that its elaborate plans for an anti-Chinese coalition in the region could be scuttled.The New Silk Road Pays A Pit Stop To The PhilippinesWorse still for the US Duterte is saying the Philippines and China could have peaceful and pragmatic relations with each other, engaging in bilateral dialogue over their disputes without the meddling interference of the US.What that would mean for the US is that the Philippines might become a tacit Chinese ally, which would completely upend the regional strategic balance.That is not what Duterte is actually calling for, but he did say is that he not only would be open to talking to Beijing, but would even further and engage in joint exploration in the South China Sea. Further, in seeking to develop the decades-neglected infrastructure of one of the most promising economies of Asia, Duterte has suggested that he would be open to inviting China to build a railroad and other types of connective projects that Beijing has become globally renowned for. This would of course mean replacing US contractors traditionally heavily entrenched in the Philippines with cheaper and possibly more efficient Chinese ones potentially causing US companies to lose out from billions of dollars of construction deals.Joint maritime exploration and infrastructure cooperation between the Philippines and China has the potential to turn the entire Philippines archipelago into the latest pit stop for China s New Silk Road, presenting the US with its biggest geopolitical setback since the reunification of Crimea with Russia.Concluding ThoughtsThe entire future of the US s Pivot to Asia hangs in the balance as Filipinos go to the polls in what is shaping up to be the most pivotal election in their country s history.While the US and its allied politicians are preaching a campaign of anti-Chinese fear mongering and war, Rodrigo Duterte is bucking the system and preaching the benefits the Philippines could reap from more pragmatic policies.By questioning the need for the Enhanced Defence Cooperation Agreement and subtly threatening to subvert it, Duterte has made himself the US s enemy number one amongst politicians from the Asia-Pacific. No other individual is speaking out in this way and unlike others who have come before him, he seems to command a high level of genuine people support.If Duterte succeeds in winning the Presidency, it could represent a paradigm shift in Philippine history and the region s geopolitics, resulting in the US losing its second unsinkable aircraft carrier and having its Pivot to Asia ie. its plan to contain China fail before it has even properly got underway.***READ MORE PHILIPPINES NEWS AT 21ST CENTURY WIRE S: PHILIPPINES FILESSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 29, 2017",1 +"Zbigniew Brzezinski, Globalist Scion, Dies at Age 89","21st Century WireZbigniew Brzezinski, national security adviser to President Jimmy Carter and founding member of the Trilateral Commission, died yesterday at the age of 89.Arguably one of the most influential thinkers and authors of the 20th and early 21st centuries, Brzezinski is regarded by many as the vanguard of modern globalism and the architect of the new world order.Brzezinski s two seminal publications, Between Two Ages and The Grand Chessboard are near blueprints of how globalization and geopolitics has progressed in the post-WWII world under an international system of Anglo-American economic and political hegemony.Brzezinski was born in Warsaw, Poland and attended university in both Canada and the US. In mainstream politics, Brzezinski first came to prominence in the early 1960 s as adviser to president John F. Kennedy and later with his successor Lyndon B. Johnson.During his tenure as chief national security advisor to president Jimmy Carter began in 1976, Brzezinski is said to have helped to broker the Panama Canal treaty, as well as Camp David negotiations between Israeli and Egyptian leaders, Menachem Begin and Anwar Sadat. He is also credited with opening up China to the West, and helping to topple the Soviet Union.In his final years, Brzezinski s efforts focused on the US-EU project to encircle and isolate Russia by pulling former Soviet republics and Balkan countries under the umbrella of the North Atlantic Treaty Organization (NATO).READ MORE NWO NEWS AT: 21st Century Wire NWO FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 27, 2017",1 +Boiler Room EP #110 – A Deeper Game: Masters of Chaos Strike Again,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer from Jays Analysis, FunkSoul (21WIRE & ACR contributor), and Basil Valentine (21WIRE & ACR contributor) for the hundred and tenth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. This week on the show we re talking about the terror event in Manchester, what do you think? Blowback? False Flag? Gladio 2.0? Hoax? A deeper esoteric combination of the options presented? Join us for a discussion on the unfolding of these events, one thing is for sure, regardless of where you stand in your own analysis of these and similar events, the result is higher tensions, social chaos and more police/surveillance state manifestations as civil liberties erode.Direct Download Episode #110Please like and share the program and visit our donate page to get involved! Reference Links:",US_News,"May 26, 2017",0 +"Bilderberg to Meet Next Week in Chantilly, Virginia","Mark Anderson AFPWith a little help from the Virginia police in the Fairfax County Sully District, as well as the obscure Bilderberg media-relations outlet and its May 19 late-coming online announcement, it s been confirmed that Bilderberg 2017 will take place in Virginia, June 1-4, at the Westfields Marriot in Chantilly.The Bilderbergers are naturally attracted to that snooty, secluded hotel, since they ve met there before in 2002, 2008, and in 2012, the year that Jim Tucker, the late AFP Bilderberg hound, made his last appearance covering the shadowy group after chasing these sons of smokestack billionaires since the mid-1970s.The annual Bilderberg gatherings are perhaps the most exclusive and obscure among all the meetings of economic ministers (G7, G20 etc.), the World Economic Forum, and other, more familiar global groupings.( ) Coming out of last year s meeting in Dresden, Germany, the Bilderbergers are facing an altered world, what with the U.S. president being Donald Trump whose early actions as president included pulling the U.S. out of the Bilderberg-favored Trans-Pacific Partnership. Britain also voted just after last year s Bilderberg meeting to exit the European Union. Early Bilderbergers, beginning with their first meeting in Holland in 1954, helped build the EU through all its intermediate stages to the present Continue this story at AFPREAD MORE BILDERBERG NEWS AT: 21st Century Wire Bilderberg Files",US_News,"May 25, 2017",1 +THE JACK BLOOD SHOW: β€˜From May Day Riots to Globalism’ with 21WIRE guest Shawn Helton,"21st Century Wire says .From May Day riots to designer technocracy (Photo Illustration 21WIRE s Shawn Helton)21WIRE s Shawn Helton joins well-known Talk Radio host Jack Blood on The Jack Blood Show, to discuss the socially engineered May Day protests and riots, the fake news peddled by mainstream media, chemical false flags in Syria, North Korea and the machinations of globalism. Listen as we breakdown today s hyper-real media propaganda READ MORE GLOBALIZATION NEWS AT: 21st Century Wire Globalization FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 22, 2017",0 +Boiler Room EP #109 – It’s a Wonderfull Life,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer from Jays Analysis, FunkSoul (21WIRE & ACR contributor), Randy J (ACR contributor) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and ninth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. This week on the show we re talking about what SHOULD be the biggest story on mainstream media but isn t, the latest revalations in the story of the death (murder) of Seth Rich, the DNC staffer who many believe to be one of the main leakers to Wikileaks during the 2016 election. Is his death a deep-state assassination? Is there a cover up under way? Is #TrumpRussia one of the convenient smoke screens to obfuscate this enormous story? You decide! The gang also talks about the death of Chris Cornell of Soundgarden and toss around ideas as to the validity of the suicide narrative coming out of the media so quickly and compare his case to a number of other high profile cases that come with some strange anomalies in their media baggage. The Serial Killer phenomena, possible Phoenix program style chaos on the sidewalks of New York and much more on this episode.Direct Download Episode #109Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"May 19, 2017",0 +FORSAKEN SULTAN: Erdogan Isolated Ahead Trump Meeting in Washington,"Erdogan has very little to offer Trump in Syria. But the question should not be whether Trump could even turn his back on the Kurds in his fight against ISIS. It is more, whether Trump can trust the Turkish leader to not shift the goalposts at the last minute Martin Jay 21st Century WireTurkey s authoritarian leader, who recently brilliantly played a central role in both brokering the recent safe zones deal backed by Iran and Russia and signing off a new trade deal with Russia, seemed to be rising above the parapet as a regional leader. For a fleeting moment, this autocratic figure, who just scraped in by a whisker through a referendum to usher in new laws which would hurl Turkey truly into the depths of a third world country, shone for a moment. Coming out of the Astana talks, you watched the newsreel footage and almost forgot about the human rights apocalypse which the country is undergoing from thousands of teachers, judges and civil servants being rounded up on charges linked to an attempted coup in the summer of 2016, right through to the worrying number of journalists locked up in jails, which is constantly compared to North Korea by many rights groups. There are currently over 250 journalists in jail in Turkey in a country where journalism has been pronounced dead under Erdogan s brutal crackdown.No matter. That won t bother Trump. But Erdogan s luck is still about to run out when he visits the US president who will bring him down to earth and show him exactly how much the Turkish leader is worth as a regional ally. We should all expect a bump, followed by a tantrum.Birds of the same feather? Could it be about personalities? When we look at both Erdogan and Trump, there are an alarming number of similarities which one might have thought would have played a role in bringing them closer. Both are nationalist leaders, frothing over their daily ratings, both extraordinarily thin-skinned and more importantly, equal in their colossal contempt for democracy and freedom of speech. Both leaders absolutely hate genuine journalists and what journalism, as an empirical, feature of democracy stands for: the absolute truth.But they are not twins. Erdogan is a political animal whereas Trump came into politics late and is driven by corporate power. Both though understand and resort to very short-term political churlishness and buffoonery. And here s where the worries lie, with Erdogan s plea for Trump to stop backing the Kurds in Northern Syria. When Trump sent 59 Tomahawk missiles into an Shayrat airbase in Syria, he was proving a point: that he, and America, is ultimately a super power. And super powers can do capricious, illogical things like that and still come out a winner. Trump needed to prove to regional leaders that he is capable of exulting military might after nearly all of his Middle East plans seemed to wane since taking office. And it worked. We may all be scratching our heads about the wisdom of hitting the Syrian Army s military infrastructure when the real target in Syria is ISIS, but it generated the media coverage and his popularity lifted back home. When Erdogan however bombed a number of Kurdish installations a few days later almost following the example of the US president it didn t have the same effect. Turkey aspires to be a super power but in reality is a fledgling compared to Saudi Arabia and Iran, or even Israel.Back home it was met with mixed reaction, while in Washington it backfired spectacularly. The Pentagon was shocked at how stupid the move was, given that US soldiers were only about 6 miles from the bombing and if they had been wounded or killed, then anything that Erdogan would have hoped to have achieved would have been dashed.Erdogan got the attention he wanted but he just made himself look like a loser in negotiations over how much power and support he demands in northern Syria as a new plan to take Raqqa unfolds; and how the US should now consider no longer arming the only fighting group on the ground in Syria which is fighting ISIS to any real degree, the YPG.Erdogan is beginning to come across as a jilted girlfriend who keeps making the moves to get the attention of Trump, but who just keeps on getting the cold shoulder though.He has been hoping since January that the so-called architect of the attempted coup in Turkey, Fethullah G len, could be extradited by Trump. He has been also hoping for the Kurds to be left out of the push for Raqqa; and he has been suggesting that Turkey and the US should take the city together in the final push for the epicentre of Islamic extremism.Ultimate threat and unsavoury alliancesErdogan has misjudged Trump though, which might explain why none of the three plans have unfolded. This is not a US leader who will be intimidated with threats, like the Kurd bombing. Quite the contrary. The result is that US officials and Donald Trump himself have started to humour Erdogan, for two chief reasons. Trump has investments in Turkey and Erdogan s ultimate threat would be to kick US soldiers and airman out of Incirlik airbase and to sell it to the highest bidder on the geopolitical circuit. The problem with Erdogan, Trump advisers will no doubt be telling him, is not that he has so little to offer militarily in the region. It s that he can t be trusted. They will point to his irrational relations he courts, then rejects, then restores again which makes him look erratic and untrustworthy whether its erratic relations with Israel, Russia or even NATO and the EU. There are just too many u-turns. Erdogan sees Russia as the new trading partner and this is where his real interests and loyalties lie. And then there s Iran, considered by the Trump camp to be the very crux of America s problems in the region and vehemently hated by most of his advisers who are planning to bomb it at some point which Turkey desperately wants to develop relations with both with trade and energy deals. But it s not just Iran and Russia which will irk Trump when he considers Erdogan s last chance gambit to save the Turkish leader s neck as he has to convince voters in two years that he and his new anti-democratic grasp on the country s judges, media and other key institutions is the winning ticket for Turkey. No, it s more about the relations that Erdogan has had with groups in Syria like ISIS and Jabat al Nusra, which few doubt were being supported by Turkey at some point. Let s not forget that ISIS managed to swell its numbers dramatically by foreign jihadists crossing its southern border; for a long time, extremists were seen as a way to destabilize the Assad government in Syria, hence allies of Turkey.Erdogan has left it too long to come into the anti-ISIS theatre to be taken seriously. And so Erdogan s point of view that the US should not be backing the YPG and PYD in Syria due to their links to the PKK is actually a triumph of futility, as arguments go. Washington, certainly the Pentagon which Trump takes seriously, doesn t take Erdogan s offer to take Raqqa together seriously. It would probably involve too many US soldiers (whereas the Kurd plan won t) and the Turks would probably shift the goalposts at the last moment.Russia s foreign minister s meeting with Trump is a different matter. Super powers meet super powers and important decisions are thrashed out. When Erdogan arrives, he will be treated like an annoying neighbour who has arrived at the party late, on the pretext of complaining about the noise but really wanting to just worm his way in for a free drink. Small people, small issues.Adversaries of Erdogan close to Trump will also no doubt be raising the obvious question of how far can the US trust a regional leader, who, just days before a referendum which would give him more power, changed the voting rules which gave him the critical few percent at the polls?Erdogan s people have no confidence in their own leader in DCMoreover, the unspoken but very real threat that he may attack the Kurds on a grander scale is also not a point which Trump will appreciate. Even from a political dimension, it would make him look isolated and petulant as sour grapes never won anyone any votes at the polls. But it s also the lack of confidence Erdogan and his people have in their own arguments. Senior advisors to Erdogan have told me that the Washington trip is so important that they don t want to risk anything ruining the event. Yet how much credibility in the first place can you give to Erdogan s visit when paranoia and a shocking lack of confidence in Erdogan s ploy are so patently evident?Recently, an Oped article I wrote for a newspaper I have since discovered is Erdogan s english language propaganda sheet, was rejected because its criticism of Trump might scupper the talks. Hilariously, it was explained to me by one of the journalists on The Daily Sabah that the talks are so important that we can t publish anything which is critical of Trump hardly a sterling mark of confidence from an Erdogan fake news journal whose entire role is to promote the Turkish leader. If an innocuous Oped from a British journalist in a propaganda sheet is all it takes to ruin the talks, one could only assume that even Erdogan s own people have no faith in their leader s arguments or charisma, let alone his geopolitical edge. Where will the deluded Erdogan go after this inevitable climb down? I m expecting a grand tantrum and an even closer relationship with Russia. I m expecting some bombing of Kurds. And I m also expecting Erdogan to play the Incirlik card. What I am not expecting is my Turkish editors to keep their word and pay me what I am due for work which was commissioned by them. Erdogan s people just can t be trusted.Journalist Martin Jay recently won the U.N. s prestigious Elizabeth Neuffer Memorial Prize (UNCA) in New York in 2016, for his journalism work in the Middle East. He is based in Beirut and can be followed on Twitter at @MartinRJay. READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 16, 2017",1 +Boiler Room #108 – Who’d Win in a Fight? Boiler Room vs. Hitler vs. Dracula,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer from Jays Analysis, FunkSoul (21WIRE & ACR contributor), Randy J (ACR contributor) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and seventh episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. This week on the show we re side stepping politics and talking about movies, Hollywood, Aliens, Elf-men and paradigm shifts brought on be technological innovation!Direct Download Episode #108Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"May 12, 2017",0 +DISMISSED: Trump Fires Scandal Plagued FBI Director James Comey – What Does It Mean?,"21st Century WireUS President Donald Trump has accepted a recommendation to dismiss FBI director James Comey. Was this a reprisal for the suddenly widened Russia-gate probe into the White House or was there something else at play within the operations of the deep state?Comey was at the center of a political controversy over much of the last year during the US presidential election cycle in 2016, and well into 2017. Throughout 2016, the former FBI director opened, closed and reopened (only to close again) a probe into Hillary Clinton, her email server and looking into accusations leveled at the Clinton Foundation, while also entertaining a dubious Russian probe into the Trump administration alleged connections to Russia that helped mine various stories, including a so-called dossier regarding the newly elected president in early 2017.In recent years, there have been many highly questionable actions under Comey s leadership at the FBI, such as the Orlando nightclub shooting incident who s main suspect was previously interviewed by the FBI, as well as a highly questionable ISIS inspired shooting event in Garland, Texas linked to an FBI informant case run out of Phoenix, Arizona, and the federal agency s dramatic encroachment on public privacy following a suspicious San Bernardino mass shooting. These are only just a few examples Grabien News highlights a list of scandals that were either attached to Comey or perpetuated under his watch: Here are 10 of Comey s biggest embarrassments at the FBI:1. Before he bombed the Boston Marathon, the FBI interviewed Tamerlan Tsarnaev but let him go. Russia sent the Obama Administration a second warning, but the FBI opted against investigating him again.2. Shortly after the NSA scandal exploded in 2013, the FBI was exposed conducting its own data mining on innocent Americans; the agency, Bloomberg reported, retains that material for decades (even if no wrongdoing is found).3. The FBI had possession of emails sent by Nidal Hasan saying he wanted to kill his fellow soldiers to protect the Taliban but didn t intervene, leading many critics to argue the tragedy that resulted in the death of 31 Americans at Fort Hood could have been prevented. 4. During the Obama Administration, the FBI claimed that two private jets were being used primarily for counterterrorism, when in fact they were mostly being used for Eric Holder and Robert Mueller s business and personal travel. 5. When the FBI demanded Apple create a backdoor that would allow law enforcement agencies to unlock the cell phones of various suspects, the company refused, sparking a battle between the feds and America s biggest tech company. What makes this incident indicative of Comey s questionable management of the agency is that a) The FBI jumped the gun, as they were indeed ultimately able to crack the San Bernardino terrorist s phone, and b) Almost every other major national security figure sided with Apple (from former CIA Director General Petraeus to former CIA Director James Woolsey to former director of the NSA, General Michael Hayden), warning that such a crack would inevitably wind up in the wrong hands.6. In 2015, the FBI conducted a controversial raid on a Texas political meeting, finger printing, photographing, and seizing phones from attendees (some in the group believe in restoring Texas as an independent constitutional republic).7. During its investigation into Hillary Clinton s mishandling of classified material, the FBI made an unusual deal in which Clinton aides were both given immunity and allowed to destroy their laptops. 8. The father of the radical Islamist who detonated a backpack bomb in New York City in 2016 alerted the FBI to his son s radicalization. The FBI, however, cleared Ahmad Khan Rahami after a brief interview. 9. The FBI also investigated the terrorist who killed 49 people and wounded 53 more at the Pulse Nightclub in Orlando, Fla. Despite a more than 10-month investigation of Omar Mateen during which Mateen admitting lying to agents the FBI opted against pressing further and closed its case. 10. CBS recently reported that when two terrorists sought to kill Americans attending the Draw Muhammad event in Garland, Texas, the FBI not only had an understanding an attack was coming, but actually had an undercover agent traveling with the Islamists, Elton Simpson and Nadir Soofi. The FBI has refused to comment on why the agent on the scene did not intervene during the attack. It s important to remember that Comey is not the only FBI director who bears responsibility for the controversial aspects of 2013 s Boston Bombing. Under FBI director Robert Mueller Tamerlan Tsarnaev came to the attention of the FBI on at least two occasions prior to allegedly being involved in what many researchers have described as a false flag terror event in Boston. A questionable event that has arguably been used as a pretext to further clamp down on individual rights in the US.We should also be reminded that the FBI has been routinely caught foiling their very own terror plots over the past several years.In recent years, the investigative tactics of various intelligence agencies have come into question, none perhaps more dubious then the Newburgh FBI sting that involved entrapping four men to participate in a fabricated event created by the bureau. Here s a 2011 passage from The Guardian describing how an FBI informant named Shahed Hussain coerced four others into a fake terror plot: The Newburgh Four now languish in jail. Hussain does not. For Hussain was a fake. In fact, Hussain worked for the FBI as an informant trawling mosques in hope of picking up radicals.Yet far from being active militants, the four men he attracted were impoverished individuals struggling with Newburgh s grim epidemic of crack, drug crime and poverty. One had mental issues so severe his apartment contained bottles of his own urine. He also believed Florida was a foreign country.Hussain offered the men huge financial inducements to carry out the plot including $250,000 to one man and free holidays and expensive cars.As defence lawyers poured through the evidence, the Newburgh Four came to represent the most extreme form of a controversial FBI policy to use invented terrorist plots to lure targets. There has been no case as egregious as this. It is unique in the incentive the government provided. A quarter million dollars? said Professor Karen Greenberg, a terrorism expert at Fordham University. The reputation of the FBI has suffered greatly in the recent past as well as over the past couple of decades. Incidentally, the FBI is on record as handling Emad A. Salem, a former Egyptian army officer who was a prized undercover operative thrust into confidential informant status and person who played a key role in the 1993 WTC bombing.All of this has happened under the watchful eye of the FBI SWORN-IN FBI director James Comey sworn in by former DOJ head Eric Holder. (Image Source: thewhitehousespin)Over last summer, 21WIRE observed some curious connections between the Clinton Foundation and FBI director James Comey, as well as his questionable handling of other cases related to the Clinton family. Here s the following passage to consider in light of the new information related to the Clinton investigation: Many will also be unaware that before Comey was installed by the Obama Administration as FBI Director, he was on the board of Director at HSBC Bank a bank implicated in international money laundering, including the laundering of billions on behalf of international drugs and narcotics trafficking cartels.Forbes also points out where Comey was also at the key choke-point during the case involving dodgy auditor KPMG which followed on by the HSBC criminal case: If Comey, and his boss Attorney General Alberto Gonzalez, had made a different decision about KPMG back in 2005, KPMG would not have been around to miss all the illegal acts HSBC and Standard Chartered SCBFF +% were committing on its watch. Bloomberg reported in 2007 that back in June of 2005, Comey was the man thrust into the position of deciding whether KPMG would live or die for its criminal tax shelter violations. Is this just a surface effort by the White House to clean the slate for an agency perpetually embroiled in controversy?More from RT below Trump fires FBI Director James ComeyRT The FBI is one of our Nation s most cherished and respected institutions and today will mark a new beginning for our crown jewel of law enforcement, said President Trump. While I greatly appreciate you informing me, on three separate occasions, that I am not under investigation, I nevertheless concur with the judgment of the Department of Justice that you are not able to effectively lead the Bureau, Trump told Comey in a letter.The letter announcing the termination was hand-delivered to FBI headquarters by Keith Schiller, a Trump security aide, according to several reports citing a White House official.A search for a new permanent FBI Director will begin immediately.The firing of Comey comes days after he testified to Congress on investigations into alleged Russian meddling in the 2016 US election.RT continues here READ MORE FBI NEWS AT: 21st Century Wire FBI Files",US_News,"May 10, 2017",0 +James Comey’s Legacy: Blaming Russia Rather Than Saudi Arabia And Israel,"21st Century Wire says If it wasn t enough with James Comey doubling down on the Russia-gate narrative, the so called liberal mainstream media are continuing his work since he got fired by President Donald J. Trump by saying that what happened is a gift to Russia .The United States of America, an atrophying empire, is a laughing stock with these kind of affairs rather than a power to be taken seriously alongside other nations.More on this report from The Duran (Image NBC)Adam Garrie The DuranThe last time Donald Trump fired an important official prior to an important foreign visit was when Steve Bannon was fired from his position on the National Security Council the day before a Chinese delegation led by President Xi was to meet with Trump. It was also incidentally a day prior to Trump s infamous 6 April 2017 attack on Syria.Steve Bannon was known to favour Russian reconciliation, particularly over Syria cooperation. He was also a leader of the anti-Chinese camp, especially in the aftermath of Mike Flynn s resignation. The dots were not difficult to connect.READ MORE: Steve Bannon demoted Chinese President coming to Florida. Coincidence?Now, within hours of Russian Foreign Minister Sergey Lavrov holding talks with US Secretary of State Tillerson and apparently Donald Trump in Washington, FBI Director James Comey has been fired.Donald Trump is quoted in an official statement as saying, The FBI is one of our Nation s most cherished and respected institutions and today will mark a new beginning for our crown jewel of law enforcement .The liberal mainstream media are all ready saying that this is a gift of Russia as if Trump will hand over Comey s firing notice to Mr. Lavrov on a silver plate, not that Russia particularly cares. Russia does not.Theories about Trump firing Comey to placate Russia are not only literally stupid, but it makes a mockery of the United States. Then again, so too did the entire Russiagate investigation that Comey s FBI was leading.In a democracy, important checks and balances held keep each branch of government scrutinised when any powers are abused or laws are broken. It is important to have an impartial FBI willing to investigate any branch of government when anything untoward is suspected. But it s a two way street.The un-elected FBI can go rogue as much as a President or Senator and that is what the FBI has done over investigating the non-issue of Donald Trump s non-existent connections with Russia.Any patriotic American should be ashamed of what Comey has done, continuing to investigate such a totally bogus set of entirely political/opportunistic accusations.Not only is there zero evidence of any Trump-Russia connnections but more importantly, America is too powerful to be influenced by ANY foreign power. So too are Russia and China.The fact that America still can be influenced by foreign powers is not due to capitulation, but instead due to greed which leads to a voluntary surrender of US interests whilst those of a foreign state are elevated.But is Russia one of those states? No it is not.There are no signs historically nor presently that Russia has ever had any positive influence on the United States Federal government at any level.The same cannot be said of Saudi Arabia and Israel, states which are far weaker than Russia, but states which never the less have influenced US policy making for decades.America doesn t depend on Saudi or Israel for survival, but in a corrupt country, money talks and this is what America has become: a corrupt country that is so rich and so powerful it doesn t even need to be corrupt, but greed has got the better of integrity.For years America depended on cheap oil from Saudi Arabia and its other OPEC goons and likewise, many Americans liked to lavish themselves in the easy money which flowed from the repressive desert kingdom. Hillary Clinton was a prime example of a politician bought and sold in Saudi gold.Likewise, the US based Israel lobby is extraordinarily powerful in terms of monetary influence. Groups like the American Israel Public Affairs Committee (AIPAC) donate millions to political causes. By contrast, groups which oppose Israel s foreign and internal policies do not have that kind of money and therefore do not have that kind of influence.One can love or hate Saudi Arabia/love or hate Israel, but these are facts and they are as American as baseball and burgers. They have nothing to do with Wahhabism or Zionism per se.What a shameful state it is, that US politicians feel the need to rely on foreign money for personal enrichment. I can understand why leaders in the poor countries that America dominates feel the need to go along with American money and influence in order to enrich themselves or even keep their nation from total collapse or invasion, but what is America s excuse? America has the biggest military in the world and is the world s wealthiest nation Continue this report at The DuranREAD MORE COMEY NEWS AT: 21st Century Wire COMEY FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 10, 2017",0 +Washington’s Criminal Activities Are Only Getting Messier,"21st Century Wire says It was a major scandal that broke out in 2009. Academi, formerly known as Blackwater, was accused of murdering civilians and smuggling weapons in Middle East ops.Further to the prosecution of four Blackwater employees five years later, guilty of killing 17 Iraqi civilians in Baghdad during one spate of violence, there has been a historical boom of private contractors occurring since Iraq and Afghanistan incursions began.More on this report from New Eastern Outlook Martin Berger New Eastern OutlookThe unpunished slaughter of thousands of civilians in Iraq, Syria, and Afghanistan carried out by the US over the course of the last decade is now being gradually replaced by new types of crimes committed by Washington s henchmen in the course of its ongoing instances of armed aggression against sovereign states.As it s been reported by Bloomberg with a special reference to AP, a well-known American contractor firm Sallyport Global has recently been engaged in a number of illegal operations in Baghdad s vicinity. According to the report, its employees would get engaged in alcohol smuggling and slave trade. It s curious that Sallyport Global s staff would overload cargo planes with illegal alcohol so hard that they could barely fly, while stealing generators and armored off-road vehicles from the Balad air base that they were dispatched to protect. Bloomberg would note that some of company s employees were also involved in selling local residents to sex slavery.Meanwhile, it is a well-known fact that Sallyport Global received 686 million dollars from the US government to fulfill a number of missions in the best interests of the American people. Or at least it was supposed to.One could also recall a major scandal that broke out back in 2009, when a military contractor firm Academi (that was called Blackwater back in the day) was accused of murdering civilians and smuggling weapons. Five years later the jury in the state of Washington found four employees of the Blackwater private company guilty of killing 17 Iraqi civilians in Baghdad in just one instance of violence. After this attack Iraqi authorities demanded that Blackwater paid 8 million dollars in compensation to each of the 17 families whose relatives were murdered in the raid that its employers conducted. Additionally, local authorities demanded that a total of 250 both former and acting employees of Blackwater would leave Iraq within a week after the tragic event.As soon as the US military operations in Iraq and Afghanistan began, along with an number of other military interventions across the globe, the number of private companies involved in providing so-called security services to the Pentagon started booming.In the absence of any independent audit, the actual number of military contractors deployed in Iraq, Afghanistan, Syria and other countries can only be guessed, since the official evaluation provided by the Pentagon is pretty misleading. The tangled web of contractors and subcontractors and the lack of any comprehensive control led to the situation when even the top US officials had no real information on the actual of number of US contractors deployed in a particular country. Thus, when the Congress demanded the Interim Coalition Administration (ICA) of Iraq to provide it with the exact number of military contractors deployed in the country back in 2004, it took the latter quite a lot of time to draft a list of 60 firms employing a total of 20,000 people. However, six year later the number of people employed by the Pentagon, the State Department and the United States Agency for International Development to carry out security related missions in Iraq and Afghanistan exceeded 260,000 people with only every fourth contractor being an American citizen. At times, the number of contractors deployed exceeded the total number of troops US Armed Forces had in these two countries.Private military firms carry out a wide range of missions in the areas controlled by the US military personnel, such as the participation in actual combat engagements, reconnaissance missions, special operations, carrying out security tasks and logistical support. They have also been training local army and police units that are loyal to the forces that Washington supports. Private contractor firms are playing an important role in ensuring that the situation in a certain country, occupied by the United States, remains under control. The best example of a wide range of activities that military contractors are engaged in is the fact that the people employed by the Anteon International have been maintaining communications systems that Pentagon is using for its operations.In Afghanistan, for example, such military contractor firms as MPRI, Sandline, Control Risk Group, Chilport, along with Israeli Golan Group and Beni Tal were deployed long before the actual invasion began. Back then the CIA was determined to send the maximum possible number of infiltration groups that were formed out of employees of private intelligence companies. Those groups were tasked with the mission of killing Osama bin Laden and other leaders of the Taliban movement. Additionally, they were demanded to get engaged in the bribing of local warlords, collecting operational data, conducting reconnaissance and carrying out acts of sabotage.To this date Washington relies heavily on the services that private intelligence companies would provide. This phenomenon can be explained by the fact that Middle Eastern warlords are getting extremely violent when they find a snitch in their ranks, which results in his death and, quite possible, the deaths of all of his relatives, regardless of the degree of kinship, age and sex. This is the main reason behind the reluctance that most locals towards cooperating with the occupying force. So in a situation when the CIA cannot establish a comprehensive intelligence network, contractors are the only people that lend it a helping hand.The large-scale involvement of private contractor firms led to the practice of bribing local commanders, when money are being paid for the relative security that the employees of such a firm can enjoy in a certain territory. Thus, an impressive margin of all the money that such firms are getting end up in the pockets of the Taliban movement leaders, who are acting in the capacity of some sort of subcontractors. According to official data, the Taliban movement has received over 360 million dollars from the US budget for the services it has been providing to private contractor firms. This number constitutes the second largest sources of income for the mujahideen movement, with the proceeds from drug trade still occupying the top of the list.When the number of US troops in certain conflict zones of abroad decreases, it is usually accompanied by an increase in the number of employees of private contractor firms willing to risk their heads for a paycheck...Continue this report at New Eastern OutlookREAD MORE WASHINGTON NEWS AT: 21st Century Wire WASHINGTON FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 9, 2017",1 +Will β€˜Trumponomics’ Bankrupt America?,"21st Century Wire says F. William Engdahl is a strategic risk consultant and lecturer, he holds a degree in politics from Princeton University and is a best-selling author on oil and geopolitics. Engdahl was a guest alongside Adam Garrie of The Duran on a power packed edition of The Sunday Wire with Patrick Henningsen entitled War And Peace . If you didn t get the chance to catch it, you can find that podcast here.More on this report from GlobalResearch (Image TIME)F. William Engdahl GlobalResearch The campaign promises were grandiose just like the candidate. Donald Trump wooed millions of American voters with his pledge to make America great again. He promised a $1 trillion infrastructure plan to revitalize the de facto depressed national economy. He promised to bring jobs back from China, Mexico and elsewhere by renegotiating major trade deals or scotching them entirely as with the Trans-Pacific Partnership of the Obama era, a scheme which Trump rightly said would take even more American jobs. After 100 days in office what are the prospects that his economic program will bring positive changes to Americans?Dismal to put it mildly. Of course that should come as no shock to anyone taking a closer look at who is Trump, or more correctly his transition team brought in to run White House economic policy.That Dubious Wall Street Economics TeamThe top economic and financial position in the Trump Cabinet is held by of Steve Mnuchin, Secretary of the Treasury, a veteran Wall Street banker for 17 years at Goldman Sachs. As an undergraduate at Yale University, for those interested in occult matters, Mnuchin was inducted into the bizarre Skull & Bones secret society in 1985, the same secret society where George H.W. Bush and George W. Bush were initiates.After leaving Goldman Sachs, Mnuchin was several times a business partner with notorious convicted hedge fund insider trader, George Soros, the putative Daddy Warbucks today of CIA and USAID regime change NGOs around the world. Both Mnuchin and Soros, with other investors, made a literal killing on the ravages of the US sub-prime real estate collapse. They bought bankrupt California mortgage lender IndyMac from the US Federal Deposit Insurance Corporation during the 2008 sub-prime mortgage crisis at a bargain price. Mnuchin was severely criticized as owner and CEO of IndyMac for making money by foreclosing aggressively on homes at a rate double the norms of the banking industry. He was sued over questionable foreclosures, and settled several cases for millions of dollars. He violated the Fair Housing Act by not lending money to African Americans, Hispanics, and Asians. If we are to believe him, he told the financial TV CNBC last November it would be the Trump administration s job to make sure that the average American has wage increases and good jobs. A second key member of Donald Trump s economic team is Wilbur Ross, Secretary of Commerce. Ross, a billionaire, was for 24 years head of N.M. Rothschild & Sons New York office for bankruptcy-restructuring, a euphemism for what is called asset-stripping, where he earned the title, King of Bankruptcy. Ross ties to Trump go back to the 1980 s when Ross helped Trump avoid foreclosure on The Donald s three Atlantic City gambling casinos. Ross International Coal Group owned a West Virginia coal mine where an explosion in 2006 killed 12 miners. It was later revealed by his former associates that Ross knew well that the mine was sub-standard in safety but did nothing to correct it. In 2014 Ross was named head or Grand Swipe of a secret Wall Street fraternity, Kappa Beta Phi, founded in 1929 just before the stock market crash, whose stated purpose is to keep alive the spirit of the good old days of 1928 29. Michael Bloomberg, former Goldman Sachs CEO Jon Corzine, Laurence Fink CEO of the $4.5 trillion financial firm BlackRock, are some of the very select members of Ross Wall Street fraternity.The Trump Director of the White House Office of Management and Budget (OMB), responsible for drafting the President s annual Budget, is former US Congressman Mike Mulvaney. In his first Trump Budget proposal Mulvaney cut funds for a program Meals on Wheels which brings food to disabled, claiming the program showed no results. The program delivers meals to individual homes and senior citizen centers, feeding more than 2.4 million Americans 60 and older, more than half a million of them veterans according to their website. The government says that most recipients live alone, take more than six medications, and rely on these meals for at least half the food they consume.Gary Cohn is the White House Director of the National Economic Council. He came to the job directly from Goldman Sachs where he was President and Chief Operating Officer. Cohn led a Goldman Sachs delegation to Greece in 2009 to try to convince the Greek government to use derivatives to push debt due dates into the distant future. Goldman Sachs in fact, while Cohn held a top position in 2001, devised the exotic derivatives scheme to hide billions in state debt from Brussels that enabled Greece to illegally qualify to join the Eurozone.This is the gang that we are supposed to believe will make America great again, and to make sure that the average American has wage increases and good jobs. In fact, based on what they have released to date, they will destroy much of what little remains of a functioning national economy and a stable middle-class. Continue this article at GlobalResearchThe above article was originally posted at F. William Engdahl s New Eastern OutlookREAD MORE TRUMP NEWS AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 4, 2017",1 +The Existential Question Of Whom To Trust,"21st Century Wire says Investigative reporter Robert Parry broke many of the Iran-Contra stories for The Associated Press and Newsweek in the 1980 s and has been a featured guest on Patrick Henningsen LIVE at 1100KFNX. In this report, Robert asks due to mainstream media experts who ve fallen to careerism , whom can we trust to deliver us the information to describe the world and its conflicts. (Image Former Secretary of State, Colin Powell addressing the United Nations on Feb. 5. 2003)Robert Parry Consortium NewsThe looming threat of World War III, a potential extermination event for the human species, is made more likely because the world s public can t count on supposedly objective experts to ascertain and evaluate facts. Instead, careerism is the order of the day among journalists, intelligence analysts and international monitors meaning that almost no one who might normally be relied on to tell the truth can be trustedThe dangerous reality is that this careerism, which often is expressed by a smug certainty about whatever the prevailing groupthink is, pervades not just the political world, where lies seem to be the common currency, but also the worlds of journalism, intelligence and international oversight, including United Nations agencies that are often granted greater credibility because they are perceived as less beholden to specific governments but in reality have become deeply corrupted, too.In other words, many professionals who are counted on for digging out the facts and speaking truth to power have sold themselves to those same powerful interests in order to keep high-paying jobs and to not get tossed out onto the street. Many of these self-aggrandizing professionals caught up in the many accouterments of success don t even seem to recognize how far they ve drifted from principled professionalism.A good example was Saturday night s spectacle of national journalists preening in their tuxedos and gowns at the White House Correspondents Dinner, sporting First Amendment pins as if they were some brave victims of persecution. They seemed oblivious to how removed they are from Middle America and how unlikely any of them would risk their careers by challenging one of the Establishment s favored groupthinks. Instead, these national journalists take easy shots at President Trump s buffoonish behavior and his serial falsehoods and count themselves as endangered heroes for the effort.FOILS FOR TRUMPIronically, though, these pompous journalists gave Trump what was arguably his best moment in his first 100 days by serving as foils for the President as he traveled to Harrisburg, Pennsylvania, on Saturday and basked in the adulation of blue-collar Americans who view the mainstream media as just one more appendage of a corrupt ruling elite.Breaking with tradition by snubbing the annual press gala, Trump delighted the Harrisburg crowd by saying: A large group of Hollywood celebrities and Washington media are consoling each other in a hotel ballroom and adding: I could not possibly be more thrilled than to be more than 100 miles away from [the] Washington swamp with much, much better people. The crowd booed references to the elites and cheered Trump s choice to be with the common folk.Trump s rejection of the dinner and his frequent criticism of the mainstream media brought a defensive response from Jeff Mason, president of the White House Correspondents Association, who complained: We are not fake news. We are not failing news organizations. And we are not the enemy of the American people. That brought the black-tie-and-gown gathering to its feet in a standing ovation.Perhaps the assembled media elite had forgotten that it was the mainstream U.S. media particularly The Washington Post and The New York Times that popularized the phrase fake news and directed it blunderbuss-style not only at the few Web sites that intentionally invent stories to increase their clicks but at independent-minded journalism outlets that have dared question the elite s groupthinks on issues of war, peace and globalization.THE BLACK LISTProfessional journalistic skepticism toward official claims by the U.S. government what you should expect from reporters became conflated with fake news. The Post even gave front-page attention to an anonymous group called PropOrNot that published a black list of 200 Internet sites, including Consortiumnews.com and other independent-minded journalism sites, to be shunned.But the mainstream media stars didn t like it when Trump began throwing the fake news slur back at them. Thus, the First Amendment lapel pins and the standing ovation for Jeff Mason s repudiation of the fake news label.Yet, as the glitzy White House Correspondents Dinner demonstrated, mainstream journalists get the goodies of prestige and money while the real truth-tellers are almost always outspent, outgunned and cast out of the mainstream. Indeed, this dwindling band of honest people who are both knowledgeable and in position to expose unpleasant truths is often under mainstream attack, sometimes for unrelated personal failings and other times just for rubbing the powers-that-be the wrong way.Perhaps, the clearest case study of this up-is-down rewards-and-punishments reality was the Iraq War s WMD rationale. Nearly across the board, the American political/media system from U.S. intelligence analysts to the deliberative body of the U.S. Senate to the major U.S. news organizations failed to ascertain the truth and indeed actively helped disseminate the falsehoods about Iraq hiding WMDs and even suggested nuclear weapons development. (Arguably, the most trusted U.S. government official at the time, Secretary of State Colin Powell, played a key role in selling the false allegations as truth. )Not only did the supposed American gold standard for assessing information the U.S. political, media and intelligence structure fail miserably in the face of fraudulent claims often from self-interested Iraqi opposition figures and their neoconservative American backers, but there was minimal accountability afterwards for the professionals who failed to protect the public from lies and deceptions.PROFITING FROM FAILUREIndeed, many of the main culprits remain respected members of the journalistic establishment. For instance, The New York Times Pentagon correspondent Michael R. Gordon, who was the lead writer on the infamous aluminum tubes for nuclear centrifuges story which got the ball rolling for the Bush administration s rollout of its invade-Iraq advertising campaign in September 2002, still covers national security for the Times and still serves as a conveyor belt for U.S. government propaganda.The Washington Post s editorial page editor Fred Hiatt, who repeatedly informed the Post s readers that Iraq s secret possession of WMD was a flat-fact, is still the Post s editorial page editor, one of the most influential positions in American journalism.Hiatt s editorial page led a years-long assault on the character of former U.S. Ambassador Joseph Wilson for the offense of debunking one of President George W. Bush s claims about Iraq seeking yellowcake uranium from Niger. Wilson had alerted the CIA to the bogus claim before the invasion of Iraq and went public with the news afterwards, but the Post treated Wilson as the real culprit, dismissing him as a blowhard and trivializing the Bush administration s destruction of his wife s CIA career by outing her (Valerie Plame) in order to discredit Wilson s Niger investigation.At the end of the Post s savaging of Wilson s reputation and in the wake of the newspaper s accessory role in destroying Plame s career, Wilson and Plame decamped from Washington to New Mexico. Meanwhile, Hiatt never suffered a whit and remains a respected Washington media figure to this day.CAREERIST LESSONThe lesson that any careerist would draw from the Iraq case is that there is almost no downside risk in running with the pack on a national security issue. Even if you re horrifically wrong even if you contribute to the deaths of some 4,500 U.S. soldiers and hundreds of thousands of Iraqis your paycheck is almost surely safe.The same holds true if you work for an international agency that is responsible for monitoring issues like chemical weapons. Again, the Iraq example offers a good case study. In April 2002, as President Bush was clearing away the few obstacles to his Iraq invasion plans, Jose Mauricio Bustani, the head of the Organization for the Prohibition of Chemical Weapons [OPCW], sought to persuade Iraq to join the Chemical Weapons Convention so inspectors could verify Iraq s claims that it had destroyed its stockpiles.The Bush administration called that idea an ill-considered initiative after all, it could have stripped away the preferred propaganda rationale for the invasion if the OPCW verified that Iraq had destroyed its chemical weapons. So, Bush s Undersecretary of State for Arms Control John Bolton, a neocon advocate for the invasion of Iraq, pushed to have Bustani deposed. The Bush administration threatened to withhold dues to the OPCW if Bustani, a Brazilian diplomat, remained.It now appears obvious that Bush and Bolton viewed Bustani s real offense as interfering with their invasion scheme, but Bustani was ultimately taken down over accusations of mismanagement, although he was only a year into a new five-year term after having been reelected unanimously. The OPCW member states chose to sacrifice Bustani to save the organization from the loss of U.S. funds, but in so doing they compromised its integrity, making it just another agency that would bend to big-power pressure. By dismissing me, Bustani said, an international precedent will have been established whereby any duly elected head of any international organization would at any point during his or her tenure remain vulnerable to the whims of one or a few major contributors. He added that if the United States succeeded in removing him, genuine multilateralism would succumb to unilateralism in a multilateral disguise Continue this report at Consortium News READ MORE US NEWS AT: 21st Century Wire US FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"May 1, 2017",0 +Boiler Room #106 – Did Israel Attack Damascus? + Bill Nye The PsyOp Guy,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer of Jays Analysis, Patrick Henningsen of 21WIRE, Randy J (ACR contributor) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and sixth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. We re breaking down the developments of a potential Israeli Missile attack in Syria, North Korea as a joke of a Nuclear threat and the utter failure of Netflix and the Bill Nye show to influence viewers to join his cult of lab coats and bow ties with the catch phrase being I told you so because IT IS SCIENCE! Does Bill Nye promote eugenics and incarceration of anyone who doubts his version of science You bet he does, just watch his new show if you have any doubt.Listen to Boiler Room EP #106 Israel Attacks Damascus & Bill Nye The Psyop Guy on Spreaker.Direct Download Episode #106Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"April 28, 2017",0 +"The CIA Doesn’t Need To Spy On Free Thinkers, The Private Sector Does It For Free","21st Century Wire says Here s something quite Pavlovian to think about. What if it were a goal of government and their security services to ensure that we feel we re being watched at every turn, in every-way feasible; but reality is not exact what we think it is and we re doing most of the censoring all by ourselves.Adam Garrie from The Duran takes us on an interesting journey in the below article. It also contains an important element of what we ve talked about on shows at 21st Century Wire and Alternate Current Radio s The Boiler Room regarding this fourth wall that people find it difficult to push through, which is fear . The fear of losing their job, loved ones, social acceptability, and so forth.More on this article from The Duran Adam Garrie The DuranEven prior to the release of Vault 7 from Wikileaks, people knew that so-called intelligence agencies in western states had the means to spy on their own citizens. Many also assumed that the typical illegality of such activities was of no consequence for agencies and individuals in those agencies who regard themselves as being above the law.Now that we know the CIA and other institutions have such abilities to digitally hack just about every household device from the smart phone and Smart-TV to the good old fashioned PC, the biggest question is, when do these deep state organisations implement these measures to spy on civilians and compromise their lives?The answer can be found without needing to resort to conspiracy theories nor even speculation. The answer lies in the private sector.Organisations like the CIA, MI5, FBI etc., need only do what the private sector isn t all ready doing for them and as it is, the private sector is doing a hell of a lot.If one wonders why major financial, academic, diplomatic, trading, banking, security and even artistic institutions in the West tend to have people on their payrolls who follow the western ideological narrative , there are two reasons.The first is that people are attracted to like-minded people and by extrapolation like-minded professions.But there is a second more devious reason. Those who think outside the western box, those who question more simply cannot get a foot through the door. Technically, one needn t have any view on Vladimir Putin to be on the board of a major western construction company, law firm, private bank or hedge fund. These professions do not involve knowledge of Russian politics or society. But those who have and even casually express a view of Putin or of the Arab world or of East Asia and Latin America that differs from the neo-lib/neo-con point of view, are blacklisted.Social media has made this blacklisting easier to do than ever. If two equally qualified candidates were applying for a high level position at a financial institution and one person had a picture of himself at a Hillary Clinton fundraiser on his Facebook and the other had a Save Palestine picture or a pro-Putin meme on his social media accounts, there would be no prizes for correctly guessing who would almost certainly get the job.In the words of George Carlin, It s a big club and you ain t in it .The punitive blacklisting of those who don t follow the CNN/BBC/NYT script has a double effect.First of all, it keeps those who think outside the box away from positions of power in the private sector and in most western countries, without a prominent position in the business or mainstream entertainment community, achieving political office is next to impossible.Secondly, there is a powerful deterrent effect. Many people would like to post pro-Putin, pro-Donbass, pro-Syria or pro-Palestine items on social media, but they are afraid that it could cost them their job, their bonus or even their friends. In the west such things can break-up families. It happens every day. At this very movement, someone in a western country is contemplating suicide because of being on the losing end of a divorce settlement. Very sad, yet very true.This Kafkaesque reality is achieved without the CIA needing to hack people s phones or computers. The private sector does the job for them.For every tabloid story about a woman losing her job because she posted a photo of her genitals on-line, there are many more people who are professionally compromised for posting photos of patriotic Russian or Arab leaders.Throughout the 20th century, the private sector has always been happy to do the bidding of the deep state. Hollywood was largely compliant with the red scare tactics of the 1950s and frankly, Hollywood producers did more to censor free-speech than the drunk and soon discredited Joseph McCarthy ever could have done.Why should the CIA waste time and money to read people s emails, when their much more local boss, or chairman of human relations can take a quick look at Facebook and achieve the CIA s goal far more easily?The answer is that they don t. The beauty of a police state is that unquestioning citizens are deputies of the secret police and they work for free. Some do it willfully and others do it unconsciously, but they do it nevertheless Continue this article at The DuranREAD MORE WIKILEAKS NEWS AT: 21st Century Wire WIKILEAKS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 24, 2017",0 +Why Not A Probe of β€˜Israel-Gate’,"21st Century Wire says Investigative reporter Robert Parry broke many of the Iran-Contra stories for The Associated Press and Newsweek in the 1980s.As the mainstream media in the United States continues to double down on Russia-Gate , Parry begs the question, why not probe an Israel-Gate.Robert Parry is a past guest of Patrick Henningsen Live on 1100KFNX and Alternate Current Radio and his last interview can be found hereMore on this article from Consortium News (Image by Brendan Smialowski AFP) Robert Parry Consortium NewsThe other day, I asked a longtime Democratic Party insider who is working on the Russia-gate investigation which country interfered more in U.S. politics, Russia or Israel. Without a moment s hesitation, he replied, Israel, of course. Which underscores my concern about the hysteria raging across Official Washington about Russian meddling in the 2016 presidential campaign: There is no proportionality applied to the question of foreign interference in U.S. politics. If there were, we would have a far more substantive investigation of Israel-gate.The problem is that if anyone mentions the truth about Israel s clout, the person is immediately smeared as anti-Semitic and targeted by Israel s extraordinarily sophisticated lobby and its many media/political allies for vilification and marginalization.So, the open secret of Israeli influence is studiously ignored, even as presidential candidates prostrate themselves before the annual conference of the American Israel Public Affairs Committee. Hillary Clinton and Donald Trump both appeared before AIPAC in 2016, with Clinton promising to take the U.S.-Israeli relationship to the next level whatever that meant and Trump vowing not to pander and then pandering like crazy.Congress is no different. It has given Israel s controversial Prime Minister Benjamin Netanyahu a record-tying three invitations to address joint sessions of Congress (matching the number of times British Prime Minister Winston Churchill appeared). We then witnessed the Republicans and Democrats competing to see how often their members could bounce up and down and who could cheer Netanyahu the loudest, even when the Israeli prime minister was instructing the Congress to follow his position on Iran rather than President Obama s.Israeli officials and AIPAC also coordinate their strategies to maximize political influence, which is derived in large part by who gets the lobby s largesse and who doesn t. On the rare occasion when members of Congress step out of line and take a stand that offends Israeli leaders they can expect a well-funded opponent in their next race, a tactic that dates back decades.Well-respected members, such as Rep. Paul Findley and Sen. Charles Percy (both Republicans from Illinois), were early victims of the Israeli lobby s wrath when they opened channels of communication with the Palestine Liberation Organization in the cause of seeking peace. Findley was targeted and defeated in 1982; Percy in 1984.Findley recounted his experience in a 1985 book, They Dare to Speak Out: People and Institutions Confront Israel s Lobby, in which Findley called the lobby the 700-pound gorilla in Washington. The book was harshly criticized in a New York Times review by Adam Clymer, who called it an angry, one-sided book that seems often to be little more than a stringing together of stray incidents. Enforced SilenceSince then, there have been fewer and fewer members of Congress or other American politicians who have dared to speak out, judging that when it comes to the Israeli lobby discretion is the better part of valor. Today, many U.S. pols grovel before the Israeli government seeking a sign of favor from Prime Minister Netanyahu, almost like Medieval kings courting the blessings of the Pope at the Vatican.During the 2008 campaign, then-Sen. Barack Obama, whom Netanyahu viewed with suspicion, traveled to Israel to demonstrate sympathy for Israelis within rocket-range of Gaza while steering clear of showing much empathy for the Palestinians.In 2012, Republican nominee Mitt Romney tried to exploit the tense Obama-Netanyahu relationship by stopping in Israel to win a tacit endorsement from Netanyahu. The 2016 campaign was no exception with both Clinton and Trump stressing their love of Israel in their appearances before AIPAC.Money, of course, has become the lifeblood of American politics and American supporters of Israel have been particularly strategic in how they have exploited that reality.One of Israel s most devoted advocates, casino magnate Sheldon Adelson, has poured millions of dollars in dark money into political candidates and groups that support Israel s interests. Adelson, who has advocated dropping a nuclear bomb inside Iran to coerce its government, is a Trump favorite having donated a record $5 million to Trump s inaugural celebration.Of course, many Israel-connected political donations are much smaller but no less influential. A quarter century ago, I was told how an aide to a Democratic foreign policy chairman, who faced a surprisingly tough race after redistricting, turned to the head of AIPAC for help and, almost overnight, donations were pouring in from all over the country. The chairman was most thankful.The October Surprise MysteryIsrael s involvement in U.S. politics also can be covert. For instance, the evidence is now overwhelming that the Israeli government of right-wing Prime Minister Menachem Begin played a key role in helping Ronald Reagan s campaign in 1980 strike a deal with Iran to frustrate President Jimmy Carter s efforts to free 52 American hostages before Election Day.Begin despised Carter for the Camp David Accords that forced Israel to give back the Sinai to Egypt. Begin also believed that Carter was too sympathetic to the Palestinians and if he won a second term would conspire with Egyptian President Anwar Sadat to impose a two-state solution on Israel.Begin s contempt for Carter was not even a secret. In a 1991 book, The Last Option, senior Israeli intelligence and foreign policy official David Kimche explained Begin s motive for dreading Carter s re-election. Kimche said Israeli officials had gotten wind of collusion between Carter and Sadat to force Israel to abandon her refusal to withdraw from territories occupied in 1967, including Jerusalem, and to agree to the establishment of a Palestinian state. Kimche continued, This plan prepared behind Israel s back and without her knowledge must rank as a unique attempt in United States s diplomatic history of short-changing a friend and ally by deceit and manipulation. But Begin recognized that the scheme required Carter winning a second term in 1980 when, Kimche wrote, he would be free to compel Israel to accept a settlement of the Palestinian problem on his and Egyptian terms, without having to fear the backlash of the American Jewish lobby. In a 1992 memoir, Profits of War, former Israeli intelligence officer Ari Ben-Menashe also noted that Begin and other Likud leaders held Carter in contempt. Begin loathed Carter for the peace agreement forced upon him at Camp David, Ben-Menashe wrote. As Begin saw it, the agreement took away Sinai from Israel, did not create a comprehensive peace, and left the Palestinian issue hanging on Israel s back. So, in order to buy time for Israel to change the facts on the ground by moving Jewish settlers into the West Bank, Begin felt Carter s reelection had to be prevented. A different president also presumably would give Israel a freer hand to deal with problems on its northern border with Lebanon.Ben-Menashe was among a couple of dozen government officials and intelligence operatives who described how Reagan s campaign, mostly through future CIA Director William Casey and past CIA Director George H.W. Bush, struck a deal in 1980 with senior Iranians who got promises of arms via Israel in exchange for keeping the hostages through the election and thus humiliating Carter. (The hostages were finally released on Jan. 20, 1981, after Reagan was sworn in as President )Continue this article at Consortium NewsREAD MORE MIDDLE EAST NEWS AT: 21st Century Wire MIDDLE EAST FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 23, 2017",1 +Tax March: Where Were You as Obama Wrecked Libya?,"21st Century Wire says The contrast in the numbers protesting is astounding.This past weekend, thousands of people in hundreds of cities across the US took to the streets to demand President Trump release his tax returns. This is in stark contrast to protests against Obama s war on Libya back in the Spring of 2011, where protests were not only few and far between but also struggled to get more than 50 people to attend.Stuart J. Hooper examines why this is, and also asks if the people at the Tax March have any principles or are just looking to be a part of what s popular . READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"April 19, 2017",0 +MASS INTEGRATION: The Race to Capitalize on a Virtual Future,"Randy Johnson 21st Century WireDigital technology has increasingly and exponentially become a part of our lives. Virtual worlds and reality, as humanity has known it to be for millennia, appear to be on ever-converging paths. Will humanity and digital reality be on a path of integration or a collision course?While the direct application of Virtual Reality was difficult to see in everyday life following the 1992 Hollywood film Lawnmower Man, the reality of such technology is now coming into focus.Augmented Reality and Virtual Reality technology (also interchangeably known as either AR/VR or VR/AR) are ideas that have been hammered out in the digital sphere with regards to concepts and applications of use. Along with the steady advancement of digital computing power, an AR/VR future might better be portrayed in certain episodes of Black Mirror, such as Fifteen Million Merits or Playtest. Black Mirror s, Playtest: Season 4, Episode 2. A stare-down between perception and reality (Image Source: Polygon)The possibility and potential of the technology has made it a magnet for investment. There are profits to be made in this growing realm, and the implications of what these emerging technologies could do for (and to) humanity is staggering.So before delving into some current developments in AR/VR technology, let s take a quick look at historically new technologies which are now a part of our real world, everyday, lives: the smartphone and the motor vehicle.The Smartphone StratosphereOn one hand, the smart phone is merely synthetic material with touch screens and circuitry. Now in less than two decades, there are those whose daily lives are hindered without one. The attachment is almost as emotional as it is literal in some instances. Many need them to communicate, be entertained, figure out where they are, purchase products, or even socially interact with others or the avatars of others. To many teenagers across the world and Generation Y Millennials, the smartphone has always been there.It can be argued that society as a whole is becoming dependent and addicted to smartphones and other smart devices. In fact, with over 2.5 billion smartphone subscriptions world wide in 2016, corporations and marketers are counting on it.Seeing a person interacting with any number of touch-screen devices does not garner much of a second look. Oftentimes, the person without the smart phone is the person who stands out in a crowd, as they are sometimes seen reading one of those archaic things we call a book. It is now commonplace that people can interact with thousands of different applications on countless versions of technological devices.Hooked: Not only can we take the physical work out of travel on mass-transit, we can also be oblivious to the journey along the way, as well as the work involved to make it all happen. (Image Source: ne-asia.com)After a few generations, many technologies simply become integrated as it were. They become a part of us and our day-to-day lives, and are a part of the real world.For comparative analysis, let s take a look at the evolution of another well-known technology, the motor vehicle From Engines to ElectricIn roughly 100 years, humanity has essentially integrated itself with motorized vehicle technology. The motor vehicle and all the industries that come with it, has shaped the world as we know it.Driving a vehicle, and everything that comes with it such as such as its design, manufacture, delivery, sale, gas and oil production, road ways, traffic laws, law enforcement, theft, accidents, smog, fighting over oil resources, etc., has effected nearly everyone.The sales pitch and appeal of the motor vehicle have always gone together. From its early days, to current-day advertisements, automobiles have been marketed with the promise of freedom on the open road. In fact, the evolution of vehicular technology is a good indicator of how a specific type of technology can transform humanity in a very short amount of time. Technological Bliss: A promise of open roads and freedom (Image Source: NBC.com)The promise of anything good always seems to have a catch. Ease of movement with the automobile is not without its environmental impact. Without the automobile in particular, we would not have terms such as gridlock, traffic jam, or road rage for instance.Progress is not without its side effects. (Image Source: kerma.wordpress.com)The motor vehicle is a technology and a part of our world to such an extent that where we are dependent on it.The environmental and health concerns of gas and oil extraction and production, as well as geopolitical maneuvering and even warfare based on assumed resource scarcity, the deep infrastructure roots and dependence of commerce is in place. To stop the flow of motor vehicles, would inhibit the freedom of people to travel, commute to work, and utterly stop industry and commerce in its place.Electrically Re-energizing the AutomobileThe current slow-but-eventual transition from gasoline engines to hybrid or fully electric ones is just an evolution of the technology. While electric car technology is believed to have been discovered in the mid-1800 s, it has only recently made inroads to the industry on a potentially large scale with the Roadster by Tesla Motors.The Tesla Model S, has a 2017 manufacturer s suggested retail price (MSRP) of $69,200 dollars, while the most recent (2015) US Real Median Family Income was listed as $69,929.With the success of Tesla, the amount of established gas and oil engine automakers is lining up to diversify their portfolio for their consumers, is who s who list of the auto-industry. BMW, Chrysler-Fiat, Daimler (Mercedes), Ford, General Motors, Honda, KIA, Mitsubishi, Nissan, Volkswagen, and Volvo, all have their own hybrid or electric car lines. After decades of profit, these industry giants can t wait to show the consumer that they too are environmentally conscious. Likewise, the consumer appears ready to accept guilt free and environmentally responsible driving as the electric car continues to improve, lowers in price, and becomes more widely available.Emerging Patterns: AR/VR technologyWith many integrated technologies in our lives such as smart devices or motor vehicles, if it feels like we ve seen this pattern before, it is because we have.First the technology is new. Next commercialism, industry, education systems, entertainment, pop culture, and the government, all conspire to get in on the action; during this time, the race to integrate and capitalize on a technology in the name progress can induce a Gold Rush type of feeding frenzy. Then pre-established corporations are already pre-positioned, with the ready capital, assets, and resources to pounce on the next big thing. And finally, over a generation or so of different improvements and variations, it is hard to remember a world without said technology for those who inherit a world with it. Whether real or imagined it becomes a necessity.The likely integration of Virtual Reality and Augmented Reality (AR/VR) into our daily lives will likely follow the same pattern as other technological advances. Similarly, with regards to forecasting its future integration in our lives, the saying follow the money applies.First though, what exactly is AR/VR as it is currently understood to be?Augmented Reality (AR) uses the world around you, but a device introduces virtual items, characters, etc., into the real world that a person interacts with. This is popularly seen with the downloadable application for smart phones, with the game Pok mon GO.Virtual Reality (VR) is the glasses/headset set-up where you are visually, and often audibly, immersed. Put on the glasses/headset, or similar gear such as Oculus Rift, or VIVE and you are in a whole virtual world.Both technologies are primed for upward momentum.Although economic forecasting has not always been an exact science, the monetary forecast for AR/VR technology seems to point upward.Business Wire notes: worldwide revenues for the augmented reality and virtual reality (AR/VR) market to reach $13.9 billion in 2017, an increase of 130.5% over the $6.1 billion spent in 2016. AR/VR spending is expected to accelerate over the next several years, achieving a compound annual growth rate (CAGR) of 198.0% over the 2015-2020 forecast period and totaling $143.3 billion in 2020. It is important to note that the above figures are amounts projected to be spent by companies to further advance AR/VR technology. So the expectation for profit is most likely in the trillions.Does this sound far-fetched? For a real world success story with regards to these emerging technologies in terms of profit, then Pok mon GO has been there, done that, and cashed the checks.By some estimates, Pok mon GO has made Niantic over 900 million dollars in 2016.Using Pok mon GO as a barometer of future profits, the potential is huge. Especially when you consider that in the ever-changing gaming world, many already considered outdated, requiring updates, fixes, and new features by many of it s users. If Pok mon GO calls it a career or not, the fortune has already been made.Virtual scavenger hunts are fun!That kind of money has already inspired a similar styled brand-supported game in its early stages, called Snatch. Besides the puzzle and scavenger hunt aspects of Snatch, players will be immersed into an augmented reality with a commercialized, brand name, token-based, application where you can snatch items from other players to win prizes.If you do not fully get it perhaps the below video can help explain what it s all about.You heard it hear first; if it hasn t happened already, playing Snatch is likely to start at least one physical, real world, fight over the potential of having a prize snatched by a player nearby.Immersion, Entertainment & InvestmentAll of the AR/VR technology is still finding its sea-legs so to speak and is still in transition with more immersive worlds. Along the way, AR/VR has been undergoing a natural progression and fusion with the gaming world. Gaming, and entertainment, appears to be the seductive gateway application for AR/VR technology development and profit potential.As games and game consoles have become more immersive over the years, it appears that AR/VR is expected to advance with it.The addictive element to immersive games is often literal in some cases as seen in the WebMD.com article Video Game Addiction No Fun: The lure of a fantasy world is especially pertinent to online role-playing games. These are games in which a player assumes the role of a fictional character and interacts with other players in a virtual world [according to Kimberly Young, PsyD] an intelligent child who is unpopular at school can become dominant in the game. The virtual life becomes more appealing than real life. Also, let there be little doubt that any psychological aspect of marketing to churn out profit will be used, as the video-gaming world is a 100 billion dollar industry globally. That s hardly child s play.The greater the entertainment immersion and the technological bliss, the bigger the hook to the consuming public will become. So despite a slow-yet-increasing public acclimatization with regards to AR/VR, investments keep pouring in.According to Digi-Capital, the investments for AR/VR start-ups in 2016 came in at a cool $2.3 billion dollars.These numbers for start-ups are in addition to previous acquisitions such as Facebooks Mark Zuckerberg s now famous $2 billion dollar purchase of Oculus Rift.Investments also include such companies as NextVR that can deliver live events in a VR format. The investors are a who s who of present day media empires in the United States.We see the following from nanalyze.com: Laguna Beach California startup NextVR has taken in $115 million in funding so far from investors that include Time Warner, Comcast, and The Madison Square Garden Company. In addition to these strategic investors, FOX Sports, Live Nation, NBC Sports, HBO/Golden Boy, Turner Sports, and CNN have all partnered with NextVR .The object for up-and-running companies like Next VR, or their investor Live Nation, is to bring entertainment events such as concerts or sporting events to the masses.In addition to the actual gate at a sporting event or concert of say, 50,000 people, you could also charge a virtual gate, if you will, for another million people who were never even there.Another company starting to make some real world profits is Utah s THE VOID. The company is in continually advancing their Dream Park in Utah. They have themed virtual reality (or hyper reality as they refer to it) type of experiences in New York and Dubai.Below is a trailer for their Ghostbusters hyper-reality experience in New York City.That s right you too can don a nuclear power pack and save New York from the giant Stay Puft Marshmallow Man.To be fair, besides entertainment purposes, there will be benefits of AR/VR technology. Uses for design, training, and experimentation within a multitude of industries, science, and research and development, can all be enabled by VR. Medical students can practice on fake patients, soldiers can train in virtual combat with no casualties, researchers can get inside of a molecule, designers or architects can better visualize or display their concepts, and so on.For example, in April 2016, the United Kingdom s Medical Realities used its product The Virtual Surgeon, which is a learning program developed for head mounted displays such as the Oculus Rift and Samsung Gear VR . The live-stream was a first of its kind showing a live surgery allowing for a 360 degree view, and was witnessed live in places as far as China and Tunisia according to their site.Virtual Medicine (Image Source: Medical Realities)The other side of the AR/VR coinKeep in mind, however, that there this is likely a trade off for well-intentioned purposes realized by the implementation and advancement of AR/VR. These same advancements in AR/VR will also almost undoubtedly have profit, control, surveillance, and culture-shaping, as drivers for its very implementation and integration to our lives.AR/VR, like art, books, pamphlets, magazines, newspapers, graffiti, radio, television, and the internet, is a medium which can be utilized. With social norms, economies, and forms of government to influence the masses thrown into as variables, the acclimatization to AR/VR by society is likely to be many things to many people. Even today, we have News and Fake News. President; not my President. Facts and Alternate Facts. All of these types of psychological shaping of reality could be further jammed into Virtual Reality.Even within education. Subjective topics, or viewpoints on historical events made to be realistic for experiential learning purposes could be abused. No different then a book or website, a VR lesson will have an author, a bias, and will be an area rife with the potential for politicization or propaganda infusion.Like motor vehicles or smart devices above, AR/VR also has society-changing potential. The possibilities for mass-level use, consumption, and integration of virtual technology could very well change our reality; literally and figuratively; shared and personal. The implications go beyond the industry and commercial implications of its use and delve into what makes us human and into what is real.We hear it all the time, but social engineering is what it sounds like. The direct implication of the phrase is that aspects of society can be engineered and designed towards a desired effect or result.The outcome desired for those at the top of our current power structures and institutions might entail use of technology to socially engineer with a nefarious slant: to conform the masses, infuse propaganda, create thoughtless compliance, and degrade critical thinking in favor of living a blissful other life, elsewhere in another digital reality.As the great celluloid philosopher, Morpheus, from the Hollywood blockbuster The Matrix, once pondered, What is real? How do you define real ? If you re talking about what you can feel, what you can smell, what you can taste and see then real is simply electrical signals interpreted by your brain. Might the world literally become whatever anyone wants to make of it?Are we choosing for ourselves, or are we all merely like fish in the ocean being swept up unawares in a tide of social engineering?A technologically controlled, artificial, designed, and immersive environment could possibly redefine reality, and what it means to be human along with it.READ MORE ABOUT TECHNOLOGY: 21st Century Wire Technology Files ",US_News,"April 18, 2017",0 +Russia-Gate Was All the Rage Across US Media – Where Did it Go and Why?,"21st Century Wire says Russia-gate was pushed by US media outlets everywhere only to disappear after the highly questionable chemical attack in the Idlib province of Syria. The fact is, the media drums over the Trump-Russia story soon fell silent after a US military strike was ordered on the Syrian government s Shayrat Air Base and a Massive Ordnance Air Blast Bomb (MOAB) was dropped on Afghanistan.The US media had been floating the blame Russia meme for months, and even more conveniently during this past 2016 US presidential election cycle, before morphing into the dodgy dossier that included unverified Trump-Russia claims. Now after two neocon approved US military missile strikes in Syria and Afghanistan, the heavily propagandized and unproven Trump-Russian narrative vanished from headline news as soon as war theater increased in the Middle East.More on the story from Consortium News below Consortium News Exclusive: For five months, there was a daily drumbeat on Russia-gate, the sprawling conspiracy theory that Russia had somehow put Donald Trump in the White House, but suddenly the scandal disappeared, notes Robert Parry.By Robert ParryDemocrats, liberals and some progressives might be feeling a little perplexed over what has happened to Russia-gate, the story that pounded Donald Trump every day since his election last November until April 4, that is.On April 4, Trump fully capitulated to the neoconservative bash-Russia narrative amid dubious claims about a chemical attack in Syria. On April 6, Trump fired off 59 Tomahawk missiles at a Syrian airbase; he also restored the neocon demand for regime change in Syria; and he alleged that Russia was possibly complicit in the supposed chemical attack.Since Trump took those actions in accordance with the neocon desires for more regime change in the Middle East and a costly New Cold War with Russia Russia-gate has almost vanished from the news.I did find a little story in the lower right-hand corner of page A12 of Saturday s New York Times about a still-eager Democratic congressman, Mike Quigley of Illinois, who spent a couple of days in Cyprus which attracted his interest because it is a known site for Russian money-laundering, but he seemed to leave more baffled than when he arrived. The more I learn, the more complex, layered and textured I see the Russia issue is and that reinforces the need for professional full-time investigators, Quigley said, suggesting that the investigation s failure to strike oil is not that the holes are dry but that he needs better drill bits.Yet, given all the hype and hullabaloo over Russia-gate, the folks who were led to believe that the vague and amorphous allegations were bigger than Watergate might now be feeling a little used. It appears they may have been sucked into a conspiracy frenzy in which the Establishment exploited their enthusiasm over the scandal in a clever maneuver to bludgeon an out-of-step new President back into line.If that s indeed the case, perhaps the most significant success of the Russia-gate ploy was the ouster of Trump s original National Security Adviser Michael Flynn, who was seen as a key proponent of a New D tente with Russia, and his replacement by General H.R. McMaster, a prot g of neocon favorite, retired Gen. David Petraeus.Consortium News continues here READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 17, 2017",0 +Boiler Room #105 – Quantum Swamp Chess,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with guests for the hundred and fifth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. Listen to Boiler Room EP #105 Quantum Swamp Chess on Spreaker.Direct Download Episode #105Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"April 14, 2017",0 +"Easily Duped: Trump Surpasses Bush, Falling for β€˜Chemical Weapons’ Theatrics","The following segment was recorded on live TV the day before the US launched its Tomahawk missile strike on Shayrat Air Base in Syria. 21st Century Wire Editor Patrick Henningsen explains how Donald Trump, Nikki Haley and Rex Tillerson have just surpassed the Bush administration in their WMD ignorance. Watch: READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV ",US_News,"April 14, 2017",0 +Professor: Political Ignorance is β€œGoing To Have Consequences”,"21st Century Wire says Are we already seeing the results of political ignorance?In the first episode of a new video interview series, Stuart J. Hooper speaks with the University of New Mexico s Professor Mike Rocca.Rocca explains how civic ignorance has become an issue in society, and is asked what it means to have politically ignorant leaders holding seats with political power: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"April 12, 2017",0 +Is Spicer Flap a Cover for Media to Tie Up White House in Global Affairs and Scuttle Trump’s Domestic Agenda?,"By The TRUTH HOUNDIn the words of ABC News anchor David Muir, President Trump s press secretary, Sean Spicer, set off a searing firestorm with rather awkward comments during a press conference comparing Syria s leader Bashar al Assad to Adolph Hitler.On Tuesday, April 11, Spicer said that even Hitler didn t stoop to using chemical weapons like Assad allegedly did on April 4. Only two days later, with the facts on the ground still not clear, the U.S. launched a reported 59 cruise missiles at Syria to punish Assad s alleged chemical attack. Spicer clarified, however, that he meant that the sarin gas attributed to Assad didn t exist in Hitler s day, and that Assad used sarin gas in a weaponized-projectile form against his own people, or so it seems.Spicer then apologized, admitting that his Assad-Hitler comparison was an awkward mistake. Yet ABC News wouldn t let it go, saying over and over again that Spicer s highly insensitive comments on Syria trivialized Nazi Germany s gas chambers in WWII. So, the firestorm of controversy, while some Jewish figures complained about Spicer s remarks, came from ABC s own hype, blowing Spicer s brief comment totally out of proportion. Complaints are not necessarily a firestorm, which is a very loaded word.And like usual, big media like ABC, which heatedly equated Spicer s clunky comments with an alleged outright denial of the Jewish Holocaust in the second World War, can t seem to find the real story.THE REAL ISSUES AT HANDMainly, there s still no solid proof that Syria s leader used chemical weapons against his own people. Therefore, it was completely unnecessary for Spicer to compare Assad with Hitler in the first place, because the jury is still out on Assad.When Congressman Thomas Massie of Kentucky (R) tried to explain to CNN that Syrian forces may have mistakenly hit a terrorist-controlled ammo dump that could have contained some kind of gas shells, CNN acted like Massie was a loon . . .Continue this article at The Truth HoundREAD MORE NWO NEWS AT: 21st Century Wire NWO FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 12, 2017",0 +Trump’s β€˜Wag the Dog’ Moment,"21st Century Wire says Robert Parry, best known for breaking the Iran-Contra affair, takes us through what we know so far surrounding Donald Trump s recent decision to send Tomahawk missiles into Syria and also explores what lies behind the plans within plans of the White House and those who now celebrate yet seemingly manipulate Trump behind the curtain.Patrick Henningsen of 21st Century Wire was joined by Robert on 1100KFNX Patrick Henningsen LIVE and is an interview you don t want to miss.More on this report from Consortium News Robert Parry Consortium NewsJust two days after news broke of an alleged poison-gas attack in northern Syria, President Trump brushed aside advice from some U.S. intelligence analysts doubting the Syrian regime s guilt and launched a lethal retaliatory missile strike against a Syrian airfield.Trump immediately won plaudits from Official Washington, especially from neoconservatives who have been trying to wrestle control of his foreign policy away from his nationalist and personal advisers since the days after his surprise victory on Nov. 8.There is also an internal dispute over the intelligence. On Thursday night, Secretary of State Rex Tillerson said the U.S. intelligence community assessed with a high degree of confidence that the Syrian government had dropped a poison gas bomb on civilians in Idlib provinceBut a number of intelligence sources have made contradictory assessments, saying the preponderance of evidence suggests that Al Qaeda-affiliated rebels were at fault, either by orchestrating an intentional release of a chemical agent as a provocation or by possessing containers of poison gas that ruptured during a conventional bombing raid.One intelligence source told me that the most likely scenario was a staged event by the rebels intended to force Trump to reverse a policy, announced only days earlier, that the U.S. government would no longer seek regime change in Syria and would focus on attacking the common enemy, Islamic terror groups that represent the core of the rebel forces.The source said the Trump national security team split between the President s close personal advisers, such as nationalist firebrand Steve Bannon and son-in-law Jared Kushner, on one side and old-line neocons who have regrouped under National Security Adviser H.R. McMaster, an Army general who was a prot g of neocon favorite Gen. David Petraeus.White House InfightingIn this telling, the earlier ouster of retired Gen. Michael Flynn as national security adviser and this week s removal of Bannon from the National Security Council were key steps in the reassertion of neocon influence inside the Trump presidency. The strange personalities and ideological extremism of Flynn and Bannon made their ousters easier, but they were obstacles that the neocons wanted removed.Though Bannon and Kushner are often presented as rivals, the source said, they shared the belief that Trump should tell the truth about Syria, revealing the Obama administration s CIA analysis that a fatal sarin gas attack in 2013 was a false-flag operation intended to sucker President Obama into fully joining the Syrian war on the side of the rebels and the intelligence analysts similar beliefs about Tuesday s incident.Instead, Trump went along with the idea of embracing the initial rush to judgment blaming Assad for the Idlib poison-gas event. The source added that Trump saw Thursday night s missile assault as a way to change the conversation in Washington, where his administration has been under fierce attack from Democrats claiming that his election resulted from a Russian covert operation.If changing the narrative was Trump s goal, it achieved some initial success with several of Trump s fiercest neocon critics, such as neocon Senators John McCain and Lindsey Graham, praising the missile strike, as did Israeli Prime Minister Benjamin Netanyahu. The neocons and Israel have long sought regime change in Damascus even if the ouster of Assad might lead to a victory by Islamic extremists associated with Al Qaeda and/or the Islamic State.Wagging the DogTrump employing a wag the dog strategy, in which he highlights his leadership on an international crisis to divert attention from domestic political problems, is reminiscent of President Bill Clinton s threats to attack Serbia in early 1999 as his impeachment trial was underway over his sexual relationship with intern Monica Lewinsky. (Clinton also was accused of a wag-the-dog strategy when he fired missiles at supposed Al Qaeda bases in Afghanistan and Sudan in 1998 in retaliation for the bombing of U.S. embassies in Kenya and Tanzania.)Trump s advisers, in briefing the press on Thursday night, went to great lengths to highlight Trump s compassion toward the victims of the poison gas and his decisiveness in bombing Assad s military in contrast to Obama s willingness to allow the intelligence community to conduct a serious review of the evidence surrounding the 2013 sarin-gas caseUltimately, Obama listened to his intelligence advisers who told him there was no slam-dunk evidence implicating Assad s regime and he pulled back from a military strike at the last minute while publicly maintaining the fiction that the U.S. government was certain of Assad s guilt.In both cases 2013 and 2017 there were strong reasons to doubt Assad s responsibility. In 2013, he had just invited United Nations inspectors into Syria to investigate cases of alleged rebel use of chemical weapons and thus it made no sense that he would launch a sarin attack in the Damascus suburbs, guaranteeing that the U.N. inspectors would be diverted to that case.Similarly, now, Assad s military has gained a decisive advantage over the rebels and he had just scored a major diplomatic victory with the Trump administration s announcement that the U.S. was no longer seeking regime change in Syria. The savvy Assad would know that a chemical weapon attack now would likely result in U.S. retaliation and jeopardize the gains that his military has achieved with Russian and Iranian help.The counter-argument to this logic made by The New York Times and other neocon-oriented news outlets essentially maintains that Assad is a crazed barbarian who was testing out his newfound position of strength by baiting President Trump. Of course, if that were the case, it would have made sense that Assad would have boasted of his act, rather than deny it.But logic and respect for facts no longer prevail inside Official Washington, nor inside the mainstream U.S. news media Continue this report at Consortium News READ MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 11, 2017",1 +Tulsi Gabbard Triggers The War Hawks With Her Based Skepticism,"21st Century Wire says Congresswoman and Iraq War veteran Tulsi Gabbard continues to face down the mainstream propaganda machine with her based and skeptical opinion surrounding the war on Syria, including the recent attacks on Shayrat air base by the United States as a reprisal for the alleged chemical attack on Idlib by Damascus.It s not surprising within the American political party system that if you don t agree with the gang , they come for your blood, and this is exactly what s happening to Gabbard. Her previous fact finding visit to Syria in 2016 had already began to turn heads, but now after the CNN interview with Wolf Blitzer, who happens to all of a sudden like Donald Trump, the Democrats are circling Tulsi Gabbard in increasing droves.More on this report from The Duran Alex Christoforou The DuranNo room for free speech. No dissent. No skepticism. Neocons, Democrats, liberal leftists all united to remove Assad, prop up ISIS and begin WW3.The warmonger knives are coming out for Gabbard in what is looking like Iraq WMDs all over again.Gabbard spoke with CNN s Wolf Blitzer who all of a sudden finds Trump very presidential and capable.Rep. Gabbard: Yes, I m skeptical of claim Assad regime is behind chemical weapons attack https://t.co/fETssThsLF https://t.co/fpYdUNR2t4 CNN (@CNN) April 7, 2017Rep. Gabbard: Yes, I m skeptical of claim Assad regime is behind chemical weapons attack https://t.co/fETssThsLF https://t.co/fpYdUNR2t4 CNN (@CNN) April 7, 2017Zerohedge reports Gabbard, who sits on the Armed Services and Foreign Affairs committees, drew criticism earlier this year when she took a somewhat mysterious trip alone to meet with Assad in Syria without alerting House Speaker Paul Ryan. The liberal Democrat subsequently explained she simply wanted to engage in dialogue with Assad though it clearly burned some bridges within her own party. Per CNN:Gabbard told CNN on Friday that she wants to achieve peace in Syria, Why should we just blindly follow this escalation of a counterproductive regime-change war? There s responsibility that goes around, Gabbard said. Standing here pointing fingers does not accomplish peace for the Syrian people. It will not bring about an end to this war. People of Hawaii's 2nd district was it not enough for you that your rep met with a murderous dictator? Will this move you?1 https://t.co/jbwGuZIJ6R Neera Tanden (@neeratanden) April 7, 2017Zerohedge further adds that former DNC chair Howard Dean also decided to join in on ganging up on Gabbard, but he immediately got shut down by a follower who asked the obvious question of why engaging in dialogue was disqualifying for Gabbard but violating federal record retention laws and a Congressional subpoena was perfectly fine for Hillary.It s becoming increasingly clear that Gabbard is just another Putin puppet who likely assisted Russian hackers in their efforts to take down Hillary we sincerely hope the Congress launches an immediate investigation Continue this report at The DuranREAD MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"April 10, 2017",0 +"SAN BERNARDINO: Two Adults Dead, Two Injured In School Murder-Suicide","21st Century Wire says Four people, including a teacher and two students, have been shot at an elementary school in San Bernardino, California. The incident is believed to have been a murder-suicide, according to police. The shooting stemmed from a domestic violence situation.The shooting occurred in a classroom at North Park School. Along with the three victims, the suspect is believed to be down as well, according to San Bernardino Police Chief Jarrod Burguan.We believe this to be a murder suicide. Happened in a class room. Two students have been transported to the hospital. Chief Jarrod Burguan (@SBPDChief) April 10, 2017Two adults are deceased in a classroom, believed to be a murder suicide. We believe the suspect is down and there's no further threat. Chief Jarrod Burguan (@SBPDChief) April 10, 2017Two adults a man and a woman are dead in the classroom, and police believe the suspect is down and there s no further threat, Burguan said.The gunman checked in with the front office, where he was known to school staff, San Bernardino Police Captain Ron Maass said.The two students were transported to the hospital, one via helicopter and the other in an ambulance, a police spokesman told reporters. They are in critical condition. The children we do not believe were targeted, the spokesman said.The fire department has set up a triage to assess and treat victims at the scene. Law enforcement was on the scene within seven minutes of the shooting.The San Bernardino County Sheriff s Department is assisting in the investigation. The school will be closed for at least the next two days, police said.North Park, Cajon and Hillside Elementary Schools are on lockdown, while the San Bernardino campus of California State University is under a shelter-in-place order.Students were evacuated to Cal State San Bernardino, while parents were told to pick them up at Cajon High School. They must be listed on the students emergency contact forms and show photo ID.This is the second mass shooting in the southern California city in since December 2015. In that incident, which was later categorized as an act of terrorism, a married couple opened fire on a holiday party for the husband s work, killing 14 and injuring 21.Initially had a replay of the deeply disturbing feeling of terror and dread felt on Dec2nd 15 when I turned scanner on today. #PTSDAwareness https://t.co/ee0XzukcXb Darren Espiritu (@SBDarren) April 10, 2017 Tragedy has struck us again, and we need to now work through that and be there for all of the involved parties, the San Bernardino PD said.San Bernardino experienced a surge in violence in 2016, including a 41 percent increase in homicides over the previous year. The 62 slayings made 2016 the city s deadliest year since 1995, the Los Angeles Times reported Continue this report at RT READ MORE US NEWS AT: 21st Century Wire US FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"April 10, 2017",0 +Rex Tillerson and Nikki Haley – Who Can β€˜Flip Flop’ The Most,"21st Century Wire says US Secretary of State Rex Tillerson tells us that the war on Syria can only be solved through a political process . Wait, didn t Nikki Haley just say getting Assad out is not the only priority, we don t see a peaceful Syria with Assad in there . Our strategy in Syria, our priority is first to defeat ISIS , says Tillerson. Again Haley outlines multiple priorities and there s not any sort of option where a political solution is going to happen with Assad at the head of the regime . Deliberate flip flopping on policy or problematic internal communication at the White House, which in the last 24 hours has seen a scramble to re-soften its approach via Rex Tillerson on Syria.More on this report from RT RTUS Secretary of State Rex Tillerson has said the Syrian crisis can only be solved through a political process, claiming it s not regime change but the defeat of the Islamic State (IS, formerly ISIS/ISIL) terrorist group that Washington is seeking in Syria. Our strategy in Syria, our priority is first to defeat ISIS, the US official said in an interview with ABC s This Week host, George Stephanopoulos, which was aired Sunday.Saying that once the battle with the terrorist group is concluded, which according to the US official is going quite well, Washington plans to turn its attention to achieving ceasefire agreements between the regime and opposition forces. Bringing the parties to the table for political discussions clearly requires the participation of the regime and the support of their allies, Tillerson said in another Sunday interview to the American media, speaking to John Dickerson on CBS s Face the Nation. Once a ceasefire becomes a reality in Syria, we will have the conditions to begin a useful political process, he said. It is through that political process that we believe the Syrian people will ultimately be able to decide the fate of Bashar Assad, he told ABC.Tillerson reiterated the same on CBS, saying that Washington hoped to work with its coalition members and with the UN, in particular through the Geneva process, to be able to navigate a political outcome in which the Syrian people will in fact determine Bashar Assad s fate and his legitimacy. The US Secretary of State underlined the Russian role in the process, saying that the US hoped it could work together with Russia and use their influence, and that Moscow will choose to play a constructive role in supporting ceasefire through their own Astana talks, but also through Geneva. READ MORE: Russian FM & US Secretary of State discuss US strike on Syria in phone call I m hopeful we can have Russia be supportive of a process that will lead to a stable Syria. Clearly they are Bashar Assad s current ally, they should have the greatest influence on Bashar Assad, he told Stephanopoulos, but he warned that Russia should be thinking carefully about its continued alliance with Bashar Assad. Inaccurate and inconclusive : Lavrov slams US accusations of Assad regime using chemical weapons in Idlib https://t.co/TU2XP6YAeB pic.twitter.com/iwy1vXa4Rx RT (@RT_com) April 8, 2017 Every time one of these horrific attacks occurs, it draws Russia closer into some level of responsibility, he said in an apparent reference to a recent alleged chemical attack in Syria s Idlib province. Washington blamed the Syrian government for the incident, while Moscow has said there has been no evidence presented to support such claims. LEARNING LIBYA LESSON Speaking of the US missile strike on a Syrian airbase, ordered by President Donald Trump in response to the alleged use of chemical weapons, Tillerson told CBS that clearly the message is that the violation of international norms, the continuing ignoring of UN resolutions and the continuing violation of agreements will no longer be tolerated. The airstrike is only related to the alleged chemical attack, the US official claimed, adding that Washington has learned its lesson of what it looks like when you undertake a violent regime change, referring to Libya. Obviously the United States own founding principle is self-determination, and what the US and our allies want to do is to enable the Syrian people to make that determination We ve seen what violent regime change looks like in Libya and the kind of chaos that can be unleashed and indeed the kind of misery that it enacts on its own people, he said on CBS. I think we have to learn the lessons of the past, he emphasized on ABC, adding, Any time you go on and have a violent change at the top, it is very difficult to create the conditions for stability [in the] longer term... Continue this report at RTREAD MORE SYRIA NEWS AT: 21st Century Wire SYRIA FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"April 10, 2017",1 +NSA – β€˜Top Secret’ Arsenal Released In Protest Of β€˜Trump Betrayal’,"21st Century Wire says Out of all the intelligence agencies in the United States, we ve come across stories where not everyone is on the same page . Indeed we ve also heard about factions embroiled in competition, and rivalry. Moral compass, personal principles, and ethics being challenged which lead to inner conflict; just some of the reasons that gave us former NSA whistleblower William Binney and more recently in the last few years, Edward Snowden.You might not have heard of them, but The Shadow Brokers came on the scene last year. A previously unknown collective, the Brokers hacked and released legitimate hacking tools from the NSA s own special-ops entity, the Equation Group . The initial speculation, the Russians, of course. Everything is Russia by proxy these days. The Shadow Brokers released a certain amount of the Equation Group hacking tools asking for one million bitcoins, roughly $568 million at the time.The Shadow Brokers are back and since their initial hack it is assumed that this could be the work of a disgruntled in house employee. Furthermore they re not happy at all with President Donald J. Trump for numerous reasons, including his recent decision to launch 59 Tomahawk missiles into Syria.More on this report from Zerohedge Tyler Durden ZeroHedgeLast August, the intel world was abuzz following the news that a previously unknown hacker collective, The Shadow Brokers had hacked and released legitimate hacking tools from the NSA s own special-ops entity, the Equation Group , with initial speculation emerging that the Russians may have penetrated the US spy agency as suggested by none other than Edward Snowden. The Shadow Brokers released a bunch of the organization s hacking tools, and were asking for 1 million bitcoin (around $568 million at the time) to release more files, however failed to find a buyer. Attention then shifted from Russians after some speculated that the agency itself may be housing another mole insider. At the time, a former NSA source told Motherboard, that it s plausible that the leakers are actually a disgruntled insider, claiming that it s easier to walk out of the NSA with a USB drive or a CD than hack its servers. As famed NSA whistleblower William Binney who exposed the NSA s pervasive surveillance of Americans long before Snowden confirmed it said, My colleagues and I are fairly certain that this was no hack, or group for that matter, This Shadow Brokers character is one guy, an insider employee. In a subsequent Reuters op-ed by cybersecurity expert James Bamford, author of The Shadow Factory: The Ultra-Secret NSA From 9/11 to the Eavesdropping on America, and columnist for Foreign Policy magazine, he said that seemed as the most probable explanation, and that Russia had nothing to do with this latest and most provocative yet hack.Since then, the Shadow Broker group, whose origin and identity still remains a mystery, disappeared from the radar only to emerge today, when in an article posted on Medium, the group wrote an op-ed, much of it in broken English, in which it slammed Donald Trump s betrayal of his core base , and the recent attack on Syria, urging Trump to revert to his original promises and not be swept away by globalist and MIC interests, but far more imporantly, released the password which grants access to what Edward Snowden moments ago called the NSA s Top Secret arsenal of digital weapons. The article begins with the group explaining why it is displeased with Trump.DON T FORGET YOUR BASEDear President Trump,Respectfully, what the fuck are you doing? TheShadowBrokers voted for you. TheShadowBrokers supports you. TheShadowBrokers is losing faith in you. Mr. Trump helping theshadowbrokers, helping you. Is appearing you are abandoning your base , the movement , and the peoples who getting you elected.Good Evidence:#1 Goldman Sach (TheGlobalists) and Military Industrial Intelligence Complex (MIIC) cabinet #2 Backtracked on Obamacare #3 Attacked the Freedom Causcus (TheMovement) #4 Removed Bannon from the NSC #5 Increased U.S. involvement in a foreign war (Syria Strike)The peoples whose voted for you, voted against the Republican Party, the party that tried to destroying your character in the primaries. The peoples who voted for you, voted against the Democrat Party, the party that hates, mocks, and laughs at you. Without the support of the peoples who voted for you, what do you think will be happening to your Presidency? Without the support of the people who voted for you, do you think you ll be still making America great again? Do you be remembering when you were sitting there at the Obama Press Party and they were all laughing at you? Do you be remembering when you touring the country and all those peoples believed in you and supported you? You were those peoples hope. How do you be thinking it will be feeling when those people turn on you? Will they be laughing at you, hating you, and mocking you too?TheShadowBrokers doesn t want this to be happening to you, Mr. Trump. TheShadowBrokers is wanting to see you succeed.The hackers then ask Trump whose war is he fighting:If you made deal(s) be telling the peoples about them, peoples is appreciating transparency. But what kind of deal can be resulting in chemical weapons used in Syria, Mr. Bannon s removal from the NSC, US military strike on Syria, and successful vote for SCOTUS without change rules? Mr. Trump whose war are you fighting? Israeli Nationalists (Zionist) and Goldman Sachs war? Chinese Globalists and Goldman Sachs war? Is not looking like you fighting the domestic wars, the movement elected you to be fighting. You not being in office three months and already you looking like the MIIC s bitch with John McCain and Chuck Schumer double dutch ruddering each other in the corner over dead corpses.The post continues by exposing what the ShadowBrokers believe is the general mindset of Trump s support base;Your Supporters: Don t care what is written in the NYT, Washington Post, or any newspaper, so just ignore it. Don t care if you swapped wives with Mr Putin, double down on it, Putin is not just my firend he is my BFF . Don t care if the election was hacked or rigged, celebrate it so what if I did, what are you going to do about it . Don t care if your popular or nice, get er done, Obama s fail, thinking he could create compromise. No compromise. Don t want foreign wars, Do want domestic wars, drain the swamp , destroy the nanny state Don t care about your faith, you sound like a smuck when you try to say god things DO support the ideologies and policies of Steve Bannon, Anti-Globalism, Anti-Socialism, Nationalism, IsolationismIn the article, the ShadowBrokers also touch upon what until recently was the primary topic of the daily news cycle, namely the whether Russia is behind this (and any other black hat intel hacking operation):For peoples still being confused about TheShadowBrokers and Russia. If theshadowbrokers being Russian don t you think we d be in all those U.S. government reports on Russian hacking? TheShadowBrokers isn t not fans of Russia or Putin but The enemy of my enemy is my friend. We recognize Americans having more in common with Russians than Chinese or Globalist or Socialist. Russia and Putin are nationalist and enemies of the Globalist, examples: NATO encroachment and Ukraine conflict. Therefore Russia and Putin are being best allies until the common enemies are defeated and America is great again.The report than goes on to suggest that the hacking group is in fact comprised mostly of former US spies: President Trump, theshadowbrokers is offering our services to you and your administration. Did you know most of theshadowbrokers members have taken the oath to protect and defend the constitution of the United States against all enemies foreign and domestic . Yes sir! Most of us used to be TheDeepState everyone is talking about Continue this report at ZeroHedgeREAD MORE SCI-TECH NEWS AT: 21st Century Wire SCI-TECH FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"April 9, 2017",0 +SYRIA: Nikki Haley Threatens to β€œDo More” Despite International Outrage at US Criminal Act of Aggression,"Bill AukenThe day after US warships rained some 60 Tomahawk missiles on a Syrian government airbase, US officials made it clear that this unilateral and criminal attack against an oppressed former colonial country is merely the first shot in what is to be an escalating and widening campaign of American military aggression.The governor of Syria s central Homs province reported Friday that the missiles killed at least 15 people, including nine civilians. Four of the dead were children. Many more civilians were injured by two of the missiles, which struck nearby villages. Six of the dead were Syrian personnel at the al-Shairat airbase.The missile strike was the first time that Washington has carried out a direct military attack against Syrian government forces since the US and its regional allies orchestrated a war for regime change utilizing Al Qaeda-linked Islamist rebels as its proxy ground troops. The attack on the airbase is a direct intervention in that war on the side of the Al Qaeda elements.Russian Prime Minister Medvedev warned on Friday that the immensely reckless action had brought Washington to the verge of a military clash with nuclear-armed Russia, which had an air unit at the base struck by American missiles.Washington seized on an alleged incident Tuesday involving chemical weapons in the village of Khan Sheikhoun in Idlib province as the pretext for Thursday night s attack. Syria has denied any use of such weapons, and Washington and its allies have presented no evidence to support their allegations in relation to the incident, which has all the earmarks of a provocation staged by the CIA and its Islamist proxies.The Russian government and others have pointed out the obvious fact that the elaborate attack carried out Thursday night from two US destroyers in the eastern Mediterranean had to have been planned well before the alleged incident even happened. The event was staged, with Al Qaeda-linked and US-funded media activists conveniently on hand to film it, in order to provide Washington with the propaganda pretext it required for its aggression.In a heated exchange in the United Nations Security Council Friday, US Ambassador Nikki Haley brushed aside denunciations by other diplomats that the unilateral US action was a gross violation of the UN Charter and international law, instead provocatively insisting that US imperialism is prepared to the do the same thing again and far more. The United States took a very measured step last night, Haley said. We are prepared to do more, but we hope that will not be necessary. Knowing full well that the US attack was imminent, Haley, who is acting as the council s rotating president for the month of April, postponed a vote on a compromise resolution calling for an objective investigation into the alleged chemical attack that was being drafted Thursday by the 10 nonpermanent members of the Security Council.Washington has no interest in such a probe, which would almost certainly reveal that the source of any chemical weapons incident was not the government of President Bashar al-Assad, but rather the Al Qaeda elements that control that area of Idlib Province. There is also no doubt that the US strike provides the Islamist elements in Syria with every motivation for staging more chemical weapons incidents to provide the pretext for a spiraling escalation of US military aggression.The UN Security Council session was convened at the request of Bolivia, Russia and Syria. Bolivian Ambassador Sacha Llorenti began the debate with a blistering denunciation of the US attack, declaring that the US officials believe that they are investigators, they are attorneys, judges and they are the executioners. He called the US strike an extremely serious violation of international law, while stressing that this was not the first time. Llorenti held up a picture of then Secretary of State Colin Powell delivering his February 5, 2003 speech to the same UN council insisting that Washington had irrefutable proof of nonexistent weapons of mass destruction, the notorious pretext for the US invasion barely a month later.This war based upon lies, the Bolivian envoy added, resulted in a million deaths and a series of atrocities throughout the Middle East.Llorenti denounced Washington for its double standard, invoking human rights, democracy and multilateralism only when it serves its own strategic interests. He recalled the series of military coups orchestrated by the CIA in Latin America and the Pentagon s training of Latin American security forces in the art of torture.Russia s deputy permanent representative to the United Nations, Vladimir Safronkov, similarly condemned the US bombardment as a flagrant violation of international law, warning that the consequences for regional and international stability can be extremely serious. Safronkov charged that Washington had acted deliberately to derail any independent and unbiased investigation into the alleged April 4 incident in of Khan Sheikhoun. You were afraid of it, he said, as its results might wreck your anti-regime paradigm. The Russian ambassador ridiculed the performance given earlier by US Ambassador Haley in which she held up the photographs of two Syrian children and demanded, How many more children have to die before Russia cares? I will not stage a cynical show and hold up photographs, he said, but asked why there was no such concern for the children of Mosul, where a single US bombing raid killed over 300 civilians, most of them women and children, last month. Thousands more have been killed and injured in US airstrikes carried out in both Iraq and Syria.Continue reading at WSWSREAD MORE WHITE HELMET NEWS AT: 21st Century Wire White Helmet FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 8, 2017",1 +Syria Strikes: This is NOT The Donald Trump We Wanted,"21st Century Wire says Not at all.Yesterday s Syria strikes have created quite a rift in President Trump s support base, with many seeing him as no longer any better than those presidents that have come before him.In the following video, Stuart J. Hooper breaks down why this is not the Donald Trump we wanted, how he has gone against everything he said he would do, and examines the dangerous crowd who is supporting this move: READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"April 7, 2017",0 +ENGDAHL: β€˜Trump is a Puppet of the Deep State’,"Little did we know at the time of this recording just how accurate our guest s comments would become.In last week s Episode #179 of the SUNDAY WIRE, host Patrick Henningsen speaks to author and global affairs analyst, F. William Engdahl, to discuss his recent article about the new US-Israeli oil wars in the Golan Heights in Syria and how this is connected to the West s hidden agenda to create Safe Zones in Syria.In prophetic fashion, Engdahl then goes on to describe Donald Trump as a tool of establishment, placed into the US presidency by America s Deep State in order to fast-track a destructive geopolitical agenda.NOTE: This interview was recorded 5 days before the US missile strikes on Syria SUPPORT OUR WORK SUBSCRIBE & BECOME A MEMBER @21WIRE.TVREAD MORE SYRIA NEWS AT: 21st Century Wire Syria Files",US_News,"April 7, 2017",0 +Episode #6 – DRIVE BY WIRE: β€˜Syria WMD Redux?’ (Part 1),"MEMBERS can join co-hosts Patrick Henningsen and Shawn Helton for the full version of this episode of DRIVE BY WIRE at 21WIRE.TV EPISODE #6 Here is Part 1 of this special emergency installment of DRIVE BY WIRE with Patrick Henningsen and Shawn Helton. This is an urgent discussion on this week s alleged chemical weapons attack in Idlib, Syria which the US and Donald Trump have automatically blamed on the Syrian government and Bashar al Assad. Is this a dangerous precedent?NOTE: This segment was filmed the day before Trump launched a missile strike against Syria . SUPPORT OUR WORK SUBSCRIBE & BECOME A MEMBER @21WIRE.TVREAD MORE SYRIA NEWS AT: 21st Century Wire Syria Files",US_News,"April 7, 2017",1 +"Without Evidence, Trump Launches 59 Cruise Missiles, Destroying Syrian Air Force Base"," Last night President Donald Trump caved into the Pentagon, the political left, the Neoconservative pro-war lobby and mainstream media pressure to act after the release of YouTube videos produced by the US and UK-funded NGO the White Helmets of an alleged chemical weapons attack by the Syrian Airforce in the al Qaeda stronghold of Idlib in Syria. Following the US missile strike, Al Qaeda leaders in Syria have hailed the move by Trump, expressing their gratitude for the US President s knee-jerk military action.Al Qaeda and ISIS supporters Saudi Arabia, Qatar and Turkey have also expressed thanks to Trump for helping to degrade the Syrian military who have been fighting and winning against al Qaeda in Syria, ISIS and a host of other Gulf-sponsored terrorist groups operating in Syria.Salafist Jihadist group Ahrar al-Sham welcoming the strikes. Thanks America. pic.twitter.com/4PQzv1PVjw Ali (@Ali_Kourani) April 7, 2017Trump s strike on Syria also helped ISIS who have been losing to the Syrian Army recently in the area of Homs and Palmyra.The Guardian confirms: Tonight I ordered a targeted military strike on the airfield in Syria from where the chemical attack was launched.It is in this vital national security interest of the United States to prevent and deter the spread and use of deadly chemical weapons.There can be no dispute that Syria used banned chemical weapons, violated its obligations under the chemical weapons convention, and ignored the urging of the UN security council.Years of previous attempts at changing Assad s behaviour have all failed and failed very dramatically. There was an angry response in Russia, where the Kremlin warned that the strikes would cause significant damage to US-Russia ties .NOTE: Tillerson has now gone so far as to blame Russia for allowing Syria to mount this attack They would act as the guarantor that these weapons would no longer be present in Syria. Clearly Russia has failed in its responsibility to deliver on that commitment from 2013. Either Russia has been complicit or Russia has been simply incompetent in its ability to deliver on its end of that agreement. SEE ALSO: Reviving the Chemical Weapons Lie: New US-UK Calls for Regime Change, Military Attack Against SyriaDespite the fact that no evidence, other than YouTube videos, that the Syrian government launched a chemical airstrikes in Idlib, the US government and the mainstream media are ignoring multiple evidential reports of Rebels (terrorists) holding and using chemical weapons in Syria.What was these Saudi dangerous chemicals doing in Qaeda depos in E Aleppo last year?! Let's ask CNN or BBC!! pic.twitter.com/g6WTWTgpl4 Fares Shehabi (@ShehabiFares) April 6, 2017Three years ago the same chemical rebels bombed the Akrama school in Homs! 45 kids were killed. No Nato barking at the UN! Hypocrisy! pic.twitter.com/UXZHbReoTc Fares Shehabi (@ShehabiFares) April 5, 2017STAY TUNED FOR UPDATESREAD MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 7, 2017",1 +Boiler Room #104 – War Sells… But Who’s Buying,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Jay Dyer of Jays Analysis, Patrick Henningsen of 21WIRE, Infidel Pharaoh (ACR contributor) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and fourth episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club. We re breaking down the developments in Syria and the Trump approval of military strikes in Syria.Listen to Boiler Room EP #104 War Sells But Who s Buying on Spreaker.Direct Download Episode #104Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"April 7, 2017",0 +MEMBERS: EP #5 – DRIVE BY WIRE: β€˜Taxi to the UN’ with Patrick and Matt Lee," MEMBERS can join host Patrick Henningsen and guest Matt Lee from Inner City Press for an unusual evening commute, another DRIVE BY WIRE , shown in full here at 21WIRE.TV .EPISODE #5 This special episode of DRIVE BY WIRE takes place in a unique location in the back of a New York City Yellow Cab, with 21WIRE s Patrick Henningsen and special guest from The United Nation press corp, independent correspondent Matt Lee from Inner City Press, who shares some behind the scenes stories from the UN, tales of institutional corruption and diplomatic avarice all hidden in plain sight WATCH THIS EPISODE HERESUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 5, 2017",0 +Rappoport: β€˜CNN Already Deflecting From the Susan Rice Scandal’,"By Jon RappoportCNN is already claiming the whole Susan Rice scandal is a tempest in a teapot, and the Trump team is exaggerating it to distract the public from something. Fill in the blank yourself.For example: Trump isn t actually the president, he cheated his way into the Oval Office, while acting as a secret agent for his handler, Vladimir Putin, who in turn was operating on behalf of aliens from Jupiter.The Susan Rice scandal is out in the open. She, Obama s national security advisor, led an effort to spy on legal phone calls the Trump team was making during the presidential campaign, in order to gain intelligence on the enemy. The Daily Caller News Foundation (DCNF) spoke with Col. (Ret.) James Waurishuk, an NSC [National Security Council] veteran and former deputy director for intelligence at the U.S. Central Command. Waurishuk said: many hands had to be involved throughout the Obama administration to launch such a political spying program It s unbelievable of [sic] the level and degree of the [Obama] administration to look for information on Donald Trump and his associates, his campaign team and his transition team. This is really, really serious stuff . Michael Doran, former NSC [National Security Council] senior director, told The DCNF Monday that somebody blew a hole in the wall between national security secrets and partisan politics . This was a stream of information that was supposed to be hermetically sealed from politics and the Obama administration found a way to blow a hole in that wall , he said. Yes, serious stuff. A felony, punishable by up to 10 years in prison.Obama, of course, will have plausible deniability if the Susan Rice scandal blows up into a Watergate. He didn t know. He didn t order the spying. He was playing golf that day. Or any day.And if a Congressional investigation of Rice and her antics reaches a fever pitch, somebody can play the race card. That s always an option. If Rice were white, this never would have happened to her. The Trump people are all over her like white on Rice. Meanwhile, CNN, in alternating segments, can say a) Rice and her people never spied on anybody, and b) everybody spies on everybody all the time, it s not a big deal and then some on-air goofball will add, In fact, we here at CNN are spying And the TV screen will go blank, then display colored stripes, then come back and the goofball will be gone, and an anchor will say, We had a technical problem for a moment. Continue this article at John Rappoport s websiteREAD MORE RUSSIAN HACK NEWS AT: 21st Century Wire Russian Hack Files",US_News,"April 4, 2017",0 +The U.S. Has No Legal Standing in Its Involvement in the War on Yemen," Patrick Henningsen 21st Century WireYemen is proving what should be clear by now: President Trump may never make good on his bold campaign promise of less senseless wars overseas. Watch as Trump defers to the Generals to double-down on a bad Obama bet.This week, we learned that the US Department of Defense, led by General James Mattis, would like to increase its support for Saudi Arabia and its Gulf accomplices, in their effort to continue to further destabilize and bomb Yemen, followed by the installation by force of a US and Saudi-friendly regime in that country.Following over 2 years of hostilities against Yemen, Mattis has also decided to ask Congress for help in drafting some sort of authorization to give the US some legal standing in its continual involvement with this war. Mattis is erroneously bundling the issue of Yemen into both Syria and Iraq, claiming that this is somehow part of the the fight against ISIS .What is it about Yemen that makes it such a gaping blind spot for members of the US government, its diplomatic corps and the US mainstream media?Fact: On its face, the joint Saudi-US War on Yemen is illegal under both US and International Law (see US legal analysis below).With that in mind, shouldn t every person in the US, from the Obama Administration forward and including the Department of Defense, the Pentagon, the CIA and so on, who has been involved in prosecuting this illegal, undeclared war of aggression be indicted and charged with high crimes?Is the United States not a nation of laws, as so many politicians and pundits proudly proclaim to their public over the airwaves each and every day? Are we really a nation of laws?Or is Washington DC merely a nation of self-inflated, self-reverential hypocrites? In a nutshell the Saudis, Emiratis and the USA are inflicting a war of genocide against the Houthis, (University of Illinois Professor of International Law, Francis Boyle)So what is the Trump Administration s solution to this collapsing situation? Of course, more sanctions. Because this war was initiated under President Obama, left-leaning and liberal media outlets and Democratic Party operators were bound to an unofficial regime of silence on the issue of Yemen hence, almost zero media coverage or commentary throughout 2015-2016. It was sufficient to focus only on Syria, and even then to streamline all mainstream media talking points with foreign policy directives from US State Department. With Syria, just look at the media coverage over the last 6 years and overlay it with the US State Department and British Foreign Office narratives. Totally seamless.For the US political right-wing and the Pentagon-oriented news outlets like CNN, the War on Yemen was simply reduced down to a binary argument, blaming the entire affair on Iran, claiming that the Iranian-backed Houthis were the primary antagonists. By framing it in the Iran-centric geopolitical context and not the true context of US-Saudi aggression and a battle to control some of the regions most lucrative untapped oil and gas reserves it served to somehow justify the organized, international crime which has been taking place. CNN s Wolf Blitzer was always careful to inject the correct qualifier (as he always does) of Iranian-backed Houthis when covering Yemen. By framing it as an Iranian plot, US neoconservatives also reinforced the operation as good for Israel, which by extension means its in US national interest by virtue of the neoconservatives doctrine.Since the War on Yemen began in March 2015, rather than reporting on the carnage and pressuring the US government to recuse itself from its daily military role backing of Saudi Arabia, the mainstream media foreign policy gatekeepers and CFR members like CNN s Fareed Zakaria have instead opted to ignore the conflict as much as possible, opting instead to continue pushing more fake news and extravagant lies spun regarding Aleppo along with other aspects of the other illegal US operation arming international terrorists in Syria.Members of the media should be ashamed of themselves, but that assuming the word shame still exists in their lexicon. By now, it should be clear that they simply do not care. While the establishment and auxiliary CFR public relations mascots like George Clooney have been crusading for the International Criminal Court (ICC) to take urgent action against the bad guys in places like South Sudan (a CIA project from the onset) and fawning over the US-UK government joint project and pseudo-NGO fraud known as the White Helmets in Syria, the United States government and its partners Saudi Arabia, the UAE, Bahrain and of the course the United Kingdom have been allowed to get away with one of the most obvious and egregious, mass violations of international law and collective murder in modern history.In short, all the establishment and Deep State players; in Washington, the UNHRC (bought-off by Saudi Arabia), the mainstream media, Hollywood, and across the billion dollar think-tank industrial complex have all colluded through their collective inaction and media censorship in perpetrating an long-running and obvious international crime against humanity in Yemen. Add to this, holding in contempt the concept of the modern nation-state as it pertains to Yemen, by colluding in a violent, neocolonial fashion with the express intent to deny the Yemeni people their right to sovereignty. To compare Saudi Arabia s belligerent actions in Yemen to Nazi Germany s undeclared wars of aggression prior to WWII is no exaggeration. In fact, one could make the argument that this Saudi-US joint venture is much worse, and a far more dangerous precedent. Likewise, the failure of a corrupt UN (who effectively sold Saudi Arabia its seat as the head of the UN Human Rights Council ), led by an impotent Secretary General in Ban-ki Moon, to censure Saudi Arabia for its flagrant violation of international law, the Nuremberg Principles and the entire Geneva Convention content and implied framework leaves the UN in the exact same position as the League of Nations in 1938. This is most certainly the case on paper, and with each passing moment we are nudging ever closer to geopolitical d j vu. (Vanessa Beeley, 21WIRE, Oct 13, 2016)The following is a professional analysis, from a US legal perspective. The case is clear, and non-contestable under the current provision in both US and international law Yemeni resident in Taiz, who lost everything after another Saudi airstrike.. Trevor Thrall & John Glaser ReasonAfter almost a year of bombings, Yemen is a humanitarian catastrophe. Over 6,000 Yemenis have been killed [an extremely conservative estimate] half of them civilians. According to a recent United Nations report, the Saudi-led coalition has conducted airstrikes targeting civilians and civilian objects, including refugee camps, hospitals, weddings, and mosques. Saudi bombing has reduced large tracts of several cities to rubble. Some of the attacks, according to the U.N. panel, could amount to crimes against humanity.As of this month, over two million people in Yemen are internally displaced, millions lack access to potable water, and thanks to a U.S.-supported Saudi blockade on imports, more than 14 million Yemenis are at risk of starvation.Throughout, the U.S. has quietly but dutifully lent the Saudis weapons, logistics assistance, and diplomatic cover. It s time to stop.The civil conflict in Yemen has its roots in the overthrow in 2011 of long-time U.S.-Saudi ally Ali Abdullah Saleh. In the midst of the unrest, Saudi Arabia and the U.S. supported a political transition to a government headed by President Abed-Rabbo Mansour Hadi, in which he was the only candidate on the ballot. Yemen s Shiite Houthi rebels waged an insurgency against the Hadi government and captured the capital city Sanaa in 2014.The civil war then morphed into an intractable proxy war when, in March of last year, Saudi Arabia decided to wage a vicious bombing campaign under the pretext of destroying the Houthi rebellion and reinstating Hadi s beleaguered government. Riyadh views the Houthis as a proxy of Iran, and after the peaceful diplomatic settlement between the U.S. and Iran over the latter s nuclear program, U.S. officials have apparently felt obliged to reassure Saudi Arabia by supporting its war in Yemen.The problem is that Saudi Arabia s war in Yemen compromises both U.S. interests and its moral standing. Our interests are harmed because undermining the Houthis and contributing to the power vacuum in the country has benefitted the position of al-Qaeda in the Arabian Peninsula (AQAP), which happens to share Saudi distaste for the Houthis.The Saudis succeed in garnering U.S. support in part by characterizing the war as a fight against terrorism. But the Saudis and al-Qaeda are actually in an awkward alliance in this fight, making U.S. help even more misguided.As for our moral standing, by supporting Saudi Arabia s military action, we are a party to serious war crimes and are indirectly at fault for the devastating humanitarian crisis the people of Yemen now face.The Saudi intervention clearly violates the just war tenet of jus ad bellum. That tenet dictates that nations not only have a just cause for going to war but also resort to military force only after all other options have been exhausted. Despite Saudi claims to the contrary, the intervention is clearly not a case of self-defense. The notion that Yemen, the poorest country in the Middle East (kept afloat primarily by Saudi funds), represents a military threat to Saudi Arabia is absurd. And to argue Saudi bombs are justified to prevent future terrorist attacks is to argue for preventive war, which violates just war theory and the UN Charter.The Saudis insist that their actions are legal because the legitimate Yemeni government invited military intervention. But the Hadi government hardly deserves the label legitimate. Hadi was elevated to the presidency after serving in Saleh s autocratic regime as vice president. Once president, Hadi used his position to consolidate power against the Houthis and Saleh loyalists all while misappropriating billions of dollars. A better description would be to call the Hadi government a tool of Saudi Arabia, since Saudi Arabia not only brokered the deal that allowed him to replace Saleh but also enabled him to return to Yemen after the Houthis drove him from the country. Arguing that the Saudis are responding to a call for help is essentially to argue that the Saudis asked themselves to intervene in Yemen.So, if Saudi Arabia s argument for intervention is weak, what s the U.S. s excuse? Any claim that this is a part and parcel of the war on terror is dubious, considering the bombing of Yemen is, if anything, bolstering Islamic extremists. Furthermore, Saudi Arabia itself is a major exporter of the kind of jihadist ideology that drives groups like al-Qaeda and the Islamic State.Even if it were about countering terrorist groups, if the threat to Saudi Arabia from Yemen is remote, the threat to the United States is certainly too small to justify violating the rules of war, international moral norms, and common decency.Beyond placating overexcited Saudi fears of a U.S. strategic tilt towards Iran, there simply is no moral, legal, or strategic justification for what the U.S. is doing in Yemen.About the Authors: Trevor Thrall is an associate professor at the School of Policy, Government, and International Affairs at George Mason University and a senior fellow at the Cato Institute. John Glaser is based in Washington, DC. He has been published in CNN, Newsweek, The Guardian, and The National Interest, among others. READ MORE YEMEN NEWS AT: 21st Century Wire Yemen FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 3, 2017",1 +"SUNDAY SCREENING: Guns, Drugs & the CIA (1988)","This week s documentary screening, curated by our editorial team at 21WIRE. This was quite a groundbreaking investigation and production at the time, which aired on US public television in 1988, detailing the US government s own role, along with the CIA in trafficking in illicit narcotics proceeds that were used to shore up the Contra freedom fighters effort in Nicaragua. The history of the CIA runs parallel to criminal and drug operations throughout the world, but it s coincidental. Is the CIA using drug money to finance covert operations? SEE MORE SUNDAY SCREENINGS HERESUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"April 2, 2017",1 +Assange: β€˜Trump in Conflict with CIA Over Syria Policy’,"This interview with WikiLeaks head Julian Assange might explain John McCain s recent angry outburst over the Trump Administration s announcement that Assad can stay as leader in Syria. Syrianna Analysis: On the German DW-TV channel, Julian Assange said there is a serious conflict between President Donald Trump and the CIA over Syria. The CIA and other security apparatuses don t want him to change the foreign policy of Washington towards Syria. Listen: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV ",US_News,"April 1, 2017",0 +"John McCain Throws Tantrum, Decries Trump for β€˜Letting Assad Stay’","21st Century Wire says A predictable reaction from a pair of increasingly desperate politicians.Perennial war hawks Senators John McCain and his partner Lindsey Graham, have expressed their outrage of recent comments by Trump Administration officials that regime change is no longer a priority for the Washington.McCain warned that President Trump s downgrading on policy, away from the overthrow of the Syrian government, was somehow bad for US interests. Such a policy would only exacerbate the terrorist threat to our nation, said McCain.Since at least 2011, McCain has been intimately involved in helping to foment instability in Syria by leading the program to flood illegal arms into Syria for what he and many other America politicians claimed was for the moderate rebels who were fighting for freedom and democracy. It wasn t long before the world finally figured out what the Syrian people knew all along the moderate rebel was a public relation tool, invented by Washington under the Obama Administration.Sadly for McCain, he hasn t been following the news close enough over the last 3 years to realize that the rest of the world has already figured out the West s transparent proxy terrorist marketing campaign.While McCain s public position is predictable still clinging to the fictional narrative laid down by Obama that the Syria public do not support their President and is therefore illegitimate in the eyes of NATO member states, his partner Senator Graham s position is even more erroneous; based on the a long-debunked lie that Assad crossed the red line and used chemical weapons against his own people. McCain with CIA-backed FSA commander Sam Idris and Mouaz Moustafa of the Washington s creation, the Syrian Emergency Task Force (SETF).What makes McCain s rantings even more obscene, is the fact that he has remained completely pro-war in all its forms, and is in total support of proven international terrorists groups like Al Nusra, the Free Syrian Army FSA and Arar al-Sham. In 2011, McCain snuck into Syria illegally to promise militants weapons and support, as well as a US bombing campaign against the Syrian state a war which almost happened under the pretext of a staged false flag chemical attack in East Ghouta outside Damascus in August 2013. BUSY YEAR: 2011 was a busy year for McCain and Graham supporting militants and terrorists. Here they are pictured with Florida Senator Marco Rubio showing off with extremists after the assassination of Gaddafi and before the eventual implosion of the country following the US-led NATO bombing campaign. Supreme Military Council of Syria meeting US Rep. Adam Kinzinger, Mouaz Moustaf (SETF), and CIA agent Evan McMullin (circa 2013-2014)Since 2011, John McCain, Lindsey Graham, Hillary Clinton, US Congressman Adam Kinzinger and others, in conjunction with Romney-backed CIA operative turned 2016 Presidential candidate Evan McMullin have led calls to support the various terrorist factions within Syria under the CIA crafted banner of Supreme Military Council of Syria and the The Syrian Revolutionary Front have consistently sold the American public a false narrative via by the Muslim Brotherhood, an extremist political organization supported by Obama administration.4 years later, they are still droning on with the same discredited talking points Daniel Chaitin Washington ExaminerSens. John McCain and Lindsey Graham are upset with the Trump administration signaling that removing Syrian President Bashar al-Assad from power is no longer a top priority.During a trip to Turkey, Secretary of State Rex Tillerson said Assad s fate will be decided by the Syrian people. That sentiment was echoed by U.S. Ambassador to the United Nations Nikki Haley, who told reporters, You pick and choose your battles. And when we re looking at this it s about changing up priorities and our priority is no longer to sit and focus on getting Assad out. In a statement Thursday evening, McCain, who is chairman of the Senate Armed Services Committee, said he is deeply disturbed by Tillerson s and Haley s comments. Their suggestion that Assad can stay in power appears to be just as devoid of strategy as President Obama s pronouncements that Assad must go,' McCain said. Once again, U.S. policy in Syria is being presented piecemeal in press statements without any definition of success, let alone a realistic plan to achieve it. Graham, also a member of the Armed Services committee, said that such comments would be the biggest mistake since President Obama failed to act after drawing a red line against Assad s use of chemical weapons. Continue this story at the Washington ExaminerREAD MORE JOHN MCCAIN NEWS AT: 21st Century Wire McCain FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV ",US_News,"April 1, 2017",1 +NEVER BEFORE SEEN: FBI Trove of 9/11 Pentagon Photos Refuels Conspiracy Suspicions,"21st Century Wire says The FBI released 27 never before seen images chronicling the destructive Pentagon attack on 9/11. While the FBI move appears to be an effort to be more transparent, they ve refueled old conspiracy suspicions hidden in plain sight. COVER-UP? Photo Illustration 21WIRE s Shawn Helton To this day, the attacks on September 11th, 2001, have remained some of the most enigmatic crimes of the century.There has been an endless dispute over the how of 9/11 and the who, as well as the various methods used to carry out the atrocities of that day. There s an even heavier debate over what brought down WTC Building 7 and since then, other 9/11 rabbit holes have also challenged the nature of the planes said to be involved in both New York and Washington DC.Whatever your thoughts are concerning planes or other theories on 9/11 it s still worth noting that even the mainstream media admitted at the time that there was, no evidence of a plane at all, following the destruction of a portion of the Pentagon s western side.Watch as Jamie McIntyre, a former Senior Pentagon correspondent for CNN, suggests the lack of evidence supporting the official story surrounding American Airlines flight 77 .Here s one telling image released by the FBI that doesn t appear to support the official story of American Airlines flight 77 s fuselage crashing into the Western side of the Pentagon. Its as if logic and reason were also casualties on 9/11 where is the rest of the plane and why is the crater so small? PENTAGON TALES What really happened here? (Image Source: vault.fbi.gov)In another telling image, part of the damage seen at the Pentagon on 9/11 looks errily reminiscent to that of the Oklahoma City bombing INTERIOR EXPLOSION? Why does this look similar to the damage at OKC IN 1995? (Image Source: abcnews)The FBI releases also contained images of twisted plane parts that curiously lacked evidence of fire damage given the devastating crime scene, it s hard to see how that would be possible.See the FBI photos here for yourself and ask yourself one single question: where is the Boeing passenger airliner? . More from Free Thought Project below BREAKING: The FBI Just Released Never Before Seen Photos of 9/11 Pentagon WreckageClaire Bernish Free Thought ProjectAfter surreptitiously releasing to the public one week ago, the FBI unceremoniously announced today the unprecedented release of never-before-seen images from the attacks of September 11, 2001, and some of the pictures evoke still more questions.Others could be seen as putting to rest a popular theory American Airlines Flight 77 never actually smashed into the Pentagon. The FBI Vault release is minute in size, to say the least with a mere 27 images comprising the file and does not include video, audio, nor anything other than photos.But, given the stony silence from the U.S. government toward families of victims of the attacks, even the meager disclosure is a welcome morsel of information with the potential to provide answers.Indeed, in the very first image, labeled plainly, 9-11 Pentagon Debris 1, a single piece of wreckage sits isolated on a parcel of lawn bearing the American Airlines logo and marked with letters and numbers.More from Free Thought Project here SEE ALSO: What to Expect From BBC Panorama and Guardian s Whitewash of UK Gov t Funding Terrorists in SyriaSEE ALSO: The Guardian Exposed Conning Public into Financing Independent Journalism SEE ALSO: White Helmets & Local Councils Is the UK FCO Financing Terrorism in Syria with Taxpayer Funds?SEE ALSO: A Guide to Mainstream Media Fake News War PropagandaSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV ",US_News,"March 31, 2017",0 +Boiler Room #103 – Smoking Gunz,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Daniel Spaulding of Soul of the East, Funk Soul, Randy J, Stewart Howe (ACR/21WIRE contributors) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and third episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis and the usual gnashing of the teeth of the political animals in the social reject club.Listen to Boiler Room #103 Smoking Gunz on Spreaker.Direct Download Episode #103Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 30, 2017",0 +EP #19: Patrick Henningsen LIVE – SEASON FINALE – Open Phones," This is the final episode of Patrick LIVE on Independent Talk 1100 KFNX and globally at Alternate Current Radio THIS WEEK: Episode #19 This week we we wrap-up an amazing run on 1100 AM KFNX first hitting the headlines with Al Gore s hot air, BREXIT and the liberal academia s attack on 21st Century Wire and new scourge of alternative narratives . So we ask our listeners: is there any objective integrity left in America academia? We ll find out Tonight, host Patrick Henningsen is joined a Motley cast of VIP callers to hit the issues of the day, one last time Listen to EP #19: Patrick Henningsen LIVE with Open Call Line on Spreaker.For the last five months this program has been broadcasting LIVE every Wednesday night from 8pm and 9pm PST, in the post-drive time slot and after the Savage Nation, on Independent Talk 1100 KFNX over the terrestrial AM band across the greater Phoenix and central Arizona region, and live over global satellite and online via www.1100kfnx.com and syndicated on the Alternate Current Radio Network. LISTEN TO MORE INTERVIEWS AT PATRICK HENNINGSEN LIVE SHOW ARCHIVES",US_News,"March 30, 2017",0 +Episode #4 – DRIVE BY WIRE: β€˜DC Rabbit Holes’ with Patrick & Shawn," MEMBERS can join co-hosts Patrick Henningsen and Shawn Helton from 21WIRE for the best morning commute show going, DRIVE BY WIRE , shown in full here at 21WIRE.TV .EPISODE #4 21WIRE writers Patrick and Shawn talk about the big Russian Investigation currently going on in Washington, as well as the recent London Attack and some of the chief anomalies present in that event, and also US troops in Syria MEMBERS CAN WATCH THE FULL EPISODE HERESUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 30, 2017",0 +Al Gore: Climate Change is β€œPRINCIPAL” Cause of Syrian War,"21st Century Wire says Can you say: out of touch ?Al Gore may have finally proven that he has completely lost touch with reality after his recent comments in London during an interview.The former Vice-President and professional alarmist extraordinaire said that climate change is a principal cause of the Syrian conflict, and even, those in the region recognize that [too] .In the following video report, you ll hear exactly why that explanation is not only intellectually insulting, but how it shifts the blame away from those who are truly responsible for the Syrian crisis, because it certainly was not your SUV driving neighbour: READ MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 29, 2017",0 +Fake News: The Unravelling of US Empire From Within,"Setting the Stage of the Press-President War.US ruling ideology and Washington power have become unstuck as never before. A war of opposing certitudes and denunciations is waged day to day between the long-ruling US corporate media and the White House. Both continuously proclaim ringing recriminations of the other s fake news . Over months they both portray each other as malevolent liars. Prof. John McMurtry Global ResearchUS bully pulpits are now beyond show disagreements and successful media inquisitions of the past. Slanderous accusations long confined to vilifying the designated Enemy have crept into accusations of the President himself. The Russians are coming is returning as the final recourse of smear to stop deviations from the global program of hugely profitable enemy hate and perpetual preparations for foreign war.The ruling big lies of the US money party and corporate globalization have divided into opposing camps. The Press and the President denounce each other non-stop on the public stage, while US dark state agents take sides behind the scenes.Fake news is the medium of battle.Tracking the Real Fake News Built into Corporate GlobalizationBeneath the civil war of official narratives, cognitive space opens for truth long suffocated by the Washington Consensus . Even the US-led G-20 has recently agreed not to automatically condemn protectionism as an economic evil. The battle slogan of transnational corporate rule over 30 years has been quietly withdrawn on the global stage.Is the big lie of free trade finally coming to ground? It has long led the hollowing out of societies and life support systems across the world in a false mass promotion as freedom and prosperity for all . In fact beneath the pervasive fake news, a closed-door transnational corporate command system forces all enterprises across borders into a carbon-multiplying trade regime with thousands of rules to protect the transnational corporate looting and ruin of home economies and environments as the only rights enforced.Propagandist names and fake freedoms are proclaimed everywhere to conceal the reality. The corporate-investor regime has stripped out almost all evolved protections of workers, ecologies and social infrastructures. Non-stop liquidations and roboticizations of local jobs and enterprises are reversed in meaning to jobs, jobs, jobs and higher living standards , the very opposite of the facts. Destabilization and bombing wars attack resource-rich and air-defenceless societies outside the circle of treaty subjugation.False news allows every step. Even the happy-face Trudeau regime is taken aback by the tidal shift to national priorities. Its ministers scuttle around the US in near panic to find common cause for restoring the unaccountable regime. Multiplying carbon, disemployment and ecological plunder are ignored throughout in the longest standing fake news of all economic growth .In fact, there is no real economic growth in universal life necessities or reduction of waste. The only growth is of volumes and velocities of transnational money exchanges, foreign commodities, and private profits to the top. More prosperity for nations and the world means, decoded, more transnational corporate-state treaties to deprive nations of their rights to organization and production for citizens real needs as well as organically regulated protection of environments and ecosystems.The consequences covered over by pervasively false cover stories are speeded-up ecocidal extractions, permanent disemployments, and wastes hemorrhaging into cumulatively more polluted oceans, air, atmosphere and life habitats. Corporate-state solutions of carbon markets for pollution rights have nowhere reduced any of these life-and-death crises, but only further and selectively enriched transnational corporations.As for the Obama solution, we need more Canadas , fake news again conceals the reality. Beneath the global celebrity hype covering empty and broken promises, Canada s Trudeau regime is essentially a brand change of PM rhetoric to advance transnational corporate dictates as free trade and to ensure oil pipelines out of the most polluting oil basin in the world, Alberta s tar-sands, are built through water basins and indigenous lands across Canada and the US. One cannot help but observe this is Trump s plan too, and overrides Trudeau s promises to protect Canada s first peoples.I recently sent a letter to my local MP requesting evidence for what PM Trudeau promises over months of repetition that more free trade means a better life for those in the middle class and those wanting to join the middle class . As always, there is no evidence to support the non-stop false news from the PMO. Revealingly, the middle class turns out to be people making $180,000 a year slated to get significant tax cuts.Trump s rogue elephant charge on Washington-led lies, war, and dispossession of the working class is no solution to life-blind corporate globalization. Trump in office is a US nationalist oligarch commanding policies even more blindly rapacious in despoliation of the environment and transferring far more public wealth to the rich.The common ground of all our lives, collective life capital, does not exist for any government in the free world or any policy of globalization . The lies that must be promulgated to advance the private corporate agenda are built into its transnational command system from the beginning.Out of the Ruling Memory Hole with the Internet CommonsJoining the dots shows that every step of US money-party globalization has, in fact, been driven by fake news.No corporate media tolerance has been given in a quarter of a century to any voice demanding accountability to the common life-ground of citizens. A new game of numbers has proceeded instead. At most, a euphemistic climate change has been endlessly debated while the totalizing destabilization of human and planetary life cycles remains without a name or collective response. Only more profitable market panaceas which do not reduce any pollution continue to divert from the deepest degenerate trends destroying the planetary life host.On the upside, the big lies of free trade and humanitarian wars have been called into official question for the first time by the Trump presidential campaign, and he has been elected against the official line. Yet opposing camps are still at each other s throats. So the perpetual fallback on accusing the long-designated foreign enemy is triggered by the fallen establishment. The fake news chorus of Russia s aggressions now includes collusion of the Trump administration with its officials to win the US election. This mainspring diversion from reality is called back from the dead witch-hunts of the past. As then tool, facts do not count, only accusations do. The official media line is almost predictable: Russia is behind Trump s election victory. As always, reverse projection is the mass-psyche operation to blame an official Enemy to divert attention from the life-and-death facts. The Enemy is once again accused of doing what the US has always done worse as the reason for attacking It. Russia is the usual placeholder in this reverse-blame operation. The 2016 US election of Trump is the latest variation.Meanwhile throughout the election and its aftermath, the new transnational internet commons including Wiki-leaks over a decade has increasingly laid bare the greatest propaganda machine in history now in many-leveled crisis. The long normalized half-truths, one-sided slanting of the facts, and non-stop fallacies of inference are coming out into the open as never before. The pretexts and lies for US imperial bullying and war are exposed beyond any corporate-media gate.This time the accusation is interference and attack on the US presidential election with no evidence of wrongdoing or vote manipulation whatsoever. Yet as in the long past, the method is smear with no evidence for the accusations. Ever more media repetition and shadowy insinuation does the job. It has always worked before, why not again since all the other media buttons pushed on taking down the Trump peace initiatives with Russia and opposition to globalization of US jobs have failed.Having wondered during the election campaign whether we could be friends with Russia and promoted diplomatic relations into his administration, Trump can be named as the enemy in hiding to be rooted out. The real problem the fake news never mentions is that he threatens the cornerstone of the US war state over 70 years.So when Trump won the election with his heresy still intact, the ever-ready accusation of evil-Russia connection moves into high gear although the target is the opposite of communist and an epitome of capitalist riches and connections. We see here the historical mind-lock compulsion to blame the Enemy Russia and smear whoever dissents from it, even if it is a bully-capitalist president. There are very big stakes in keeping the game going.Yet the no-profit and unpaid analyses from the internet commons have no such ulterior motive and interest in false accusations. With more objectively informed analysts than the commercial press and unimpeachable facts like WikiLeaks going to tens of millions of readers across the world, the genie is out of the bottle. The official grand narrative and its normalized big lies are coming apart at the seams.So blame as usual is diverted onto the accepted Enemy, now conniving with Trump to attack the 2016 US presidential election. Beneath the fake news, the fact is that positive diplomatic relations with Russia not only threaten to stop the highly profitable permanent war against it, but spike the longest pretext for US war and military domination now moving through Ukraine.The free internet commons cannot be gagged for telling the truth. Freedom of speech in the US cannot be openly stopped without fatal loss of legitimacy of rule.So the rest follows. All the non-corporate and non-profit messages from the critical sites on the internet commons which are speaking against the US war state inside are now vilified as fake news . A third, unofficial protagonist has entered the battle with no private profit or career motive or corporate boss to serve and a wealth of proven professional knowledge and talent at work. It has to be denounced to sustain the big lies of the ruling money-war game which is in deepening crises and conflicts all the way to the unprecedented US President-Press civil war.The Harvard Proclamation of a New Memory HoleThe innermost fount of US ideology and war, Harvard University, has now stepped in. It is officially naming and denouncing US-critical internet sites for fake news .Not even the medieval Church went so far in its Index Librorum Prohibitorum of prohibited writings. It was at least innocent of scientific method and openly declared its dogmas. Not Harvard.Underneath notice, all the sites it attacks are internet commons, and none are financed by private corporate donors and captive institutions while Harvard and the corporate media are. This is the real battle agenda underneath, the long war to privatize the news for profit as everything else with anti-establishment internet criticism now the target.In the background, Harvard University has long propagated an unexamined academic method. It normally cuts off any faculty or learned source of opposition to the private corporate rule of America and the wars of aggression to impose it on the world. Accordingly, the underling grand narrative equations of the US is Good and the designated Enemy is Evil is not questioned. It is presupposed. Malevolent motives are always assumed of the designated Enemy, down to Harvard-produced geostrategic economic and war models. So when a host of internet commons sites challenge the grand narrative framework, Harvard and satellites denounce them to stop people reading them. A long list of critical sites is accused without criteria, proof or evidence as all spreaders of fake news .What is not recognised here is that only on the internet commons can the process of truth be free from ruling pressures to control message for external sponsors.Here there is no commercial-profit condition to speak and write, and no livelihood dependence on private profit. There is no inducement to avoid life-and-death issues in academic obfuscation or ad-vehicle style. Internet authors not on the payroll can be free of the game of all games behind the scenes enriching the rich further with no life-coherent criterion of truth.These underlying conditions of the internet commons and free speech itself cannot be recognised by the academy or the corporate press without undercutting their proclaimed status as the only legitimate founts of truth. The internet commons is a new world of competitive capacities to research, understand and disseminate not bound by private money patronage (as over centuries in Harvard University).When challenged in this way, Harvard (and the official press) are set back on their heels. They cannot think the facts through because their instituted presumptions have long been what they must presuppose and not question to acquire their credentials and pay for public speech. They must attack what calls all this into question if it effectively speaks truth to power to expose or de-legitimate the ruling system narrative as false. Harvard and the US press thus follow the reigning method of reverse projection. They accuse the effective opposition of fake news .The most revealing fact here is that Harvard authority as other academic administrations proceed in name-calling without any valid argument or demonstration the very basis of reasonable conclusion. Yet this is such a long tradition of presumptive accusation allowed against anyone designated as the Enemy, and anyone else exposing the falsehood of the ruling US story of moral superiority over all others and God s blessing to lead the world by force or money.This is why only dissenting sites from the official storyline of US freedom and rightness in all things are accused as fake news . Accusation of opposing positions is so well-worn into conditioned brains that endless repetition locks it in as self-evident. This is why attributions of vile motive are automatic from Harvard or the New York Times for any outside leader opposing US interference in their countries including elections. US hypocrisy here is staggering, but unreported. In fact, Harvard s life-blind elite of war criminal geo-strategists, economic modellers and so on are fawned upon within the wider corporate rule they serve.None can engage critical facts and thought challenging the US moral superiority assumptions because they have never been required to consider them. So they denounce them as once the Church denounced apostasy.In the end, US system worship is a war-state religion. It eliminates all enemies to its right to rule. Its globalizing system institutes the market laws of God. War crimes are God-blessed justice.Freedom of Speech, the Process of Truth, and the US ConstitutionLed by senior academics, journalists and technical expertise, the internet commons provide for the first time impartial witness and free speech open to public examination and circulation across borders. They are free from corporate-rank dictate and private copy-right control.In consequence, the internet commons are liberated from private corporate profit as controlling goal. Those who know what they are talking about can speak truth to dogma and power without words to appease editors, business boards and ad revenues. Truth itself is not defined, but its principle of process is a more inclusively consistent taking into account towards life-coherent conclusionDespite Google black-holing of radical legal facts, CIA penetration of Wikipedia, and so on, the internet commons freedom of speech is far beyond anything guaranteed in the US constitution. In fact, the sacred US Constitution that all presidents give oath to preserve, protect and defend guarantees in the end only freedom of public speech to private money demand.Long before the Supreme Court s 2010 decision reverse-titled as Citizens United , the US constitution was structured to one overriding end to remove prior limits to private-money right over all else,including to begin, the rule of British law and the lands of the first nations West of the Appalachians.This is why no common life interest exists in the US Constitution from the start. People s universal human life necessities of water, food, protection and liveable environment are ruled out a-priori. This is why civil rights themselves were first federally enforced by the commerce clause protecting freedom of commercial bus passengers including blacks to cross borders.It is also why the Fourteenth Amendment to protect the equal rights of freed slaves ended up being the legal basis for private-profit corporations and wealthy funds to acquire the constitutional rights of living persons (e.g., to freedom of speech for big money to buy elections and to avoid government access to financial records).Even the iconic rights of life, liberty and happiness turn out to be in fact only private market rightswhich allow corporate fictive persons to unlimited money wealth, protection against public redistribution, and the freedom of private wealth alone to speak to America by buying corporate self promotions and election attack ads.The US Constitution fix goes all the way back to 1787. As professor of constitutional law at Chicago s iconic Kent College of Law, Matthew Stanton, explains in personal correspondence: [The fix] goes all the way back to the 1787 coup where the 39 signatories to the Constitution sequestered themselves in a Philadelphia meeting house, with locked doors and shuttered windows, to ostensibly make adjustments to the Articles of Confederation, but instead delivered an entirely new document that enabled creating a federal system centralizing control of the economy by propertied wealth .Russia the Enemy: the Deus ex Machina of Fake NewsWe may recall that the corporate-press and Wall-Street-enriched candidate for the presidency, Hillary Clinton, started the accusation of fake news to explain her defeat. As establishment mask of the politically correct masses with the money-war party as her paymaster, Clinton blamed her fall in the 2016 US election on the new enemy she saw arising against the official story and herself. When the glass mirror story line did not take, she joined forces with the corporate media on another plane. Fake news misled Americans. The New York Times, the Washington Post, the TV Networks, and other establishment tale tellers saw pay-dirt far beyond Clinton s failed bid for president.In fact, the corporate mass media were losing marketability by the escalating appeal of free social media. The once all-powerful press propaganda system has been increasingly deserted. The fake news story provided a media base to condemn free internet news and commentary as immoral. The 2016 election became the leverage for a big market grab back.Very soon it was not just fake news to spike news cycles and subscriptions. War as peace and corporate globalization as freedom found its long place of rule the enemy of Russia to blame. Now the news can be that Russia hacked and attacked the lost 2016 election. Russia may be a hollowed-out shell by global corporate and oligarch dispossession. But it can still continue as pretext for US-NATO war crimes and aggression reverse-blamed on it. As the European breadbasket and newly discovered fossil-fuel rich nation, Ukraine is a very big prize. Now in Ukraine s US-led coup aftermath and ethnic civil war, evil Russia can be an ace card again to accuse for attacking the US election.Since Russia led by Putin is drawing the line as in Crimea to support the Russia-speaking region against US-led war crimes under international law (documented in previous articles), all roads connect. Russia s uncontrolled aggression is reverse-projected onto the victim again in a glorious new use. Reverse blame it for interference in the US election of Trump and kill Russia-US peace initiatives at the same time. No fact is required to verify the accusation, and no law broken is needed to insinuate treason of whoever relates with Russia s officials in peace initiative. It can work even against an elected US president.At the same time, the US s own record attacking other nations elections and societies is thereby erased as well continually orchestrating mass-murder and dictatorship to sabotage the electoral process from Vietnam and Chile to Ukraine in 2010 and Latin America social democracies since.If it were a story of reverse projection by a mass-murderous psychopath, it would be too much to believe. Yet it now runs the US news cycle as the big story unfolding with no evidence of US illegality, force, or non-compliance with international law. The accusations run by themselves in US media culture and across the empire. So as 2017 Spring breaks, endless media insinuations of treason seep into the populace from corporate media sites across borders with backrooms and Congress setting up for another presidential inquisition.It is interesting to observe two precedents. Past inquisitions were unfolded soon after Bill Clinton said in India, it s time to level up rather than down in global trade and Richard Nixon founded the Environmental Protections Agency, stopped corporations from outsourcing US jobs, and made peace with China as Trump sought with Russia.The ludicrous hypocrisy, factual vacuum, and war-drums of blame-the-enemy go into high-volume operation again, led by an attack-dog media against the elected US president whose only action has been to have business-like relations with Russia. Few observe the immense stakes of the US media and war establishments in this process. Cui bono? who benefits? is the question never asked Continue this article at Global ResearchREAD MORE ABOUT FAKE NEWS AT: 21st Century Wire Fake News Files",US_News,"March 28, 2017",0 +SUNDAY SCREENING: β€˜Air America: The CIA’s Secret Airline’ (2000),"Our weekly documentary film, curated by our editorial team at 21WIRE. EDITORS NOTE: At times, this film might sanitise the CIA infamous operation in Southeast Asia, just short of glorifying it, but the detail and over view of this piece of history is extremely education especially when you consider how similar operations are doing the exact same operation in Turkey, Pakistan and Yemen. From its origins with the legendary Flying Tigers of WWII to the final days of the Vietnam War, the covert program of Air America is one of the most clandestine operations in CIA history. Watch: SEE MORE SUNDAY SCREENINGS HERE",US_News,"March 26, 2017",1 +"Collapsing: Why the β€˜Russia Hack’ Witch Hunt Will Not End Well for Congress, or America","21st Century Wire says Washington s Russian witch hunt is now collapsing before our eyes. As host Patrick Henningsen revealed last Wednesday on ACR Radio, the supposedly damning information submitted by the FBI s private cyber security contractor Crowdstrike, of which the entire Russian Hack conspiracy theory hinges on is fraudulent. Here is a link to their primary invented piece of evidence included in the US Intelligence Assessment. This means that we were correct back on Nov 1st when we said the Russian Hack story was a hoax designed distract from the explosive contents on the DNC and Podesta email leaks, and also to bolster a failing Hillary Clinton campaign by discrediting Donald Trump as being somehow in league with the evil Russians.If they keep pressing this story, it will only hurt the credibility of a Democratic Party that still refuses to admit the abject failures and corruption within of their political organization.Now the question remains: how more millions in US taxpayer money will Hollywood s Congressman Adam Schiff, and ringleaders Lindsey Graham waste before they re done trying to look tough on Russia and Trump? Will they be held accountable by anyone?In the end, we discover that Schiff, Feinstein, Graham, McCain and so many others in Washington have done extreme damage to American interests, and in the long run to national security. Here s the story US Congressman and NeoMcCarthyite Adam Schiff has himself become a ridiculous-looking caricature as of late. Justin Raimondo Antiwar.comThe allegation now accepted as incontrovertible fact by the mainstream media that the Russian intelligence services hacked the Democratic National Committee (and John Podesta s emails) in an effort to help Donald Trump get elected recently suffered a blow from which it may not recover.Crowdstrike is the cybersecurity company hired by the DNC to determine who hacked their accounts: it took them a single day to determine the identity of the culprits it was, they said, two groups of hackers which they named Fancy Bear and Cozy Bear, affiliated respectively with the GRU, which is Russian military intelligence, and the FSB, the Russian security service.How did they know this?These alleged hacker groups are not associated with any known individuals in any way connected to Russian intelligence: instead, they are identified by the tools they use, the times they do their dirty work, the nature of the targets, and other characteristics based on the history of past intrusions.Yet as Jeffrey Carr and other cyberwarfare experts have pointed out, this methodology is fatally flawed. It s important to know that the process of attributing an attack by a cybersecurity company has nothing to do with the scientific method, writes Carr: Claims of attribution aren t testable or repeatable because the hypothesis is never proven right or wrong. Neither are claims of attribution admissible in any criminal case, so those who make the claim don t have to abide by any rules of evidence (i.e., hearsay, relevance, admissibility). Likening attribution claims of hacking incidents by cybersecurity companies to intelligence assessments, Carr notes that, unlike government agencies such the CIA, these companies are never held to account for their misses: When it comes to cybersecurity estimates of attribution, no one holds the company that makes the claim accountable because there s no way to prove whether the assignment of attribution is true or false unless (1) there is a criminal conviction, (2) the hacker is caught in the act, or (3) a government employee leaked the evidence. This lack of accountability may be changing, however, because Crowdstrike s case for attributing the hacking of the DNC to the Russians is falling apart at the seams like a cheap sweater.To begin with, Crowdstrike initially gauged its certainty as to the identity of the hackers with medium confidence. However, a later development, announced in late December and touted by the Washington Post, boosted this to high confidence. The reason for this newfound near-certainty was their discovery that Fancy Bear had also infected an application used by the Ukrainian military to target separatist artillery in the Ukrainian civil war. As the Post reported: While CrowdStrike, which was hired by the DNC to investigate the intrusions and whose findings are described in a new report, had always suspected that one of the two hacker groups that struck the DNC was the GRU, Russia s military intelligence agency, it had only medium confidence. Now, said CrowdStrike co-founder Dmitri Alperovitch, we have high confidence it was a unit of the GRU. CrowdStrike had dubbed that unit Fancy Bear. Crowdstrike published an analysis that claimed a malware program supposedly unique to Fancy Bear, X-Agent, had infected a Ukrainian targeting application and, using GPS to geo-locate Ukrainian positions, had turned the application against the Ukrainians, resulting in huge losses: Between July and August 2014, Russian-backed forces launched some of the most-decisive attacks against Ukrainian forces, resulting in significant loss of life, weaponry and territory. Ukrainian artillery forces have lost over 50% of their weapons in the two years of conflict and over 80% of D-30 howitzers, the highest percentage of loss of any other artillery pieces in Ukraine s arsenal. Alperovitch told the PBS News Hour that Ukraine s artillery men were targeted by the same hackers, that we call Fancy Bear, that targeted DNC, but this time they were targeting cell phones to try to understand their location so that the Russian artillery forces can actually target them in the open battle. It was the same variant of the same malicious code that we had seen at the DNC. He told NBC News that this proved the DNC hacker wasn t a 400-pound guy in his bed, as Trump had opined during the first presidential debate it was the Russians.The only problem with this analysis is that is wasn t true. It turns out that Crowdstrike s estimate of Ukrainian losses was based on a blog post by a pro-Russian blogger eager to tout Ukrainian losses: the Ukrainians denied it. Furthermore, the hacking attribution was based on the hackers use of a malware program called X-Agent, supposedly unique to Fancy Bear. Since the target was the Ukrainian military, Crowdstrike extrapolated from this that the hackers were working for the Russians.All somewhat plausible, except for two things: To begin with, as Jeffrey Carr pointed out in December, and now others are beginning to realize, X-Agent isn t unique to Fancy Bear. Citing the findings of ESET, another cybersecurity company, he wrote: Unlike Crowdstrike, ESET doesn t assign APT28/Fancy Bear/Sednit to a Russian Intelligence Service or anyone else for a very simple reason. Once malware is deployed, it is no longer under the control of the hacker who deployed it or the developer who created it. It can be reverse-engineered, copied, modified, shared and redeployed again and again by anyone. In other words malware deployed is malware enjoyed! In fact, the source code for X-Agent, which was used in the DNC, Bundestag, and TV5Monde attacks, was obtained by ESET as part of their investigation! During our investigations, we were able to retrieve the complete Xagent source code for the Linux operating system . If ESET could do it, so can others. It is both foolish and baseless to claim, as Crowdstrike does, that X-Agent is used solely by the Russian government when the source code is there for anyone to find and use at will. Secondly, the estimate Crowdstrike used to verify the Ukrainian losses was supposedly based on data from the respected International Institute for Strategic Studies (IISS). But now IISS is disavowing and debunking their claims: [T]he International Institute for Strategic Studies (IISS) told [Voice of America] that CrowdStrike erroneously used IISS data as proof of the intrusion. IISS disavowed any connection to the CrowdStrike report. Ukraine s Ministry of Defense also has claimed combat losses and hacking never happened . The CrowdStrike report uses our data, but the inferences and analysis drawn from that data belong solely to the report s authors, the IISS said. The inference they make that reductions in Ukrainian D-30 artillery holdings between 2013 and 2016 were primarily the result of combat losses is not a conclusion that we have ever suggested ourselves, nor one we believe to be accurate. One of the IISS researchers who produced the data said that while the think tank had dramatically lowered its estimates of Ukrainian artillery assets and howitzers in 2013, it did so as part of a reassessment and reallocation of units to airborne forces. No, we have never attributed this reduction to combat losses, the IISS researcher said, explaining that most of the reallocation occurred prior to the two-year period that CrowdStrike cites in its report. The vast majority of the reduction actually occurs before Crimea/Donbass, he added, referring to the 2014 Russian invasion of Ukraine. The definitive evidence cited by Alperovitch is now effectively debunked: indeed, it was debunked by Carr late last year, but that was ignored in the media s rush to prove the Russians hacked the DNC in order to further Trump s presidential ambitions. The exposure by the Voice of America of Crowdstrike s falsification of Ukrainian battlefield losses the supposedly solid proof of attributing the hack to the GRU is the final nail in Crowdstrike s coffin Continue this story at Antiwar.comREAD MORE RUSSIAN HACK NEWS AT: 21st Century Wire Russian Hack FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER@ 21WIRE.TV ",US_News,"March 25, 2017",0 +Boiler Room #102 – Tales From The Black Pill,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Funk Soul, Stewart Howe (ACR/21WIRE contributor) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and second episode of BOILER ROOM. Turn it up, tune in and hang with the ACR Brain-Trust for this weeks boil downs and analysis on the London terror events, proof that the sad failure of identity politics that can and does lead young people to an early death, the voracity of Dr. Phil s alleged expos on systemic pedophile rings in the circles of powerful elites and the usual gnashing of the teeth of the political animals in the social reject club.Listen to Boiler Room #102 Tales From The Black Pill on Spreaker.Direct Download Episode #102Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 24, 2017",0 +Elite Nazi-allied Order From Hungary Claims Trump Adviser Sebastian Gorka Is Sworn Member,"Lili Bayer and Larry Cohler-Esses HaaretzSebastian Gorka, President Trump s top counter-terrorism adviser, is a formal member of a Hungarian far-right group that is listed by the U.S. State Department as having been under the direction of the Nazi Government of Germany during World War II, leaders of the organization have told the Forward.The elite order, known as the Vit zi Rend, was established as a loyalist group by Admiral Miklos Horthy, who ruled Hungary as a staunch nationalist from 1920 to October 1944. A self-confessed anti-Semite, Horthy imposed restrictive Jewish laws prior to World War II and collaborated with Hitler during the conflict. His cooperation with the Nazi regime included the deportation of hundreds of thousands of Jews into Nazi hands. STRANGE CHARACTER: People are now questioning why Trump hired bizarre Hungarian author as his terrorism expert.Gorka s membership in the organization if these Vit zi Rend leaders are correct, and if Gorka did not disclose this when he entered the United States as an immigrant could have implications for his immigration status. The State Department s Foreign Affairs Manual specifies that members of the Vit zi Rend are presumed to be inadmissible to the country under the Immigration and Nationality Act.Gorka who Vit zi Rend leaders say took a lifelong oath of loyalty to their group did not respond to multiple emails sent to his work and personal accounts, asking whether he is a member of the Vit zi Rend and, if so, whether he disclosed this on his immigration application and on his application to be naturalized as a U.S. citizen in 2012. The White House also did not respond to a request for comment.Continue this story at HaaretzREAD MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 24, 2017",0 +Russian Street Preacher vs. American Students,"21st Century Wire says Here s some intense debate.Yesterday afternoon, Stuart J. Hooper ran into the Russian Street Preacher, Brother Mikhail, on the campus of the University of New Mexico.Brother Mikhail was giving somewhat of an explosive sermon outside of the student union building, and sat down with Stuart to discuss his philosophy, thoughts on President Trump and Hillary Clinton.Check out everything that happened right here: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 23, 2017",0 +Trump Was Right: Latest Arrests Prove Threats to Jewish Centers in US Were False Flags," J.R. Smith 21st Century WireFor the last two months, the US media has continued to ramp-up the alleged alarming trend of hate crimes against Jewish institutions and sites in America. On March 13th, CNN ran the headline, Jewish Center Bomb Threats Top 100; Kids Pulled from Schools. Clearly, media outlets like CNN were pushing a sensational, fear-based narrative, and propagating the idea that there is a crisis .Initially, Donald Trump expressed skepticism about the rather bizarre and completely spontaneous spike in reports of attacks and threats to Jewish facilities in the US, suggesting in late February that the threats were being done to make others look bad, inferring that this string of events might be a false flag. Predictably, Trump was roundly attacked for questioning the anti-Semitic narrative.It turns out, that Trump was very likely correct. On Thursday, a 19 yr-old US-Israeli dual citizen was arrested by Israeli police in conjunction with an ongoing FBI investigation into the supposed wave of threats made to Jewish communities and institutions in the United States, as well as in several other countries over the past few months. So far, the suspect is said to be behind the majority of the threats and used cyber-camouflage software to conceal his identity while carrying out his erroneous false flag actions. Also, according to an Israeli government official, the suspect s father has also been arrested on the same charges indicating this was a coordinated, organized effort.The Israeli father and son duo were not the only party in on this trend either. Earlier this month we learned also that the FBI had arrested a former journalist, Juan Thompson, who the bureau say was behind at least eight cases. Authorities described his menacing calls as part of his campaign to harass a woman, said the Washington Post. The Williams case was almost invisible in the US mainstream media who seems to have collectively opted not to give this, or any other related revelations, a fraction of the oxygen which it originally gave the slew of alleged hate crimes. Arrested: Andrew McClintonIf anyone should be skeptical of false flag hate crimes, it s Trump. During, and after the US election, a string of faked hate crimes were carried out and eventually exposed as fake incidents all designed to discredit Donald Trump and his supporters. The worst of these was a fake racist attack on a church in Greenville, Mississippi which was burned down, with the words Vote Trump spray-painted on the wall. Pro-Clinton news outlets all loudly ran the story without questioning its merit or its timing. The media bought it, of course, but it was later revealed that the incident was a false flag staged just days before the November election. The arsonist turned out to be an African-American and de facto Hillary Clinton supporter, Andrew McClinton of Leland, Mississippi.In addition to the fake church attack, liberal and Democratic Party supporters and media operatives also promoted astring of fake hate crimes against Muslims, including a fabricated a story in Lafayette, Louisiana, where a Muslim woman lied to police about being attacked and having her hijab ripped off, and a similar fabricated story by another Muslim woman in New York who made up a fake hate crime on subway. In both instances, the media, eager to use these dubious stories in order to inflict political damage against Trump, ran gleefully with the story.One cannot calculate the real damage done to trust between communities and faith and ethnic relations, as a result of all of these fake hate crime stunts and their initial media coverageTrump surrogate Anthony Scaramucci echoed the President s suspicion of the sudden spate of threats to Jewish sites in the US:It's not yet clear who the #JCC offenders are. Don't forget @TheDemocrats effort to incite violence at Trump rallies https://t.co/uTBFGhI0Kh Anthony Scaramucci (@Scaramucci) February 28, 2017Like the President, his former advisor Scaramucci was castigated by a number of media outlets who had adopted the Jewish alarmist narrative of events. Not surprisingly, the pro-Israel, anti-Russian and unofficial NATO mouthpiece, The Daily Beast and its writer Gideon Resnik, helped advance accusations of anti-Semitism against the US President: After a slew of bomb threats forced evacuations at Jewish community centers and schools in 11 states on Monday, President Trump reportedly suggested that the threats may have been done to make others look bad. Unfortunately, this recent denial fits in with a clear pattern that we have seen from Trump, which includes dismissing Jewish reporters asking about violence, refusing to include a reference to Jews suffering in the White House s official statement on Holocaust Remembrance Day, failing to denounce David Duke, tweeting Anti-Semitic imagery, and elevating white nationalist Steve Bannon as his top advisor, DNC spokesperson Eric Walker said.It wasn t long before the notoriously reactionary Anti-Defamation League (ADL) weighed in: Jonathan Greenblatt, the CEO of the Anti-Defamation League, responded by saying: We are astonished by what the President reportedly said. It is incumbent upon the White House to immediately clarify these remarks. This talking point reached a crescendo just in time for President Donald Trump s March 14th speech to Congress, when The Lobby dispatched Pennsylvania Attorney General Josh Shapiro to the White House to try and press Trump just two days after a Jewish cemetery was vandalized in Philadelphia, and a week after a Jewish cemetery in St. Louis was ransacked (in both cases, police had not made any arrests, so it is unknown who did these incidents, or why they did it).In the hysterical atmosphere created in part by the media s amplification of this alleged hate trend and under direct pressure from The Lobby, it appeared that at the last minute Trump was made to inject the Jewish alarmist talking point at the beginning of his address to the Joint Session on national TV. Trump proclaimed the recent threats against Jewish community centers acts of hate and evil, but the insertion of this talking point seemed highly awkward.Still not content with the President s clear patronage of the issue, the Anne Frank Center jumped on the anti-Semitism bandwagon, with its head Steven Goldstein stating afterwards: The president didn t say exactly what he would do to fight anti-Semitism how he could have stayed so vague? We ve endured weeks of anti-Semitic attacks across America and we didn t hear a single proposal from the president tonight to stop them, Goldstein said. All of this smacked of political opportunism by the ADL and its affiliates. But the core failure in all of these stories is the fact that no one working in any of these mainstream broadcast networks had dared question the narrative. Rather than actually doing what their job supposedly is investigating the facts and providing a healthy level of skepticism of politically motivated events and trends that supposedly spring up out of nowhere they all simply repeated what was on the memo.So after all that spinning, it turns out the Donald Trump may be correct and the media, the ADL, the Southern Poverty Law Center, the Anne Frank Center and every other mouthpiece for the Israeli Lobby were all wrong on this issue. Regarding this week s arrest of the 19 yr-old Israeli man, the Washington Post adds:The FBI handed over the information to the Israel police after finding these threats had originated from Israel, Haaretz reported. The investigation began in several countries simultaneously after dozens of threatening calls were received at public places, events, synagogues and community buildings that caused panic and disrupted events and activities in various organizations, the Israel police said in a statement. The result of the threats made by the suspect had caused damage to the communities and to their security and in one case when threats were made by the suspect, caused an airline to make an emergency landing. The Israel police said the suspect had used advanced camouflage technologies when contacting the institutions and making those threats. The youth s computers were seized and he was brought in for arraignment before an Israeli court.Maybe the media should be more careful before jumping to conclusions about WHO is responsible for events that suddenly appear in our news feeds. That includes jumping to conclusions about the ever popular talking point of ISIS-inspired terror attacks in the US, UK, France, and Germany. More often than not, all is not what it seems.READ MORE ISRAEL NEWS AT: 21st Century Wire Israel FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 23, 2017",0 +Media Links Domestic Drone Surveillance to Trump with ZERO Evidence,"21st Century Wire says This is why nobody takes the mainstream media seriously.Foreign Policy has released a new article hyping up the dangers of mass surveillance, specifically talking about the relatively unknown National Geospatial-Intelligence Agency. It talks of the potential for drones to be able to track the movements of every person in a city, and 90% of the article is solely concerned with generating fear.Then, in literally the final two paragraphs the author links the fear and problems, which they have just spent the previous twelve paragraphs hyping up, saying that Trump could use these systems against, innocent American citizens . This is not journalism.Stuart J. Hooper examines the propaganda piece in the following video, and also discusses which candidate Foreign Policy supported during the election. Can you guess who it was? READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 22, 2017",0 +"Shaquille O’Neal: β€œThe Earth is flat. Yes, it is.”","21st Century Wire says No, it is not.Retired basketball megastar Shaquille O Neal has stated that he believes the world is flat.Stuart J. Hooper explains the reasoning Shaq uses to support his claim, and asks if the flat Earth theory has been planted into the alternative news community to discredit the legitimate work that it is doing.Watch the video report here: SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 21, 2017",0 +Billionaire β€˜Bilderberger’ David Rockefeller dead at 101," The Trilateral Commission is international and is intended to be the vehicle for multinational consolidation of the commercial and banking interests by seizing control of the political government of the United States. The Trilateral Commission represents a skillful, coordinated effort to seize control and consolidate the four centers of power political, monetary, intellectual and ecclesiastical. Senator Barry Goldwater, from his book With No Apologies 21st Century Wire says Controversial globalist and banker David Rockefeller has died at 101 years of age.Rockefeller has been described as a philanthropist and banker, yet much of his legacy will forever be tied to the creation of the well-known think-tank the Council on Foreign Relations, The Trilateral Commission and his central role on the steering committee for the secretive Bilderberg Group established in 1954.The Bilderberg Group has often been passed off as an insignificant gathering of corporate CEO s, barons of oil, government top brass and royalty most mainstream outlets still continue to mask the group s influence on foreign policy and world finance but thankfully their exploits have been slowly uncovered with each passing year, as the list of attendees seem to change and grow with each new conference location.For those who still doubt there s a hidden element directing global interests, one only needs to look into the high-powered pursuits of Bilderberg attendees that have been linked to creating a multi-national sovereignty override through many transnational corporations with world trade partnerships like the Transatlantic partnership (TTIP) and Transpacific partnership (TPP), which now excludes the US via an executive order from Donald Trump.The following passage is from the NY Times: He spent his life in the club of the ruling class and was loyal to members of the club, no matter what they did, The New York Times columnist David Brooks wrote in 2002, citing the profitable deals Mr. Rockefeller had cut with oil-rich dictators, Soviet party bosses and Chinese perpetrators of the Cultural Revolution. There was also an immense sphere of influence held by various power-hungry groups such as The Trilateral Commission, brought to fruition in 1973 by David Rockefeller and perennial foreign policy advisor Zbigniew Brzezinski. The Commission was also joined by fellow Bilderberg attendee and longtime policy advisor Henry Kissinger. Contrary to what most people think the vast majority of The Trilateral Commission s members have been from countries outside of America.Rockefeller, like George Soros, is ultimately tied to globalism and vast social engineering programs.More from RT below (Photo Illustration 21WIRE s Shawn Helton)Billionaire banker David Rockefeller dies aged 101RTRockefeller died in his sleep at home in Pocantico Hills, New York, on Monday morning as a result of congestive heart failure, according to a family spokesperson Fraser P. Seitel.The businessman, who had an estimated fortune of $3 billion, retired as head of Chase Manhattan in 1981 after a 35-year career.In the statement from the The Rockefeller Foundation confirming his death, Rockefeller was described as one of the most influential figures in the history of American philanthropy and finance, considered by many to be America s last great international business statesman . Rockefeller, also known as the banker s banker , according to the statement, is said to have donated almost $2 billion over his lifetime to various institutions including Rockefeller University, Harvard University and art museum.David was the youngest of six children born to John D. Rockefeller Jr. and the grandson of Standard Oil co-founder John D. Rockefeller.Rockefeller graduated from Harvard in 1936 and received a doctorate in economics from the University of Chicago in 1940. Appointed president of Chase Manhattan in 1961, he became chairman and CEO eight years later.RT continues here READ MORE ON SOCIAL ENGINEERING: 21st Century Wire Social Engineering FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 20, 2017",1 +What Is Going On With The Secret Service?,"21st Century Wire says This is a string of disturbing stories.Over just the past week or so, the floor plans to Trump Tower were stolen from the car of a Secret Service agent, an intruder was loose on the grounds of the Whitehouse for 16 minutes before being arrested, and a driver approached a Whitehouse checkpoint and claimed he had a bomb in his vehicle.Stuart J. Hooper asks why these events are occurring in the following video report, he considers if the Secret Service itself is compromised or if the hysterical environment in which we find ourselves is leading to an influx of people attempting to harm Trump.Watch the video here: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 20, 2017",0 +Why Has Donald Trump Abandoned the Foreign Policy That Won Him the Election?,"21st Century Wire says President Trump is drifting further into Neoconservative land, and very soon there will be no turning back.Although you wouldn t know it from the US media blackout the US has quietly deployed upwards of 4,000 combat troops in Syria in total violation of both US and international law.Upon closer examination, however, Trump s foreign policy is fast resembling Israel s foreign policy.This is exactly what candidate Trump promised he wouldn t do Doug Bandow The National InterestCandidate Donald Trump offered a sharp break from his predecessors. He was particularly critical of neoconservatives, who seemed to back war at every turn.Indeed, he promised not to include in his administration those who have perfect resumes but very little to brag about except responsibility for a long history of failed policies and continued losses at war. And he s generally kept that commitment, for instance rejecting as deputy secretary of state Elliot Abrams, who said Trump was unfit to be president.Substantively candidate Trump appeared to offer not so much a philosophy as an inclination. Practical if not exactly realist, he cared more for consequences than his three immediate predecessors, who had treated wars as moral crusades in Somalia, the Balkans, Afghanistan, Iraq, Libya and Syria. In contrast, Trump promised: unlike other candidates for the presidency, war and aggression will not be my first instinct. Yet so far the Trump administration is shaping up as a disappointment for those who hoped for a break from the liberal interventionist/neoconservative synthesis.The first problem is staffing. In Washington people are policy. The president can speak and tweet, but he needs others to turn ideas into reality and implement his directives. It doesn t appear that he has any foreign policy realists around him, or anyone with a restrained view of America s international responsibilities.Rex Tillerson, James Mattis and H. R. McMaster are all serious and talented, and none are neocons. But all seem inclined toward traditional foreign policy approaches and committed to moderating their boss s unconventional thoughts. Most of the names mentioned for deputy secretary of state have been reliably hawkish, or some combination of hawk and centrist Abrams, John Bolton, the rewired Jon Huntsman Continue this story at The National InterestREAD MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 20, 2017",0 +"Trump, Liberal Hypocrisy & Humanity’s Future","21st Century Wire says Here s an epic discussion for your Sunday afternoon.Last week, Stuart J. Hooper travelled to Los Angeles and met with YouTube star Hamish The Illusion Patterson; who holds a particularly interesting view on reality.The two also had an epic discussion on the current state of politics, hidden technology, our future on Mars, and the hypocrisy of so-called liberals protesting against Trump who had no problem at all with what Obama was doing, like sending Libya back to the stone age, in the past eight years.Check out the full discussion here: You can follow Hamish on Youtube, Facebook and Instagram.SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 19, 2017",0 +Trump’s Awkward First Date with Frau Merkel,"21st Century Wire says It was an awkward fit of nerves when Donald met Angela During an interview in October 2015, when asked about Chancellor Merkel s open door refugee policy, Trump famously replied, I always thought Merkel was, like, this great leader What she s done in Germany is insane, before adding, They re going to have riots in Germany. This was followed by a number of other disparaging remarks, including the obligatory Twitter rant from then candidate Trump:I told you @TIME Magazine would never pick me as person of the year despite being the big favorite They picked person who is ruining Germany Donald J. Trump (@realDonaldTrump) December 9, 2015It didn t end there either. In March 2016, when commenting on the Cologne New Year s Eve sexual assaults, Trump proceeded to blame Merkel. The German people are going to riot. The German people are going to end up overthrowing this woman [Angela Merkel]. I don t know what the hell she is thinking. With so much bad water under the bridge, it s no wonder how at their press conference the normally bolshy Trump continued to appear sheepish in Merkel s presence a far cry from the campaign trail Vaudeville atmosphere.It s the difference between campaigning and governing READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 18, 2017",0 +Secret Service Laptop Reportedly β€˜Stolen’ had Trump Tower Layout and Clinton Email Probe Details,"21st Century Wire says A laptop was reportedly stolen from a Secret Service agent s vehicle in Brooklyn earlier today. The computer allegedly contained details surrounding the Hillary Clinton email probe, the layout to Trump Tower and other information vital to national security. In this age of America s new and improved trial by media format, you can expect a litany of unfounded accusations concerning the stolen Secret Service laptop.QUESTION: Who stands to benefit the most from the allegedly stolen laptop? And was it really stolen?More from the Daily News below . By Ellen Moynihan Rocco Parascandola A laptop computer containing floor plans for Trump Tower, information about the Hillary Clinton email investigation and other national security information was stolen from a Secret Service agent s vehicle in Brooklyn, police sources told the Daily News.Authorities have been frantically searching for the laptop since it was stolen Thursday morning and are trying to determine if the thief knew what he was taking or randomly targeted the agent s vehicle.NYPD cops were assisting in the investigation but had scant information on exactly what s on the laptop, sources said. The Secret Service is very heavily involved and, citing national security, there s very little we have on our side, a police source said. It s a very big deal. There s data on there that s highly sensitive, the source said. They re scrambling like mad. Daily News continues here READ MORE TRUMP NEWS AT: 21WIRE Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 17, 2017",0 +CLOAKED ORDER: Who’s Really Behind β€˜New Authority’ for CIA Drone Strikes?,"21st Century Wire says Earlier this week, the mainstream media reported that the Trump administration granted the CIA a new secret authority broadening their ability to conduct drone strike operations against suspected terrorists. The new drone provision said to be without oversight from the Pentagon, was brought to our attention by unnamed sources published in the Wall Street Journal But is this the full story?As big media rushed to condemn the Trump administration over the supposedly brand new drone policy given to the CIA, the public has been left without a complete picture.While the new powers allowing the CIA to conduct larger-scale drone operations overseas should be of concern to the public you have to wonder if it was truly issued by the Trump administration or already under place during the Obama administration.While it s no secret that Trump has openly discussed being tough on terror and might be involved with the CIA drone order in some capacity, we should also consider the fact that many Obama and Democratic Party loyalists would like nothing more than to paint the new president in a less than agreeable light, potentially looking to create a political tripwire to derail his first term.Over the past few years the Obama administration was said to be shifting more drone operations away from the CIA but was that what really happened?In 2015, the NY Post published the following: President Obama secretly granted the Central Intelligence Agency more flexibility to conduct drone strikes targeting terror suspects in Pakistan than anywhere else in the world after approving more restrictive rules in 2013, according to a published report. The Wall Street Journal, citing current and former U.S. officials, reported that Obama approved a waiver exempting the CIA from proving that militants targeted in Pakistan posed an imminent threat to the U.S. In particular, the drone report outlined that while on the surface it appeared that Obama issued a directive to get rid of signature strikes conducted by the CIA many of the changes specified in the directive either haven t been implemented or have been works in progress. A signature strike can be conducted without presidential approval against any suspected militants.The NY Post then admitted that CIA had in fact a much broader latitude to target individuals under the Obama administration: The paper also reports that the CIA s Pakistan drone strike program was initially exempted from the imminent threat requirement until the end of U.S. and NATO combat operations in Afghanistan. The Bureau of Investigative Journalism reported the following drone statistics under Obama: Pakistan was the hub of drone operations during Obama s first term. The pace of attacks had accelerated in the second half of 2008 at the end of Bush s term, after four years pocked by occasional strikes. However in the year after taking office, Obama ordered more drone strikes than Bush did during his entire presidency. The 54 strikes in 2009 all took place in Pakistan.Strikes in the country peaked in 2010, with 128 CIA drone attacks and at least 89 civilians killed, at the same time US troop numbers surged in Afghanistan. Pakistan strikes have since fallen with just three conducted in the country last year. QUESTION: Is it possible that the CIA drone policy was just transferred from one administration to another?More from the Wall Street Journal below (Photo Illustration 21WIRE s Shawn Helton). By Gordon Lubold and Shane Harris Wall Street JournalPresident Donald Trump has given the Central Intelligence Agency secret new authority to conduct drone strikes against suspected terrorists, U.S. officials said, changing the Obama administration s policy of limiting the spy agency s paramilitary role and reopening a turf war between the agency and the Pentagon.The new authority, which hadn t been previously disclosed, represents a significant departure from a cooperative approach that had become standard practice by the end of former President Barack Obama s tenure: The CIA used drones and other intelligence resources to locate suspected terrorists and then the military conducted the actual strike. The U.S. drone strike that killed Taliban leader Mullah Mansour in May 2016 in Pakistan was the best example of that hybrid approach, U.S. officials said.The Wall Street Journal continues here READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"March 17, 2017",1 +"BEYOND MISSION CREEP: U.S. Planning to Send 1,000 More Ground Troops into Syria"," Patrick Henningsen 21st Century WireJust as 21WIRE reported last week the US mainstream media are still black-balling any substantial reporting about US boots on the ground in Syria. Instead, America s media are obsessing over Trump s tax returns, various Russian conspiracy theories, and Michael Flynn s Moscow public speaking engagement in 2015. With this latest Pentagon announcement of an additional 1,000 US troops to Syria, that would bring the total combat deployment to approximately 4,000 inside of Syria.Considering the amount of media coverage and political debate over the 5,000 US military personnel send to Iraq over the last 3 years one must ask why the silence in US media about the stealth build-up for a major battle in Raqqa, Syria.Previously, 21WIRE reported how the United States has sent in combat troops to support YPG fighters (Kurdish People s Protect Units in Syria) much to the dismay of Turkey, and to the annoyance of both Russian and Syrian planners. Turkey has been pressing the US to change its strategy for fighting Islamic State in Syria by abandoning the YPG whom it deems as terrorists (in league with the Kurdish PKK in Turkey).The other aspect of this is being ignored by western media and their legion of panel experts . There are a number of rival factions and militias being backed by the US besides the Syrian Democratic Forces (comprised of Kurdish YPG). the US-led Coalition have substantial investments in Sunni extremist (terrorist) fighting groups allied under the Al Nusra (al Qaeda in Syria) umbrella. Consider how back in late 2015, the US deployed 5o US Special Forces in Syria as human shields arguably to salvage its rebels assets being ravaged by Russian airstrikes.After the Coalition s epic loss when Al Nusra-led brigades were driven out of terrorist stronghold in East Aleppo, one must ask if there an element of this in US positioning around Manbij and Raqqa?With so many stakeholders, the margin for error is extremely thin. The situation is fraught with risks for all parties. NOTE: This is taking place amid a political storm in Washington as the entire Democratic Party, half the Republican Party and the whole of the US mainstream media are all trying to bring down the Trump Administration. If Raqqa is deemed a success, it will effectively give Trump a win. If it is deemed a disaster, then it will be used to fuel the anti-Trump resistance in the US. If the White House is too desperate for a win, then the prospect of a mistake or miscalculation becomes ever riskier. If a major world war is to be triggered it could very well happen here. Clearly, the US and others are planning a massive operation to lay siege to Raqqa, the ISIS stronghold in Syria. However, if the other similar allied operation in Mosul, Iraq is anything to go by, then expect massive civilian casualties in this battle too. The civilian carnage has been mostly censored from mainstream in the US and Europe, the Coalition are afraid of the negative public relations backlash in the event that western public received too much negative news about the haphazard operation in Mosul. After early reports of massive civilian casualties in late 2016, it seems that the Pentagon have given the order to mainstream editorial desks to back off on negative reporting. How else can we explain how hundreds, and possibly thousands, of civilians killed in this month alone has managed to escape any and all media scrutiny?To underline this matter, yesterday, Human Rights Watch issued two new reports accusing Iraqi troops of using indiscriminate shelling into civilian areas in the fight to liberate Mosul from ISIS control.Based these recent reports, it s becoming more clear that US-led Coalition is sacrificing civilians in their objective to target ISIS fighters.To make matters worse, ISIS, like Al Nusra terrorists in Aleppo, have been using Mosul civilians as human shields. The only difference in this comparison is that western media were condemning the Syrian and Russian militaries for their anti-terror operations in Aleppo, while giving a free pass to clear US Coalition atrocities against civilians in Mosul.Forget about any word from the US State Dept. either as they run point on the cover-up: The other conversation which has been deemed off limits by US and western media is the fact that this US deployment inside of Syria is completely illegal under every international law, as well as in total violation of the US Constitution. US were not invited by the Syrian government therefore, like its fellow NATO member Turkey, the US has effectively invaded Syria.US involvement in Syria is now way past mission creep.More on more US troops in Syria from the Washington Post . . Thomas Gibbons-Neff Washington PostThe U.S. military has drawn up early plans that would deploy up to 1,000 more troops into northern Syria in the coming weeks, expanding the American presence in the country ahead of the offensive on the Islamic State s de facto capital of Raqqa, according to U.S. defense officials familiar with the matter.The deployment, if approved by Defense Secretary Jim Mattis and President Trump, would potentially double the number of U.S. forces in Syria and increase the potential for direct U.S. combat involvement in a conflict that has been characterized by confusion and competing priorities among disparate forces.Trump, who charged former president Barack Obama with being weak on Syria, gave the Pentagon 30 days to prepare a new plan to counter the Islamic State, and Mattis submitted a broad outline to the White House at the end of February. Gen. Joseph Votel, head of U.S. Central Command, has been filling in more details for that outline, including by how much to increase the U.S. ground presence in Syria. Votel is set to forward his recommendations to Mattis by the end of the month, and the Pentagon secretary is likely to sign off on them, according to a defense official familiar with the deliberations.While the new contingent of U.S. troops would initially not play a combat role, they would be entering an increasingly complex and dangerous battlefield. In recent weeks, U.S. Army Rangers have been sent to the city of Manbij west of Raqqa to deter Russian, Turkish and Syrian opposition forces all operating in the area, while a Marine artillery battery recently deployed near Raqqa has already come under fire, according to a defense official with direct knowledge of their operations.The moves would also mark a departure from the Obama administration, which resisted committing more ground troops to Syria.The implementation of the proposed plan, however, relies on a number of variables that have yet to be determined, including how much to arm Kurdish and Arab troops on the ground, and what part regional actors, such as Turkey, might have in the Raqqa campaign Continue this story at The Washington PostREAD MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 17, 2017",1 +Boiler Room #101 – St. Patrick’s Cyber-pocalypse with John McAfee,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Funk Soul, Randy J & Stewart Howe (ACR/21WIRE contributors) and Andy Nowicki, author of Conspiracy, Compliance, Control & Defiance, for the hundred and first episode of BOILER ROOM. Water the kids, put the plants to bed and get your favorite mead horn ready so you can drop deep into the Boiler Room with the crew.Tonight the gang has a surprise visit from former libertarian Presidential nominee hopeful and technology guru, John McAfee to discuss the significance of the Vault7 data dump, the ludicrous concept of Russian hacks on the DNC & 2016 Election, the utter loss of all privacy and the potential of cyber-false-flags in the new age of warfare.Listen to Boiler Room #101 St. Patrick s Cyber-pocalypse with John McAfee on Spreaker.Direct Download Episode #101Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 17, 2017",0 +NEOCON FILES: The Kagans Are Back – Wars to Follow,"Consortium News Exclusive: The neocon royalty Kagans are counting on Democrats and liberals to be the foot soldiers in the new neocon campaign to push Republicans and President Trump into more regime change wars Robert Perry Consortium News The Kagan family, America s neoconservative aristocracy, has reemerged having recovered from the letdown over not gaining its expected influence from the election of Hillary Clinton and from its loss of official power at the start of the Trump presidency.Back pontificating on prominent op-ed pages, the Family Kagan now is pushing for an expanded U.S. military invasion of Syria and baiting Republicans for not joining more enthusiastically in the anti-Russian witch hunt over Moscow s alleged help in electing Donald Trump.In a Washington Post op-ed on March 7, Robert Kagan (photo,left), a co-founder of the Project for the New American Century and a key architect of the Iraq War, jabbed at Republicans for serving as Russia s accomplices after the fact by not investigating more aggressively.Then, Frederick Kagan, director of the Critical Threats Project at the neocon American Enterprise Institute, and his wife, Kimberly Kagan, president of her own think tank, Institute for the Study of War, touted the idea of a bigger U.S. invasion of Syria in a Wall Street Journal op-ed on March 15.Yet, as much standing as the Kagans retain in Official Washington s world of think tanks and op-ed placements, they remain mostly outside the new Trump-era power centers looking in, although they seem to have detected a door being forced open.Still, a year ago, their prospects looked much brighter. They could pick from a large field of neocon-oriented Republican presidential contenders or like Robert Kagan they could support the establishment Democratic candidate, Hillary Clinton, whose liberal interventionism matched closely with neoconservatism, differing only slightly in the rationalizations used for justifying wars and more wars.There was also hope that a President Hillary Clinton would recognize how sympatico the liberal hawks and the neocons were by promoting Robert Kagan s neocon wife, Victoria Nuland (photo, left), from Assistant Secretary of State for European Affairs to Secretary of State.Then, there would have been a powerful momentum for both increasing the U.S. military intervention in Syria and escalating the New Cold War with Russia, putting regime change back on the agenda for those two countries. So, early last year, the possibilities seemed endless for the Family Kagan to flex their muscles and make lots of money.A Family BusinessAs I noted two years ago in an article entitled A Family Business of Perpetual War : Neoconservative pundit Robert Kagan and his wife, Assistant Secretary of State Victoria Nuland, run a remarkable family business: she has sparked a hot war in Ukraine and helped launch Cold War II with Russia and he steps in to demand that Congress jack up military spending so America can meet these new security threats. This extraordinary husband-and-wife duo makes quite a one-two punch for the Military-Industrial Complex, an inside-outside team that creates the need for more military spending, applies political pressure to ensure higher appropriations, and watches as thankful weapons manufacturers lavish grants on like-minded hawkish Washington think tanks. Not only does the broader community of neoconservatives stand to benefit but so do other members of the Kagan clan, including Robert s brother Frederick at the American Enterprise Institute and his wife Kimberly, who runs her own shop called the Institute for the Study of War. But things didn t quite turn out as the Kagans had drawn them up. The neocon Republicans stumbled through the GOP primaries losing out to Donald Trump and then after Hillary Clinton muscled aside Sen. Bernie Sanders to claim the Democratic nomination she fumbled away the general election to Trump.After his surprising victory, Trump for all his many shortcomings recognized that the neocons were not his friends and mostly left them out in the cold. Nuland not only lost her politically appointed job as Assistant Secretary but resigned from the Foreign Service, too Continue this story at Consortium NewsREAD MORE NEOCON NEWS AT: 21st Century Wire NeoCon FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 17, 2017",0 +What?! John McCain says Rand Paul is β€œWorking for Putin”,"21st Century Wire says The fake news continues.Today, John McCain accused Rand Paul of working for Putin , because he objected to the expansion of NATO via the membership of Montenegro.In the following video, Stuart J. Hooper examines the other nefarious activities John McCain has been involved with and asks why anybody in their right mind would still vote for him? READ MORE ON FAKE NEWS AT: 21st Century Wire Fake News FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 16, 2017",0 +Introducing: Hamish β€œThe Illusion” Patterson,"21st Century Wire says Welcome to Spaceship Earth.This past week, Stuart J. Hooper took a trip to Los Angeles, California and got the chance to meet up with YouTube star Hamish The Illusion Patterson.The Illusion has made over 1,200 videos covering everything from current events, to the nature of the universe, and his journey through sobriety.In the coming days, look for a hour and a half long discussion with Stuart and Hamish covering the state of the world and current political events.In this initial video, The Illusion introduces his worldview and philosophy: You can follow Hamish on Youtube, Facebook and Instagram.SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 16, 2017",0 +EP #17: Patrick Henningsen LIVE – β€˜Parallax Politics in DC’ with guest Daniel Faraci,"Join Patrick every Wednesday at Independent Talk 1100 KFNX and globally at Alternate Current Radio for the very best in news, views and analysis on all top stories domestically and abroad THIS WEEK: Episode #17 This week we cover MSNBC and Rachel Maddow s epic Geraldo Moment, along with more palace intrigue in Washington, as the House prepares for its much anticipated Russian Hearings starting next week. What does this mean for America s new President? We ll find out Tonight, host Patrick Henningsen is joined by political and international affairs analyst, Daniel Faraci, Director of Grassroots Political Consulting based in Washington DC, to discuss the latest issues, obstacles and political power struggles embroiling the Trump White House, as well as some potentially major foreign policy rifts emerging as a result of additional US troops deployed inside of Syria this week, and also serious problems facing Saudi Arabia over their military operations in Yemen.Tonight we ll talk about what this means going forward in 2017. Listen Listen to EP 17: Patrick Henningsen LIVE With Daniel Faraci on Spreaker.This program broadcasts LIVE every Wednesday night from 9pm to 10pm MST, post-drive time and after the Savage Nation, on Independent Talk 1100 KFNX over the terrestrial AM band across the greater Phoenix and central Arizona region, and live over global satellite and online via www.1100kfnx.com.LISTEN TO MORE INTERVIEWS AT PATRICK HENNINGSEN LIVE SHOW ARCHIVESREAD MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 16, 2017",0 +MSNBC #FakeNews Fail: Desperate Rachel Maddow Springs Trump’s Tax Trap,"This was Rachel Maddow s Geraldo Rivera moment. On Tuesday night the shrill MSNBC host baited audiences with an extended monologue, where she could be seen wringing her hands in anticipation of the big one a scene of hype and overindulgence by the media which was reminiscent of Geraldo Rivera epic flop, Al Capone s Vaults which aired back in 1986.What followed was almost too ridiculous to comment on. This was mainstream media fake news at its absolute finest.Maddow shows up on air holding the cover pages of Donald Trump s 2005 federal income tax returns. The only problem was that it showed Trump paying more tax than most people he paid $38 million in federal taxes on only $150 million in income that year a higher rate than was paid by Bernie Sanders, Barack Obama, and even MSNBC itself.Newsbusters reports: Wednesday afternoon, MSNBC s Rachel Maddow gave an interview to the Associated Press defending her actions following her epic fail regarding the tease and reveal of President Trump s 2005 tax returns by blaming viewers for overblowing the revelation. Maddow spoke to the AP s David Bauder (who, to be transparent, has frequently cited and quoted members of the MRC in the past) and, in Bauder s summation, says that if people felt let down by her story about President Donald Trump s 2005 tax document it s more because of the weight of expectation than anything she did. Bauder noted how a tweet from her account 90 minutes prior to her show set off a social media frenzy and thus expectations were sky high. It turns out that these leaked IRS papers were placed in the mailbox of none other than one of Hillary Clinton s anointed campaign journalists, Michael Cay Johnston who, with the help of Amy Goodman at Democracy Now! last summer, promoted the accusation that then presidential candidate Trump has committed tax fraud. It appears that Johnston was so excited to be the first to get a hold of at least part of Trump s tax returns that he didn t bother to consider that a Trump operative may have place this big find in his mail box.Watch as Maddow and Johnston labor over this non-story, in one of the most hyped media fails in recent memory: SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 16, 2017",0 +The Corporate Plantation: NCAA College Sports Oligopoly,"James Hall 21st Century WireThe obsession over sports, long analyzed as half-crazed, defies logical explanation. Even so, it is undeniable that organized athletics is big business. This standard certainly applies to professional leagues, but often it is overlooked just how much money is involved in so called amateur games at the college level.A Brief History of the National Collegiate Athletic Association s Role in Regulating Intercollegiate Athletics serves as a useful primer. Regulation of intercollegiate athletics may seem a desirable and necessary function to maintain the integrity of sport. In spite of this noble objective, the supervision of the NCAA over college athletics usually comes down to the excessive administration of football and basketball.Yes, men s games have a distinct advantage over the rest of the field. There is a simple reason, MONEY. The headline, NCAA approaching $1 billion per year amid challenges by players, screams louder than any fan packed stadium. The NCAA made $912.8 million last year [in 2013], 84 percent of which came from one, three-week event: The Division I men s basketball tournament. Not to be outdone, Forbes reviews The Economics of College Football: A Look At The Top-25 Teams Revenues And Expenses. An important and salient point indicates that not all teams are equal. Those teams who either have their own network or whose conferences have their own network have extra streams of revenue that boost their numbers. Since addictive hysteria affects the cash flow and inflates the bottom line, why should the NCAA reap such a large fee for providing auxiliary functions? In the end, it is an entertainment product not of their creation. Here is the NCAA reply to the question, How can the NCAA be a nonprofit organization when it generates so much revenue? The NCAA maintains its nonprofit status because it is an association of colleges and universities sharing a common academic mission. Every year, the NCAA and its members equip more than 460,000 student-athletes with skills to succeed on the playing field, in the classroom and throughout life. Awe yes, acclimating the student athlete to the revenue sharing of sports managers and career guidance comes at a very high price from the lordly master of matriculation into collegiate athleticism.Ever since the decision where a Judge rules against NCAA, the debate over student athlete s compensation heated up. U.S. District Judge Claudia Wilken, in a 99-page decision that followed a contentious three-week trial in June, ruled in favor of former UCLA basketball star Ed O Bannon and 19 others who sued the NCAA, claiming it violated antitrust laws by conspiring with the schools and conferences to block the athletes from getting a share of the revenues generated from the use of their images in broadcasts and video games. The injunction she issued allows players at big schools to have money generated by television contracts put into a trust fund to pay them when they leave.Wilken rejected the NCAA s arguments in defense of its economic model, saying the justifications that the NCAA offers do not justify this restraint and could be achieved through less restrictive means while preserving college sports competition. The New York Times frames the issue accordingly in How New N.C.A.A. Rules Will Work. Now, college officials argue, they will be able to provide better medical coverage for athletes, in addition to offering more robust scholarships. The athletes will be allowed to borrow against future earnings for insurance.But critics say that the changes amount to window dressing and that the fundamental unfairness of college sports the N.C.A.A. and its members profit off athletes, who risk their bodies in competition, without giving them a fair share of the profits remains unchanged. Swimming in a sea of salt water and not a drop to drink seems to be the plight of the superjock.For a sober viewpoint on the complexity of the problem, Michael Hiltzik makes the case that the NCAA antitrust ruling barely chips at college sports dysfunction. Wilken rejects the plaintiffs proposal to allow student athletes to make commercial endorsements, because she accepts that the NCAA and its member schools should protect the students from commercial exploitation. In other words, the right to such commercial exploitation should be reserved only to the NCAA and its member schools.The reality of football and basketball players graduating into professional athletic careers makes a mockery of the NCAA s assertion, in its Division-I manual, that student participation in intercollegiate athletics is an avocation. Lastly, look to the players themselves. Quarterback Kain Colter detailed the College Athletes Players Association position. You know those modern day gladiators, picking cotton on the gridiron or parquet floor plantation is part of learning from this educational experience. College athletes forming their first union, and calling NCAA dictatorship gives that Big Apple spin to the make it anywhere theme for sharing box office receipts. Colter said the NCAA dictates terms to its hundreds of member schools and tens of thousands of college athletes, leaving players with little or no say about financial compensation questions or how to improve their own safety. That college football generates hundreds of millions of dollars in revenue only bolstered the argument for a union, he said. How can they call this amateur athletics when our jerseys are sold in stores and the money we generate turns coaches and commissioners into multi-millionaires? Colter asked. One need not be a union supporter to recognize that talented athletic competitors have star appeal, and generate wheel barrels of money for their universities and the NCAA. Placing at risk their health and careers each time they perform as trained seals, demands equable compensation. Show Me The MONEY is a fair question that should not wait for a Jerry Maguire to arrange after turning pro. The NCAA only protects the corporatist institutions of syndicated media hype and itself, as an agent of sports marketing.The business of collegiate sports revenue generation may not rival the inequities of international finance; however, do not tell that to the rabid fan who lives and maintains an unbalanced perception of significance. There are many more of them; then there are of us.Read the entire article on the Corporatocracy archives at BATRREAD MORE SPORTING NEWS AT: 21st Century Wire Sports FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 15, 2017",0 +What Will Happen to Your Guns Under President Trump?,"21st Century Wire says Legacy note to Obama s ghost writer: Barack Hussein Obama will go down in the record books as the greatest gun salesmen of all time. Both Obama and his Attorney General Eric Holder embarked on one of the most aggressive, multi-pronged gun restriction political campaigns in US history. Hence, under President Obama, gun sales sky rocketed driving up demand along with record levels on purchasing prices.That s right Obama did more for the gun industry than Charlton Heston ever could.In the aftermath that bull market however, guns, both news and used, have since adopted some of the attributes of a commodity.As the market settles under a new Administration, expect a little more predicability Josh Levine AZ CentralNow that we re more than a month into the Trump era, I m eager to see how the new administration, controversial legislation, and even heated Twitter exchanges about gun control affects firearm sales in the secondary market.Logic would tell me that sales will slow down. After all, gun sales soared during President Obama s eight years in office. A recent USA Today article I read stated that since Nov. 4, 2008, both Smith & Wesson Holding Corp. and Sturm, Ruger & Co. stock rose more than 1,000 percent. A similar trend was seen during the Clinton Administration as well.On the contrary, a recent Time article stated that gun ownership in the U.S. is the lowest it has been since 1978. Don t believe it? Apparently, the gun sales rose during the past eight years among gun owners buying more guns.Effects on AuctionsSo, how does this all shake out for the auction industry?You have to remember that the secondary market is different than retail. I think bidders will continue to seek out sporting, collectible, recreational and defensive guns at auctions because they know they can find quality firearms at a good value.There s also the matter of trust. Auction houses are FFL holders, and they must adhere to all state and federal laws.So far, it has been business as usual at our auction house, and prices for collectible guns continue to be strong.A 6 inch Colt Python.As an example, recently we sold a Colt Python that realized $3,000 with buyer s premium. They just continue to command top dollar.I m also seeing more Western guns selling at auction. Recently, we sold a Colt Single Action Army that realized $3,120 with buyer s premium. It had condition issues, but still performed well.These examples are Colt. However, other brands are fairing just as well. Browning, Remington, local favorite Ruger and Beretta have all been performing admirably.Even though gun owners and buyers may relax a lot under President Trump s tenure, I m not anticipating a sudden drop of interest in the guns we sell at auction. The Baby Boomers and older are downsizing and selling off their collections. And, no amount of tweets or controversial public policies will change that fact.The buyers may have been motivated by fear when it appeared that Hillary Clinton might win, but now I think they re motivated by pure collecting passion.Tips before purchaseIf you re in the market to purchase antique firearms, check used gun prices in the Blue Book of Gun Values as well as sites like LiveAuctioneers and Gunbrokers.com before placing a bid.Check the gun s condition in person or ask for the auction house to provide photos and a condition report if you are purchasing it online.Also, make sure you will clear a background check as most major auction houses will require a Federal background or NICS check, as it s known.If you re selling, don t despair. I don t think this new Trump era will make prices in the secondary market plummet. They may not be huge or the best, but I think they ll continue to be decent.Josh Levine owns J. Levine Auction & Appraisal in Scottsdale. Contact: josh@jlevines.com or @jlevines1 on Twitter.READ MORE 2nd AMENDMENT NEWS AT: 21st Century Wire 2nd Amendment Files",US_News,"March 14, 2017",0 +BIGGER THAN SNOWDEN: Wikileaks β€˜Vault 7’ Classified CIA leak – What Does It Mean?," He who controls the spice controls the universe. Frank Herbert, from the Dune seriesShawn Helton 21st Century WireOver the past week, much of the CIA s cyber hacking capabilities were allegedly laid bare by the Wikileaks Vault 7 publication. According to the transparency seeking website, they ve published less than 1% of the intelligence regarding their Vault 7 series under the moniker Year Zero. All in all, the Wikileaks Vault 7 release is said to be the largest publication of classified intelligence in history. While there are still many unknowns associated with this latest CIA centered leak, there are a quite a few things to consider.Let s explore some of what we know to date and how it relates to other suspicious tech related stories over the past few years YEAR ZERO ZERO DAYS Wikileaks discloses the CIA s cyber hacking capabilities still no official comment from the intelligence agency. (Photo Illustration 21WIRE s Shawn Helton)Wikileaks Vault 7 In 21WIRE s first report regarding the new revelations concerning Wikileaks Vault 7, we discussed how some of the content exposed in part one of Year Zero revealed what many in new media and other investigative fields have thought technologically possible for years.Here s a portion from the 21WIRE news alert mentioned above that describes the latest controversial publication by Wikileaks: WikiLeaks has released its largest ever publication of confidential documents on the Central Intelligence Agency. Entitled Vault 7 and containing a password that echoed the alleged JFK quote splinter the CIA into a thousand pieces and scatter it into the winds, this leak comprises 8,761 documents and files from an isolated, high-security network situated inside the CIA s Center for Cyber Intelligence in Langley, Virginia. Year Zero , which is part one of the leak and conveniently named after a zero day exploit used by intelligence agencies, was gathered throughout 2016 and is said to be the largest intelligence publication in history .Whilst a lot of the information and methodology outlined in Year Zero is of no surprise to security analysts and researchers since the Edward Snowden (image, left) revelations, once again the public has explicit confirmation of how one of the most powerful intelligence agencies in the world, aided by their international counterparts like GCHQ, have been infiltrating and scooping vast quantities of private information from Apple and Android devices right up to Samsung Smart TV technology where false stand-by modes and live microphones can be executed to record information and send it back to the appropriate servers. The Year Zero leaks a simple but cleaver play on the term zero day something which is defined on Wikipedia as an undisclosed computer-software vulnerability that hackers can exploit to adversely affect computer programs, data, additional computers or a network. A zero day, zero hour exploit is said to leave a software author without the necessary time to correct coding or workaround actions of a particular hack or intrusive malware damage. (Image Source: daily express)According to Wikileaks and its editor-in-chief Julian Assange, their most recent treasure trove of confidential files were obtained by a current or former CIA contractor, a story similar in scope and impact to the collection of documents dropped by former CIA/NSA contractor Edward Snowden but are said to be much larger.This time, the public has been given a glance inside the prism of the CIA s cyber hacking potential and data mining efforts similar to the NSA.In May of 2013, Snowden revealed information displaying that American citizens as well as other foreign nations throughout the world were subject to unprecedented levels of spying at the behest of the NSA. Massive data mining via XKeyScore and other similar applications proved to be very controversial particularly in America as it seemed to be in direct contradiction to the US Constitution s 4th Amendment.Over the past decade other aspects of NSA spying activities were revealed under the George W Bush administration in 2005 and further brought to light by Mark Klein, a former AT&T technician who exposed how the multinational telecommunications company was working with the intelligence community to collect the public s data.In 2011, Gadgets and Gizmos reported the following: The recent Web 2.0 2011 conference in San Francisco saw the issue made public and now the worry is that private information could be obtained by third parties using this secretly stored data.Once the data is accessed it can even be downloaded onto an interactive map which shows where the owner of the device has been lately. So far the best way to avoid this causing a problem is to go into the settings menu and turn of the location services all together. The newly leaked Vault 7 documents identify specific cyber weapons, hacking systems, viruses and malware created by the CIA that can be used on just about anyone or any entity. This most assuredly will cause other countries to become more critical of the agency s cyber capabilities. By the looks of it, this is something that appears to be happening in Germany, as the Wikileaks docu-dump exposed an apparent CIA spy-hub in Frankfurt.Zero Hedge reports: The consulate was the focus of a German investigation into US intelligence capabilities following the 2013 revelation that NSA agents had tapped Chancellor Angela Merkel s phone.German daily S ddeutsche Zeitung reported the building was known to be home to a vast network of intelligence personnel including CIA agents, NSA spies, military secret service personnel, Department of Homeland Security employees and Secret Service employees. It reported the Americans had also established a dense network of outposts and shell companies in Frankfurt. Germany s reaction could prove to be more theatrical than that of true concern only time will tell.If Vault 7 is to be accepted wholesale, it also reveals that since the 9/11 attacks the CIA has gained political and budgetary preeminence over the U.S. National Security Agency (NSA). The CIA found itself building not just its now infamous drone fleet, but a very different type of covert, globe-spanning force its own substantial fleet of hackers. Part and parcel to this, Wikileaks contends that CIA hackers have developed cyber weaponry to spy on people through cell phones, computers and smart TVs.According to Year Zero part one of the Wikileaks Vault 7 release: The increasing sophistication of surveillance techniques has drawn comparisons with George Orwell s 1984, but Weeping Angel , developed by the CIA s Embedded Devices Branch (EDB), which infests smart TVs, transforming them into covert microphones, is surely its most emblematic realization.The attack against Samsung smart TVs was developed in cooperation with the United Kingdom s MI5/BTSS. After infestation, Weeping Angel places the target TV in a Fake-Off mode, so that the owner falsely believes the TV is off when it is on. In Fake-Off mode the TV operates as a bug, recording conversations in the room and sending them over the Internet to a covert CIA server. Interestingly, Wikileaks published a batch of classified CIA spy/hacking documents that not only include the privacy invading Weeping Angel developed by the clandestine agency to listen on microphones covertly but also ways the CIA has sought to remotely infect and control Microsoft Windows, with viruses like Hammer Drill as well as automated infestation and control of CIA malware, such as Assassin and Medusa. According to security analysts, the CIA has designed the covert methods listed above for hostile foreign actors. However, since the intelligence service has had a propensity of going rogue, these technological leaps made by the secretive agency should be a major concern to the general public.Over the past few decades there have been other spoken critics of intelligence services such as well-known journalist James Bamford and former high-ranking NSA official William Binney, both who have come forward to share the inner workings of the security world. The screenshot above from Wikileaks Vault 7 discusses CIA s techniques that can be used to frame other entities for a malware attack.Framing the Big Bear?One of the more curious details contained in Vault 7 were the revelations concerning the CIA s ability to mask any hacking fingerprints that could potentially implicate the agency. Additionally, the secretive agency could also leave behind potential evidence that a cyber attack was carried out by a foreign body or nation. Here s another passage from the Wikileaks publication on the matter: Tradecraft DO s and DON Ts contains CIA rules on how its malware should be written to avoid fingerprints implicating the CIA, US government, or its witting partner companies in forensic review . QUESTION: Is it possible that the CIA could use its highly specialized malware to frame a foreign country for violating US national security?Zero Hedge reported the following Wikileaks information concerning the CIA s ability to bypass device encryption before it can be applied as well as mask itself from forensic review via its own entity, the Center For Cyber Inteliigence (CCI):Among the more notable disclosures which, if confirmed, would rock the technology world , the CIA had managed to bypass encryption on popular phone and messaging services such as Signal, WhatsApp and Telegram. According to the statement from WikiLeaks, government hackers can penetrate Android phones and collect audio and message traffic before encryption is applied. Another profound revelation is that the CIA can engage in false flag cyberattacks which portray Russia as the assailant. Discussing the CIA s Remote Devices Branch s UMBRAGE group, Wikileaks source notes that it collects and maintains a substantial library of attack techniques stolen from malware produced in other states including the Russian Federation. Here s an image originally published by Wikileaks Vault 7 that displays the CIA s Center For Cyber Intelligence apparatus With claims of alleged Russian hacking at the forefront of Western intelligence, let s take another look at how that meme started Prior to the 2016 US presidential race taking place the mainstream media along with the White House, set the stage for a massive PR push implicating Russia as a disrupting force for democracy allegedly through Kremlin-sponsored hacking of US democratic institutions and through sophisticated Russian propaganda. In August, the western media s claims against Russia began to hit overdrive, when the New York Times s Moscow bureau was the target of an attempted cyber attack this month. But so far, there is no evidence that the hackers, believed to be Russian, were successful. Flash forward to September here and here, as well as early October in the lead up to President Obama s Russian Hack decree, the Clinton-friendly outlet, the NY Times, had all but solidified the Russian cyber-hack claims but once again, without any definitive evidence or proof.Throw in another American October surprise in the form distributed denial of service (DDoS) attacks, renewed calls for the Stop Online Piracy Act (SOPA) internet, led to so-called cyber experts blaming the largest hack on America because of the inability to pass SOPA in effect, reigniting the previously stalled SOPA in Washington DC, along with all of its draconian copyright law positions all perfectly timed as mainstream reports regarding fake news suddenly became all the rage across all forms of media.Will Vault 7 prove to shed light on other CIA related activities?The screenshot above from Wikileaks Vault 7 discusses the CIA S HIVE multi-platform software control system.DDoS AttacksIn October of 2016, I noted some of the suspicious activity surrounding America s biggest distributed denial of service (DDoS) attack that was said to be caused by the malware Mirai. Given that there was a hardcoded blacklist of certain government entities and major multinational companies/defense contractors from being attacked its seems more likely that the attack was US government created: Interestingly, according to Bradley Barth, a senior reporter for the IT security online magazine SC, the Mirai (supposedly leaked on September 30th) contains a very unique subset of characteristics that will not attack certain IP addresses such as the Department of Defense (DoD), the US Postal Service and consumer giant General Electric (GE) due to its coding: An Imperva analysis of the source code revealed several unique traits, including a hardcoded blacklist of IPs that the adversary did not want to attack, perhaps in order to keep a low profile. Some of these IPs belonged to the Department of Defense, the U.S. Postal Service and General Electric (GE). Though SC claims that the makers of Mirai may have been trying to keep a low profile, the recent DDoS attack attributed to the malware was as high-profile as you can get so this begs the question, what was the real reason the malware creators put an IP blockade on the DoD, the Postal Service and GE? Is it possible that the DDoS attack originated from whitehat hackers associated with the US government, a major US defense contractor like GE or some other intelligence service, possibly the CIA? HACKED? Michael Hastings death sparked a wave of controversial theories. (Image source: pinterest)CIA Hacking Tools Upon closer inspection of the Wikileaks Vault 7 release, we see that in addition to the public s privacy apparently being invaded through the CIA s ability to bypass encryption on Android and iOS phones, computers and smart TVs there was also the Wikileaks revelations exposing the agency s development of vehicular control.Wikileaks Vault 7 stated the following stunning revelation: As of October 2014 the CIA was also looking at infecting the vehicle control systems used by modern cars and trucks. The purpose of such control is not specified, but it would permit the CIA to engage in nearly undetectable assassinations. It is this part of Year Zero that has revived the conspiracy surrounding the death of investigative reporter and war veteran Michael Hastings, who died after his Mercedes C250 coupe supposedly burst into a giant fireball in the early hours of June 18 2013. According to eyewitness accounts, Hastings was going at a high rate of speed as sparks and flames were seen before his fiery automobile crashed.The UK s Sun recently revisited the Hastings tragedy. Here s a passage of that report: Hastings a vocal critic of government mass surveillance had sent an email to colleagues and friends just 12 hours earlier, telling them he was onto a big story and was under investigation.The Buzzfeed and Rolling Stone contributor, 33, wrote: The Feds are interviewing my close friends and associates . May be wise to immediately request legal counsel before any conversations or interviews about our news-gathering practices. I m onto a big story and need to go off the radar for a bit. WikiLeaks also tweeted after the crash to say Hastings had contacted its lawyer Jennifer Robinson just before his death, claiming the FBI was investigating him.The FBI took a departure from normal policy to deny that Hastings had ever been under investigation after receiving a barrage of calls about his death. The CIA has failed to confirm or deny the authenticity of the Vault 7 release, only deepening the mystery surrounding the death of Hastings.The question of CIA control over cars and trucks naturally leads us to what was revealed regarding high-tech avionics in recent years (Photo Illustration 21WIRE s Shawn Helton)Uninterruptible Flight ControlIn my article entitled FLIGHT CONTROL: Boeing s Uninterruptible Autopilot System , Drones & Remote Hijacking, I noted the CIA s involvement in certain advancements in flight technology. Lets revisit a portion of that article describing the agency s involvement: On December 4th of 2006, it was announced that Boeing had won a patent on an uninterruptible autopilot system for use in commercial aircraft. This was the first public acknowledgment by Boeing about the existence of such an autopilot system.The new autopilot patent was reported by John Croft for Flight Global, with the news piece subsequently linked by a Homeland Security News Wire and other British publications around the same time. According to the DHS release, it was disclosed that dedicated electrical circuits within an onboard flight system could control a plane without the need of pilots, stating that the advanced avionics would fly the aircraft remotely, independently of those operating the plane: The uninterruptible autopilot would be activated either by pilots, by onboard sensors, or even remotely via radio or satellite links by government agencies like the Central Intelligence Agency, if terrorists attempt to gain control of a flight deck. Continuing, I outlined the suspicious nature of both the MH370 disaster and that of MH17. Since then there have been a number of strange airline catastrophes including Germanwings 9525 and EygptAir MS804. Following the apparent vanishing act of Malaysian Airlines flight MH370, many investigators and researchers began to question the likelihood of such an event happening in today s high-tech world.At 21WIRE, we ve also looked into the unprecedented disappearance of MH370 and the subsequent downing of MH17, as certain details came to light regarding the history of the remote autopilot function installed within Boeing commercial airliners (a subject which also opens the door to the events of 9/11).The Boeing 777 along with other Boeing models, can in fact be flown remotely through the use of independent embedded software and satellite communication. Once this advanced system is engaged, it can disallow any pilot or potential hijacker from controlling a plane, as the rooted setup uses digital signals that communicate with air traffic control, satellite links, as well as other government entities for the remainder of a flight s journey.This technology is known as the Boeing Honeywell Uninterruptible Autopilot System. Has the CIA had the ability to remotely hack vehicles for much longer than we think?The Wikileaks release once again opens questions about 9/11, the deep state and what intelligence agencies have control over in the War on Terror era. CLOAKED What other blueprints will Wikileaks provide regarding the CIA s capabilities? (Image Source: offgraun)Public Privacy Vs. the Deep State In an article detailing the encryption saga between Apple and the FBI, we stated that there are no guarantees in the security world, especially if a digital master-key were to be created, as this would potentially make it easier for invaders (either the government, or various hackers) mining for data moving forward into the future.If the CIA has been secretly data mining just like the NSA, they have unquestionably violated the public s constitutional rights and trust.Is this really what the CIA has been up too?In a 2016 the Guardian interviewed some of those involved in the technology and security sector. These individuals offered their thoughts regarding the government s continued encroachment on individual privacy. here s another look at that passage:Dan Kaminsky, the security expert who made his name with the discovery that one of the most basic parts of the internet, the domain name system, was vulnerable to fraud disagrees: Feds want final authority on engineering decisions, and their interests don t even align with fighting the vast bulk of real-world crime. Continuing, The Guardian interviewed former FBI agent Michael German, currently the Brennan Center, a judicial think-tank. The following is a part of that interview: After 9/11, you had this concept of total information awareness. The intelligence community was very enamoured of the idea that all information was available. Much like the NSA, they wanted to see it all, collect it all, and analyse it all. Western political leaders and their media arms often discuss the dangers of so-called terror sleeper cells residing in a nation near you, but none of them acknowledge or attempt to explain the historical fact that for decades, they themselves have helped to harbor, grow, foment and radicalize individuals through their own clandestine counter-terrorism operations.Many of these operations have directly implicated security agencies (and military alliances) such as the FBI, CIA, MI5, MI6 and NATO in the production of real terror.While most of these counter intelligence operations have fallen under the umbrella of the so-called War On Terror era, they have also largely served to obfuscate the nature of various government programs that some critics suggest is the work of a deep state apparatus.QUESTION: Will there be a large public outcry regarding the lack of oversight over the CIA s spying and hacking capabilities?Watch below as 21WIRE s Patrick Henningsen discusses the NSA-like body of the CIA on Peter Lavelle s Cross Talk show on RT In Summary The timely release of Vault 7 comes amid a flurry of wiretapping claims from President Donald Trump, while a review of US cyber capabilities and vulnerabilities is currently underway.Additionally, the Wikileaks Vault 7 publication revealed the following stunning information concerning the scope of the CIA s cyber capabilities previously unknown to the public: By the end of 2016, the CIA s hacking division, which formally falls under the agency s Center for Cyber Intelligence (CCI), had over 5000 registered users and had produced more than a thousand hacking systems, trojans, viruses, and other weaponized malware. Such is the scale of the CIA s undertaking that by 2016, its hackers had utilized more code than that used to run Facebook. The CIA had created, in effect, its own NSA with even less accountability and without publicly answering the question as to whether such a massive budgetary spend on duplicating the capacities of a rival agency could be justified. In 2012, then CIA Director David Petraeus, mused about the emergence of an Internet of Things that is, wired devices at a summit for In-Q-Tel, the CIA s venture capital firm. The Wired magazine article continued, disclosing that the future of spying hinged on smart devices and a smart home: All those new online devices are a treasure trove of data if you re a person of interest to the spy community. Once upon a time, spies had to place a bug in your chandelier to hear your conversation. With the rise of the smart home, you d be sending tagged, geolocated data that a spy agency can intercept in real time when you use the lighting app on your phone to adjust your living room s ambiance. The public has long been prepped for the surreal level of surveillance we are only just beginning to understand, whether through books, film or tech magazines or by the government itself the warning signs of lost privacy and protection have been hidden in plain sight for decades.Even still, Wikileaks Vault 7 shocks the avid researcher, writer and pundit as it gives further insight into the CIA s multi-pronged ability to distort the perception of the public, while vacuuming up all kinds of data.*** Author Shawn Helton is Associate Editor of 21st Century Wire, as well as an independent media forensic analyst specializing in criminal investigations and media coverage from war theaters. READ MORE WIKILEAKS NEWS AT: 21st Century Wire WikiLeaks FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV ",US_News,"March 13, 2017",0 +"Boiler Room #100.2 – Part Duh! Wire Tapped, Reality For Sale & Conspiracy Theorist Swag","Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Daniel Spaulding of Soul of The East, Funk Soul (ACR/21WIRE contributor) and Basil Valentine of Sunday Wire for the second chapter of the 100th episode of BOILER ROOM. Water the kids, put the plants to bed and get your favorite mead horn ready so you can drop deep into the Boiler Room with the crew. Tonight the gang is discussing American forces being sent into Syria, the utter insanity of the leftist media distracting their audience with false realities being sold to the highest bidder, the dilerbrate destruction of critical thinking among the population, Vault 7 releases from wikileaks and the wiretapping of (then) Presidential Candidate Trump.Direct Download Episode #100.2Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 12, 2017",0 +β€˜A DELIRIUM IS SPREADING’ – The Left’s Great Russian Conspiracy Theory," The very people who for years talked about the problem of conspiracy theories have become the keenest spreaders of conspiracy theories. The people who spent the past few months banging on about the post-truth politics of Brexit and Trump have shown they don t have the first clue what truth is. The people who posed as champions of logic have revealed themselves as peddlers of paranoia 21st Century Wire says During last year s the election cycle, 21WIRE called-out the liberal establishment s whole Russian Hack conspiracy as a hoax, but even conservative media were too shy to go that far in condemning what is obviously one of the biggest put-ups in modern political history.As veteran journalist Robert Parry said this week on ACR s Patrick Henningsen LIVE show this past week, a madness has set-in in Washington and throughout progressive liberal enclaves throughout America, as the opposition still clings to the desperate hope that some actual evidence to support their conspiracies theories about Trump and Russia will somehow manifest and provide a short-cut to his ouster.Hillary Clinton s internationalist tribe, American and European progressive left, is at the precipice an entire block of society who may have lost their minds and who could end up committed in a political bardo.Finally, some mainstream publications are beginning to come around to call it what it is, and that s much welcome.As they say, always better late than never Brendan O Neil Spectator The chattering classes have officially lost it. On both sides of the Atlantic.Of course they d been teetering on the cliff edge of sanity for a while, following the bruising of their beloved EU by 17m angry Brits and Hillary s loss to that orange muppet they thought no one except rednecks would vote for. But now they ve gone over. They re falling fast. They re speeding away from the world of logic into a cesspit of conspiracy and fear. It s tragic. Or hilarious. One or the other.Exhibit A: this week s New Yorker. It s mad. It captures wonderfully how the liberal-left has come to be polluted by the paranoid style of McCarthyist thinking since Trump s victory. It s a New Yorker for a future, dystopian America that s been captured by the Evil Empire. The mag s masthead is in Cyrillic and its famous dandy mascot Eustace Tilley has morphed into Putin. It s now Eustace Vladimirovich Tilley. This week's cover, Eustace Vladimirovich Tilley, by Barry Blitt: https://t.co/P43URkCLMy pic.twitter.com/sUunrilCf3 The New Yorker (@NewYorker) March 2, 2017Inside the mag it s even more feverish. A 13,000-word report, Trump, Putin and the New Cold War, is accompanied by a drawing of a deep-red, UFO-style Kremlin hovering over the White House and firing lasers into it. It s CGI Hollywood meets House Un-American Activities in an orgy of liberal dread over Ruskies ruining the nation.It used to be right-wingers who fretted over Russians and Reds and pinkos colonising Westerners lives and minds. Now it s lefties. Trump is regularly called Putin s puppet. He s an unwitting agent of Moscow, we re told. The New York Times even called him The Siberian Candidate, echoing the title of the 1962 thriller The Manchurian Candidate, in which an American is brainwashed by Korean Communists to become an assassin. That s how some seriously view Trump: a Putin-moulded foot soldier of Russian interests who ll assassinate the American way of life, if not American citizens. I mean, Vanity Fair actually asks: Is Trump a Manchurian Candidate? These people need a lie down. You have to get deep into the New Yorker s prolix report to discover that US officials still haven t provided evidence for their claim that Putin ordered the hacking of Democrat emails in order to hurry Trump to power: The declassified report [on Putin s meddling] provides more assertion than evidence. But that hasn t stopped the left McCarthyists, these Reds on the Web fearmongers, from buying into all kinds of claptrap about Putin putting Trump in the White House.In December, a YouGov survey of Democratic voters found that 50 percent of them think Russia tampered with vote tallies to help Trump. That is, White House-eyeing Putinites actually meddled with voting machines or ballot counts. There s no evidence whatever for this. In YouGov s words, it s an election day conspiracy theory. A kind of delirium is spreading.The spectre of Putinite meddling is now blamed for everything that doesn t go the liberal elite s way Continue this story at The SpectatorREAD MORE RUSSIA NEWS AT: 21st Century Wire Russia FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 11, 2017",0 +"Preparing to Invade: US Deploys Additional 2,500 Soldiers for β€˜Syria and Iraq’","21st Century Wire says While the US media continues to lead the public up the garden path by allocating all of its coverage for Obamacare news, the US is quietly ramping-up its forces in the Middle East as the Pentagon quietly positions its assets on the ground in Syria in preparation for the grand battle to defeat ISIS. Besides the western media s near blackout of recent US Ranger and Marine deployments on the ground in Syria, what should also worry the public is how the amount of political pressure currently on the embattled Trump White House might be influencing this Administration s desire to show a win militarily in Syria.Military officials spoke to Reuters this week, confirming that rapidly deployable forces in Kuwait are in fact in position as part of an operation to oust ISIS from Raqqa.Already, for months now, several hundred Special Operations troops have been embedded with local Kurdish forces.According to the Pentagon reports, at least 6,000 US troops (not including covert operations and private military contractors, possibly an additional 1,000 operatives) are currently operating in both Iraq and Syria.Watch this raw video of one regiment of US troops who arrived in Syria this week: How long until other US NATO allies also arrive with more troops and military assets in Syria?The big risk here could be that the rush to war might be ill-conceived, not to mention completely illegal under international law considering the United States still refuses to open any dialogue with the sovereign nation state of Syria.In a recent article, 21WIRE s Patrick Henningsen has commented in detail already about the apparent lack of coordination and competing agenda between the US, Turkey, Syria and Russia in northern Syria, including the potential for in-fighting between Coalition forces and their proxies.Meanwhile, the US-led Coalition continues to impose punitive sanctions against Syria, while US allies continue to arm and support numerous radical Wahabi terrorist militant groups who are still destablizing Syria and terrorizing its residents.Expect more assets to be deployed in the coming days and weeks and more silence from the media Army TimesWASHINGTON The U.S. military is sending an additional 2,500 ground combat troops to a staging base in Kuwait from which they could be called upon to back up coalition forces battling the Islamic State in Iraq and Syria.The deployment will include elements of the 82nd Airborne Division s 2nd Brigade Combat Team, which is based at Fort Bragg in North Carolina. About 1,700 soldiers from the same unit are overseas now, spread between Iraq and Kuwait. They re focused on the U.S.-led effort to train and assist the Iraqi troops doing much of the fighting against ISIS there.These new personnel, however, will be postured there to do all things Mosul, Raqqa, all in between, Army Lt. Gen. Joseph Anderson, the Army s deputy chief of staff for operations, told House lawmakers Wednesday. He was referring to the Islamic State s two main strongholds: Mosul in Iraq and Raqqa in Syria, major urban centers where U.S.-back allies are fighting a well entrenched enemy. So the whole brigade will now be forward, Anderson said.( ) There are a number of options under consideration as the coalition looks for ways to accelerate the defeat of ISIS, it says. We continue to believe that the most effective way to achieve a lasting victory is to do it by, with and through our partner forces who have the greatest stake in the outcome. For operational security reasons, we will not discuss future deployments or contingency operational planning. Continue this story at Army TimesREAD MORE PENTAGON NEWS AT: 21st Century Wire Pentagon FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 11, 2017",1 +"CrossTalk: WikiLeaks Vault 7 with Guests Patrick Henningsen, Larry Johnson, Suzanne Nossel","21st Century Wire says Vault 7: what does it mean to America, and the expectations of of rights and privacy for the average citizen? Is the CIA s covert hacking program an affront to the US Constitution? Are we at as dark place in western a society?CrossTalk: Wikileaks strikes again. On full display are the CIA s spy tools and methods. Snowden provided a briefing book on U.S. surveillance, but the CIA leaks could provide the blueprints. And your Samsung TV and iPhone are a big part of this. Host Peter Lavelle is CrossTalking with Larry Johnson, Suzanne Nossel, and Patrick Henningsen: SUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 10, 2017",0 +Boiler Room #100 – An Unlikely Alchemy,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight at 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Patrick Henningsen of 21WIRE, Funk Soul, Infidel Pharaoh, Andy Nowicki of Alt-Right Blogspot, Jay Dyer from Jays Analysis and Stewart Howe for the 100th episode of BOILER ROOM. Water the kids, put the plants to bed and get your favorite mead horn ready so you can drop deep into the Boiler Room with the crew. Tonight the gang is discussing the latest a myriad of news and main stream media shenanigans that have taken place since the last meeting of the ACR brain-trust know as THE BOILER ROOM.Listen to Boiler Room #100 An Unlikely Alchemy on Spreaker.Direct Download Episode #100Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 9, 2017",0 +EP #16: Patrick Henningsen LIVE – β€˜Official Washington Madness’ with guest Robert Parry,"Join Patrick every Wednesday at Independent Talk 1100 KFNX and globally at Alternate Current Radio for the very best in news, views and analysis on all top stories domestically and abroad THIS WEEK: Episode #16 This week we cover US boots on the ground in Syria, and the latest tribulation to befall America s new President Tonight, host Patrick Henningsen is joined by special guest, author and founder of ConsortiumNews.com, Robert Parry, to discuss Washington s Triple Entente of Trump-Russian intrigue, Wire Tapping Allegations, and WikiLeak s latest CIA Hacking exposure. Some are calling this a bout of social and political madness that has set in in the wake of Trump s shocking political upset. Can America come back from the brink? Tonight we ll talk about what this means going forward in 2017. Listen Listen to EP 16: Patrick Henningsen LIVE with guest Robert Parry on Spreaker.This program broadcasts LIVE every Wednesday night from 9pm to 10pm MST, post-drive time and after the Savage Nation, on Independent Talk 1100 KFNX over the terrestrial AM band across the greater Phoenix and central Arizona region, and live over global satellite and online via www.1100kfnx.com.LISTEN TO MORE INTERVIEWS AT PATRICK HENNINGSEN LIVE SHOW ARCHIVESREAD MORE WIKILEAKS NEWS AT: 21st Century Wire WikiLeaks FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @ 21WIRE.TV",US_News,"March 9, 2017",0 +TRUMPDOM: The Curious World of Trump’s Foreign Policy Explained,"Niraj Srivastava 21st Century WireIt is barely seven weeks since Donald Trump became the 45th President of the United States. Perhaps too early to figure out the details of America s foreign policy during his presidency. However, some broad contours of his policies are taking shape, which may provide pointers to what he is likely to do in the next four years.These pointers are based partly on what Trump said during his election campaign and partly on what has happened since he became President. Actually, quite a lot has happened in the last seven weeks or so, including considerable turbulence in US domestic and foreign policy.Before proceeding further, it may be useful to recall that Trump s victory in the Nov. 2016 elections was unexpected. Most opinion polls and the mainstream media (MSM) predicted victory for Hillary Clinton, who was the candidate of the US Establishment and the Deep State (DS), which includes the military-industrial complex, the intelligence agencies, the MSM, Wall Street, and the Jewish Lobby.The DS is a permanent, unelected, group of institutions, lobbies, and individuals which wields enormous power from behind the scenes and continues to do so irrespective of who is the President and which party controls the US Congress. It is driven by the quest for money and power, among other things.The present DS began taking shape almost thirty-five years ago when Jimmy Carter was President. There was a DS before that too, going back to the 1950s, which came into existence after the Second World War. However, it was much less powerful and entrenched than the present one. John F. Kennedy tried to defy it but did not succeed. Some believe he paid for it with his life.The collapse of the Soviet Union in 1991 speeded up the consolidation of the current DS, which found that there was nobody to restrain the military power of the US. America could do what it liked. The 1990s also witnessed the emergence of a group of individuals known as the neoconservatives, or neocons, who believed in using the American military for global domination, irrespective of international laws or institutions, such as the UN.The first military adventure of the neocons was the illegal NATO bombing of the then Yugoslavia in 1999, which was carried out without UN approval. It resulted in the disintegration of the country. Russia was too weak to counter it militarily. Having gotten away with it, the US and NATO embarked upon a series of wars in the next fifteen years, aimed at regime change in countries whose leaders were not US allies.Thus, the US and its NATO allies invaded Iraq in 2003 to overthrow Saddam Hussain, bombed Libya and killed Qaddafi in 2011, intervened in Syria in 2011 to oust President Bashar al-Assad, effected regime change in Ukraine in 2014, and are currently involved in a very destructive war in Yemen along with Saudi Arabia.The US has therefore continuously been at war during the last fifteen years. Some of these wars are still continuing, with no end in sight. It is estimated that the US has lost more than 5000 soldiers and spent around US$ seven trillion to fight these wars. Tens of thousands of US soldiers have been injured, straining the social and economic fabric of the country.But these wars have also greatly benefited elements of the Deep State, who have made enormous amounts of money by selling weapons and other material needed to fight wars. Follow the Money is a useful dictum to identify these elements, for whom continuous warfare has become a way of life. And to sustain that, a powerful enemy is required.It is here that Russia comes in. Since Putin came to power in 1999, Russia has slowly but steadily nursed its economy and military back to health. Russia s resurgence has upset the neocons and other members of the DS, who had gotten used to unfettered use of American military to invade countries and overthrow regimes, as mentioned above.It was not a coincidence that Russia, and Putin personally, were strongly demonized by the DS during the US presidential campaign in 2016. Russia was accused of all types of subversion, including hacking the Democratic National Committee emails, hacking the elections themselves, and supporting Trump. Hillary Clinton s campaign theme was that Trump was a Russian agent.What is noteworthy is that not a shred of credible evidence was provided by Clinton or anyone else in the DS to support the above allegations. What was provided included fake news, unsubstantiated dossiers, and rumours. They failed to impress the voters, and Trump won the election by a comfortable margin.But the matter did not end there. Humiliated by the defeat of its candidate Hillary Clinton in the election, the DS has launched a campaign to undermine Trump s presidency, by promoting Russophobia and by portraying Russia and Putin as a threat to US security.It was necessary to provide the above background in order to interpret Trump s foreign policy moves since he took over as President. His policies relating to some major countries and issues will be analyzed.RussiaFirst, Trump s approach to Russia. During his election campaign, Trump had repeatedly said that he would work to normalize relations with Russia. He implied that Russia was not an enemy of the US, and could become a partner to find solutions to problems in certain countries.In particular, Trump said that the US and Russia could jointly fight the ISIS and other terrorist groups in Syria. He suggested that since President Assad was also fighting the ISIS in Syria, dislodging him, or regime change, was not a priority.Trump s attitude to Moscow flew in the face of what Hillary Clinton and the DS had been saying for a long time that Russia was an enemy which had to be deterred by overwhelming military power. Trump s detractors, therefore, could not accept his Russia Policy. They had to make sure that he did not abandon their hard line towards Moscow.They did so by targeting Gen. Michael Flynn, Trump s National Security Advisor (NSA). On 9th Feb., the Washington Post carried a story claiming that Flynn had spoken on the phone to the Russian Ambassador to the US before Trump s inauguration, and discussed US sanctions against Russia with him. It was also claimed that Flynn lied about the conversation to Vice President Pence.Under intense media and Congressional pressure, Trump asked Flynn to resign, which he did on 13th Feb. The Deep State had claimed its first victim and shown Trump what it could do if he deviated from its Russia Policy. Though Flynn had not violated any US law and done nothing to compromise US security, he had to resign because Trump could not stand up to the DS and buckled under pressure.But that was not the end of the matter. On 2nd March the Washington Post carried another story stating that Trump s Attorney General Jeff Sessions had spoken twice with the Russian Ambassador in 2016 when Sessions was a Senator and failed to disclose the same during his confirmation hearings.This time Trump defended Sessions and said he had done no wrong, which was true. Trump even went on the offensive stating that the really important issue was the illegal leaking of secret information by US intelligence agencies to the media, which he asked the FBI to investigate. Trump also alleged on 4th March that President Obama had ordered wiretapping of his phones in Trump Tower ahead of the 2016 election.After the attack on Flynn, Trump had realized that the final target of the DS was Trump himself. Flynn s removal was the opening salvo, and the attack on Jeff Sessions was the second. Trump reluctantly accepted that he had to fall in line with the agenda of the DS on Russia, Syria, Ukraine, and other issues. Otherwise, the DS might try to remove him by impeachment, on charges of treason and conspiring with an enemy state.Trump s changed approach to Russia was reflected in his appointment on Feb. 20 of General H.R. McMaster as NSA, in place of Flynn. McMaster sees Russia as a hostile revisionist power, and does not support normalization of relations with that country. The appointment of McMaster has been widely seen as an attempt by Trump to placate his enemies in the Deep State; it also reflects his apprehension that if he does not do the bidding of the DS, he might end up like Flynn.Trump has also proposed an increase in the Pentagon s budget by ten percent, amounting to about US$ 54 billion. That is equal to around eighty percent of Russia s entire military budget in 2015. The US expenditure on defense is about nine times that of Russia. These figures speak for themselves in the context of Russia s purported threat to the US.It is, therefore, safe to predict that Trump will abandon his objective to normalize relations with Russia, at least in public. He will depict Russia as a threat to US security and act accordingly. Thus, in the recent past, US troops have been deployed in Poland, Bulgaria, and Romania, while NATO troops have been sent to the Baltic states all on Russia s periphery. The White House has also asked Russia to hand back Crimea to Ukraine. ChinaSecond, US relations with China. Trump raised Chinese hackles by speaking on the phone to the Taiwanese President soon after he was elected. China protested vigorously, eliciting a dismissive reaction from Trump, who said there was nothing wrong in receiving a congratulatory phone call from the Taiwanese President. China saw Trump s action as undermining the US s One China policy.During his confirmation hearings, US Secretary of State Tillerson said that China s activities in the South China Sea were not acceptable to the US, which will respond if China violates international law in that area. That cannot have pleased the Chinese.However, in the recent past, Trump has climbed down by reaffirming the US s One China policy and avoided making statements that could annoy the Chinese. He seems to have grasped China s importance globally, as well as the massive US economic stakes in that country.Nevertheless, it would not be surprising if US-China relations witness turbulence during Trump s tenure in office. China is also a designated enemy of the US Deep State because that helps increase the Pentagon s budget. The more the number of US enemies, the better for the DS.MexicoThird, Mexico. Trump had repeatedly promised during his election campaign that he would build a wall along the US-Mexico border to reduce illegal immigration from that country. What s more, he had also said he would ask Mexico to pay for the wall. Another issue that he had raised was NAFTA, which, according to him, was hurting the US economy, and needed to be scrapped.After assuming power Trump continued to repeat what he had said about the US-Mexico wall. This angered the Mexican President, who cancelled a scheduled visit to the US in end-January 2017. After that, Trump sent Secretary of State Tillerson and Secretary of Homeland Security John Kelly to Mexico on 23rd Feb. for damage control and normalization of relations. It is safe to say, however, that US-Mexico relations under Trump will continue to witness turbulence because Trump is serious both about the wall as well as NAFTA.IsraelFourth, Israel. In his approach to that country, Trump is proving to be even more pro-Israel than Hillary Clinton, who was the candidate of the Jewish lobby in the US. Trump s Israel Policy seems to be driven by his son-in-law Jared Kushner, an Orthodox Jew, whose wife Ivanka, Trump s daughter, converted to Judaism before marrying Kushner. During his election campaign, Trump had said that he would move the US embassy in Israel from Tel Aviv to Jerusalem.Israeli Prime Minister Benjamin Netanyahu visited Washington in mid-Feb. 2017 to meet Trump. After their talks, Trump said that he would accept whatever the Israelis and the Palestinians decided between themselves either a two or a one-state solution to the Palestinian issue. This was a significant departure from the official US and UN position on the issue a two-state solution based on the land-for-peace formula.By adopting the above position, Trump effectively washed his hands off the Israeli-Palestinian issue, leaving it to the Israelis to do whatever they liked, and abandoning the Palestinians to their fate. He has also sent a team of US officials to Israel to examine the feasibility of shifting the US embassy from Tel Aviv to Jerusalem, as promised by him.It is likely that during his presidency Trump will allow Israel to do what it wishes in the region, especially regarding the Palestinians, Syria, and Iran. That cannot be good for regional security.IranFifth, Iran. During his election campaign, Trump had repeatedly expressed his anti-Iran feelings and criticized the Iran nuclear deal engineered by Obama. On 6th March, Trump imposed a 90-day ban on travel to the US by Iranian nationals. As things stand, it would be safe to say that during his presidency, US-Iran relations will come under strain. His approach to Iran will also affect US policy in Syria.SyriaSixth, Syria. After becoming President, Trump has spoken about setting up safe zones in Syria which Obama had resisted because he did not want greater and direct US military involvement in that country. Trump has said that Syrian refugees should stay in safe zones in Syria, rather than migrating to Europe or America.If Trump insists on setting up safe zones in Syria, significant numbers of US troops will have to be deployed in the country, in addition to the hundreds of US special forces already present in seven or eight bases in northern and eastern Syria. That would also increase the chances of a deliberate or inadvertent confrontation between the US and Russian forces, who are already present in the country.European UnionSeventh, the European Union. Trump has taken steps to reassure the EU that the US commitment to NATO remains strong, though he insists that NATO members should contribute two per cent of their GDP to NATO s budget. Whether he would be able to enforce that remains to be seen. Under Trump, US relations with EU are unlikely to be as close and warm as they were during Obama s presidency. It is no secret that EU members would have been happier if Hillary Clinton were elected.ImmigrationEighth, immigration. Trump has linked his policy on immigration to the prevention of terrorism in the US. On 6th March, Trump signed an Executive Order banning travel to the US for 90 days by nationals of six Muslim-majority countries Iran, Libya, Syria, Somalia, Sudan and Yemen. Ironically, the US has been responsible for launching wars and destabilizing three of these countries Libya, Syria, and Yemen. The travel ban from these countries could not be more hypocritical and unjust.International Trade and GlobalizationNinth, international trade and globalization. Trump has promised to implement an America First policy which may clash with globalization and free trade. Soon after taking over, he scrapped the Trans-Pacific Partnership (TPP) and blamed NAFTA for migration of manufacturing jobs to Mexico. Trump s top priority during his tenure would be to fulfill his promise of bringing manufacturing jobs back to America. If, in the process, free trade and globalization are undermined, so be it.IndiaFinally, US-India relations. While campaigning, Trump spoke positively about India. The Indian diaspora in the US, particularly some Hindu community groups, organized fundraisers for Trump. He was quoted as saying: I am a big fan of Hindu and India. Under the Trump administration, we are going to be even better friends. In fact, I would say we are going to be the best of friends. There won t be a relationship more important to us. Trump phoned Indian Prime Minister Modi five days after he was sworn-in as President, and described India as a true friend and partner in addressing the challenges of the world. However, Trump s protectionist approach to trade may pose some problems for India, particularly regarding the H-1B visas, which are used by Indian software companies to send technical personnel for jobs in the US. It is possible that Trump may reduce the number of the visas or impose more stringent rules to obtain them. India has conveyed her concerns to the US side through various channels, and cannot do more than wait and see what Trump finally does. But it seems clear that he will give high priority to relations with India.This is how Trump s foreign policy looks at the moment. It is still early days, and things may play out differently. Only time will tell what actually happens.***Niraj Srivastava is a former Ambassador of India who has served in several countries including Syria, Libya, Saudi Arabia and the United StatesREAD MORE TRUMP NEWS AT: 21st Century Wire Trump FilesREAD MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"March 9, 2017",1 +BREAKING: Wikileaks To Give Tech Companies Exclusive Access To CIA Hack Tools,"21st Century Wire says Wikileaks founder Julian Assange has revealed at a press conference earlier today that WikiLeaks will give tech companies which suffered billions of dollars of damage when hacked by the CIA exclusive access to its technical expertise.Assange said the leaked information came from an isolated computer on the network at CIA headquarters in Virginia. He described the loss of the information as a historic act of devastating incompetence. More on this report from RT RTWikiLeaks will give tech companies which suffered billions of dollars of damage when hacked by the CIA exclusive access to its technical expertise, founder Julian Assange revealed at a press conference.Speaking in a livestream Thursday, Assange said the leaked information originated from an isolated computer, separated from others in the network, at CIA headquarters in Virginia, describing the loss of the information as an historic act of devastating incompetence. READ MORE: WikiLeaks says just 1% of #Vault7 covert documents released so farRaising questions over whether the loss of the information was known to former US President Barack Obama or current president Donald Trump before being revealed by WikiLeaks, Assange also questioned if the loss had been shared with companies such as Apple and Google, which were made vulnerable by it. Potentially billions of dollars of damage has been done by the CIA to tech companies, Assange said, adding trust has been damaged by the revelations, in both the US government and US exports. He later added that some of the fixes to devices exposed as vulnerable by the leak would be quickly fixed but others, including smart TVs, would be more difficult and take longer to fix. WikiLeaks has a lot more information, Assange said, adding that we have decided to work with them, to give them some exclusive access to some of the technical details we have, so that fixes can be pushed out. Once this material is effectively disarmed we will publish additional details about what has been occurring, Assange added.Tech giants #Apple, #Samsung & #Microsoft express concern about #CIA hacking after #WikiLeaks dump https://t.co/nailD7mqGs#Vault7 #YearZero pic.twitter.com/aMauSmWXs1 RT (@RT_com) March 8, 2017Answering a question that he admitted came from himself, Assange said WikiLeaks fights for the rights of publishers, sources and media accuracy and that the cyber weapon details being published were used to investigate journalists. We want to secure communications technology because without communications technology journalists cannot hold the state to account, Assange said.CNN asked whether it was legal for the CIA to do this, per US law, provided the hacking techniques are used overseas. It is an unusual time in the United States to see an intelligence agency so heavily involved in domestic politics, Assange said, when asked if the CIA was experiencing turmoil within its ranks.When questioned about redactions, Assange said 78,000 pieces of information were withheld, consisting of IP addresses of both target and attack machines. The IPs will be investigated and identified before the redaction is removed Continue this story at RTREAD MORE WIKILEAKS AT: 21st Century Wire WIKILEAKS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 9, 2017",0 +US Media Silence as Pentagon Deploys Rangers Armoured Regiment on the Ground in Syria," US Army M1126 Stryker armoured vehicles rolled into Syria this week (Source: Twitter)21st Century Wire says Yesterday reports emerged of a US heavy armoured convoy heeding through northern Syria, heading towards a forward position near the flashpoint city of Manbij, near the ISIS stronghold of Raqqa. Not surprisingly, this news which would normally be strewn across all headlines and TV news leader boards has been completely blacked-out by the US media, aside from some website mentions.Naturally, Americans have to go to RT to get news about what the US military is doing in far-flung destinations. Here is a video report by RT s Ruptly News Agency which shows the US servicemen leading a convoy of Stryker armoured vehicles in the Syrian countryside: According to military blog SOFREP, call signs indicate that this US battalion is based out of Fort Benning, Georgia. By looking at the call sign tag on the back of the Stryker, it is evident that this is 3rd Ranger Battalion out of Fort Benning, Georgia, which has been confirmed via other sources. This clearly indicates that the Trump Administration is in the process of actively building up its military presence in Syria. To what degree is unclear, although early indications suggest a similar commitment to what the US has laid-on in Mosul in their joint operation to retake that Iraqi city away from ISIS control.Currently, the US is at odds with NATO ally Turkey over the Pentagon s support of the Kurdish YPG whom Turkey has designated as a terrorist organization. This could be a point of contention going forward, as the US, Russia and Turkey conduct trilateral negotiations this week in Antalya, Turkey this week.STAY TUNED TO 21WIRE FOR MORE UPDATESREAD MORE SYRIA NEWS AT: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 8, 2017",1 +"Media Says Trump Cannot Use Anonymous Sources, But They Can!","21st Century Wire says Is there any wonder people are sick of the mainstream media?In stunning showing of arrogance, the mainstream media attacked President Donald Trump earlier in the week for basing his wiretapping claims on anonymously sourced reports. They must have forgotten that they too have relied on the very same reporting technique when covering some of the most contentious issues of the past few years.The hypocrisy is almost enough to turn your stomach. Stuart J. Hooper breaks it down in the following video report: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 8, 2017",0 +BREAKING: Wikileaks Says Less Than 1% Of Vault 7 Released,"21st Century Wire says Just 24 hours after the release of Vault 7, Zero Day , Wikileaks has claimed that less than 1% of Vault 7 has been released so far . This is surely to generate not only excitement amongst security analysts, researchers, software engineers and hackers alike, but considerable dread within the intelligence community. Wikileaks dump of Vault 7 has already caused a flurry not only within the mainstream media but noticeable reactions of companies mentioned within Zero Day cache such as Apple, Google, Telegram, Signal, Samsung, and Microsoft, whom back in February called for a Digital Geneva Convention .More on this report from RT RTWikiLeaks data dump on Tuesday accounted for less than one percent of Vault 7 , a collection of leaked CIA documents which revealed the extent of its hacking capabilities, the whistleblowing organization has claimed on Twitter. WikiLeaks has released less than 1% of its #Vault7 series in its part one publication yesterday 'Year Zero'. WikiLeaks (@wikileaks) March 8, 2017 Year Zero , comprising 8,761 documents and files, was released unexpectedly by WikiLeaks. The organization had initially announced that it was part of a larger series, known as Vault 7. However, it did not give further information on when more leaks would occur or on how many series would comprise Vault 7 Continue this story at RTREAD MORE WIKILEAKS AT: 21st Century Wire WIKILEAKS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 8, 2017",0 +Former NSA Whistleblower: β€˜Trump Absolutely Right He Was Wiretapped’,"21st Century Wire says Former NSA executive and whistleblower William Binney confirmed that President Donald J. Trump is absolutely right to claim he was wiretapped and monitored. Binney, a 36 year NSA veteran also considered a legend within the agency, created the agency s mass surveillance program for digital information and served as the senior technical director within the agency, who managed six thousand NSA employees. After the events of September 11th, 2001, Binney resigned from the NSA and became a whistleblower when discovering that the data-monitoring program he had helped develop nicknamed ThinThread was being used to spy on Americans, as reported by PBS.More on this report from Zerohedge Tyler Durden ZerohedgeLegendary NSA whistleblower William Binney (and creator of NSA s global surveillance system) confirmed to Fox News, that President Trump is absolutely right to claim he was wiretapped and monitored he was.As we noted previously, Binney is the NSA executive who created the agency s mass surveillance program for digital information, who served as the senior technical director within the agency, who managed six thousand NSA employees, the 36-year NSA veteran widely regarded as a legend within the agency and the NSA s best-ever analyst and code-breaker, who mapped out the Soviet command-and-control structure before anyone else knew how, and so predicted Soviet invasions before they happened ( in the 1970s, he decrypted the Soviet Union s command system, which provided the US and its allies with real-time surveillance of all Soviet troop movements and Russian atomic weapons ). Binney is the real McCoy.Binney resigned from NSA shortly after the U.S. approach to intelligence changed following the attacks of Sept. 11, 2001. He became a whistleblower after discovering that elements of a data-monitoring program he had helped develop nicknamed ThinThread were being used to spy on Americans, PBS reported.On Monday he came to the defense of the president, whose allegations on social media over the weekend that outgoing President Barack Obama tapped his phones during the 2016 campaign have rankled Washington. I think the president is absolutely right. His phone calls, everything he did electronically, was being monitored, Bill Binney, a 36-year veteran of the National Security Agency who resigned in protest from the organization in 2001, told Fox Business on Monday. Everyone s conversations are being monitored and stored , Binney said.Binney also told Sean Hannity s radio show earlier Monday, I think the FISA court s basically totally irrelevant. The judges on the FISA court are not even concerned, nor are they involved in any way with the Executive Order 12333 collection, Binney said during the radio interview. That s all done outside of the courts. And outside of the Congress. Binney also told Fox the laws that fall under the FISA court s jurisdiction are simply out there for show and trying to show that the government is following the law, and being looked at and overseen by the Senate and House intelligence committees and the courts. That s not the main collection program for NSA, Binney said Continue this report at ZerohedgeREAD MORE TRUMP AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 7, 2017",1 +US Hostage Survives Terrorist Ordeal in Syria to Deliver a Stunning Message to US-UK β€˜Regime Change’ Crowd,"21st Century Wire says A small miracle a rare moment of truth on the mainstream media. Buried below all of the salacious and sensational headlines and faux Russian intrigue in Washington over the last week, FOX News host Tucker Carlson delivered a stunning short interview with Theo Padnos, an American journalist who was held captive for two years (2012 2014) by US-UK and GCC-backed terrorists from Al Nusra Front aka Al-Qaeda in Syria.During the last 6 years under president Barack Obama, failing US officials like Hillary Clinton and John Kerry have been whitewashing the true nature of the co-called moderate rebels in Syria repeatedly attempting to characterize them as righteous freedom fighters striving for an embryonic democracy in Syria. Padnos obliterates the institutional US government and media deception on this subject, and sets the record straight about the wanton savagery of so-called rebels , many of whom are not even from Syria: They re murdering people in the streets, they re employing children as torturers. They are destroying the society over there. Some of them are interested in money, some of them are interested in power, some of them love their guns. They re having a wonderful time during the Jihad ( ) They have the keys to these cool pick-up trucks, they have free food They re constructing a real prison archipelago over there full of prisoners, and full of anyone they really don t like. Survivor: Theo Padnos An incredible axis of power to many young men who have had none for most of their lives it s a dangerous scenario that s unfolding over there in parts of the country that the government doesn t control. The host then asked Padnos what he thought of the Assad government in Syria. The answer was not something you will ever hear from any of the experts on CNN or NBC who have been all-out for regime change since hostilities broke out in 2011: The Assad regime? Right now, there is approx 16 million people who are living in safety. The schools function, the universities function, hospitals function, there s traffic police in the streets. Listen, it s not Switzerland it s not a perfect society I think they themselves recognize this. Anybody who wants peace in Syria will acknowledge and respect the peace that they have at the moment and not degrade and damage it somehow which the Obama Administration has done by sending missiles and all kinds of weaponry to the rebels which I thought was disgraceful because it destroyed such peace, as there was. There remains a situation in which there are rebel enclaves and these rebel enclaves are not peaceful, of course not. They are being destroyed. Look, it s a civil war. The rebel enclaves just a minority of the population lives there, the majority of Syrians are living a relative peace under the Assad regime. Yes, that is preferable to the bombings and the crucifixions in the streets that we are seeing, and the murdering of citizens, the torturing and the imprisoning of random which is what they [the rebel terrorists] are doing. Watch Tucker Carlson stunning segment with Theo Padnos here: https://www.youtube.com/watch?v=dksPBRg5tGQ . READ MORE WIKILEAKS AT: 21st Century Wire WIKILEAKS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 7, 2017",0 +BREAKING: Wikileaks Releases β€˜Vault 7’ Part 1 – β€˜Year Zero’,"21st Century Wire says WikiLeaks has released its largest ever publication of confidential documents on the Central Intelligence Agency. Entitled Vault 7 and containing a password that echoed the alleged JFK quote splinter the CIA into a thousand pieces and scatter it into the winds, this leak comprises 8,761 documents and files from an isolated, high-security network situated inside the CIA s Center for Cyber Intelligence in Langley, Virginia. Year Zero , which is part one of the leak and conveniently named after a zero day exploit used by intelligence agencies, was gathered throughout 2016 and is said to be the largest intelligence publication in history .Whilst a lot of the information and methodology outlined in Year Zero is of no surprise to security analysts and researchers since the Edward Snowden (image, left) revelations, once again the public has explicit confirmation of how one of the most powerful intelligence agencies in the world, aided by their international counterparts like GCHQ, have been infiltrating and scooping vast quantities of private information from Apple and Android devices right up to Samsung Smart TV technology where false stand-by modes and live microphones can be executed to record information and send it back to the appropriate servers.This document dump is a game changer, because not only does the world know what they ve done, we now know how they ve done it.Based on the CIA s own documents, how do we know it wasn t the CIA themselves behind various Russian hacking conspiracies circling around Trump? The questions are proliferating as we speak.More on this report from Wikileaks Wikileaks Today, Tuesday 7 March 2017, WikiLeaks begins its new series of leaks on the U.S. Central Intelligence Agency. Code-named Vault 7 by WikiLeaks, it is the largest ever publication of confidential documents on the agency.The first full part of the series, Year Zero , comprises 8,761 documents and files from an isolated, high-security network situated inside the CIA s Center for Cyber Intelligence in Langley, Virgina. It follows an introductory disclosure last month of CIA targeting French political parties and candidates in the lead up to the 2012 presidential election.Recently, the CIA lost control of the majority of its hacking arsenal including malware, viruses, trojans, weaponized zero day exploits, malware remote control systems and associated documentation. This extraordinary collection, which amounts to more than several hundred million lines of code, gives its possessor the entire hacking capacity of the CIA. The archive appears to have been circulated among former U.S. government hackers and contractors in an unauthorized manner, one of whom has provided WikiLeaks with portions of the archive. Year Zero introduces the scope and direction of the CIA s global covert hacking program, its malware arsenal and dozens of zero day weaponized exploits against a wide range of U.S. and European company products, include Apple s iPhone, Google s Android and Microsoft s Windows and even Samsung TVs, which are turned into covert microphones.Since 2001 the CIA has gained political and budgetary preeminence over the U.S. National Security Agency (NSA). The CIA found itself building not just its now infamous drone fleet, but a very different type of covert, globe-spanning force its own substantial fleet of hackers. The agency s hacking division freed it from having to disclose its often controversial operations to the NSA (its primary bureaucratic rival) in order to draw on the NSA s hacking capacities.By the end of 2016, the CIA s hacking division, which formally falls under the agency s Center for Cyber Intelligence (CCI), had over 5000 registered users and had produced more than a thousand hacking systems, trojans, viruses, and other weaponized malware. Such is the scale of the CIA s undertaking that by 2016, its hackers had utilized more code than that used to run Facebook. The CIA had created, in effect, its own NSA with even less accountability and without publicly answering the question as to whether such a massive budgetary spend on duplicating the capacities of a rival agency could be justified.In a statement to WikiLeaks the source details policy questions that they say urgently need to be debated in public, including whether the CIA s hacking capabilities exceed its mandated powers and the problem of public oversight of the agency. The source wishes to initiate a public debate about the security, creation, use, proliferation and democratic control of cyberweapons.Once a single cyber weapon is loose it can spread around the world in seconds, to be used by rival states, cyber mafia and teenage hackers alike.Julian Assange, WikiLeaks editor stated that There is an extreme proliferation risk in the development of cyber weapons . Comparisons can be drawn between the uncontrolled proliferation of such weapons , which results from the inability to contain them combined with their high market value, and the global arms trade. But the significance of Year Zero goes well beyond the choice between cyberwar and cyberpeace. The disclosure is also exceptional from a political, legal and forensic perspective. Wikileaks has carefully reviewed the Year Zero disclosure and published substantive CIA documentation while avoiding the distribution of armed cyberweapons until a consensus emerges on the technical and political nature of the CIA s program and how such weapons should analyzed, disarmed and published.Wikileaks has also decided to redact and anonymise some identifying information in Year Zero for in depth analysis. These redactions include ten of thousands of CIA targets and attack machines throughout Latin America, Europe and the United States. While we are aware of the imperfect results of any approach chosen, we remain committed to our publishing model and note that the quantity of published pages in Vault 7 part one ( Year Zero ) already eclipses the total number of pages published over the first three years of the Edward Snowden NSA leaks.CIA malware and hacking tools are built by EDG (Engineering Development Group), a software development group within CCI (Center for Cyber Intelligence), a department belonging to the CIA s DDI (Directorate for Digital Innovation). The DDI is one of the five major directorates of the CIA (see this organizational chart of the CIA for more details).The EDG is responsible for the development, testing and operational support of all backdoors, exploits, malicious payloads, trojans, viruses and any other kind of malware used by the CIA in its covert operations world-wide.The increasing sophistication of surveillance techniques has drawn comparisons with George Orwell s 1984, but Weeping Angel , developed by the CIA s Embedded Devices Branch (EDB), which infests smart TVs, transforming them into covert microphones, is surely its most emblematic realization.The attack against Samsung smart TVs was developed in cooperation with the United Kingdom s MI5/BTSS. After infestation, Weeping Angel places the target TV in a Fake-Off mode, so that the owner falsely believes the TV is off when it is on. In Fake-Off mode the TV operates as a bug, recording conversations in the room and sending them over the Internet to a covert CIA server.As of October 2014 the CIA was also looking at infecting the vehicle control systems used by modern cars and trucks. The purpose of such control is not specified, but it would permit the CIA to engage in nearly undetectable assassinations.The CIA s Mobile Devices Branch (MDB) developed numerous attacks to remotely hack and control popular smart phones. Infected phones can be instructed to send the CIA the user s geolocation, audio and text communications as well as covertly activate the phone s camera and microphone.Despite iPhone s minority share (14.5%) of the global smart phone market in 2016, a specialized unit in the CIA s Mobile Development Branch produces malware to infest, control and exfiltrate data from iPhones and other Apple products running iOS, such as iPads. CIA s arsenal includes numerous local and remote zero days developed by CIA or obtained from GCHQ, NSA, FBI or purchased from cyber arms contractors such as Baitshop. The disproportionate focus on iOS may be explained by the popularity of the iPhone among social, political, diplomatic and business elites.A similar unit targets Google s Android which is used to run the majority of the world s smart phones (~85%) including Samsung, HTC and Sony. 1.15 billion Android powered phones were sold last year. Year Zero shows that as of 2016 the CIA had 24 weaponized Android zero days which it has developed itself and obtained from GCHQ, NSA and cyber arms contractors.These techniques permit the CIA to bypass the encryption of WhatsApp, Signal, Telegram, Wiebo, Confide and Cloackman by hacking the smart phones that they run on and collecting audio and message traffic before encryption is applied.The CIA also runs a very substantial effort to infect and control Microsoft Windows users with its malware. This includes multiple local and remote weaponized zero days , air gap jumping viruses such as Hammer Drill which infects software distributed on CD/DVDs, infectors for removable media such as USBs, systems to hide data in images or in covert disk areas ( Brutal Kangaroo ) and to keep its malware infestations going.Many of these infection efforts are pulled together by the CIA s Automated Implant Branch (AIB), which has developed several attack systems for automated infestation and control of CIA malware, such as Assassin and Medusa .Attacks against Internet infrastructure and webservers are developed by the CIA s Network Devices Branch (NDB).The CIA has developed automated multi-platform malware attack and control systems covering Windows, Mac OS X, Solaris, Linux and more, such as EDB s HIVE and the related Cutthroat and Swindle tools, which are described in the examples section below.In the wake of Edward Snowden s leaks about the NSA, the U.S. technology industry secured a commitment from the Obama administration that the executive would disclose on an ongoing basis rather than hoard serious vulnerabilities, exploits, bugs or zero days to Apple, Google, Microsoft, and other US-based manufacturers.Serious vulnerabilities not disclosed to the manufacturers places huge swathes of the population and critical infrastructure at risk to foreign intelligence or cyber criminals who independently discover or hear rumors of the vulnerability. If the CIA can discover such vulnerabilities so can others.The U.S. government s commitment to the Vulnerabilities Equities Process came after significant lobbying by US technology companies, who risk losing their share of the global market over real and perceived hidden vulnerabilities. The government stated that it would disclose all pervasive vulnerabilities discovered after 2010 on an ongoing basis. Year Zero documents show that the CIA breached the Obama administration s commitments. Many of the vulnerabilities used in the CIA s cyber arsenal are pervasive and some may already have been found by rival intelligence agencies or cyber criminals.As an example, specific CIA malware revealed in Year Zero is able to penetrate, infest and control both the Android phone and iPhone software that runs or has run presidential Twitter accounts. The CIA attacks this software by using undisclosed security vulnerabilities ( zero days ) possessed by the CIA but if the CIA can hack these phones then so can everyone else who has obtained or discovered the vulnerability. As long as the CIA keeps these vulnerabilities concealed from Apple and Google (who make the phones) they will not be fixed, and the phones will remain hackable.The same vulnerabilities exist for the population at large, including the U.S. Cabinet, Congress, top CEOs, system administrators, security officers and engineers. By hiding these security flaws from manufacturers like Apple and Google the CIA ensures that it can hack everyone &mdsh; at the expense of leaving everyone hackable.Cyber weapons are not possible to keep under effective control.While nuclear proliferation has been restrained by the enormous costs and visible infrastructure involved in assembling enough fissile material to produce a critical nuclear mass, cyber weapons , once developed, are very hard to retain.Cyber weapons are in fact just computer programs which can be pirated like any other. Since they are entirely comprised of information they can be copied quickly with no marginal cost.Securing such weapons is particularly difficult since the same people who develop and use them have the skills to exfiltrate copies without leaving traces sometimes by using the very same weapons against the organizations that contain them. There are substantial price incentives for government hackers and consultants to obtain copies since there is a global vulnerability market that will pay hundreds of thousands to millions of dollars for copies of such weapons . Similarly, contractors and companies who obtain such weapons sometimes use them for their own purposes, obtaining advantage over their competitors in selling hacking services.Over the last three years the United States intelligence sector, which consists of government agencies such as the CIA and NSA and their contractors, such as Booze Allan Hamilton, has been subject to unprecedented series of data exfiltrations by its own workers.A number of intelligence community members not yet publicly named have been arrested or subject to federal criminal investigations in separate incidents.Most visibly, on February 8, 2017 a U.S. federal grand jury indicted Harold T. Martin III with 20 counts of mishandling classified information. The Department of Justice alleged that it seized some 50,000 gigabytes of information from Harold T. Martin III that he had obtained from classified programs at NSA and CIA, including the source code for numerous hacking tools.Once a single cyber weapon is loose it can spread around the world in seconds, to be used by peer states, cyber mafia and teenage hackers alike.In addition to its operations in Langley, Virginia the CIA also uses the U.S. consulate in Frankfurt as a covert base for its hackers covering Europe, the Middle East and Africa.CIA hackers operating out of the Frankfurt consulate ( Center for Cyber Intelligence Europe or CCIE) are given diplomatic ( black ) passports and State Department cover. The instructions for incoming CIA hackers make Germany s counter-intelligence efforts appear inconsequential: Breeze through German Customs because you have your cover-for-action story down pat, and all they did was stamp your passport Your Cover Story (for this trip) Q: Why are you here? A: Supporting technical consultations at the Consulate.Two earlier WikiLeaks publications give further detail on CIA approaches to customs and secondary screening procedures.Once in Frankfurt CIA hackers can travel without further border checks to the 25 European countries that are part of the Shengen open border area including France, Italy and Switzerland.A number of the CIA s electronic attack methods are designed for physical proximity. These attack methods are able to penetrate high security networks that are disconnected from the internet, such as police record database. In these cases, a CIA officer, agent or allied intelligence officer acting under instructions, physically infiltrates the targeted workplace. The attacker is provided with a USB containing malware developed for the CIA for this purpose, which is inserted into the targeted computer. The attacker then infects and exfiltrates data to removable media. For example, the CIA attack system Fine Dining, provides 24 decoy applications for CIA spies to use. To witnesses, the spy appears to be running a program showing videos (e.g VLC), presenting slides (Prezi), playing a computer game (Breakout2, 2048) or even running a fake virus scanner (Kaspersky, McAfee, Sophos). But while the decoy application is on the screen, the underlaying system is automatically infected and ransacked.In what is surely one of the most astounding intelligence own goals in living memory, the CIA structured its classification regime such that for the most market valuable part of Vault 7 the CIA s weaponized malware (implants + zero days), Listening Posts (LP), and Command and Control (C2) systems the agency has little legal recourse.The CIA made these systems unclassified.Why the CIA chose to make its cyberarsenal unclassified reveals how concepts developed for military use do not easily crossover to the battlefield of cyber war .To attack its targets, the CIA usually requires that its implants communicate with their control programs over the internet. If CIA implants, Command & Control and Listening Post software were classified, then CIA officers could be prosecuted or dismissed for violating rules that prohibit placing classified information onto the Internet. Consequently the CIA has secretly made most of its cyber spying/war code unclassified. The U.S. government is not able to assert copyright either, due to restrictions in the U.S. Constitution. This means that cyber arms manufactures and computer hackers can freely pirate these weapons if they are obtained. The CIA has primarily had to rely on obfuscation to protect its malware secrets.Conventional weapons such as missiles may be fired at the enemy (i.e into an unsecured area). Proximity to or impact with the target detonates the ordnance including its classified parts. Hence military personnel do not violate classification rules by firing ordnance with classified parts. Ordnance will likely explode. If it does not, that is not the operator s intent.Over the last decade U.S. hacking operations have been increasingly dressed up in military jargon to tap into Department of Defense funding streams. For instance, attempted malware injections (commercial jargon) or implant drops (NSA jargon) are being called fires as if a weapon was being fired. However the analogy is questionable.Unlike bullets, bombs or missiles, most CIA malware is designed to live for days or even years after it has reached its target . CIA malware does not explode on impact but rather permanently infests its target. In order to infect target s device, copies of the malware must be placed on the target s devices, giving physical possession of the malware to the target. To exfiltrate data back to the CIA or to await further instructions the malware must communicate with CIA Command & Control (C2) systems placed on internet connected servers. But such servers are typically not approved to hold classified information, so CIA command and control systems are also made unclassified.A successful attack on a target s computer system is more like a series of complex stock maneuvers in a hostile take-over bid or the careful planting of rumors in order to gain control over an organization s leadership rather than the firing of a weapons system. If there is a military analogy to be made, the infestation of a target is perhaps akin to the execution of a whole series of military maneuvers against the target s territory including observation, infiltration, occupation and exploitation.A series of standards lay out CIA malware infestation patterns which are likely to assist forensic crime scene investigators as well as Apple, Microsoft, Google, Samsung, Nokia, Blackberry, Siemens and anti-virus companies attribute and defend against attacks. Tradecraft DO s and DON Ts contains CIA rules on how its malware should be written to avoid fingerprints implicating the CIA, US government, or its witting partner companies in forensic review . Similar secret standards cover the use of encryption to hide CIA hacker and malware communication (pdf), describing targets & exfiltrated data (pdf) as well as executing payloads (pdf) and persisting (pdf) in the target s machines over time.CIA hackers developed successful attacks against most well known anti-virus programs. These are documented in AV defeats, Personal Security Products, Detecting and defeating PSPs and PSP/Debugger/RE Avoidance. For example, Comodo was defeated by CIA malware placing itself in the Window s Recycle Bin . While Comodo 6.x has a Gaping Hole of DOOM .CIA hackers discussed what the NSA s Equation Group hackers did wrong and how the CIA s malware makers could avoid similar exposure.The CIA s Engineering Development Group (EDG) management system contains around 500 different projects (only some of which are documented by Year Zero ) each with their own sub-projects, malware and hacker tools.The majority of these projects relate to tools that are used for penetration, infestation ( implanting ), control, and exfiltration.Another branch of development focuses on the development and operation of Listening Posts (LP) and Command and Control (C2) systems used to communicate with and control CIA implants; special projects are used to target specific hardware from routers to smart TVs.Some example projects are described below, but see the table of contents for the full list of projects described by WikiLeaks Year Zero .The CIA s hand crafted hacking techniques pose a problem for the agency. Each technique it has created forms a fingerprint that can be used by forensic investigators to attribute multiple different attacks to the same entity.This is analogous to finding the same distinctive knife wound on multiple separate murder victims. The unique wounding style creates suspicion that a single murderer is responsible. As soon one murder in the set is solved then the other murders also find likely attribution.The CIA s Remote Devices Branch s UMBRAGE group collects and maintains a substantial library of attack techniques stolen from malware produced in other states including the Russian Federation.With UMBRAGE and related projects the CIA cannot only increase its total number of attack types but also misdirect attribution by leaving behind the fingerprints of the groups that the attack techniques were stolen from.UMBRAGE components cover keyloggers, password collection, webcam capture, data destruction, persistence, privilege escalation, stealth, anti-virus (PSP) avoidance and survey techniques.Fine Dining comes with a standardized questionnaire i.e menu that CIA case officers fill out. The questionnaire is used by the agency s OSB (Operational Support Branch) to transform the requests of case officers into technical requirements for hacking attacks (typically exfiltrating information from computer systems) for specific operations. The questionnaire allows the OSB to identify how to adapt existing tools for the operation, and communicate this to CIA malware configuration staff. The OSB functions as the interface between CIA operational staff and the relevant technical support staff.Among the list of possible targets of the collection are Asset , Liaison Asset , System Administrator , Foreign Information Operations , Foreign Intelligence Agencies and Foreign Government Entities . Notably absent is any reference to extremists or transnational criminals. The Case Officer is also asked to specify the environment of the target like the type of computer, operating system used, Internet connectivity and installed anti-virus utilities (PSPs) as well as a list of file types to be exfiltrated like Office documents, audio, video, images or custom file types. The menu also asks for information if recurring access to the target is possible and how long unobserved access to the computer can be maintained. This information is used by the CIA s JQJIMPROVISE software (see below) to configure a set of CIA malware suited to the specific needs of an operation. Improvise is a toolset for configuration, post-processing, payload setup and execution vector selection for survey/exfiltration tools supporting all major operating systems like Windows (Bartender), MacOS (JukeBox) and Linux (DanceFloor). Its configuration utilities like Margarita allows the NOC (Network Operation Center) to customize tools based on requirements from Fine Dining questionnaires.HIVE is a multi-platform CIA malware suite and its associated control software. The project provides customizable implants for Windows, Solaris, MikroTik (used in internet routers) and Linux platforms and a Listening Post (LP)/Command and Control (C2) infrastructure to communicate with these implants.The implants are configured to communicate via HTTPS with the webserver of a cover domain; each operation utilizing these implants has a separate cover domain and the infrastructure can handle any number of cover domains.Each cover domain resolves to an IP address that is located at a commercial VPS (Virtual Private Server) provider. The public-facing server forwards all incoming traffic via a VPN to a Blot server that handles actual connection requests from clients. It is setup for optional SSL client authentication: if a client sends a valid client certificate (only implants can do that), the connection is forwarded to the Honeycomb toolserver that communicates with the implant; if a valid certificate is missing (which is the case if someone tries to open the cover domain website by accident), the traffic is forwarded to a cover server that delivers an unsuspicious looking website.The Honeycomb toolserver receives exfiltrated information from the implant; an operator can also task the implant to execute jobs on the target computer, so the toolserver acts as a C2 (command and control) server for the implant.Similar functionality (though limited to Windows) is provided by the RickBobby project.See the classified user and developer guides for HIVE.WikiLeaks published as soon as its verification and analysis were ready.In February the Trump administration has issued an Executive Order calling for a Cyberwar review to be prepared within 30 days.While the review increases the timeliness and relevance of the publication it did not play a role in setting the publication date Continue this story at WikileaksREAD MORE WIKILEAKS AT: 21st Century Wire WIKILEAKS FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 7, 2017",1 +Facebook Now Decides What Is Branded Fake News,"21st Century Wire says Facebook knows best?Facebook has begun its rollout of the Disputed Story tag, which allows only ABC News, FactCheck.org, the Associated Press, Snopes and Politifact to determine if a story is fake news .In the following video Stuart J. Hooper delves into the depths of the arrogance that Facebook is now exhibiting with this move, and how the failing mainstream media is only really interested in stopping their main competition the exploding alternative media scene.Watch the video here: READ MORE ON FAKE NEWS AT: 21st Century Wire Fake News FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 6, 2017",0 +Trump Halts Travel In New Executive Order,"21st Century Wire says After President Donald J. Trump s previous visa suspension was blocked by federal courts, he has fulfilled his vow to overturn this by introducing a new Executive Order temporarily blocking travel to the US for residents of six Muslim-majority countries pending revision of visa procedures. The order halts the issuance of new US visas to citizens of Iran, Libya, Syria, Somalia, Sudan and Yemen for the next 90 days.The new Executive Order was revealed to reporters today by Secretary of State Rex Tillerson, Homeland Security Secretary John Kelly, and Attorney General Jeff Sessions. Due to increased co-operation between the Baghdad and US governments on background checks of applicants, Iraq is excluded from the Order.More on this report from Russia Today RT President Donald Trump has issued a new executive order, temporarily blocking travel to the US for residents of six Muslim-majority countries pending revision of visa procedures. The previous travel ban, issued in January, was blocked in federal courts.Secretary of State Rex Tillerson, Homeland Security Secretary John Kelly, and Attorney General Jeff Sessions announced the new executive order to reporters on Monday.The order halts the issuance of new US visas to citizens of Iran, Libya, Syria, Somalia, Sudan and Yemen for the next 90 days.Iraq, which was included in the January ban, was left off the list this time after the government in Baghdad agreed to increase cooperation with the US on background checks for its citizens applying for visas, AP reported.Iraqi Foreign Ministry spokesman Ahmed Jamal called the decision an important step in the right direction that consolidates the strategic alliance between Baghdad and Washington in many fields, and at their forefront the war on terrorism. Tillerson thanked the government in Baghdad for working with the State Department on improving vetting, and called the order a vital measure for protecting our national security. The new order also imposes a 120-day halt on refugee admissions from the six countries. Legal permanent residents ( Green Card holders) from the countries will not be affected, however, Reuters reported citing a fact sheet supplied by the administration. Nothing in this executive order affects existing lawful permanent residents, Kelly said, adding that Homeland Security will enforce it humanely, respectfully and with professionalism. Trump s senior aide Kellyanne Conway provided confirmation in an interview with Fox News on Monday. If you have travel docs, if you actually have a visa, if you are a legal permanent resident, you are not covered under this particular executive action, Conway said, adding that the new order will go into effect on March 16 Continue this report at RT READ MORE TRUMP AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 6, 2017",1 +Nader Talebzadeh: They Planned and He Plans," Photo illustration by Patrick Henningsen@21WIRE Nader Talebzadeh 21st Century WireThe American enlightenment has started. The dormancy of over three decades, and the miseries that the United States has put dozens of nations through, have begun to cease. The torment that the Vietnamese went through and the innocent lives that perished under US drones in Afghanistan and Pakistan are beginning to find their answers. But not in international tribunals or world system of justice. No. In people s conscious, the great divide in the American population is the first sure sign of a change to come.Ever since the unwelcome appearance of Donald Trump on the US governmental scene, the first president not to be placed into position by the deep state, the inquisition over what is going on has begun.Americans, more than ever are perplexed about their future. Their past is vague, and no matter how hard they peer into the rear view mirror for those Americans, it doesn t make sense.9/11 doesn t make sense.The occupation of Iraq and Afghanistan doesn t make sense.The admittance to not finding any WMDs in Iraq and yet occupying it, doesn t make sense.To cause the deaths of 500, 000 children, and say it was worth the kill by the administrators doesn t make sense.The cover-up for 9/11 doesn t make sense. To start a global war on terror and not explain how 9/11 occurred, or how a third building collapsed nine hours later, doesn t make sense.Obama s sudden appearance on the scene, doesn t make sense.The hundreds of books and articles that question the mechanism of the selection of Obama and never discussing them on the mainstream media, doesn t make sense.Obama placed in that position by the establishment, by the deep state, doesn t make sense.The blanked out middle-class of America, still pondering what happened, doesn t make sense.The fact that they lost their jobs beginning three decades ago, and having had to let go of their comfortable insured life working in an American factory, doesn t make sense.The abandoned factories and grand industries that once made America great, lying obsolete and deserted, doesn t make sense.Half of Detroit abandoned and deserted, doesn t make sense.The media cheering on its hallucinatory concussions all throughout these disasters, doesn t make sense.The PTSD ed war veterans and the official suicide rates of US soldiers on and off duty, go undetected and barely seen in the rear view mirror of the media, never make sense.All the common man sees today is one man attacked by the same mass media that pushed them into the illegal wars and illegitimate debts from zero to $20 trillion, between 1979-2017, by some estimates.But the buck stops here as President Eisenhower once famously said. The heavy train loaded with old rusted debris is coming to a screeching halt. Meanwhile the curious are looking wide-eyed. NATO doesn t know where it really stands. The think tanks of Washington the hub of all mesmerizing strategies are vacant, or their curtains half drawn. The Neocons are contemplating plan B. The Israeli firsters are caught off guard. They are planning ahead of time desperately. But whose ears do they have this time?! A man who calls the weapons of the think tanks, the mainstream media, liars , fake news !?Once the invisible sword, the likes of New York Times and CNN are today exposed and blunted. Who dared call CNN liars ?! CNN engaged America meticulously into two fake wars which indebted the United States, and still avoided any blame. It was almost scripted and storyboarded like a Hollywood movie. Now, it is still loose, with acrobatic skills evading all detection like a skilled serial killer breathing in our civilized world.Now the eye-opening process has begun. Watch out for the six-packers and their evaporated illusions! You have finally awaken the slumbering slave of America, and awakened they are Alas! All empires go through these stages. The awkward moments must be tolerated i.e. the president without a cabinet, the supporters with semi-automatic weapons guarding his speeches in Georgia and Florida. The anti-Semitic accusations that are being discussed in the morning regular sessions on CNN. The angry obliterated Alan Dershowitz who is nervously accusing CNN s moderator Don Lemon, of giving the anti-Semites their fifteen minutes of fame. They fear that it will catch fire on the colleges and universities.The masquerade however is over. The Paul Wolfowitzs, the Richard Perles, the Daniel Pipes have to face the masses. The not-so-innocent masses that succumbed to the beast s demands also wait. The confrontation lingers silently. No one even knows these people as Thomas Friedman of the New York Times once famously said in his interviews with the Haaretz. Twenty Five Neocons have planned and executed what has happened in the past two and a half decades.The wakeup call has rung, the moment of illusion has disappeared. The apparent, sudden sun is beginning to shine gloriously, one ray at a time. Wash your face and watch the unfolding.21WIRE contributor Nader Talebzadeh is an Iranian filmmaker, producer, writer, cultural and historical commentator and New Horizon Conference Chair, Channel One TV program host A sr (The Time ). READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 6, 2017",0 +Trump Asks Congress To Investigate Former Obama Administration,"21st Century Wire says President Donald J. Trump is leaving no stone unturned by asking the US Congress to investigate the alleged abuse of Executive powers by the Obama administration as part of the investigation into alleged Russian interference in the presidential election.The White House request was directed to congressional intelligence committees and asked them to exercise their oversight authority to determine whether executive branch investigative powers were abused in 2016. More on this report from Russia Today RT The White House has asked the US Congress to investigate alleged abuse of executive power by the Obama administration as part of the investigation into alleged Russian interference in the Presidential Election.The White House request released on Sunday was directed to congressional intelligence committees and required them to exercise their oversight authority to determine whether executive branch investigative powers were abused in 2016. #BREAKING Trump is requesting congressional intel committees to determine whether the Obama adm. abused its investigative powers in 2016 pic.twitter.com/6gUQtxJSpJ Rag p Soylu (@ragipsoylu) March 5, 2017(1/4) Reports concerning potentially politically motivated investigations immediately ahead of the 2016 election are very troubling. Sarah Sanders (@PressSec) March 5, 2017The statement added that no further comments on the issue would come from either the White House or the president.The request comes a day after US President Donald Trump accused his predecessor of ordering the wiretapping of his phones during the election campaign Continue this report at RTREAD MORE TRUMP NEWS AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 5, 2017",1 +Rhodes Is Wrong And Trump Could Have The Last Laugh,"21st Century Wire says Yesterday, President Donald J. Trump accused his predecessor, Barack Obama, of ordering a wire tap at Trump Tower prior to the Presidential Election. Yes, a wire tap . Sounds pretty unsophisticated in this day and age as a means of SIGINT in the post Snowden revelation era where there are numerous more covert methods available to agencies. Democrats and other mainstream pundits wasted no time in defending Obama and criticizing Trump s lack of evidence in the matter. One of these voices was Ben Rhodes, Obama s former Senior Advisor. He also said only a liar could make the case, as Trump suggested, that Obama wire tapped Trump Tower ahead of the election. Shortly after Rhodes took to Twitter in defense of Obama, this article from 2013 became viral that seemed to hold together Trump s allegation of wire-tapping . To add to the Obama accusations, Wikileaks weighed in with the following;Obama has a history of tapping & hacking his friends and rivals https://t.co/XbwyNSwTXg #NSA #PRISM #Merkel #Sarkozy #BanKiMoon #WTO #Trump pic.twitter.com/5CebcnkFgn WikiLeaks (@wikileaks) March 5, 2017More on this report from Zerohedge Tyler Durden ZerohedgeFollowing Trump s stunning allegation that Obama wiretapped the Trump Tower in October of 2016, prior to the presidential election, which may or may not have been sourced from a Breitbart story, numerous Democrats and media pundits have come out with scathing accusations that Trump is either mentally disturbed, or simply has no idea what he is talking about.The best example of this came from Ben Rhodes, a former senior adviser to President Obama in his role as deputy National Security Advisor, who slammed Trump s accusation, insisting that No President can order a wiretap. Those restrictions were put in place to protect citizens from people like you. He also said only a liar could make the case, as Trump suggested, that Obama wire tapped Trump Tower ahead of the election.No President can order a wiretap. Those restrictions were put in place to protect citizens from people like you. https://t.co/lEVscjkzSw Ben Rhodes (@brhodes) March 4, 2017It would appear, however, that Rhodes is wrong, especially as pertains to matters of Foreign Intelligence Surveillance, and its associated FISA court, under which the alleged wiretap of Donald Trump would have been granted, as it pertained specifically to Trump s alleged illicit interactions with Russian entities.In Chapter 36 of Title 50 of the US Code *War and National Defense , Subchapter 1, Section 1802, we read the following:(1) Notwithstanding any other law, the President, through the Attorney General, may authorize electronic surveillance without a court order under this sub-chapter to acquire foreign intelligence information for periods of up to one year if the Attorney General certifies in writing under oath that (A) the electronic surveillance is solely directed at (i) the acquisition of the contents of communications transmitted by means of communications used exclusively between or among foreign powers, as defined in section 1801(a)(1), (2), or (3) of this title; or (ii) the acquisition of technical intelligence, other than the spoken communications of individuals, from property or premises under the open and exclusive control of a foreign power, as defined in section 1801(a)(1), (2), or (3) of this title;(B) there is no substantial likelihood that the surveillance will acquire the contents of any communication to which a United States person is a party; and(C) the proposed minimization procedures with respect to such surveillance meet the definition of minimization procedures under section 1801(h) of this title; and if the Attorney General reports such minimization procedures and any changes thereto to the House Permanent Select Committee on Intelligence and the Senate Select Committee on Intelligence at least thirty days prior to their effective date, unless the Attorney General determines immediate action is required and notifies the committees immediately of such minimization procedures and the reason for their becoming effective immediately.While (B) seems to contradict the underlying permissive nature of Section 1802 as it involves a United States person, what the Snowden affair has demonstrated all too clearly, is how frequently the NSA and FISA court would make US citizens collateral damage. To be sure, many pointed out the fact that Fox News correspondent James Rosen was notoriously wiretapped in 2013 when the DOJ was investigating government leaks. The Associated Press was also infamously wiretapped in relation to the same investigation.Furthermore, while most Democrats not to mention former president Obama himself have been harshly critical of Trump s comments, some such as former Obama speechwriter Jon Favreau was quite clear in his warning to reporters that Obama did not say there was no wiretapping, effectively confirming it:I'd be careful about reporting that Obama said there was no wiretapping. Statement just said that neither he nor the WH ordered it. Jon Favreau (@jonfavs) March 4, 2017Continue this report at ZerohedgeREAD MORE TRUMP NEWS AT: 21st Century Wire TRUMP FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 5, 2017",0 +Trump Rally In Austin TX – Protesters Largely Outnumbered by Trump Supporters,"21st Century Wire says Trump supporters gathered at a rally in Austin TX on a rainy March 4th to participate in the nationwide gathering of citizens in support of President Trump, marching to state capitals to promote peaceful unity, as described by the call to the gathering:This is a nationwide event in states across the country!Let s support our President and stop the hate! Please join us in this effort to unite the citizens of this great country. Bring your signs and flags to support our President and his administration wear your Trump gear! We are also supporting our military, veterans and law enforcement. Please bring donations for homeless/veterans such as canned goods, clothing, blankets and hygiene products.Disclaimer: This is a peaceful assembly. Please do not impede traffic, litter, vandalize, or do anything else illegal and unbefitting. Act worthy of yourselves. Any violators will be asked to leave and turned over to authorities when appropriate. If your intentions are other than peaceful this event is not for you.We welcome your participation & sharing/inviting/spreading the word!Trump supporters of all creeds, colors and backgrounds showed up, in the rain, to be there for the event.Trump supporters march on Texas Capitol, Austin TX 3/4/17 . We Americans must learn not to be so quick to jump to conclusions about others! pic.twitter.com/sqsYS2Ktke Jeff DeRiso (@JeffDeRiso) March 4, 2017With all the talk of reactionary Anti-Trump demonstration being hyped on mainstream media, one would expected throngs of protesters at the event, but if the image below represents the size of the protest group. Despite the rain and high winds, they were greatly outnumbered by the March4Trump rally.There was one brief scuffle between protesters and Trump supporters when a masked protester tried to take the American flag from a rally goer, which you can see in the embedded highlights video below.Videographer, Jeff DeRiso, captured a highlights video of the event.READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 5, 2017",0 +Two Trump Tweets Debunk Russian Connection Conspiracy,"21st Century Wire says Partisan liberal hypocrisy strikes again.Yesterday, Trump debunked the Russian connection conspiracy by exposing two photographs, via his Twitter, which show two key Democratic conspiracy theorists, Nancy Pelosi and Chuck Schumer, meeting with Russia s Dmitry Medvedev and Vladimir Putin respectively.In the following video report, Stuart J. Hooper shows the extent of how truly ridiculous the Russian connection conspiracy really is after the outing of these new photos:Watch the video here: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 4, 2017",0 +EP #15: Patrick Henningsen LIVE – β€˜Crisis of American Liberalism’ with guest Caleb Maupin," Join Patrick every Wednesday at Independent Talk 1100 KFNX and globally at Alternate Current Radio for the very best in news, views and analysis on all top stories domestically and abroad THIS WEEK: Episode 15 This week we cover the America s turbulent transition of power, as President Trump continues to search for his political mojo in Washington DC Tonight, host Patrick Henningsen is joined by special guest, author and roving correspondent for RT News International and author, Calib Maupin, to talk about his new book, The 2016 Elections & The Crisis of American Liberalism, and how the new shifting political landscape in America is shaping up Trump, Soros and how the old Left-Right binary system is searching for a new coherence. Listen Listen to EP 15: Patrick Henningsen LIVE with Caleb Maupin on Spreaker.This program broadcasts LIVE every Wednesday night from 9pm to 10pm MST, post-drive time and after the Savage Nation, on Independent Talk 1100 KFNX over the terrestrial AM band across the greater Phoenix and central Arizona region, and live over global satellite and online via www.1100kfnx.com.LISTEN TO MORE INTERVIEWS AT PATRICK HENNINGSEN LIVE SHOW ARCHIVESSUPPORT OUR WORK BY SUBSCRIBING & BECOMING A MEMBER @21WIRE.TV",US_News,"March 2, 2017",0 +Boiler Room #99 – Almost to 100!,"Tune in to the Alternate Current Radio Network (ACR) for another LIVE broadcast of The Boiler Room tonight 6:00 PM PST | 8:00 PM CST | 9:00 PM EST for this special broadcast. Join us for uncensored, uninterruptible talk radio, custom-made for bar fly philosophers, misguided moralists, masochists, street corner evangelists, media-maniacs, savants, political animals and otherwise lovable rascals.Join ACR hosts Hesher and Spore along with Infidel Pharaoh, Funk Soul, Andy Nowicki of Alt-Right Blogspot, Jay Dyer from Jays Analysis and Randy J for the 99th episode of BOILER ROOM. Water the kids, put the plants to bed and get your favorite mead horn ready so you can drop deep into the Boiler Room with the crew. Tonight the gang is discussing the latest a myriad of news and main stream media shenanigans that have taken place since the last meeting of the ACR brain-trust know as THE BOILER ROOM.Direct Download Episode #99Please like and share the program and visit our donate page to get involved!Reference Links:",US_News,"March 2, 2017",0 +Should We Worry About McMaster as Trump’s National Security Advisor?,"21st Century Wire says Is McMaster going to reignite tensions with Russia?In the follow video Stuart J. Hooper asks if we should be worried about General McMaster replacing General Flynn as Trump s National Security Advisor.While Flynn understood that Russia has a sphere of influence in the world that the US should be wary of encroaching upon, McMaster is the author of a report entitled The Russia New Generation Warfare Study , which is, is intended to ignite a wholesale rethinking and possibly even a redesign of the Army in the event it has to confront the Russians in Eastern Europe .Watch the report video here: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 2, 2017",0 +Donald Trump’s TRILLION Dollar Bombshell,"21st Century Wire says Is this the biggest new nugget to be found in Trump s joint address from last night?In the following video, Stuart J. Hooper examines Trump s promise to ask Congress for a one trillion dollar fund to rebuild America s infrastructure.Is it possible that this will create millions of jobs? But what of the potential problems that might emerge from the fact that it will be a public-private partnership? Let us know in the comments below.Watch the video here: READ MORE TRUMP NEWS AT: 21st Century Wire Trump FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 1, 2017",0 +MOCKINGBIRD MIRROR: Declassified Docs Depict Deeper Link Between the CIA and American Media,"21st Century Wire says Over the past month, more than 12 million declassified documents from the CIA have been reportedly published online. While the intelligence docu-dump supposedly sheds additional light on covert war programs, psychic research and the Cold War era, it also contains more evidence confirming the symbiotic relationship between the CIA and American media. In late January the UK s Guardian reported that the CIA themselves released millions of documents online: The CIA has published more than 12 million pages of declassified documents online, making decades of US intelligence files more easily accessible and searchable.The agency published the roughly 930,000 documents that make up the CIA Records Search Tool (Crest) on Tuesday. The online publication of the files was first reported by BuzzFeed News. Although all of the documents in Crest were part of the public record before Tuesday, they could only be inspected by visiting the National Archives in Maryland in person. Once at the archives, just four computers available only during business hours provided access to Crest. A lawsuit from the open-government nonprofit MuckRock prompted the CIA to make the documents available online. Further pressure to publish the documents came from the transparency advocate and journalist Michael Best, who began steadily scanning and uploading the documents one by one. Continuing, the Guardian reported that the CIA also kept files and documents on media organizations and individual reporters. In 2014, Best from MuckRock, filed a Freedom of Information Act (FOIA) lawsuit in order to get the CIA to post all of its documents online. Along the way, Best reportedly crowd-funded more than $15000 to print out and then publicly upload the records, one by one, to apply pressure to the CIA. Although some mainstream outlets have been somewhat congratulatory of the CIA, many of the files released remain heavily redacted.In the early 1950 s, the CIA ran a wide-scale program called Operation Mockingbird that was said to have infiltrated the American news media in particular, which propagandized the public through various front organizations, magazines and cultural groups. THE COMPANY The Central Intelligence Agency of the United States. (Image Source: zerohedge.com)In recent years, there has been a series of surreal and unreal news stories since the Smith-Mundt Act was effectively rendered obsolete by US lawmakers on July 2nd 2013, as published by RT below: Until earlier this month, a longstanding federal law made it illegal for the US Department of State to share domestically the internally-authored news stories sent to American-operated outlets broadcasting around the globe. All of that changed effective July 2, when the Broadcasting Board of Governors (BBG) was given permission to let US households tune-in to hear the type of programming that has previously only been allowed in outside nations. The Smith-Mundt Act has ensured for decades that government-made media intended for foreign audiences doesn t end up on radio networks broadcast within the US. An amendment tagged onto the National Defense Authorization Act removed that prohibition this year. More from Washington s Blog below (Photo Illustration 21WIRE s Shawn Helton)Washington s BlogNewly-declassified documents show that a senior CIA agent and Deputy Director of the Directorate of Intelligence worked closely with the owners and journalists of many of the largest media outlets:The United States Senate Select Committee to Study Governmental Operations with Respect to Intelligence Activities found in 1975 that the CIA submitted stories to the American press:Wikipedia adds details:After 1953, the network was overseen by Allen W. Dulles, director of the CIA. By this time, Operation Mockingbird had a major influence over 25 newspapers and wire agencies. The usual methodology was placing reports developed from intelligence provided by the CIA to witting or unwitting reporters. Those reports would then be repeated or cited by the preceding reporters which in turn would then be cited throughout the media wire services.The Office of Policy Coordination (OPC) was funded by siphoning off funds intended for the Marshall Plan [i.e. the rebuilding of Europe by the U.S. after WWII]. Some of this money was used to bribe journalists and publishers.In 2008, the New York Times wrote:During the early years of the cold war, [prominent writers and artists, from Arthur Schlesinger Jr. to Jackson Pollock] were supported, sometimes lavishly, always secretly, by the C.I.A. as part of its propaganda war against the Soviet Union. It was perhaps the most successful use of soft power in American history.A CIA operative told Washington Post owner Philip Graham in a conversation about the willingness of journalists to peddle CIA propaganda and cover stories:You could get a journalist cheaper than a good call girl, for a couple hundred dollars a month.Famed Watergate reporter Carl Bernstein wrote in 1977:More than 400 American journalists in the past twenty five years have secretly carried out assignments for the Central Intelligence Agency, according to documents on file at CIA headquarters.***In many instances, CIA documents show, journalists were engaged to perform tasks for the CIA with the consent of the managements of America s leading news organizations.***Among the executives who lent their cooperation to the Agency were [the heads of CBS, Time, the New York Times, the Louisville Courier Journal, and Copley News Service. Other organizations which cooperated with the CIA include [ABC, NBC, AP, UPI, Reuters], Hearst Newspapers, Scripps Howard, Newsweek magazine, the Mutual Broadcasting System, the Miami Herald and the old Saturday Evening Post and New York Herald Tribune.***There is ample evidence that America s leading publishers and news executives allowed themselves and their organizations to become handmaidens to the intelligence services. Let s not pick on some poor reporters, for God s sake, William Colby exclaimed at one point to the Church committee s investigators. Let s go to the managements.***The CIA even ran a formal training program in the 1950s to teach its agents to be journalists. Intelligence officers were taught to make noises like reporters, explained a high CIA official, and were then placed in major news organizations with help from management.***Once a year during the 1950s and early 1960s, CBS correspondents joined the CIA hierarchy for private dinners and briefings.***Allen Dulles often interceded with his good friend, the late Henry Luce, founder of Time and Life magazines, who readily allowed certain members of his staff to work for the Agency and agreed to provide jobs and credentials for other CIA operatives who lacked journalistic experience.***In the 1950s and early 1960s, Time magazine s foreign correspondents attended CIA briefing dinners similar to those the CIA held for CBS.***When Newsweek was purchased by the Washington Post Company, publisher Philip L. Graham was informed by Agency officials that the CIA occasionally used the magazine for cover purposes, according to CIA sources. It was widely known that Phil Graham was somebody you could get help from, said a former deputy director of the Agency. Frank Wisner dealt with him. Wisner, deputy director of the CIA from 1950 until shortly before his suicide in 1965, was the Agency s premier orchestrator of black operations, including many in which journalists were involved. Wisner liked to boast of his mighty Wurlitzer, a wondrous propaganda instrument he built, and played, with help from the press.)***In November 1973, after [the CIA claimed to have ended the program], Colby told reporters and editors from the New York Times and the Washington Star that the Agency had some three dozen American newsmen on the CIA payroll, including five who worked for general circulation news organizations. Yet even while the Senate Intelligence Committee was holding its hearings in 1976, according to high level CIA sources, the CIA continued to maintain ties with seventy five to ninety journalists of every description executives, reporters, stringers, photographers, columnists, bureau clerks and members of broadcast technical crews. More than half of these had been moved off CIA contracts and payrolls but they were still bound by other secret agreements with the Agency. According to an unpublished report by the House Select Committee on Intelligence, chaired by Representative Otis Pike, at least fifteen news organizations were still providing cover for CIA operatives as of 1976.***Those officials most knowledgeable about the subject say that a figure of 400 American journalists is on the low side . There were a lot of representations that if this stuff got out some of the biggest names in journalism would get smeared .An expert on propaganda testified under oath during trial that the CIA now employs THOUSANDS of reporters and OWNS its own media organizations. Whether or not his estimate is accurate, it is clear that many prominent reporters still report to the CIA.A 4-part BBC documentary called the Century of the Self shows that an American Freud s nephew, Edward Bernays created the modern field of manipulation of public perceptions, and the U.S. government has extensively used his techniques.More from Washington s Blog here READ MORE PROPAGANDA NEWS AT: 21st Century Wire Propaganda FilesREAD MORE PENTAGON NEWS AT: 21st Century Wire Pentagon FilesSUPPORT 21WIRE by subscribing and becoming a MEMBER @ 21WIRE.TV",US_News,"March 1, 2017",0 +Trump’s First Congressional Speech Stuns Media Detractors – Stock Markets Rally,"21st Century Wire says Last night, an embattled President Donald Trump gave his first address to Congress. The results surprised even his fiercest critics. He became president of the United States in that moment, period, said Trump critic and CNN commentator Van Jones. That was one of the most extraordinary moments you have ever seen in American politics. Period. Make no mistake, it was a house divided, but it seems that the White House achieved its chief objective to stop the public relations hemorrhaging, for now at least.One unusual aspect of this Trump speech reports suggest that the President actually spent the day of his first address to a joint session of Congress revising and rehearsing his speech.It seemed to have paid off. Immediately after his speech, Trump rallied with a jump in approval ratings, and a sharp stock market rally.All signs are that America might finally have a President for the moment SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"March 1, 2017",0 +Hollywood Hip to Al Qaeda: β€˜And the Oscar for Best Documentary Short goes to…’," Alex Christoforou The DuranIt should come as no surprise that a film celebrating the White Helmets scooped up an Oscar for best short documentary. Might as well hand the Oscar to ISIS leader Ab Bakr al-Baghdadi.Far from a humanitarian organisation, the White Helmets are an Al Qaeda staffed propaganda group that is embedded with brutal jihadists looking to overthrow the sovereign government of Syria.Watch this CrossTalk episode to learn who the White Helmets represent Al Jazeera reports Accepting the Academy Award, director Orlando von Einsiedel urged the audience to stand up and call for an end to Syria s six-year civil war, which led to a standing ovation.Von Einsiedel read out a statement from White Helmets founder Raed al-Saleh, in which he thanked the academy and said the group had saved tens of thousands of lives since it was formed in 2014. We are so grateful that this film has highlighted our work to the world. Our organisation is guided by a verse from the Quran: to save one life is to save all of humanity, Saleh s statement said. We have saved more than 82,000 Syrian lives. I invite anyone here who hears me to work on the side of life to stop the bloodshed in Syria and around the world. Rescue workers in Syria are at risk of being killed in so-called double tap air raids that target them as they arrive at the scene of an air strike. The group says that many of its volunteers have been killed.Syrian cinematographer Khaled Khatib who worked on the documentary was unable to attend after being barred from entering the United States, despite being granted a visa.US officials reportedly discovered derogatory information about him, according to a document seen by the Associated Press news agency.The film s producer Joanna Natasegara told AP on Sunday that the decision was sad and confusing. Nothing sad and confusing about it. The White Helmets are Al Nusra, aka Al Qaeda, aka ISIS.Need more proof? WATCH THIS VIDEO. SHARE THESE IMAGES READ MORE WHITE HELMETS NEWS AT: 21st Century Wire White Helmet FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER@21WIRE.TV",US_News,"February 28, 2017",0 +NOTHING NEW: β€˜Fake’ & Weaponized News Has Long Haunted Our War-Weary World," In response to the establishment media s contrived fake news crisis designed to marginalise independent and alternative media sources of news and analysis, and due to our readers engagement on this important issue, 21WIRE is extending its #FakeNewsWeek awareness campaign for additional week, where each day our editorial team at 21st Century Wire will feature media critiques and analysis of mainstream corporate media coverage of current events exposing the government and the mainstream media s fake news assembly line Hearst vs Pulitzer battle for the yellow journalism title (Image Source: US Library of Congress)Mark Anderson 21st Century WireToday s fake news crisis is by no means a recent phenomenon born during the Presidential campaign of Donald J. Trump, as the mainstream media would have us believe, even while big media outlets hypocritically label alternative news outlets as the sole source of fake news.Not only is America suffering under the maliciously misleading fake news peddled by today s mainstream media; America and the world also have gravely suffered, at least since the mid-19th Century, under an orthodox media that was and remains a weaponized menace to peace and social concord. There is hardly a more unsettling example of an early war-mongering media figure than famed editor Horace Greeley.Stepping back for a moment, it s notable that the liberal-internationalist New York Times unlike liberal-left street protestors who typically march against U.S. military intervention in foreign lands has long interpreted liberalism quite differently on the geopolitical level. Our esteemed newspaper of record spanning three centuries, has frequently used its pages to call for, justify or not seriously challenge claims made by governments as the pretext for highly questionable military interventions. This has led to the current reality of perpetual, unwinnable conflicts that are prosecuted without even the pretense of Congress officially declaring war as the Constitution requires.And pesky facts such as the reality that former Iraqi leader Saddam Hussein never possessed the kind or quantity of weapons of mass destruction to excuse the U.S.-led coalition s March 2003 shock and awe intervention in Iraq have never been allowed to obstruct the Times support for Iraq and subsequent wars. The role of the Times, along with its staff reporter Judith Miller, in presenting the false case for that war is well documented. In addition to this, a tertiary story that Saddam Hussein was hosting al Qaeda terrorists and he have been involved in the 9/11 attacks of 2001, was concocted by members of the Bush Administration and then injected into both the US and British mainstream media.All that was needed was somebody to hate in the true Orwellian tradition, so the military-industrial-banking-intelligence-media complex gave Americans Iraq as the phony target of their revenge.DRUMMING-UP A CIVIL WARAll told, the Times famous slogan, All the News That s Fit to Print might just as well be: All the Wars That Are Fit to Fight. So, it s all the more ironic that of all newspapers, the New York Times, on July 28, 2011, in a respectable article by James M. Lundberg, clearly outlined (in accordance with other sources) Horace Greeley s unhinged Times-style actions to help propel the U.S. into an incredibly bloody war against itself the grossly misnamed Civil War. (A civil war is that in which two or more factions fight for control of a government, while this war involved southern states seceding from the Union to form another government. Big media and court historians don t even bother using correct terms.)19th Century media mogul Horace Greeley.Horace Greeley (1811-1872) founded and edited the widely influential New York Tribune. Having served briefly as a congressman from New York, he also was the new Liberal Republican Party s unsuccessful candidate in the 1872 presidential election against incumbent President Ulysses S. Grant the celebrated Union general whose military actions were partly made possible by Greeley s poison pen. To Greeley, the pen was not mightier than the sword; rather, his pen was a sword, wielded in zealous pursuit of a fratricidal war that ended up solidifying federal dominance over the several states.Under the robber barons of Greeley s day (who would later foist a central bank on America, based on several economic panics that the big newspapers hyped, instilling widespread fear) such federal dominance became an enduring debt slavery that, to this day, has arguably made all Americans into perpetual serfs under the yoke of compound interest, massive taxes and endless toil. And Greeley s fingerprints are all over that bleak outcome, however unwitting he may have been about it.Greeley and the Tribune railed over the South s black agrarian slavery and urged the North to take up arms to end such servitude, while northern media moguls kept extremely quiet about the slavery of children working in northern factories.Lundberg noted, It didn t take long for Horace Greeley, the nation s most loved, hated and widely read newspaper editor, to become impatient with the progress of the war. From the moment news of Major Robert Anderson s [northern] surrender at Fort Sumter reached New York City, drumbeats and bugle calls for immediate military action could be heard in the columns of Greeley s paper, the New York Tribune. Greeley and his deputies, while ignoring the towering task that others would have to undertake to prepare for the anticipated titanic collision of military forces, poured his messianic vision into the Tribune s pages to sway the people toward war, although even President Lincoln himself was not yet on the same page as Greeley. But the delusional Mr. Greeley would not settle for a mere sovereign making his own decisions. Never mind the logistical challenge of assembling, arming and training a suitable military force the people, or at least the [Tribune] editors, were ready, and there was hardly a moment to lose. What appeared to be lacking, from Greeley s perspective, was a necessary vigor from President Lincoln and his administration, Lundberg wrote. Within a week of Lincoln s initial call for volunteers on April 15, 1861, the Tribune was already sharply critical of [Lincoln s] apparent sluggishness. Greeley gloated that the People supposedly stood ready to fight with old flint-lock muskets if [they] can get no better. But, he wondered, Will the government stand by the People? And before April was out and military operations still hadn t started, Greeley, casting objectivity aside and seeking the dehumanization of the South, was reminding Lincoln: We are at war with these pestilent rebels and traitors, while urging heavy and instantaneous blows at Maryland and Virginia. The manipulation of the narrative did not end there. Greeley even called for the absolute conquest of the South on the first of May, 1861. We mean to conquer them, he blathered, and we shall do this most mercifully, the more speedily we do it. Who could argue with an offer as gracious as merciful conquest?As Lundberg explained, Greeley believed the Union could be saved and much bloodshed spared with swift, decisive Federal action. And swift, decisive action would be effective because the Rebels were weak, disorganized and unlikely to fight if their cause of independence appeared lost. Moreover, Greeley believed that secession had been the work of a small minority of fire-eating fanatics; a quick blow and a little taste of the full force of the Union Army would embolden the silent majority of Southern Unionists he believed had yet to be roused. But it was easy for Greeley, who couldn t have had the slightest idea how this clash of arms would turn out, to assume from the safety of his desk that bloodshed could be spared by a quick attack. Such a large-scale battle of Americans against Americans brother against brother, fathers against sons in some cases, reddening U.S. soil itself on such a huge scale was an unprecedented, utterly unpredictable thing. If sparing bloodshed was to be the goal, then avoiding war would have been the prudent path. But poisoning public opinion via newsprint, in favor of war, would make war appear unavoidable on both sides of the conflict.Greeley, having seriously injured himself chopping wood on his Chappaqua Farm, tapped Fitz Henry Warren, a Washington correspondent, to watch over the newspaper. Warren promptly filed a trembling dispatch, describing Union forces in ultra-glowing terms. And while Greeley popularized the well-known words Go West, young man in the days of westward expansion and the opportunities it afforded, another phrase that historians associate with Greeley s newspaper was born in latter May of 1861: On to Richmond! But according to Lundberg, it was Warren who sired that refrain and also declared: Unloose your chivalry, Man of high command . . . pierce the vitals of Virginia, and scourge the serpent seed of her rebellion on the crowning heights of Richmond. Keep in mind that the simmering North-South conflict hadn t yet morphed into a full-blown war, even as Greeley s paper agitated for all-out war and never allowed for cooler heads to prevail. For many, the unavoidable question is: Whose war was this? The Union s? Or the New York Tribune s?Warren wasn t the only Tribune staffer to escalate the nation into full-blown war. The On to Richmond! slogan, which at first was printed in the Tribune s tiny type within dense columns of war correspondence, was given new life with slightly different wording by the Tribune s Charles A. Dana about a month later. As Lincoln and his commanders continued careful deliberations, Dana recklessly threw the paper s full weight behind Warren s idea that Richmond must be taken immediately. Beginning June 28, the paper s masthead bore in boldface what Dana called:THE NATION S WAR-CRY Forward to Richmond! Forward to Richmond! The Rebel Congress must not be allowed to meet there on the 20th of July! BY THAT DATE THE PLACE MUST BE HELD BY THE NATIONAL ARMY!Greeley did come to his senses a little. He soon came to regret his subordinates choice of words when the Union s push toward Richmond became the deadly debacle of Bull Run on July 21, 1861 following the approximate schedule that had been urged by the Tribune. Furious rebuttals against Greeley came from the Northern public and some press, as saner minds saw the travesty of the situation at a time when unlike today mainstream news journals were not so centrally controlled and offered a reasonable divergence of opinion.As Lundberg related, Henry Jarvis Raymond s Times blasted the insane clamor of certain reckless journals and their senseless and incessant cry of Onward to Richmond. But the Albany Evening Journal, offered an especially precise appraisal: The on to Richmond dictators [emphasis added] have added another year to the war, a hundred millions of dollars to its cost, and opened graves for fifteen or twenty thousand more soldiers. The Albany paper, perhaps not realizing the full import of its own words, had pinpointed what Greeley s Tribune had become a weaponized media, which would become the norm in the mainstream media as the 19th Century gave way to the 20th Century, and into the 21st Century.WAVERING FALSE FLAGSThe great unmentionable, however, is something that this New York Times account of Greeley s exploits did not address and which the Times will always avoid altogether: That the South s April 1861 attack on a Union military outpost at Fort Sumter, S.C., which provided the initial push toward the Civil War, would be a harbinger of things to come in that it was a type of false flag operation, clandestinely arranged by the White House to maneuver the South into firing the first shot, the same basic model used against Japan in the lead-up to Pearl Harbor 80 years later.And less than 40 years later, when the American battleship USS Maine, on Feb. 15, 1898, was destroyed in Havana harbor, the media s lack of seeking accurate knowledge as to exactly what blew up the ship gave leading 19th Century newspapermen the platform they needed to instead detonate information bombs , once again, instilling fear and overriding wiser counsel in order to blame Spain, and catapulting the U.S. into the Spanish-American War the first international-scale war that set the dangerous precedent of constant U.S. military patrols and interventionism across the world.The leading fake news figures of that era who so inflamed public opinion toward that war are still household names: William Randolph Hearst and Joseph Pulitzer, the latter being the namesake of the famed Pulitzer Prize in Journalism. These two moguls, who became emblematic of the era of sensationalized Yellow Journalism , competed to see who could better ratchet up war fever against Spain.Hearst, on whom the movie Citizen Kane was loosely based, with Orson Wells playing the media mogul, was an especially reckless newsman. Ironically, Hearst had developed his passion for journalism in his early 20s and wrote for the Harvard Lampoon while a college student before working as an apprentice for the New York World s editor, none other than future rival Joseph Pulitzer. Hearst s father had become wealthy from Western mining interests, so the younger Hearst was able to use his dad s backing to acquire the New York Journal. As Hearst sought to gain readership for his New York Journal against Pulitzer s New York World, he pursued increasingly sensational stories, author and history teacher Ian C. Friedman noted online. Front pages shouted about the boy who bit into a stick of dynamite thinking it was candy and leading to an awful death, and a tale of a deranged girl running down a street with her hair all ablaze, and other stories of violence, sex, catastrophe, and mayhem were typical of what became known as yellow journalism, so named because the newly-introduced colored comics sections often spread [yellow ink] to other parts of these newspapers. Hearst s penchant for publishing fake or exaggerated stuff as if it s real or accurate was given full reign as he angled for an ill-advised, pointless U.S. intervention in Cuba. In so doing, he took the forbidden leap from journalism to war participation. [He] was persistent in finding ways to achieve it, including organizing a daring and successful rescue mission to free a young, female Cuban political prisoner, Evangelina Cisneros, which he proudly trumpeted on the front page of the Journal, Friedman added. Though the Cuban insurrection against their Spanish rulers was stagnating, Hearst continued to send many of his high-profile writers and illustrators to the Cuba in hopes of capturing a great story. Among Hearst s employees was the famed illustrator Frederic Remington. In 1897, Remington became very bored by the lack of anything newsworthy in Cuba and cabled to Hearst, Everything quiet. There is no trouble here. There will be no war. Wish to return. Responding to Remington s message, Hearst famously replied, Please remain. You furnish the pictures and I ll furnish the war. Less than three weeks later, the USS Maine exploded in Havana s harbor. The cause of the explosion that claimed 274 lives remains a mystery to this day. Theories include that the ship detonated an external mine; that the blast was caused by an undetected internal coal fire; that it was attacked by the Spanish; and even that it was intentionally attacked under a clandestine American operation to force the U.S. into the war on false pretenses.Clearly, if we do not know what happened to the Maine even now, then Hearst certainly did not know what happened at the time of the explosion, yet he published headlines such as, CRISIS AT HAND . . . SPANISH TREACHERY . . . Maine Destroyed by An Outside Attack, Naval Officers Believe. Other war first, ask questions later, if ever situations would follow. The May 1915 sinking of the British passenger ship Lusitania, which, having been secretly loaded with munitions, is thought to have been used as bait to help spark World War I. And even if the German U-Boat which sank her was not directly baited, the British admiralty, in tandem with the American admiralty, knowingly and willfully let that ship leave New York loaded with munitions, bound for shark-infested waters (German U-boats). Yet the existence of the munitions was not officially admitted until 1982.Nearly 1,200 unwitting passengers and the crew perished in an event that shifted American opinion against Germany, priming the pump for the U.S. to enter the war.Moreover, gutsy historian John Toland and retired sailor and researcher Robert Stinnett, among others, exposed the FDR Administration with reams of evidence demonstrating how Washington DC knowingly baited the Japanese into attacking Pearl Harbor, an event which sparked U.S. entry into World War II (and also for treacherously denying Pearl Harbor s commanders any warning of the coming attack).Stinnett, who earned 10 battle stars and a Presidential Unit Citation in World War II and was in the same naval aerial photography group as George H.W. Bush, was no flunky. His book on Pearl Harbor, Day of Deceit absolutely destroys those who hopelessly cling to the surprise attack narrative, which still includes the deceitful big media.There was also the second of the two Gulf of Tonkin incidents on Aug. 4, 1964, in which North Vietnamese forces allegedly fired upon the U.S. Naval vessels. But an in-depth U.S. Naval Institute review found that the Aug. 4 incident, which was the turning point that led to full U.S. involvement in the Vietnam conflict, never happened. There was not a second attack on U.S. Navy ships in the Tonkin Gulf in early August 1964. Furthermore, the evidence suggests a disturbing and deliberate attempt by Secretary of Defense McNamara to distort the evidence and mislead Congress, the USNI concluded.Congress, without a responsibly skeptical press to rely upon, soon passed the Gulf of Tonkin Resolution to cement the U.S. into what became the Vietnam nightmare. But no formal war declaration ever occurred.TOTAL INSTITUTIONAL FAILURE? Yet, as increasingly more people in our Internet age ask harder questions and finally discover the truth about all these watershed events, only mainstream editors, reporters and court historians, with rare exceptions, believe the old official narratives anymore narratives which ushered America into wars in such a manner that war has become a permanent fixture in U.S. geo-politics.Put another way, the Western press has not only utterly failed to stop the power of government from ballooning into a perpetual war machine despite institutional claims that it speaks truth to power the mainstream media has been a major agent in justifying and escalating wars, without ever acknowledging its dreadful history of doing so. Covering-up real history and failing to consider other viewpoints and correct the record is arguably another form of fake, weaponized news because it denies the world a full reckoning of its past, thereby making future wars much more likely.Instead, an honest look at history shows, with only minor exceptions, that the mainstream orthodox press of yesteryear laid the groundwork long ago for the modern centralized news institution that relishes in fear porn supporting ongoing war, mayhem and grave economic uncertainty by covering up past and present realities, avoiding solutions and constantly recycling the corrosive narratives that go nowhere and cause real, lasting harm and have put, and continue to put, large swaths of humanity into early graves.*** Author Mark Anderson is an investigative journalist and features writer for American Free Press, and is editor of The Truth Hound. Contact Mr. Anderson at truthhound2@yahoo.com. READ MORE ABOUT MSM FAKE NEWS AT: FAKE NEWS WEEKSUPPORT 21WIRE SUBSCRIBE NOW & BECOME A MEMBER @21WIRE.TV",US_News,"February 21, 2017",0 +STOCKHOLM STUDY: US & Europe Top Arms Trade Globally – Saudi Arabia’s Weapons Imports Skyrocket Over 200 Percent,"21st Century Wire says According to the Stockholm International Peace Research Institute (SIPRI), arms imports to Middle Eastern countries have had an 86 percent upsurge over the past decade. In addition, US arms exports have amounted to nearly one third of global arms imports from 2012-16. SAUDI STRIKES Saudi Arabia has repeatedly violated human rights during their ongoing military intervention in Yemen since 2015. (Photo Illustration 21WIRE s Shawn Helton)Stockholm s Arms ReportSIPRI is a Swedish based think-tank focused on independent research concerning conflict, armaments, arms control and disarmament. Established in 1966, SIPRI provides data, analysis and recommendations, based on open sources, to policymakers, researchers, media and the interested public. The recently released Stockholm study yielded some stunning conclusions concerning arms exports from the US and Europe, in addition to arms imports acquired by Gulf Cooperation Council (GCC) countries, most notably Saudi Arabia. According to this latest report from 2012-16, there has been the highest arms transfer volume over a 5-year stretch since the end of the Cold War. Here s a passage from the SPIRI armament findings that have dovetailed the ongoing Western-backed regime change campaign in Syria as well as Yemen: Saudi Arabia was the world s second largest arms importer in 2012-16, with an increase of 212 per cent compared with 2007 11. Arms imports by Qatar went up by 245 per cent. Although at lower rates, the majority of other states in the region also increased arms imports. Over the past five years, most states in the Middle East have turned primarily to the USA and Europe in their accelerated pursuit of advanced military capabilities , said Pieter Wezeman, Senior Researcher with the SIPRI Arms and Military Expenditure Programme. Despite low oil prices, countries in the region continued to order more weapons in 2016, perceiving them as crucial tools for dealing with conflicts and regional tensions. Continuing, the wartime study revealed the extensive arms supplies exported by the US in recent years: The USA supplies major arms to at least 100 countries around the world significantly more than any other supplier state , said Dr Aude Fleurant, Director of the SIPRI Arms and Military Expenditure Programme. Both advanced strike aircraft with cruise missiles and other precision-guided munitions and the latest generation air and missile defence systems account for a significant share of US arms exports. Saudi Siege in YemenIn 2015, a US-backed coalition led by Saudi Arabia and other GCC countries, directed airstrikes inside Yemen, continuing their breach of international law after announcing a ceasefire and the apparent end of Operation Decisive Storm. The Pentagon sanctioned Decisive Storm, gave way to the Orwellian-sounding, Operation Restoring Hope , even as the UN raised concerns over civilians killed throughout the consecutive Saudi Arabian airstrike campaigns in the region.In October of 2016, Time magazine confirmed the growing wartime alliance between the US and its Saudi partners as the intervention in Yemen escalated. It was then revealed that Saudi Arabia, purchased more than $20 billion in arms from the U.S. in 2015 alone. While Western allies claimed that the Saudi-led airstrikes on Yemen were meant to restore order there was no explanation as to how the unprovoked bombardment would help bring stability to an already fractured region.Almost a month after the Saudi-led airstrikes in Yemen began, the LA Times published a piece entitled, Al Qaeda in Yemen using chaos of war to carve out terrorism haven. The mainstream outlet outlined the rise of Al Qaeda militants in Yemen, also known as Al Qaeda in the Arabian Peninsula (AQAP) following the dubious air raids conducted by Saudi Arabia.The AQAP narrative was preempted by a Council on Foreign Relations (CFR) March 19th release one week before bombing in Yemen began. The article also curiously predicted the rise of AQAP (and other Sunni extremists) as a symptom of the US-GCC proxy war in Yemen: A sectarian conflict in Yemen could help AQAP exploit the instability and expand its domestic insurgency among Sunni communities. When considering the recent arms report outlined by SIPRI, we can clearly see a how a Western engineered proxy landscape took its shape in both Syria and Yemen over the past several years. Think-tank planners telegraphed their predictions around existing military operations already put in motion.Problem, reaction, solution COAT OF ARMS The Stockholm International Peace Research Institute. (Image Source: sasnetold.eu)Western-backed Terror ExposedIn December of 2016, 21WIRE discussed the recent Stop Funding Terrorism Bill (HR 5433) openly supported by US Congresswoman Tulsi Gabbard: Previously 21WIRE reported how US Congresswoman Tulsi Gabbard (HI-D) received a somewhat hostile reception when talking with CNN s Jake Tapper about her Stop Funding Terrorism Bill. Gabbard is the first US legislator since the 1980 s to openly highlight the very real problem of US clandestine services arming and supporting violent internatonal terrorist organizations, particularly those currently operating inside of Syria.Interestingly, Gabbard s important move to stop international terrorism comes at the exact same time when the outgoing President Obama has pushed his own executive action to lift all restrictions on US arms exports and support to proxy rebel or terrorist fighting groups operating in Syria and elsewhere. In this context, we can see clearly that there is a moral battle being fought in Washington between those who oppose terrorism and those like President Obama and Senator John McCain, who have seen it as useful in the pursuit of their own geopolitical objectives, particularly by their open support of terrorist factions in Syria. Gabbard recently returned from a fact finding trip to Syria where she stated that Syrian people expressed that there are no moderate rebels fighting inside the embattled nation. Watch her discuss the matter with CNN s Jake Tapper below In 2013, the NY Times openly discussed the CIA s arms shipments (with Turkish aid) to parts of the Middle East, namely, Jordan, Qatar and Saudi Arabia. Unbeknownst to most US taxpayers at the time, the CIA was arming so-called moderate Syrian rebels, many of which have had links to terror. Here s a passage from the March 2013 NY Times report, that disclosed the Langley sanctioned arms shipments to rebels: With help from the C.I.A., Arab governments and Turkey have sharply increased their military aid to Syria s opposition fighters in recent months, expanding a secret airlift of arms and equipment for the uprising against President Bashar al-Assad, according to air traffic data, interviews with officials in several countries and the accounts of rebel commanders.The airlift, which began on a small scale in early 2012 and continued intermittently through last fall, expanded into a steady and much heavier flow late last year, the data shows. It has grown to include more than 160 military cargo flights by Jordanian, Saudi and Qatari military-style cargo planes landing at Esenboga Airport near Ankara, and, to a lesser degree, at other Turkish and Jordanian airports. In June of 2016, the content analysis site Media Research Center underscored the US-Saudi rebel training revelations:This training program, authorized by President Obama in 2013, allows the Central Intelligence Agency to arm and train Syrian rebels under the codename Timber Sycamore. Several days ago, the NYT reported the intricate history of the U.S.-Saudi arms relationship in Syria: the C.I.A. and its Saudi counterpart have maintained an unusual arrangement for the rebel-training mission, which the Americans have code-named Timber Sycamore. Under the deal, current and former administration officials said, the Saudis contribute both weapons and large sums of money, and the C.I.A takes the lead in training the rebels on AK-47 assault rifles and tank-destroying missiles. The MRC report concluded that many of the arms shipments were found to have made their way to the black market via Jordanian intelligence: But now, some of the weapons intended for Syrian rebels have found their way to the black market. The weapons reportedly stolen by Jordanian intelligence operatives included Kalashnikov assault rifles, mortars and rocket-propelled grenades. Interestingly, since 2013, the CIA s involvement in rebel training facilities in Jordan have been publicly discussed. Here s a revealing passage from the the UK s Guardian on the matter: The Pentagon said last October that a small group of US special forces and military planners had been to Jordan during the summer to help the country prepare for the possibility of Syrian use of chemical weapons and train selected rebel fighters.That planning cell, which was housed at the King Abdullah II Special Operations Training Centre in the north of the capital, Amman, has since been expanded to co-ordinate a more ambitious training programme. But Jordanian sources said the actual training was being carried out at more remote sites, with recent US reports saying it was being led by the CIA. Flash forward to January of 2016, the NY Times disclosed that millions in arms shipments supplied to Jordan from the CIA and Saudi Arabia were somehow stolen by Jordanian intelligence operatives and put on the black market, according to official reports.Today, Reuters states that the CIA has reportedly frozen aid to apparent rebel groups in Northwest Syria. Here s a passage from the Reuters exclusive: Rebel officials said that no official explanation had been given for the move this month following the jihadist assault, though several said they believed the main objective was to prevent arms and cash falling into Islamist militant hands. But they said they expected the aid freeze to be temporary.The halt in assistance, which has included salaries, training, ammunition and in some cases guided anti-tank missiles, is a response to jihadist attacks and has nothing to do with U.S. President Donald Trump replacing Barack Obama in January, two U.S. officials familiar with the CIA-led program said. Interestingly, a new narrative taking shape blames an apparent militant attack on so-called Syrian rebel groups carried out by members formerly of Al-Nusra Front ( now of Jabhat Fateh al-Sham), a known al Qaeda s affiliate.In July of 2015, we at 21WIRE reported the following developments taking place inside Syria: it was reported that the Army of Islam operating in Damascus, executed members of ISIS that s right, Sunnis militants taking out their own. The Gulf State backed army is comprised of 50 or so groups, including members of ISIS, Jabhat al-Nusra the Syrian branch of Al Qaeda and the Washington supported FSA rebels, the so-called moderates that the US is still collaborating with in Syria. Is it possible we are seeing a similar development concerning the recent Reuters revelations or is there something else at play?More about the Stockholm arms study on RT below (Image Source: nybooks.com)RTBetween 2007 2011 and 2012 2016 arms imports by states in the Middle East rose by 86 percent, the Stockholm International Peace Research Institute (SIPRI) said on Monday.India was the world s largest importer of major arms in 2012 2016, accounting for 13 percent of the global total, the study said. Over the past five years, most states in the Middle East have turned primarily to the USA and Europe in their accelerated pursuit of advanced military capabilities, Pieter Wezeman, senior researcher with the SIPRI Arms and Military Expenditure Program, said. Despite low oil prices, countries in the region continued to order more weapons in 2016, perceiving them as crucial tools for dealing with conflicts and regional tensions, he added.With a one-third share of global arms exports, the USA was the top arms exporter in 2012 16. Its arms exports increased by 21 percent compared with 2007 2011.Almost half of US arms exports went to the Middle East, SIPRI said, adding that arms imports by Qatar went up by 245 percent. The USA supplies major arms to at least 100 countries around the world significantly more than any other supplier state, Dr. Aude Fleurant, director of the SIPRI Arms and Military Expenditure Program, said. Both advanced strike aircraft with cruise missiles and other precision-guided munitions and the latest generation air and missile defense systems account for a significant share of US arms exports. Saudi Arabia s defense expenditure grew by 5.7 percent to $87.2 billion in 2015, making it the world s third-largest spender at the time, according to a SIPRI report from April.More from RT News here READ MORE YEMEN NEWS AT: 21st Century Wire Yemen FilesREAD MORE ON SYRIA: 21st Century Wire Syria FilesSUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TV",US_News,"February 21, 2017",1 +Episode #174 – SUNDAY WIRE: β€˜Fake News’ Week In Review," Episode #174 of SUNDAY WIRE SHOW resumes this February 19, 2017 as host Hesher brings you this week s special LIVE broadcast on the Alternate Current Radio Network LISTEN LIVE ON THIS PAGE AT THE FOLLOWING SCHEDULED SHOW TIMES:LIVE BROADCAST TIMING: 5pm-8pm UK Time | 12pm-3pm ET (US) | 9am-12am PT (US) This week s edition of THE SUNDAY WIRE is a very special LIVE broadcasting connecting North America and Europe this week, as host Hesher covers the top stories in the US and internationally. In the first hour, we ll celebrate #FakeNewsWeek @21WIRE, as well as cover the Daily Trump, and America s tragic snowflake meltdown. SHOUT POLL: Which Outlet is a Bigger Source of Fake News ? SUPPORT 21WIRE SUBSCRIBE & BECOME A MEMBER @21WIRE.TVDONATE TO 21WIRE HEREStrap yourselves in and lower the blast shield this is your brave new world *NOTE: THIS EPISODE MAY CONTAIN STRONG LANGUAGE AND MATURE THEMES*Listen to Sunday Wire #174 - Fake News Week with Hesher, Jay Dyer, Stewart H, Spore and FunkS0ul on Spreaker.Download Episode #174 HERE// \n","RangeIndex: 39942 entries, 0 to 39941\n","Data columns (total 5 columns):\n"," # Column Non-Null Count Dtype \n","--- ------ -------------- ----- \n"," 0 label 39942 non-null int64 \n"," 1 title 39942 non-null object\n"," 2 text 39942 non-null object\n"," 3 subject 39942 non-null object\n"," 4 date 39942 non-null object\n","dtypes: int64(1), object(4)\n","memory usage: 1.5+ MB\n","None\n"," label title \\\n","0 1 As U.S. budget fight looms, Republicans flip t... \n","1 1 U.S. military to accept transgender recruits o... \n","2 1 Senior U.S. Republican senator: 'Let Mr. Muell... \n","3 1 FBI Russia probe helped by Australian diplomat... \n","4 1 Trump wants Postal Service to charge 'much mor... \n","\n"," text subject \\\n","0 WASHINGTON (Reuters) - The head of a conservat... politicsNews \n","1 WASHINGTON (Reuters) - Transgender people will... politicsNews \n","2 WASHINGTON (Reuters) - The special counsel inv... politicsNews \n","3 WASHINGTON (Reuters) - Trump campaign adviser ... politicsNews \n","4 SEATTLE/WASHINGTON (Reuters) - President Donal... politicsNews \n","\n"," date \n","0 December 31, 2017 \n","1 December 29, 2017 \n","2 December 31, 2017 \n","3 December 30, 2017 \n","4 December 29, 2017 \n","Random Forest Accuracy: 1.00\n"," precision recall f1-score support\n","\n"," 0 1.00 1.00 1.00 3969\n"," 1 1.00 1.00 1.00 4020\n","\n"," accuracy 1.00 7989\n"," macro avg 1.00 1.00 1.00 7989\n","weighted avg 1.00 1.00 1.00 7989\n","\n"]},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAAgMAAAHHCAYAAAAiSltoAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAVW1JREFUeJzt3XlcVOX+B/DPsMywDogKA4mIUihuJJpO5pYEKZqmVuaGa1cvmOJGlgtqammK+5YZ2sXSFu0qboipqVimkjuFYqCyqAgjKPv5/eHl/BxxdAYGRjmfd6/zyjnnOed8zzQ53/k+z3OOTBAEAURERCRZZqYOgIiIiEyLyQAREZHEMRkgIiKSOCYDREREEsdkgIiISOKYDBAREUkckwEiIiKJYzJAREQkcUwGiIiIJI7JgET9/fffCAgIgIODA2QyGbZv327U41+9ehUymQxRUVFGPe7zrHPnzujcubOpw3hm8DNC9OxgMmBCly9fxr/+9S80bNgQVlZWUCqVaN++PZYuXYr79+9X6bmDg4Nx9uxZzJ07F9988w1at25dpeerTkOHDoVMJoNSqXzs+/j3339DJpNBJpPhiy++MPj4N27cQEREBBISEowQbfVo0KCBeM0ymQy2trZ45ZVXsGnTJlOH9kx59H16eMnPzzd1eOUcO3YMERERyM7ONnUo9JyzMHUAUhUTE4N33nkHCoUCQ4YMQbNmzVBYWIgjR45g8uTJOH/+PNatW1cl575//z7i4+PxySefIDQ0tErO4eHhgfv378PS0rJKjv80FhYWuHfvHnbs2IF3331Xa1t0dDSsrKwq/Jf7jRs3MGvWLDRo0AC+vr5677dv374Knc9YfH19MXHiRABAWloa1q9fj+DgYBQUFGDUqFEmje1Z8vD79DC5XG6CaJ7s2LFjmDVrFoYOHQpHR0dTh0PPMSYDJpCcnIz+/fvDw8MDBw4cgKurq7gtJCQESUlJiImJqbLz37x5EwCq9C8PmUwGKyurKjv+0ygUCrRv3x7ffvttuWRg8+bNCAoKwo8//lgtsdy7dw82NjYm/zJ54YUXMGjQIPH10KFD0bBhQ0RGRjIZeMij75OxlJaWorCw0KT/XxDpwm4CE1iwYAFyc3Px1VdfaSUCZby8vDBu3DjxdXFxMebMmYNGjRpBoVCgQYMG+Pjjj1FQUKC1X4MGDdCjRw8cOXIEr7zyCqysrNCwYUOtUnBERAQ8PDwAAJMnT4ZMJkODBg0APPhyKPvzwyIiIiCTybTWxcbG4rXXXoOjoyPs7Ozg7e2Njz/+WNyuqz/4wIED6NChA2xtbeHo6IhevXrh4sWLjz1fUlKS+IvHwcEBw4YNw71793S/sY8YMGAAdu/erVVCPXHiBP7++28MGDCgXPusrCxMmjQJzZs3h52dHZRKJbp164Y///xTbHPw4EG0adMGADBs2DCxhFx2nZ07d0azZs1w8uRJdOzYETY2NuL78uiYgeDgYFhZWZW7/sDAQNSqVQs3btzQ+1orom7dumjcuDEuX76stf7XX3/FO++8g/r160OhUMDd3R1hYWHlulyGDh0KOzs7XL9+Hb1794adnR3q1q2LSZMmoaSkRKttdnY2hg4dCgcHBzg6OiI4OFhnaduQz8hff/2FQYMGwcHBAXXr1sX06dMhCAJSU1PRq1cvKJVKqFQqLFq0qPJv2P/k5eVh4sSJcHd3h0KhgLe3N7744gs8+gBYmUyG0NBQREdHo2nTplAoFNizZw8A4Pr16xg+fDhcXFygUCjQtGlTbNiwody5li9fjqZNm8LGxga1atVC69atsXnzZvE9mDx5MgDA09NT/CxevXrVaNdK0sHKgAns2LEDDRs2xKuvvqpX+5EjR2Ljxo3o168fJk6ciN9++w3z58/HxYsXsW3bNq22SUlJ6NevH0aMGIHg4GBs2LABQ4cOhZ+fH5o2bYo+ffrA0dERYWFheP/999G9e3fY2dkZFP/58+fRo0cPtGjRArNnz4ZCoUBSUhKOHj36xP3279+Pbt26oWHDhoiIiMD9+/exfPlytG/fHqdOnSqXiLz77rvw9PTE/PnzcerUKaxfvx7Ozs74/PPP9YqzT58+GD16NH766ScMHz4cwIOqQOPGjdGqVaty7a9cuYLt27fjnXfegaenJzIyMrB27Vp06tQJFy5cgJubG5o0aYLZs2djxowZ+OCDD9ChQwcA0Ppvefv2bXTr1g39+/fHoEGD4OLi8tj4li5digMHDiA4OBjx8fEwNzfH2rVrsW/fPnzzzTdwc3PT6zorqri4GNeuXUOtWrW01n///fe4d+8exowZg9q1a+P333/H8uXLce3aNXz//fdabUtKShAYGIi2bdviiy++wP79+7Fo0SI0atQIY8aMAQAIgoBevXrhyJEjGD16NJo0aYJt27YhODi4XEyGfkbee+89NGnSBJ999hliYmLw6aefwsnJCWvXrsXrr7+Ozz//HNHR0Zg0aRLatGmDjh07PvV9KSoqwq1bt7TW2djYwMbGBoIg4K233sIvv/yCESNGwNfXF3v37sXkyZNx/fp1REZGau134MABbN26FaGhoahTpw4aNGiAjIwMtGvXTkwW6tati927d2PEiBHQaDQYP348AODLL7/Ehx9+iH79+mHcuHHIz8/HmTNn8Ntvv2HAgAHo06cP/vrrL3z77beIjIxEnTp1ADxI8ogMJlC1ysnJEQAIvXr10qt9QkKCAEAYOXKk1vpJkyYJAIQDBw6I6zw8PAQAwuHDh8V1mZmZgkKhECZOnCiuS05OFgAICxcu1DpmcHCw4OHhUS6GmTNnCg9/VCIjIwUAws2bN3XGXXaOr7/+Wlzn6+srODs7C7dv3xbX/fnnn4KZmZkwZMiQcucbPny41jHffvttoXbt2jrP+fB12NraCoIgCP369RO6du0qCIIglJSUCCqVSpg1a9Zj34P8/HyhpKSk3HUoFAph9uzZ4roTJ06Uu7YynTp1EgAIa9aseey2Tp06aa3bu3evAED49NNPhStXrgh2dnZC7969n3qNhvLw8BACAgKEmzdvCjdv3hTOnj0rDB48WAAghISEaLW9d+9euf3nz58vyGQy4Z9//hHXBQcHCwC03htBEISXX35Z8PPzE19v375dACAsWLBAXFdcXCx06NCh0p+RDz74QOuY9erVE2QymfDZZ5+J6+/cuSNYW1sLwcHBer1PAMotM2fO1LqWTz/9VGu/fv36CTKZTEhKShLXARDMzMyE8+fPa7UdMWKE4OrqKty6dUtrff/+/QUHBwfx/e/Vq5fQtGnTJ8a7cOFCAYCQnJz81GsjehJ2E1QzjUYDALC3t9er/a5duwAAEyZM0FpfNsDp0bEFPj4+4q9V4MGvBG9vb1y5cqXCMT+qbKzBzz//jNLSUr32SUtLQ0JCAoYOHQonJydxfYsWLfDGG2+I1/mw0aNHa73u0KEDbt++Lb6H+hgwYAAOHjyI9PR0HDhwAOnp6Y/tIgAejDMwM3vwv0RJSQlu374tdoGcOnVK73MqFAoMGzZMr7YBAQH417/+hdmzZ6NPnz6wsrLC2rVr9T6XIfbt24e6deuibt26aN68Ob755hsMGzYMCxcu1GpnbW0t/jkvLw+3bt3Cq6++CkEQcPr06XLHfdx/p4c/b7t27YKFhYVYKQAAc3NzjB07Vmu/inxGRo4cqXXM1q1bQxAEjBgxQlzv6Oho0P8Dbdu2RWxsrNYyZMgQ8VrMzc3x4Ycfau0zceJECIKA3bt3a63v1KkTfHx8xNeCIODHH39Ez549IQgCbt26JS6BgYHIyckRP2uOjo64du0aTpw4oVfcRJXBZKCaKZVKAMDdu3f1av/PP//AzMwMXl5eWutVKhUcHR3xzz//aK2vX79+uWPUqlULd+7cqWDE5b333nto3749Ro4cCRcXF/Tv3x9bt259YmJQFqe3t3e5bU2aNMGtW7eQl5entf7RaykrZxtyLd27d4e9vT22bNmC6OhotGnTptx7Waa0tBSRkZF48cUXoVAoUKdOHdStWxdnzpxBTk6O3ud84YUXDBos+MUXX8DJyQkJCQlYtmwZnJ2dn7rPzZs3kZ6eLi65ublP3afsS27Pnj344osv4OjoiDt37pSLNSUlRfxCLhsH0KlTJwAo9z5YWVmVK0s/+nn7559/4OrqWq476tHPgjE+Iw4ODrCyshJL5g+v1/dzU6dOHfj7+2stDRs2FGN0c3Mrl8w3adJE6xrKeHp6ar2+efMmsrOzsW7dOjExK1vKEsjMzEwAQHh4OOzs7PDKK6/gxRdfREhIyFO74ogqimMGqplSqYSbmxvOnTtn0H6PDuDTxdzc/LHrhUcGNxlyjkcHg1lbW+Pw4cP45ZdfEBMTgz179mDLli14/fXXsW/fPp0xGKoy11JGoVCgT58+2LhxI65cuYKIiAidbefNm4fp06dj+PDhmDNnDpycnGBmZobx48frXQEBtH9Z6+P06dPiF8DZs2fx/vvvP3WfNm3aaH3xzJw584nXBvz/lxzwYJBi48aN0aNHDyxdulSsPJWUlOCNN95AVlYWwsPD0bhxY9ja2uL69esYOnRouffBWP+tK+px5zfG58ZYHv0slL1/gwYNeuyYCeBBJQR4kGAkJiZi586d2LNnD3788UesWrUKM2bMwKxZs6o2cJIcJgMm0KNHD6xbtw7x8fFQq9VPbOvh4YHS0lL8/fff4q8PAMjIyEB2drY4M8AYatWq9dgR3o/+2gEAMzMzdO3aFV27dsXixYsxb948fPLJJ/jll1/EL5xHrwMAEhMTy227dOkS6tSpA1tb28pfxGMMGDAAGzZsgJmZGfr376+z3Q8//IAuXbrgq6++0lqfnZ2t9UtT38RMH3l5eRg2bBh8fHzw6quvYsGCBXj77bfFGQu6REdHa43uL/vlaoigoCB06tQJ8+bNw7/+9S/Y2tri7Nmz+Ouvv7Bx40axNA48mD1SUR4eHoiLi0Nubq5WdeDRz4IpPyP68vDwwP79+3H37l2t6sClS5fE7U9St25d2Nvbo6Sk5LH/nzzK1tYW7733Ht577z0UFhaiT58+mDt3LqZOnQorKyujfhZJ2thNYAJTpkyBra0tRo4ciYyMjHLbL1++jKVLlwJ4UOYGgCVLlmi1Wbx4MYAHf6EbS6NGjZCTk4MzZ86I69LS0srNWMjKyiq3b9nNdx6d7ljG1dUVvr6+2Lhxo1bCce7cOezbt0+8zqrQpUsXzJkzBytWrIBKpdLZztzcvNyvx++//x7Xr1/XWlf2hWSMu76Fh4cjJSUFGzduxOLFi9GgQQPxRkBP0r59+8eWsSty/tu3b+PLL78E8P+/qh9+HwRBED+PFdG9e3cUFxdj9erV4rqSkhIsX75cq50pPyP66t69O0pKSrBixQqt9ZGRkZDJZOjWrdsT9zc3N0ffvn3x448/PrY6WHYPEODBrJSHyeVy+Pj4QBAEFBUVATDuZ5GkjZUBE2jUqBE2b94sTot6+A6Ex44dw/fff4+hQ4cCAFq2bIng4GCsW7cO2dnZ6NSpE37//Xds3LgRvXv3RpcuXYwWV//+/REeHo63334bH374Ie7du4fVq1fjpZde0hpAN3v2bBw+fBhBQUHw8PBAZmYmVq1ahXr16uG1117TefyFCxeiW7duUKvVGDFihDhtzMHB4akl7sowMzPDtGnTntquR48emD17NoYNG4ZXX30VZ8+eRXR0dLkv2kaNGsHR0RFr1qyBvb09bG1t0bZt23L9w09z4MABrFq1CjNnzhSnOn799dfo3Lkzpk+fjgULFhh0vIro1q0bmjVrhsWLFyMkJASNGzdGo0aNMGnSJFy/fh1KpRI//vhjpcac9OzZE+3bt8dHH32Eq1evwsfHBz/99NNjx2GY6jOir549e6JLly745JNPcPXqVbRs2RL79u3Dzz//jPHjx6NRo0ZPPcZnn32GX375BW3btsWoUaPg4+ODrKwsnDp1Cvv37xeT7YCAAKhUKrRv3x4uLi64ePEiVqxYgaCgILEq4efnBwD45JNP0L9/f1haWqJnz54mr6DQc8g0kxhIEAThr7/+EkaNGiU0aNBAkMvlgr29vdC+fXth+fLlQn5+vtiuqKhImDVrluDp6SlYWloK7u7uwtSpU7XaCMKDaVFBQUHlzvPolDZdUwsFQRD27dsnNGvWTJDL5YK3t7fwn//8p9zUwri4OKFXr16Cm5ubIJfLBTc3N+H9998X/vrrr3LneHT63f79+4X27dsL1tbWglKpFHr27ClcuHBBq03Z+R6duvj111/rNY3q4amFuuiaWjhx4kTB1dVVsLa2Ftq3by/Ex8c/dkrgzz//LPj4+AgWFhZa19mpUyed08EePo5GoxE8PDyEVq1aCUVFRVrtwsLCBDMzMyE+Pv6J12AIXZ8NQRCEqKgorWu4cOGC4O/vL9jZ2Ql16tQRRo0aJfz555/l/nvqep8f/bwIgiDcvn1bGDx4sKBUKgUHBwdh8ODBwunTp43+GdEV05P+uzzsSe9Tmbt37wphYWGCm5ubYGlpKbz44ovCwoULhdLSUq12eMy0zTIZGRlCSEiI4O7uLlhaWgoqlUro2rWrsG7dOrHN2rVrhY4dOwq1a9cWFAqF0KhRI2Hy5MlCTk6O1rHmzJkjvPDCC4KZmRmnGVKFyQTBBKNqiIiI6JnBMQNEREQSx2SAiIhI4pgMEBERSRyTASIiIoljMkBERFTFPvvsM8hkMvGplACQn5+PkJAQ1K5dG3Z2dujbt2+5e8+kpKQgKCgINjY2cHZ2xuTJk1FcXKzV5uDBg2jVqhUUCgW8vLzKPTpeH0wGiIiIqtCJEyewdu1a8VbTZcLCwrBjxw58//33OHToEG7cuIE+ffqI20tKShAUFCTeg2bjxo2IiorCjBkzxDbJyckICgpCly5dkJCQgPHjx2PkyJHYu3evQTE+11MLS0tLcePGDdjb2/O2nEREzyFBEHD37l24ubmJTw2tCvn5+SgsLKz0ceRyOaysrPRun5ubi1atWmHVqlX49NNP4evriyVLliAnJwd169bF5s2b0a9fPwAPbmvdpEkTxMfHo127dti9ezd69OiBGzduwMXFBQCwZs0ahIeH4+bNm5DL5QgPD0dMTIzWHS379++P7Oxs7NmzR/8LM+ldDiopNTX1sc8e58KFCxcuz9eSmppaZd8V9+/fF2BhY5Q4VSqVkJGRIeTk5IjLozeAe9iQIUOE8ePHC4Lw4OZX48aNEwThwc3bAAh37tzRal+/fn1h8eLFgiAIwvTp04WWLVtqbb9y5YoAQDh16pQgCILQoUMH8ZhlNmzYICiVSoPeo+f6dsRlt+SUNx8Ombn+j4wlep6kxH1u6hCIqsxdjQZenu7lHgttTIWFhUDxPSh8goHKfFeUFCL9wkbxV3oZXU8N/e6773Dq1CmcOHGi3Lb09HTI5XI4OjpqrXdxcUF6errY5tFzlb1+WhuNRoP79+/r/RTV5zoZKOsakJnLITNXmDgaoqqhVCpNHQJRlauWrl4Lq0r9cBRkD7oxUlNTtf6/VCjKf/+kpqZi3LhxiI2NNahbwVQ4gJCIiKRBBkAmq8Ty4DBKpVJreVwycPLkSWRmZqJVq1awsLCAhYUFDh06hGXLlsHCwgIuLi4oLCws98TJjIwM8emqKpWq3OyCstdPa6NUKvWuCgBMBoiISCpkZpVf9NS1a1ecPXsWCQkJ4tK6dWsMHDhQ/LOlpSXi4uLEfRITE5GSkgK1Wg0AUKvVOHv2LDIzM8U2sbGxUCqV8PHxEds8fIyyNmXH0Ndz3U1ARET0LLK3t0ezZs201tna2qJ27dri+hEjRmDChAlwcnKCUqnE2LFjoVar0a5dOwAPHmPt4+ODwYMHY8GCBUhPT8e0adMQEhIiViNGjx6NFStWYMqUKRg+fDgOHDiArVu3IiYmxqB4mQwQEZE0lJX7K7O/EUVGRsLMzAx9+/ZFQUEBAgMDsWrVKnG7ubk5du7ciTFjxkCtVsPW1hbBwcGYPXu22MbT0xMxMTEICwvD0qVLUa9ePaxfvx6BgYEGxfJc32dAo9HAwcEBCt/RHEBINdad40tMHQJRldFoNHCp7YCcnJwqGywrfle0Cq3Ud4VQUoCCUyuqNFZT4ZgBIiIiiWM3ARERScMz1k3wLGEyQEREEmHYjIDH7l9D1dwrIyIiIr2wMkBERNLAbgKdmAwQEZE0GHjjoMfuX0PV3CsjIiIivbAyQERE0sBuAp2YDBARkTSwm0AnJgNERCQNrAzoVHPTHCIiItILKwNERCQN7CbQickAERFJg0xWyWSA3QRERERUQ7EyQERE0mAme7BUZv8aiskAERFJA8cM6FRzr4yIiIj0wsoAERFJA+8zoBOTASIikgZ2E+hUc6+MiIiI9MLKABERSQO7CXRiMkBERNLAbgKdmAwQEZE0sDKgU81Nc4iIiEgvrAwQEZE0sJtAJyYDREQkDewm0KnmpjlERESkF1YGiIhIIirZTVCDfz8zGSAiImlgN4FONTfNISIiIr2wMkBERNIgk1VyNkHNrQwwGSAiImng1EKdau6VERERkV5YGSAiImngAEKdmAwQEZE0sJtAp5p7ZURERA8rqwxUZjHA6tWr0aJFCyiVSiiVSqjVauzevVvc3rlzZ8hkMq1l9OjRWsdISUlBUFAQbGxs4OzsjMmTJ6O4uFirzcGDB9GqVSsoFAp4eXkhKirK4LeGlQEiIqIqUK9ePXz22Wd48cUXIQgCNm7ciF69euH06dNo2rQpAGDUqFGYPXu2uI+NjY3455KSEgQFBUGlUuHYsWNIS0vDkCFDYGlpiXnz5gEAkpOTERQUhNGjRyM6OhpxcXEYOXIkXF1dERgYqHesTAaIiEgaqrmboGfPnlqv586di9WrV+P48eNiMmBjYwOVSvXY/fft24cLFy5g//79cHFxga+vL+bMmYPw8HBERERALpdjzZo18PT0xKJFiwAATZo0wZEjRxAZGWlQMsBuAiIikgYjdRNoNBqtpaCg4KmnLikpwXfffYe8vDyo1WpxfXR0NOrUqYNmzZph6tSpuHfvnrgtPj4ezZs3h4uLi7guMDAQGo0G58+fF9v4+/trnSswMBDx8fEGvTWsDBARERnA3d1d6/XMmTMRERHx2LZnz56FWq1Gfn4+7OzssG3bNvj4+AAABgwYAA8PD7i5ueHMmTMIDw9HYmIifvrpJwBAenq6ViIAQHydnp7+xDYajQb379+HtbW1XtfEZICIiCShbJBeJQ4AAEhNTYVSqRRXKxQKnbt4e3sjISEBOTk5+OGHHxAcHIxDhw7Bx8cHH3zwgdiuefPmcHV1RdeuXXH58mU0atSo4nFWALsJiIhIEh4duV+RBYA4O6BseVIyIJfL4eXlBT8/P8yfPx8tW7bE0qVLH9u2bdu2AICkpCQAgEqlQkZGhlabstdl4wx0tVEqlXpXBQAmA0RERNWmtLRU5xiDhIQEAICrqysAQK1W4+zZs8jMzBTbxMbGQqlUil0NarUacXFxWseJjY3VGpegD3YTEBGRNMj+t1RmfwNMnToV3bp1Q/369XH37l1s3rwZBw8exN69e3H58mVs3rwZ3bt3R+3atXHmzBmEhYWhY8eOaNGiBQAgICAAPj4+GDx4MBYsWID09HRMmzYNISEhYjVi9OjRWLFiBaZMmYLhw4fjwIED2Lp1K2JiYgyKlckAERFJgrHGDOgrMzMTQ4YMQVpaGhwcHNCiRQvs3bsXb7zxBlJTU7F//34sWbIEeXl5cHd3R9++fTFt2jRxf3Nzc+zcuRNjxoyBWq2Gra0tgoODte5L4OnpiZiYGISFhWHp0qWoV68e1q9fb9C0QoDJABERUZX46quvdG5zd3fHoUOHnnoMDw8P7Nq164ltOnfujNOnTxsc38OYDBARkSRUd2XgecJkgIiIJIHJgG5MBoiISBKYDOjGqYVEREQSx8oAERFJQzVPLXyeMBkgIiJJYDeBbuwmICIikjhWBoiISBIePIW4MpUB48XyrGEyQEREkiBDJbsJanA2wG4CIiIiiWNlgIiIJIEDCHVjMkBERNLAqYU6sZuAiIhI4lgZICIiaahkN4HAbgIiIqLnW2XHDFRuJsKzjckAERFJApMB3ThmgIiISOJYGSAiImngbAKdmAwQEZEksJtAN3YTEBERSRwrA0REJAmsDOjGZICIiCSByYBu7CYgIiKSOFYGiIhIElgZ0I3JABERSQOnFurEbgIiIiKJY2WAiIgkgd0EujEZICIiSWAyoBuTASIikgQmA7pxzAAREZHEsTJARETSwNkEOjEZICIiSWA3gW7sJiAiIpI4VgYkZnif9hjepz3cXZ0AAJeupGPhhr3YH38RANDghdqYM7YX2rVsCLncAnHxFxG++EfczMoVj/Hnthmo/7/9y8xauQNLvokDAHjVd8bi8Hfg7amC0tYK6bdy8MO+U/h8/R4Ul5RW05US6Xb0VBKWf7Mff15KQfotDf6zcBSCOrfUapOYnI6I5dtx9FQSSkpK4e2pwsYFI+GuctJxVHrWsTKg2zORDKxcuRILFy5Eeno6WrZsieXLl+OVV14xdVg10o3MbMxauQOXr92EDDK8H9QG0QtGoNOQL5CSloWflo7BuaTr6BW6EgDw8Qfd8e3CUXhj5BIIgiAeZ+7aXdj0c7z4OvdegfjnouISfLfrBM4kXkNO7n00e9ENS6b2h5lMhjlrYqrvYol0uHe/AM1eegGD3lJj8JQvy21PvnYT3UYtxqC3XsXUfwXB3tYKFy+nwUpuaYJoyVhkqGQyUIMHDZi8m2DLli2YMGECZs6ciVOnTqFly5YIDAxEZmamqUOrkfYcOY/Y+Iu4knoLl1Nv4tM1u5B3rwCtm3mgbQtP1Hd1QsjszbhwOQ0XLqfh37Oj8XITd3Rs/aLWcXLvFSAz66643MsvFLf9c+M2Nsf8jnNJN5Cafge7fz2P7/eehNq3YXVfLtFjvdG+KaaN6YkeXVo+dvucVTvwxqtNMfvD3mjh7Q7PenXRvVML1HWyr+ZI6Xm2evVqtGjRAkqlEkqlEmq1Grt37xa35+fnIyQkBLVr14adnR369u2LjIwMrWOkpKQgKCgINjY2cHZ2xuTJk1FcXKzV5uDBg2jVqhUUCgW8vLwQFRVlcKwmTwYWL16MUaNGYdiwYfDx8cGaNWtgY2ODDRs2mDq0Gs/MTIY+/i/DxlqBE2evQiG3gCAIKCj6/w9afmERSksFtGup/UU+fkhXXN47F4c2TsLYgV1gbq77o+RZrw66tmuMo6cvV9m1EBlLaWkpYo+eh1d9Z/QduwIvBnwE/6ELEXPwT1OHRpVU1k1QmcUQ9erVw2effYaTJ0/ijz/+wOuvv45evXrh/PnzAICwsDDs2LED33//PQ4dOoQbN26gT58+4v4lJSUICgpCYWEhjh07ho0bNyIqKgozZswQ2yQnJyMoKAhdunRBQkICxo8fj5EjR2Lv3r0GxWrSboLCwkKcPHkSU6dOFdeZmZnB398f8fHxT9iTKsOnkSv2fjkeVnIL5N0vxODwr5B4NQO3snNxL78QESFvYc7qnZDJZJgZ0gMWFuZQ1VaK+6/dehh/Jl5DtiYPrzT3xIwxPeBSxwHTlm7XOs/edePQwrserBSWiNp2DPPW7QbRs+5mVi5y7xVgycZYfDKmByJCe2N//AUMnrIeO1Z/iPZ+Lz79IPRsquaphT179tR6PXfuXKxevRrHjx9HvXr18NVXX2Hz5s14/fXXAQBff/01mjRpguPHj6Ndu3bYt28fLly4gP3798PFxQW+vr6YM2cOwsPDERERAblcjjVr1sDT0xOLFi0CADRp0gRHjhxBZGQkAgMD9Y7VpJWBW7duoaSkBC4uLlrrXVxckJ6eXq59QUEBNBqN1kKG+/ufTHQcshD+IyKx4aejWDVjILwbuOB2dh6GfhyFN19rimu/fI5/9s+Hg501Ei6lovSh8QKrvj2Io6eScD4pDV9vO4Zpy37GB+90gNzSXOs8w6dtROfgLzBy+ia80d4HYwd2qe5LJTJYqfBgkGu3Ts3x7wGvo7l3PYQNDUDga02x4acjJo6OngWPfg8VFBQ8dZ+SkhJ89913yMvLg1qtxsmTJ1FUVAR/f3+xTePGjVG/fn3xx3B8fDyaN2+u9R0ZGBgIjUYjVhfi4+O1jlHWxtAf1M/EAEJ9zZ8/H7NmzTJ1GM+9ouISJF+7BQD4M/EaXvZxx+j3OiHs86345fdEtOr3KZwcbFFcUgpN7n1cipmNq9dv6TzeyfP/wNLCHPVdayMp5f/HelzPzAYAJF7NgLm5DJEfvYcVm39Baamg40hEplfb0Q4W5mZo7Omqtf4lTxWOJ1wxUVRkDMaaTeDu7q61fubMmYiIiHjsPmfPnoVarUZ+fj7s7Oywbds2+Pj4ICEhAXK5HI6OjlrtH/4xnJ6e/tgfy2XbntRGo9Hg/v37sLa21uvaTJoM1KlTB+bm5uUGTGRkZEClUpVrP3XqVEyYMEF8rdFoyv1HIcOZyWSQy7U/Clk5eQCADn4vom4tO+z+9bzO/Zu/9AJKSkpx885dnW1kMjNYWpjDTCZDKZgM0LNLbmmBl3088Pc/2n8vXU7JhLtrLRNFRcZgrGQgNTUVSuX/d50qFAqd+3h7eyMhIQE5OTn44YcfEBwcjEOHDlU4hqpi0mRALpfDz88PcXFx6N27N4AHg3fi4uIQGhparr1CoXjim05PN2NMD+yPv4DUjGzY2yjQL8APr7XyQt/xawAAA4JewV//Gz/wSvMGmB/WB6u+OyT+4m/TrAH8mnrgyMm/cfdeAV5p3gBzx/XG1j1/IOfufQDAO4F+KCouwYXLaSgoLMbLTdwxY0wQtu0/zfsM0DMh914BklNviq//uXEbZxOvwdHBBu4qJ3w42B/DP96AV1/2QofWL2F//AXs+fUcdqwZZ8KoqbJksgdLZfYHIM4O0IdcLoeXlxcAwM/PDydOnMDSpUvx3nvvobCwENnZ2VrVgYd/DKtUKvz+++9axyv78fxwm8f9oFYqlXpXBYBnoJtgwoQJCA4ORuvWrfHKK69gyZIlyMvLw7Bhw0wdWo1Up5YdVs8cBJfaSmhy7+P85RvoO34NDv7+FwDgRQ9nzPh3D9RS2iAlLQuLomKx6tuD4v4FRcXo88bL+Gjkm5BbmuOftCys/u4QVn77i9imuKQU4wZ3RSP3upDJZEhNz8L6H45g1XcHQfQsSLj4D3qOXia+/iTyJwDA+0FtsSpiMHp0aYnFU/sjMmofPlr0A7zqO2PT5yOh9m1kqpCphigtLUVBQQH8/PxgaWmJuLg49O3bFwCQmJiIlJQUqNVqAIBarcbcuXORmZkJZ2dnAEBsbCyUSiV8fHzENrt27dI6R2xsrHgMfcmEh+8kYyIrVqwQbzrk6+uLZcuWoW3btk/dT6PRwMHBAQrf0ZCZs2JANdOd40tMHQJRldFoNHCp7YCcnBy9f21X5BwODg5oOPYHmClsK3yc0oI8XFneT+9Yp06dim7duqF+/fq4e/cuNm/ejM8//xx79+7FG2+8gTFjxmDXrl2IioqCUqnE2LFjAQDHjh0D8GDQoa+vL9zc3LBgwQKkp6dj8ODBGDlyJObNmwfgwdTCZs2aISQkBMOHD8eBAwfw4YcfIiYmxqDZBCavDABAaGjoY7sFiIiIjKaS3QSGTi3MzMzEkCFDkJaWBgcHB7Ro0UJMBAAgMjISZmZm6Nu3LwoKChAYGIhVq1aJ+5ubm2Pnzp0YM2YM1Go1bG1tERwcjNmzZ4ttPD09ERMTg7CwMCxduhT16tXD+vXrDUoEgGekMlBRrAyQFLAyQDVZtVYGPvwB5pWoDJQU5OHKMv0rA8+TZ6IyQEREVNX4oCLdmAwQEZEkGGs2QU1k8mcTEBERkWmxMkBERJJgZiaDmVnFf94Lldj3WcdkgIiIJIHdBLqxm4CIiEjiWBkgIiJJ4GwC3ZgMEBGRJLCbQDcmA0REJAmsDOjGMQNEREQSx8oAERFJAisDujEZICIiSeCYAd3YTUBERCRxrAwQEZEkyFDJbgJDn2H8HGEyQEREksBuAt3YTUBERCRxrAwQEZEkcDaBbkwGiIhIEthNoBu7CYiIiCSOlQEiIpIEdhPoxmSAiIgkgd0EujEZICIiSWBlQDeOGSAiIpI4VgaIiEgaKtlNUINvQMhkgIiIpIHdBLqxm4CIiEjiWBkgIiJJ4GwC3ZgMEBGRJLCbQDd2ExAREUkcKwNERCQJ7CbQjckAERFJArsJdGM3ARERkcSxMkBERJLAyoBuTAaIiEgSOGZANyYDREQkCawM6MYxA0RERFVg/vz5aNOmDezt7eHs7IzevXsjMTFRq03nzp3FJKVsGT16tFablJQUBAUFwcbGBs7Ozpg8eTKKi4u12hw8eBCtWrWCQqGAl5cXoqKiDIqVyQAREUlCWTdBZRZDHDp0CCEhITh+/DhiY2NRVFSEgIAA5OXlabUbNWoU0tLSxGXBggXitpKSEgQFBaGwsBDHjh3Dxo0bERUVhRkzZohtkpOTERQUhC5duiAhIQHjx4/HyJEjsXfvXr1jZTcBERFJQnV3E+zZs0frdVRUFJydnXHy5El07NhRXG9jYwOVSvXYY+zbtw8XLlzA/v374eLiAl9fX8yZMwfh4eGIiIiAXC7HmjVr4OnpiUWLFgEAmjRpgiNHjiAyMhKBgYF6xcrKABERUTXIyckBADg5OWmtj46ORp06ddCsWTNMnToV9+7dE7fFx8ejefPmcHFxEdcFBgZCo9Hg/PnzYht/f3+tYwYGBiI+Pl7v2FgZICIiSZChkrMJ/vdvjUajtV6hUEChUDxx39LSUowfPx7t27dHs2bNxPUDBgyAh4cH3NzccObMGYSHhyMxMRE//fQTACA9PV0rEQAgvk5PT39iG41Gg/v378Pa2vqp18ZkgIiIJMFMJoNZJbKBsn3d3d211s+cORMRERFP3DckJATnzp3DkSNHtNZ/8MEH4p+bN28OV1dXdO3aFZcvX0ajRo0qHKuhmAwQEREZIDU1FUqlUnz9tKpAaGgodu7cicOHD6NevXpPbNu2bVsAQFJSEho1agSVSoXff/9dq01GRgYAiOMMVCqVuO7hNkqlUq+qAMAxA0REJBHGmk2gVCq1Fl3JgCAICA0NxbZt23DgwAF4eno+NcaEhAQAgKurKwBArVbj7NmzyMzMFNvExsZCqVTCx8dHbBMXF6d1nNjYWKjVar3fGyYDREQkCY/O56/IYoiQkBD85z//webNm2Fvb4/09HSkp6fj/v37AIDLly9jzpw5OHnyJK5evYr//ve/GDJkCDp27IgWLVoAAAICAuDj44PBgwfjzz//xN69ezFt2jSEhISIScjo0aNx5coVTJkyBZcuXcKqVauwdetWhIWF6R0rkwEiIpIEM1nlF0OsXr0aOTk56Ny5M1xdXcVly5YtAAC5XI79+/cjICAAjRs3xsSJE9G3b1/s2LFDPIa5uTl27twJc3NzqNVqDBo0CEOGDMHs2bPFNp6enoiJiUFsbCxatmyJRYsWYf369XpPKwQ4ZoCIiKhKCILwxO3u7u44dOjQU4/j4eGBXbt2PbFN586dcfr0aYPiexiTASIikgZZJZ8vUHMfTcBkgIiIpIFPLdSNYwaIiIgkjpUBIiKSBNn//qnM/jUVkwEiIpKEiswIeHT/mordBERERBLHygAREUlCdT/C+HmiVzLw3//+V+8DvvXWWxUOhoiIqKpwNoFueiUDvXv31utgMpkMJSUllYmHiIiIqpleyUBpaWlVx0FERFSljPUI45qoUmMG8vPzYWVlZaxYiIiIqgy7CXQzeDZBSUkJ5syZgxdeeAF2dna4cuUKAGD69On46quvjB4gERGRMVT3UwufJwYnA3PnzkVUVBQWLFgAuVwurm/WrBnWr19v1OCIiIio6hmcDGzatAnr1q3DwIEDYW5uLq5v2bIlLl26ZNTgiIiIjKWsm6AyS01l8JiB69evw8vLq9z60tJSFBUVGSUoIiIiY+MAQt0Mrgz4+Pjg119/Lbf+hx9+wMsvv2yUoIiIiKj6GFwZmDFjBoKDg3H9+nWUlpbip59+QmJiIjZt2oSdO3dWRYxERESVJvvfUpn9ayqDKwO9evXCjh07sH//ftja2mLGjBm4ePEiduzYgTfeeKMqYiQiIqo0zibQrUL3GejQoQNiY2ONHQsRERGZQIVvOvTHH3/g4sWLAB6MI/Dz8zNaUERERMbGRxjrZnAycO3aNbz//vs4evQoHB0dAQDZ2dl49dVX8d1336FevXrGjpGIiKjS+NRC3QweMzBy5EgUFRXh4sWLyMrKQlZWFi5evIjS0lKMHDmyKmIkIiKiKmRwZeDQoUM4duwYvL29xXXe3t5Yvnw5OnToYNTgiIiIjKkG/7ivFIOTAXd398feXKikpARubm5GCYqIiMjY2E2gm8HdBAsXLsTYsWPxxx9/iOv++OMPjBs3Dl988YVRgyMiIjKWsgGElVlqKr0qA7Vq1dLKiPLy8tC2bVtYWDzYvbi4GBYWFhg+fDh69+5dJYESERFR1dArGViyZEkVh0FERFS12E2gm17JQHBwcFXHQUREVKV4O2LdKnzTIQDIz89HYWGh1jqlUlmpgIiIiKh6GZwM5OXlITw8HFu3bsXt27fLbS8pKTFKYERERMbERxjrZvBsgilTpuDAgQNYvXo1FAoF1q9fj1mzZsHNzQ2bNm2qihiJiIgqTSar/FJTGVwZ2LFjBzZt2oTOnTtj2LBh6NChA7y8vODh4YHo6GgMHDiwKuIkIiKiKmJwZSArKwsNGzYE8GB8QFZWFgDgtddew+HDh40bHRERkZHwEca6GZwMNGzYEMnJyQCAxo0bY+vWrQAeVAzKHlxERET0rGE3gW4GJwPDhg3Dn3/+CQD46KOPsHLlSlhZWSEsLAyTJ082eoBERERUtQweMxAWFib+2d/fH5cuXcLJkyfh5eWFFi1aGDU4IiIiY+FsAt0Mrgw8ysPDA3369GEiQEREz7Tq7iaYP38+2rRpA3t7ezg7O6N3795ITEzUapOfn4+QkBDUrl0bdnZ26Nu3LzIyMrTapKSkICgoCDY2NnB2dsbkyZNRXFys1ebgwYNo1aoVFAoFvLy8EBUVZVCselUGli1bpvcBP/zwQ4MCICIiqg7VfTviQ4cOISQkBG3atEFxcTE+/vhjBAQE4MKFC7C1tQXwoNoeExOD77//Hg4ODggNDUWfPn1w9OhRAA/u3RMUFASVSoVjx44hLS0NQ4YMgaWlJebNmwcASE5ORlBQEEaPHo3o6GjExcVh5MiRcHV1RWBgoH7XJgiC8LRGnp6e+h1MJsOVK1f0amsMGo0GDg4OUPiOhsxcUW3nJapOd44vMXUIRFVGo9HApbYDcnJyquwOtmXfFSP/8zvkNnYVPk7hvVysH/RKhWO9efMmnJ2dcejQIXTs2BE5OTmoW7cuNm/ejH79+gEALl26hCZNmiA+Ph7t2rXD7t270aNHD9y4cQMuLi4AgDVr1iA8PBw3b96EXC5HeHg4YmJicO7cOfFc/fv3R3Z2Nvbs2aNXbHpVBspmDzyrUuI+522Qqcaq1SbU1CEQVRmhpPDpjYzEDJXrGy/bV6PRaK1XKBRQKJ7+gzQnJwcA4OTkBAA4efIkioqK4O/vL7Zp3Lgx6tevLyYD8fHxaN68uZgIAEBgYCDGjBmD8+fP4+WXX0Z8fLzWMcrajB8/3uBrIyIiqtGMdZ8Bd3d3ODg4iMv8+fOfeu7S0lKMHz8e7du3R7NmzQAA6enpkMvl5ablu7i4ID09XWzzcCJQtr1s25PaaDQa3L9/X6/3plIPKiIiIpKa1NRUrWq0PlWBkJAQnDt3DkeOHKnK0CqMyQAREUmCTAaYVWJ2YNn4QaVSaVDXdGhoKHbu3InDhw+jXr164nqVSoXCwkJkZ2drVQcyMjKgUqnENr///rvW8cpmGzzc5tEZCBkZGVAqlbC2ttYrRnYTEBGRJJjJKr8YQhAEhIaGYtu2bThw4EC5wfh+fn6wtLREXFycuC4xMREpKSlQq9UAALVajbNnzyIzM1NsExsbC6VSCR8fH7HNw8coa1N2DH2wMkBERFQFQkJCsHnzZvz888+wt7cX+/gdHBxgbW0NBwcHjBgxAhMmTICTkxOUSiXGjh0LtVqNdu3aAQACAgLg4+ODwYMHY8GCBUhPT8e0adMQEhIidk+MHj0aK1aswJQpUzB8+HAcOHAAW7duRUxMjN6xVqgy8Ouvv2LQoEFQq9W4fv06AOCbb755ZvtCiIiIqvtBRatXr0ZOTg46d+4MV1dXcdmyZYvYJjIyEj169EDfvn3RsWNHqFQq/PTTT+J2c3Nz7Ny5E+bm5lCr1Rg0aBCGDBmC2bNni208PT0RExOD2NhYtGzZEosWLcL69ev1vscAUIHKwI8//ojBgwdj4MCBOH36NAoKCgA8mDIxb9487Nq1y9BDEhERVbmKlPof3d8QetzGB1ZWVli5ciVWrlyps42Hh8dTv1s7d+6M06dPGxbgQwyuDHz66adYs2YNvvzyS1haWorr27dvj1OnTlU4ECIiIjINgysDiYmJ6NixY7n1Dg4OyM7ONkZMRERERlfZxxDX4OcUGV4ZUKlUSEpKKrf+yJEjaNiwoVGCIiIiMraypxZWZqmpDE4GRo0ahXHjxuG3336DTCbDjRs3EB0djUmTJmHMmDFVESMREVGlmRlhqakM7ib46KOPUFpaiq5du+LevXvo2LEjFAoFJk2ahLFjx1ZFjERERFSFDE4GZDIZPvnkE0yePBlJSUnIzc2Fj48P7Owq/iQoIiKiqsYxA7pV+KZDcrlcvPsRERHRs84Mlev3N0PNzQYMTga6dOnyxBsvHDhwoFIBERERUfUyOBnw9fXVel1UVISEhAScO3cOwcHBxoqLiIjIqNhNoJvByUBkZORj10dERCA3N7fSAREREVWF6r4D4fPEaDMlBg0ahA0bNhjrcERERFRNjPbUwvj4eFhZWRnrcEREREYlk6FSAwjZTfCQPn36aL0WBAFpaWn4448/MH36dKMFRkREZEwcM6CbwcmAg4OD1mszMzN4e3tj9uzZCAgIMFpgREREVD0MSgZKSkowbNgwNG/eHLVq1aqqmIiIiIyOAwh1M2gAobm5OQICAvh0QiIieu7IjPBPTWXwbIJmzZrhypUrVRELERFRlSmrDFRmqakMTgY+/fRTTJo0CTt37kRaWho0Go3WQkRERM8XvccMzJ49GxMnTkT37t0BAG+99ZbWbYkFQYBMJkNJSYnxoyQiIqokjhnQTe9kYNasWRg9ejR++eWXqoyHiIioSshksic+W0ef/WsqvZMBQRAAAJ06daqyYIiIiKj6GTS1sCZnRUREVLOxm0A3g5KBl1566akJQVZWVqUCIiIiqgq8A6FuBiUDs2bNKncHQiIiInq+GZQM9O/fH87OzlUVCxERUZUxk8kq9aCiyuz7rNM7GeB4ASIiep5xzIBuet90qGw2AREREdUselcGSktLqzIOIiKiqlXJAYQ1+NEEhj/CmIiI6HlkBhnMKvGNXpl9n3VMBoiISBI4tVA3gx9URERERDULKwNERCQJnE2gG5MBIiKSBN5nQDd2ExAREUkcKwNERCQJHECoGysDREQkCWaQiV0FFVoMnFp4+PBh9OzZE25ubpDJZNi+fbvW9qFDh0Imk2ktb775plabrKwsDBw4EEqlEo6OjhgxYgRyc3O12pw5cwYdOnSAlZUV3N3dsWDBggq8N0RERGR0eXl5aNmyJVauXKmzzZtvvom0tDRx+fbbb7W2Dxw4EOfPn0dsbCx27tyJw4cP44MPPhC3azQaBAQEwMPDAydPnsTChQsRERGBdevWGRQruwmIiEgSqruboFu3bujWrdsT2ygUCqhUqsduu3jxIvbs2YMTJ06gdevWAIDly5eje/fu+OKLL+Dm5obo6GgUFhZiw4YNkMvlaNq0KRISErB48WKtpOFpWBkgIiJJMDPCAjz4Nf7wUlBQUOGYDh48CGdnZ3h7e2PMmDG4ffu2uC0+Ph6Ojo5iIgAA/v7+MDMzw2+//Sa26dixI+RyudgmMDAQiYmJuHPnjt5xMBkgIiIygLu7OxwcHMRl/vz5FTrOm2++iU2bNiEuLg6ff/45Dh06hG7duqGkpAQAkJ6eDmdnZ619LCws4OTkhPT0dLGNi4uLVpuy12Vt9MFuAiIikoSyQXqV2R8AUlNToVQqxfUKhaJCx+vfv7/45+bNm6NFixZo1KgRDh48iK5du1Y4zopgZYCIiCRBZoQFAJRKpdZS0WTgUQ0bNkSdOnWQlJQEAFCpVMjMzNRqU1xcjKysLHGcgUqlQkZGhlabste6xiI8DpMBIiKShEpNK6zk3Qv1ce3aNdy+fRuurq4AALVajezsbJw8eVJsc+DAAZSWlqJt27Zim8OHD6OoqEhsExsbC29vb9SqVUvvczMZICIiqgK5ublISEhAQkICACA5ORkJCQlISUlBbm4uJk+ejOPHj+Pq1auIi4tDr1694OXlhcDAQABAkyZN8Oabb2LUqFH4/fffcfToUYSGhqJ///5wc3MDAAwYMAByuRwjRozA+fPnsWXLFixduhQTJkwwKFaOGSAiIsmozpsI/vHHH+jSpYv4uuwLOjg4GKtXr8aZM2ewceNGZGdnw83NDQEBAZgzZ45Wt0N0dDRCQ0PRtWtXmJmZoW/fvli2bJm43cHBAfv27UNISAj8/PxQp04dzJgxw6BphQCTASIikojqvs9A586dIQiCzu179+596jGcnJywefPmJ7Zp0aIFfv31V8OCewS7CYiIiCSOlQEiIpIEY00trImYDBARkSQ8fBfBiu5fU9XkayMiIiI9sDJARESSwG4C3ZgMEBGRJDx8F8GK7l9TsZuAiIhI4lgZICIiSWA3gW5MBoiISBI4m0A3JgNERCQJrAzoVpMTHSIiItIDKwNERCQJnE2gG5MBIiKShOp+UNHzhN0EREREEsfKABERSYIZZDCrRLG/Mvs+65gMEBGRJLCbQDd2ExAREUkcKwNERCQJsv/9U5n9ayomA0REJAnsJtCN3QREREQSx8oAERFJgqySswnYTUBERPScYzeBbkwGiIhIEpgM6MYxA0RERBLHygAREUkCpxbqxmSAiIgkwUz2YKnM/jUVuwmIiIgkjpUBIiKSBHYT6MZkgIiIJIGzCXRjNwEREZHEsTJARESSIEPlSv01uDDAZICIiKSBswl0YzcBERGRxDEZIL3czcvH1EU/oHnP6XB9LQwBwxfh1Pl/TB0W0ROND34Dd06swLwJfcV1CrkFFk55F5djP0fqoUXY+PlI1HWy19rvs4n98MumKUg/GonD0R+VO65CboGVMwfh6Lcf42b8Uvxn4agqvxaqPJkR/qmpTJoMHD58GD179oSbmxtkMhm2b99uynDoCcZ9uhkHf7uENbOCcfTbj/F6u8boHbIcNzKzTR0a0WO97FMfQ99uj3N/XdNaPy+sL97s0AxDp36FHv9aAlUdB3yzYGS5/aN3HMe22FOPPba5mRny84uwdstBHDyRWCXxk/GVzSaozFJTmTQZyMvLQ8uWLbFy5UpThkFPcT+/EP/9JQERH/ZG+1ZeaOheFx99EISG7nWx4cdfTR0eUTm21nKsmz0U4+Z9i+y798X1SlsrDOqlxieRP+HXP/7Cn5dSETr7P2jbshFaN2sgtvto0Q9Y//1hXL1++7HHv5dfiImfb8Gm7ceQeVtT1ZdDRiIzwmKIp/3gFQQBM2bMgKurK6ytreHv74+///5bq01WVhYGDhwIpVIJR0dHjBgxArm5uVptzpw5gw4dOsDKygru7u5YsGCBgZGaOBno1q0bPv30U7z99tumDIOeorikFCUlpbCSW2qtt1JY4njCZRNFRaTbwinvYd/Rczj0u/av9pZN6kNuaYGDD63/+58MpKZloU1zz+oOk2q4p/3gXbBgAZYtW4Y1a9bgt99+g62tLQIDA5Gfny+2GThwIM6fP4/Y2Fjs3LkThw8fxgcffCBu12g0CAgIgIeHB06ePImFCxciIiIC69atMyjW52o2QUFBAQoKCsTXGg0z8upgb2uFNs09sfCr3XjJ0wXOTkr8sPcPnDibjIb16po6PCItfd7wQ8vG7ng9uPyvI5faShQUFkGTe19rfWaWBi61ldUVIpmIGWQwq0St38zA2kC3bt3QrVu3x24TBAFLlizBtGnT0KtXLwDApk2b4OLigu3bt6N///64ePEi9uzZgxMnTqB169YAgOXLl6N79+744osv4ObmhujoaBQWFmLDhg2Qy+Vo2rQpEhISsHjxYq2k4enX9hyZP38+HBwcxMXd3d3UIUnG2tlDIAiAT/dpcGk/Huu2HELfgNYwq8lzbei584KLI+ZP7IsPpkehoLDY1OHQM8ZY3QQajUZrefhHqr6Sk5ORnp4Of39/cZ2DgwPatm2L+Ph4AEB8fDwcHR3FRAAA/P39YWZmht9++01s07FjR8jlcrFNYGAgEhMTcefOHb3jea6SgalTpyInJ0dcUlNTTR2SZHjWq4uYdeNx7fAinNs5B3EbJ6O4uAQeL9QxdWhEopaN68O5thIHvwnHzfiluBm/FK/5vYh/vdcJN+OXIjNLA4XcEko7a639nJ2UyGDfP+nJ3d1d64fp/PnzDT5Geno6AMDFxUVrvYuLi7gtPT0dzs7OWtstLCzg5OSk1eZxx3j4HPp4rroJFAoFFAqFqcOQNFtrBWytFcjW3EPc8YuYNbaXqUMiEh0+kYhX+8/VWrdixiD8fTUDSzfF4nr6HRQWFaNTG2/s+CUBAODl4Qx3VyecOJtsgoipWlVkFOCj+wNITU2FUvn/3Uo14XvpuUoGyHTi4i9AEIAXPZxx5dpNzFi6HS81cMHAt9SmDo1IlHuvABcvp2mtu3e/EFk5eeL6//wcj7lhfXBHk4e7eflYMPkd/H7mCv44d1Xcx7NeHdjaKOBSWwkrhSWavfQCACDxSjqKiksAAN6eKlhamqOW0hZ2Ngqxzbm/rlfDlVJFGOuphUqlUisZqAiVSgUAyMjIgKurq7g+IyMDvr6+YpvMzEyt/YqLi5GVlSXur1KpkJGRodWm7HVZG32YNBnIzc1FUlKS+Do5ORkJCQlwcnJC/fr1TRgZPUqTm4/ZK/+LG5nZqKW0Qc/XfTHt3z1haWFu6tCIDPJx5I8oFQRs+nwk5HILHDh+EZM+36LVZtm0gXjN70Xx9a/RUwEALd6agdS0LADA1iVjUN+tdrk2tdqEVvUlUA3g6ekJlUqFuLg48ctfo9Hgt99+w5gxYwAAarUa2dnZOHnyJPz8/AAABw4cQGlpKdq2bSu2+eSTT1BUVARLywczvmJjY+Ht7Y1atWrpHY9MEATBiNdnkIMHD6JLly7l1gcHByMqKuqp+2s0Gjg4OCDjdk6lszSiZxW/XKgmE0oKUXD2S+TkVN3f42XfFXEJKbCzr/g5cu9q0NW3vt6xPvyD9+WXX8bixYvRpUsX8Qfv559/js8++wwbN26Ep6cnpk+fjjNnzuDChQuwsrIC8GBGQkZGBtasWYOioiIMGzYMrVu3xubNmwEAOTk58Pb2RkBAAMLDw3Hu3DkMHz4ckZGRBs0mMGlloHPnzjBhLkJERBJipCEDevvjjz+0fvBOmDABwP//4J0yZQry8vLwwQcfIDs7G6+99hr27NkjJgIAEB0djdDQUHTt2hVmZmbo27cvli1bJm53cHDAvn37EBISAj8/P9SpUwczZswwKBEATFwZqCxWBkgKWBmgmqw6KwMHjFAZeN2AysDzhAMIiYhIGqq7NPAcYTJARESSYKzZBDURkwEiIpKEyj55kE8tJCIiohqLlQEiIpIEDhnQjckAERFJA7MBndhNQEREJHGsDBARkSRwNoFuTAaIiEgSOJtAN3YTEBERSRwrA0REJAkcP6gbkwEiIpIGZgM6sZuAiIhI4lgZICIiSeBsAt2YDBARkSRwNoFuTAaIiEgSOGRAN44ZICIikjhWBoiISBpYGtCJyQAREUkCBxDqxm4CIiIiiWNlgIiIJIGzCXRjMkBERJLAIQO6sZuAiIhI4lgZICIiaWBpQCcmA0REJAmcTaAbuwmIiIgkjpUBIiKSBM4m0I3JABERSQKHDOjGZICIiKSB2YBOHDNAREQkcawMEBGRJHA2gW5MBoiISBoqOYCwBucC7CYgIiKSOlYGiIhIEjh+UDcmA0REJA3MBnRiNwEREVEViIiIgEwm01oaN24sbs/Pz0dISAhq164NOzs79O3bFxkZGVrHSElJQVBQEGxsbODs7IzJkyejuLjY6LGyMkBERJJgitkETZs2xf79+8XXFhb//7UbFhaGmJgYfP/993BwcEBoaCj69OmDo0ePAgBKSkoQFBQElUqFY8eOIS0tDUOGDIGlpSXmzZtX4et4HCYDREQkCaa4HbGFhQVUKlW59Tk5Ofjqq6+wefNmvP766wCAr7/+Gk2aNMHx48fRrl077Nu3DxcuXMD+/fvh4uICX19fzJkzB+Hh4YiIiIBcLq/4xTyC3QREREQG0Gg0WktBQYHOtn///Tfc3NzQsGFDDBw4ECkpKQCAkydPoqioCP7+/mLbxo0bo379+oiPjwcAxMfHo3nz5nBxcRHbBAYGQqPR4Pz580a9JiYDREQkCTIjLADg7u4OBwcHcZk/f/5jz9e2bVtERUVhz549WL16NZKTk9GhQwfcvXsX6enpkMvlcHR01NrHxcUF6enpAID09HStRKBse9k2Y2I3ARERSYORZhOkpqZCqVSKqxUKxWObd+vWTfxzixYt0LZtW3h4eGDr1q2wtrauRCDGx8oAERFJgswI/wCAUqnUWnQlA49ydHTESy+9hKSkJKhUKhQWFiI7O1urTUZGhjjGQKVSlZtdUPb6ceMQKoPJABERUTXIzc3F5cuX4erqCj8/P1haWiIuLk7cnpiYiJSUFKjVagCAWq3G2bNnkZmZKbaJjY2FUqmEj4+PUWNjNwEREUmCDJWcTWBg+0mTJqFnz57w8PDAjRs3MHPmTJibm+P999+Hg4MDRowYgQkTJsDJyQlKpRJjx46FWq1Gu3btAAABAQHw8fHB4MGDsWDBAqSnp2PatGkICQnRuxqhLyYDREQkCdV9A8Jr167h/fffx+3bt1G3bl289tprOH78OOrWrQsAiIyMhJmZGfr27YuCggIEBgZi1apV4v7m5ubYuXMnxowZA7VaDVtbWwQHB2P27NmVuIrHkwmCIBj9qNVEo9HAwcEBGbdztAZzENUktdqEmjoEoiojlBSi4OyXyMmpur/Hy74rzidnwr4S57ir0aCpp3OVxmoqrAwQEZEkmOKmQ88LJgNERCQRfFKRLpxNQEREJHGsDBARkSSwm0A3JgNERCQJ7CTQjd0EREREEsfKABERSQK7CXRjMkBERJLw8PMFKrp/TcVkgIiIpIGDBnTimAEiIiKJY2WAiIgkgYUB3ZgMEBGRJHAAoW7sJiAiIpI4VgaIiEgSOJtANyYDREQkDRw0oBO7CYiIiCSOlQEiIpIEFgZ0YzJARESSwNkEurGbgIiISOJYGSAiIomo3GyCmtxRwGSAiIgkgd0EurGbgIiISOKYDBAREUkcuwmIiEgS2E2gG5MBIiKSBN6OWDd2ExAREUkcKwNERCQJ7CbQjckAERFJAm9HrBu7CYiIiCSOlQEiIpIGlgZ0YjJARESSwNkEurGbgIiISOJYGSAiIkngbALdmAwQEZEkcMiAbkwGiIhIGpgN6MQxA0RERBLHygAREUkCZxPoxmSAiIgkgQMIdXuukwFBEAAAdzUaE0dCVHWEkkJTh0BUZco+32V/n1clTSW/Kyq7/7PsuU4G7t69CwDw8nQ3cSRERFQZd+/ehYODQ5UcWy6XQ6VS4UUjfFeoVCrI5XIjRPVskQnVkY5VkdLSUty4cQP29vaQ1eT6zTNEo9HA3d0dqampUCqVpg6HyKj4+a5+giDg7t27cHNzg5lZ1Y1pz8/PR2Fh5atscrkcVlZWRojo2fJcVwbMzMxQr149U4chSUqlkn9ZUo3Fz3f1qqqKwMOsrKxq5Je4sXBqIRERkcQxGSAiIpI4JgNkEIVCgZkzZ0KhUJg6FCKj4+ebpOq5HkBIRERElcfKABERkcQxGSAiIpI4JgNEREQSx2SAiIhI4pgMkN5WrlyJBg0awMrKCm3btsXvv/9u6pCIjOLw4cPo2bMn3NzcIJPJsH37dlOHRFStmAyQXrZs2YIJEyZg5syZOHXqFFq2bInAwEBkZmaaOjSiSsvLy0PLli2xcuVKU4dCZBKcWkh6adu2Ldq0aYMVK1YAePBcCHd3d4wdOxYfffSRiaMjMh6ZTIZt27ahd+/epg6FqNqwMkBPVVhYiJMnT8Lf319cZ2ZmBn9/f8THx5swMiIiMgYmA/RUt27dQklJCVxcXLTWu7i4ID093URRERGRsTAZICIikjgmA/RUderUgbm5OTIyMrTWZ2RkQKVSmSgqIiIyFiYD9FRyuRx+fn6Ii4sT15WWliIuLg5qtdqEkRERkTFYmDoAej5MmDABwcHBaN26NV555RUsWbIEeXl5GDZsmKlDI6q03NxcJCUlia+Tk5ORkJAAJycn1K9f34SREVUPTi0kva1YsQILFy5Eeno6fH19sWzZMrRt29bUYRFV2sGDB9GlS5dy64ODgxEVFVX9ARFVMyYDREREEscxA0RERBLHZICIiEjimAwQERFJHJMBIiIiiWMyQEREJHFMBoiIiCSOyQAREZHEMRkgqqShQ4eid+/e4uvOnTtj/Pjx1R7HwYMHIZPJkJ2drbONTCbD9u3b9T5mREQEfH19KxXX1atXIZPJkJCQUKnjEFHVYTJANdLQoUMhk8kgk8kgl8vh5eWF2bNno7i4uMrP/dNPP2HOnDl6tdXnC5yIqKrx2QRUY7355pv4+uuvUVBQgF27diEkJASWlpaYOnVqubaFhYWQy+VGOa+Tk5NRjkNEVF1YGaAaS6FQQKVSwcPDA2PGjIG/vz/++9//Avj/0v7cuXPh5uYGb29vAEBqaireffddODo6wsnJCb169cLVq1fFY5aUlGDChAlwdHRE7dq1MWXKFDx6R+9HuwkKCgoQHh4Od3d3KBQKeHl54auvvsLVq1fF++HXqlULMpkMQ4cOBfDgqZDz58+Hp6cnrK2t0bJlS/zwww9a59m1axdeeuklWFtbo0uXLlpx6is8PBwvvfQSbGxs0LBhQ0yfPh1FRUXl2q1duxbu7u6wsbHBu+++i5ycHK3t69evR5MmTWBlZYXGjRtj1apVBsdCRKbDZIAkw9raGoWFheLruLg4JCYmIjY2Fjt37kRRURECAwNhb2+PX3/9FUePHoWdnR3efPNNcb9FixYhKioKGzZswJEjR5CVlYVt27Y98bxDhgzBt99+i2XLluHixYtYu3Yt7Ozs4O7ujh9//BEAkJiYiLS0NCxduhQAMH/+fGzatAlr1qzB+fPnERYWhkGDBuHQoUMAHiQtffr0Qc+ePZGQkICRI0fio48+Mvg9sbe3R1RUFC5cuIClS5fiyy+/RGRkpFabpKQkbN26FTt27MCePXtw+vRp/Pvf/xa3R0dHY8aMGZg7dy4uXryIefPmYfr06di4caPB8RCRiQhENVBwcLDQq1cvQRAEobS0VIiNjRUUCoUwadIkcbuLi4tQUFAg7vPNN98I3t7eQmlpqbiuoKBAsLa2Fvbu3SsIgiC4uroKCxYsELcXFRUJ9erVE88lCILQqVMnYdy4cYIgCEJiYqIAQIiNjX1snL/88osAQLhz5464Lj8/X7CxsRGOHTum1XbEiBHC+++/LwiCIEydOlXw8fHR2h4eHl7uWI8CIGzbtk3n9oULFwp+fn7i65kzZwrm5ubCtWvXxHW7d+8WzMzMhLS0NEEQBKFRo0bC5s2btY4zZ84cQa1WC4IgCMnJyQIA4fTp0zrPS0SmxTEDVGPt3LkTdnZ2KCoqQmlpKQYMGICIiAhxe/PmzbXGCfz5559ISkqCvb291nHy8/Nx+fJl5OTkIC0tTeuxzRYWFmjdunW5roIyCQkJMDc3R6dOnfSOOykpCffu3cMbb7yhtb6wsBAvv/wyAODixYvlHh+tVqv1PkeZLVu2YNmyZbh8+TJyc3NRXFwMpVKp1aZ+/fp44YUXtM5TWlqKxMRE2Nvb4/LlyxgxYgRGjRoltikuLoaDg4PB8RCRaTAZoBqrS5cuWL16NeRyOdzc3GBhof1xt7W11Xqdm5sLPz8/REdHlztW3bp1KxSDtbW1wfvk5uYCAGJiYrS+hIEH4yCMJT4+HgMHDsSsWbMQGBgIBwcHfPfdd1i0aJHBsX755ZflkhNzc3OjxUpEVYvJANVYtra28PLy0rt9q1atsGXLFjg7O5f7dVzG1dUVv/32Gzp27AjgwS/gkydPolWrVo9t37x5c5SWluLQoUPw9/cvt72sMlFSUiKu8/HxgUKhQEpKis6KQpMmTcTBkGWOHz/+9It8yLFjx+Dh4YFPPvlEXPfPP/+Ua5eSkoIbN27Azc1NPI+ZmRm8vb3h4uICNzc3XLlyBQMHDjTo/ET07OAAQqL/GThwIOrUqYNevXrh119/RXJyMg4ePIgPP/wQ165dAwCMGzcOn332GbZv345Lly7h3//+9xPvEdCgQQMEBwdj+PDh2L59u3jMrVu3AgA8PDwgk8mwc+dO3Lx5E7m5ubC3t8ekSZMQFhaGjRs34vLlyzh16hSWL18uDsobPXo0/v77b0yePBmJiYnYvHkzoqKiDLreF198ESkpKfjuu+9w+fJlLFu27LGDIa2srBAcHIw///wTv/76Kz788EO8++67UKlUAIBZs2Zh/vz5WLZsGf766y+cPXsWX3/9NRYvXmxQPERkOkwGiP7HxsYGhw8fRv369dGnTx80adIEI0aMQH5+vlgpmDhxIgYPHozg4GCo1WrY29vj7bfffuJxV69ejX79+uHf//43GjdujFGjRiEvLw8A8MILL2DWrFn46KOP4OLigtDQUADAnDlzMH36dMyfPx9NmjTBm2++iZiYGHh6egJ40I//448/Yvv27WjZsiXWrFmDefPmGXS9b731FsLCwhAaGgpfX18cO3YM06dPL9fOy8sLffr0Qffu3REQEIAWLVpoTR0cOXIk1q9fj6+//hrNmzdHp06dEBUVJcZKRM8+maBr5BMRERFJAisDREREEsdkgIiISOKYDBAREUkckwEiIiKJYzJAREQkcUwGiIiIJI7JABERkcQxGSAiIpI4JgNEREQSx2SAiIhI4pgMEBERSRyTASIiIon7PxPcfJIOleyzAAAAAElFTkSuQmCC\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Naive Bayes Accuracy: 0.94\n"," precision recall f1-score support\n","\n"," 0 0.93 0.94 0.94 3969\n"," 1 0.94 0.93 0.94 4020\n","\n"," accuracy 0.94 7989\n"," macro avg 0.94 0.94 0.94 7989\n","weighted avg 0.94 0.94 0.94 7989\n","\n"]},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAAgMAAAHHCAYAAAAiSltoAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAVVNJREFUeJzt3Xl8DPf/B/DXJuzm3ERELiJCCCGoo7FuFUJDqaibuL800aKOKiXufqn7rCpBo6UHRVwRjTOtNhW31BENlcOVrETuzO8Pv8zXSpZdu0nIvJ59zONhZj4z855tHtl33p/PZ0YmCIIAIiIikiyTsg6AiIiIyhaTASIiIoljMkBERCRxTAaIiIgkjskAERGRxDEZICIikjgmA0RERBLHZICIiEjimAwQERFJHJMBeqlr166hc+fOsLGxgUwmw+7du416/lu3bkEmkyE0NNSo532TtW/fHu3bty/rMIwqKioKMpkMUVFRZR0KET2HycAb4saNG/jPf/6DmjVrwszMDEqlEq1atcKKFSuQmZlZotcODAzEhQsXMH/+fGzbtg3NmjUr0euVpqFDh0Imk0GpVBb7OV67dg0ymQwymQxffvml3ue/e/cuQkJCEBsba4RoS0eNGjUgk8kwbty4IvsKv9B//PHHMojs1RTG/OxiZ2eHFi1aICwsrKzDI3otVCjrAOjlwsPD8cEHH0ChUGDIkCFo0KABcnJycPLkSUyePBmXLl3Chg0bSuTamZmZiI6OxvTp0xEcHFwi13Bzc0NmZiYqVqxYIud/mQoVKuDJkyfYu3cv+vTpo7EvLCwMZmZmyMrKeqVz3717F7Nnz0aNGjXQuHFjnY87fPjwK13PmL7++mtMmzYNLi4uRjlf27ZtkZmZCblcbpTz6eujjz5C8+bNAQAPHjzAjh07MGjQIKSmpiIoKKhMYiJ6XbAy8JqLj49Hv3794ObmhsuXL2PFihUYNWoUgoKC8N133+Hy5cuoX79+iV3/3r17AABbW9sSu4ZMJoOZmRlMTU1L7BovolAo0LFjR3z33XdF9m3fvh3+/v6lFsuTJ08AAHK5vMy+NAGgfv36yM/PxxdffGG0c5qYmMDMzAwmJmXza6dNmzYYNGgQBg0ahI8//hhRUVGoWrUqtm/fXibxEL1OmAy85hYtWoT09HR88803cHZ2LrLfw8MDH3/8sbiel5eHuXPnolatWlAoFKhRowY+++wzZGdnaxxXo0YNdOvWDSdPnsTbb78NMzMz1KxZE1u3bhXbhISEwM3NDQAwefJkyGQy1KhRA8DT8nrhv58VEhICmUymsS0iIgKtW7eGra0trKys4Onpic8++0zcr23MwNGjR9GmTRtYWlrC1tYWPXr0wJUrV4q93vXr1zF06FDY2trCxsYGw4YNE79YdTFgwAAcOHAAqamp4rY//vgD165dw4ABA4q0f/jwISZNmgRvb29YWVlBqVSia9euOHfunNgmKipK/Et02LBhYom68D7bt2+PBg0aICYmBm3btoWFhYX4uTw/ZiAwMBBmZmZF7t/Pzw+VKlXC3bt3db5XXdSoUQNDhgzB119//dJz//PPP/jwww/h6ekJc3NzVK5cGR988AFu3bql0e75MQPBwcGwsrIq9v9T//794eTkhPz8fHHbgQMHxJ8Ha2tr+Pv749KlS698j3K5HJUqVUKFCpoF0s2bN+Odd96Bg4MDFAoFvLy8sG7dOo02gYGBsLe3R25ubpHzdu7cGZ6enhrbvv32WzRt2hTm5uaws7NDv379cPv2bY02165dQ0BAAJycnGBmZoZq1aqhX79+SEtLe+V7JNIVk4HX3N69e1GzZk20bNlSp/YjR47EzJkz0aRJEyxbtgzt2rXDwoUL0a9fvyJtr1+/jt69e6NTp05YsmQJKlWqhKFDh4q/YHv16oVly5YBePrLedu2bVi+fLle8V+6dAndunVDdnY25syZgyVLluC9997DqVOnXnjckSNH4Ofnh5SUFISEhGDixIk4ffo0WrVqVeRLBgD69OmDx48fY+HChejTpw9CQ0Mxe/ZsnePs1asXZDIZfv75Z3Hb9u3bUbduXTRp0qRI+5s3b2L37t3o1q0bli5dismTJ+PChQto166d+OVZr149zJkzBwAwevRobNu2Ddu2bUPbtm3F8zx48ABdu3ZF48aNsXz5cnTo0KHY+FasWIEqVaogMDBQ/IL86quvcPjwYaxatcpopfxnTZ8+HXl5eS+tDvzxxx84ffo0+vXrh5UrV2LMmDGIjIxE+/btX5iQ9e3bFxkZGQgPD9fYXthl07t3b7FatG3bNvj7+8PKygr//e9/8fnnn+Py5cto3bp1sT8PxXn8+DHu37+P+/fv4++//0ZISAguXryIwMBAjXbr1q2Dm5sbPvvsMyxZsgSurq748MMPsWbNGrHN4MGD8eDBAxw6dEjj2KSkJBw9ehSDBg0St82fPx9DhgxB7dq1sXTpUowfPx6RkZFo27atmHzm5OTAz88Pv/32G8aNG4c1a9Zg9OjRuHnzpkaCSlRiBHptpaWlCQCEHj166NQ+NjZWACCMHDlSY/ukSZMEAMLRo0fFbW5ubgIA4fjx4+K2lJQUQaFQCJ988om4LT4+XgAgLF68WOOcgYGBgpubW5EYZs2aJTz7Y7Vs2TIBgHDv3j2tcRdeY/PmzeK2xo0bCw4ODsKDBw/EbefOnRNMTEyEIUOGFLne8OHDNc75/vvvC5UrV9Z6zWfvw9LSUhAEQejdu7fQsWNHQRAEIT8/X3BychJmz55d7GeQlZUl5OfnF7kPhUIhzJkzR9z2xx9/FLm3Qu3atRMACOvXry92X7t27TS2HTp0SAAgzJs3T7h586ZgZWUl9OzZ86X3qC83NzfB399fEARBGDZsmGBmZibcvXtXEARB+PXXXwUAwg8//CC2f/LkSZFzREdHCwCErVu3itsKj/31118FQRCEgoICoWrVqkJAQIDGsTt37tT42Xz8+LFga2srjBo1SqNdUlKSYGNjU2T78wqv+/xiYmIizJ8/v0j74u7Hz89PqFmzprien58vVKtWTejbt69Gu6VLlwoymUy4efOmIAiCcOvWLcHU1LTIdS5cuCBUqFBB3H727NkinytRaWJl4DWmVqsBANbW1jq1379/PwBg4sSJGts/+eQTACjyF5iXlxfatGkjrlepUgWenp64efPmK8f8vMKxBr/88gsKCgp0OiYxMRGxsbEYOnQo7OzsxO0NGzZEp06dxPt81pgxYzTW27RpgwcPHoifoS4GDBiAqKgo8a+7pKSkYrsIgKfjDAr7vvPz8/HgwQOxC+Svv/7S+ZoKhQLDhg3TqW3nzp3xn//8B3PmzEGvXr1gZmaGr776SudrvYoZM2a8tDpgbm4u/js3NxcPHjyAh4cHbG1tX/hZyGQyfPDBB9i/fz/S09PF7Tt27EDVqlXRunVrAE+7mVJTU9G/f3/xL/v79+/D1NQUPj4++PXXX3W6l5kzZyIiIgIRERHYsWMH+vfvj+nTp2PFihVa7yctLQ33799Hu3btcPPmTbFkb2JigoEDB2LPnj14/Pix2D4sLAwtW7aEu7s7AODnn39GQUEB+vTpoxG7k5MTateuLcZuY2MDADh06JBe3VtExsJk4DWmVCoBQOOXzYv8888/MDExgYeHh8Z2Jycn2Nra4p9//tHYXr169SLnqFSpEh49evSKERfVt29ftGrVCiNHjoSjoyP69euHnTt3vjAxKIzz+X5X4Gnp/f79+8jIyNDY/vy9VKpUCQD0upd3330X1tbW2LFjB8LCwtC8efMin2WhgoICLFu2DLVr14ZCoYC9vT2qVKmC8+fP69XHW7VqVb0GCn755Zews7NDbGwsVq5cCQcHh5cec+/ePSQlJYnLs1+8L1OzZk0MHjwYGzZsQGJiYrFtMjMzMXPmTLi6ump8FqmpqS/9LPr27YvMzEzs2bMHAJCeno79+/fjgw8+EMeeXLt2DQDwzjvvoEqVKhrL4cOHkZKSotO9eHt7w9fXF76+vujTpw++/fZbdOvWDZ9++qk4UBYATp06BV9fX3GsSpUqVcSxHM/ez5AhQ5CZmYldu3YBAOLi4hATE4PBgweLba5duwZBEFC7du0isV+5ckWM3d3dHRMnTsTGjRthb28PPz8/rFmzhuMFqNQwGXiNKZVKuLi44OLFi3od9/wAPm20jd4XBOGVr/HsgC/g6V9Zx48fx5EjRzB48GCcP38effv2RadOnYq0NYQh91JIoVCgV69e2LJlC3bt2qW1KgAACxYswMSJE9G2bVt8++23OHToECIiIlC/fn2dKyCA5l+hujh79qz4BXLhwgWdjmnevDmcnZ3FRd/nJRSOHfjvf/9b7P5x48Zh/vz56NOnD3bu3InDhw8jIiIClStXfuln0aJFC9SoUQM7d+4E8HSMTGZmJvr27Su2KTzHtm3bxL/sn11++eUXve7nWR07dkRWVhbOnDkD4OnzPDp27Ij79+9j6dKlCA8PR0REBCZMmKARC/C0sta0aVN8++23AJ4OEpTL5RrTUwsKCiCTyXDw4MFiY3+2srNkyRKcP38en332GTIzM/HRRx+hfv36uHPnzivfH5Gu+JyB11y3bt2wYcMGREdHQ6VSvbCtm5sbCgoKcO3aNdSrV0/cnpycjNTUVHFmgDFUqlSp2IFNz1cfgKcl1Y4dO6Jjx45YunQpFixYgOnTp+PXX3+Fr69vsfcBPP1L63lXr16Fvb09LC0tDb+JYgwYMACbNm2CiYlJsYMuC/3444/o0KEDvvnmG43tqampsLe3F9d1Tcx0kZGRgWHDhsHLywstW7bEokWL8P7774szFrQJCwvTeKBSzZo19bpurVq1MGjQIHz11Vfw8fEpsv/HH39EYGAglixZIm7LysrSeeBbnz59sGLFCqjVauzYsQM1atRAixYtNK4PAA4ODsX+vBgiLy8PAMRqyd69e5GdnY09e/ZoVJu0dUUMGTIEEydORGJiojgNtbAqVRi7IAhwd3dHnTp1XhqPt7c3vL29MWPGDHHA7Pr16zFv3jxDbpPopVgZeM1NmTIFlpaWGDlyJJKTk4vsv3Hjhtjn+e677wJAkRH/S5cuBQCjzpevVasW0tLScP78eXFbYmKiWDIt9PDhwyLHFj585/npjoWcnZ3RuHFjbNmyReML5eLFizh8+LB4nyWhQ4cOmDt3LlavXg0nJyet7UxNTYtUHX744Qf8+++/GtsKkxZjjAifOnUqEhISsGXLFixduhQ1atRAYGCg1s+xUKtWrcTyuK+vr97JAPB07EBubi4WLVpUZF9xn8WqVat0rvz07dsX2dnZ2LJlCw4ePFjkwU9+fn5QKpVYsGBBsVP5ni3x62vfvn0AgEaNGgH4X4Xp2ftJS0vD5s2biz2+f//+kMlk+Pjjj3Hz5k2NWQTA01kqpqammD17dpHPSBAEPHjwAMDT8UGFiUkhb29vmJiYvPT/L5ExsDLwmqtVqxa2b9+Ovn37ol69ehpPIDx9+jR++OEHDB06FMDTX2iBgYHYsGEDUlNT0a5dO5w5cwZbtmxBz549tU5bexX9+vXD1KlT8f777+Ojjz7CkydPsG7dOtSpU0dj0NicOXNw/Phx+Pv7w83NDSkpKVi7di2qVasmDhArzuLFi9G1a1eoVCqMGDECmZmZWLVqFWxsbBASEmK0+3ieiYkJZsyY8dJ23bp1w5w5czBs2DC0bNkSFy5cQFhYWJEv2lq1asHW1hbr16+HtbU1LC0t4ePjIw4w09XRo0exdu1azJo1S5zquHnzZrRv3x6ff/55sV/SxlRYHdiyZUuRfd26dcO2bdtgY2MDLy8vREdH48iRI6hcubJO527SpAk8PDwwffp0ZGdna3QRAE+7y9atW4fBgwejSZMm6NevH6pUqYKEhASEh4ejVatWWL169Uuvc+LECfFJkg8fPsSePXtw7Ngx9OvXD3Xr1gXwdJCmXC5H9+7d8Z///Afp6en4+uuv4eDgUOyYiSpVqqBLly744YcfYGtrWyThrlWrFubNm4dp06bh1q1b6NmzJ6ytrREfH49du3Zh9OjRmDRpEo4ePYrg4GB88MEHqFOnDvLy8rBt2zaYmpoiICBAp8+RyCBlNo+B9PL3338Lo0aNEmrUqCHI5XLB2tpaaNWqlbBq1SohKytLbJebmyvMnj1bcHd3FypWrCi4uroK06ZN02gjCJrTx571/JQ2bVMLBUEQDh8+LDRo0ECQy+WCp6en8O233xaZWhgZGSn06NFDcHFxEeRyueDi4iL0799f+Pvvv4tc4/npd0eOHBFatWolmJubC0qlUujevbtw+fJljTaF13t+6uLmzZsFAEJ8fLzWz1QQNKcWaqNtauEnn3wiODs7C+bm5kKrVq2E6OjoYqcE/vLLL4KXl5dQoUIFjfts166dUL9+/WKv+ex51Gq14ObmJjRp0kTIzc3VaDdhwgTBxMREiI6OfuE96EPbz8a1a9cEU1PTIlPgHj16JAwbNkywt7cXrKysBD8/P+Hq1auCm5ubEBgYKLZ7fmrhs6ZPny4AEDw8PLTG9euvvwp+fn6CjY2NYGZmJtSqVUsYOnSo8Oeff77wfoqbWiiXy4W6desK8+fPF3JycjTa79mzR2jYsKFgZmYm1KhRQ/jvf/8rbNq0SevPU+FUyNGjR2uN4aeffhJat24tWFpaCpaWlkLdunWFoKAgIS4uThAEQbh586YwfPhwoVatWoKZmZlgZ2cndOjQQThy5MgL743IWGSCoMcIKyIi0vDLL7+gZ8+eOH78uMZUXaI3CZMBIiIDdOvWDVeuXMH169eNOmCUqDRxzAAR0Sv4/vvvcf78eYSHh2PFihVMBOiNxsoAEdErkMlksLKyQt++fbF+/foiLzwiepPwp5eI6BXw7ygqT/icASIiIoljMkBERCRxb3Q3QUFBAe7evQtra2sO3iEiegMJgoDHjx/DxcVFfBNoScjKykJOTo7B55HL5TAzMzNCRK+XNzoZuHv3LlxdXcs6DCIiMtDt27dRrVq1Ejl3VlYWzK0rA3mGvx7ayckJ8fHx5S4heKOTAWtrawCA3CsQMlPdXwNL9CZJiNLvLYNEb5LHajU83F3F3+clIScnB8h7AoVXIGDId0V+DpIub0FOTg6TgddJYdeAzFTOZIDKLaVSWdYhEJW4UunqrWBm0HeFICu/w+ze6GSAiIhIZzIAhiQd5XhoGpMBIiKSBpnJ08WQ48up8ntnREREpBNWBoiISBpkMgO7CcpvPwGTASIikgZ2E2hVfu+MiIiIdMLKABERSQO7CbRiMkBERBJhYDdBOS6ml987IyIiIp2wMkBERNLAbgKtmAwQEZE0cDaBVuX3zoiIiEgnrAwQEZE0sJtAKyYDREQkDewm0IrJABERSQMrA1qV3zSHiIiIdMLKABERSQO7CbRiMkBERNIgkxmYDLCbgIiIiMopJgNERCQNJjLDFz2sW7cODRs2hFKphFKphEqlwoEDB8T97du3h0wm01jGjBmjcY6EhAT4+/vDwsICDg4OmDx5MvLy8jTaREVFoUmTJlAoFPDw8EBoaKjeHw27CYiISBpKecxAtWrV8MUXX6B27doQBAFbtmxBjx49cPbsWdSvXx8AMGrUKMyZM0c8xsLCQvx3fn4+/P394eTkhNOnTyMxMRFDhgxBxYoVsWDBAgBAfHw8/P39MWbMGISFhSEyMhIjR46Es7Mz/Pz8dI6VyQAREVEJ6N69u8b6/PnzsW7dOvz2229iMmBhYQEnJ6dijz98+DAuX76MI0eOwNHREY0bN8bcuXMxdepUhISEQC6XY/369XB3d8eSJUsAAPXq1cPJkyexbNkyvZIBdhMQEZE0FD5nwJAFgFqt1liys7Nfeun8/Hx8//33yMjIgEqlEreHhYXB3t4eDRo0wLRp0/DkyRNxX3R0NLy9veHo6Chu8/Pzg1qtxqVLl8Q2vr6+Gtfy8/NDdHS0Xh8NKwNERCQNRuomcHV11dg8a9YshISEFHvIhQsXoFKpkJWVBSsrK+zatQteXl4AgAEDBsDNzQ0uLi44f/48pk6diri4OPz8888AgKSkJI1EAIC4npSU9MI2arUamZmZMDc31+nWmAwQERHp4fbt21AqleK6QqHQ2tbT0xOxsbFIS0vDjz/+iMDAQBw7dgxeXl4YPXq02M7b2xvOzs7o2LEjbty4gVq1apXoPTyP3QRERCQNRuomKJwdULi8KBmQy+Xw8PBA06ZNsXDhQjRq1AgrVqwotq2Pjw8A4Pr16wAAJycnJCcna7QpXC8cZ6CtjVKp1LkqADAZICIiqSjsJjBkMVBBQYHWMQaxsbEAAGdnZwCASqXChQsXkJKSIraJiIiAUqkUuxpUKhUiIyM1zhMREaExLkEX7CYgIiJpKOUXFU2bNg1du3ZF9erV8fjxY2zfvh1RUVE4dOgQbty4ge3bt+Pdd99F5cqVcf78eUyYMAFt27ZFw4YNAQCdO3eGl5cXBg8ejEWLFiEpKQkzZsxAUFCQWI0YM2YMVq9ejSlTpmD48OE4evQodu7cifDwcL1iZTJARERUAlJSUjBkyBAkJibCxsYGDRs2xKFDh9CpUyfcvn0bR44cwfLly5GRkQFXV1cEBARgxowZ4vGmpqbYt28fxo4dC5VKBUtLSwQGBmo8l8Dd3R3h4eGYMGECVqxYgWrVqmHjxo16TSsEAJkgCILR7ryUqdVq2NjYQOE9CjJTeVmHQ1QiHv2xuqxDICoxarUajpVtkJaWpjEoz9jXsLGxgaLjfMgqmL3yeYS8LGRHTi/RWMsKKwNERCQNpdxN8CbhAEIiIiKJY2WAiIgkwtAZAeX372cmA0REJA3sJtCq/KY5REREpBNWBoiISBpkMgPfTVB+KwNMBoiISBqM9KKi8qj83hkRERHphJUBIiKSBg4g1IrJABERSQO7CbRiMkBERNLAyoBW5TfNISIiIp2wMkBERNLAbgKtmAwQEZE0sJtAq/Kb5hAREZFOWBkgIiJJkMlkkLEyUCwmA0REJAlMBrRjNwEREZHEsTJARETSIPv/xZDjyykmA0REJAnsJtCO3QREREQSx8oAERFJAisD2jEZICIiSWAyoB2TASIikgQmA9pxzAAREZHEsTJARETSwKmFWjEZICIiSWA3gXbsJiAiIpI4VgaIiEgSnr7B2JDKgPFied0wGSAiIkmQwcBugnKcDbCbgIiISOJYGSAiIkngAELtmAwQEZE0cGqhVuwmICIikjhWBoiISBoM7CYQ2E1ARET0ZjN0zIBhMxFeb0wGiIhIEpgMaMcxA0RERBLHygAREUkDZxNoxWSAiIgkgd0E2rGbgIiISOKYDBARkSQUVgYMWfSxbt06NGzYEEqlEkqlEiqVCgcOHBD3Z2VlISgoCJUrV4aVlRUCAgKQnJyscY6EhAT4+/vDwsICDg4OmDx5MvLy8jTaREVFoUmTJlAoFPDw8EBoaKjenw2TASIikoTSTgaqVauGL774AjExMfjzzz/xzjvvoEePHrh06RIAYMKECdi7dy9++OEHHDt2DHfv3kWvXr3E4/Pz8+Hv74+cnBycPn0aW7ZsQWhoKGbOnCm2iY+Ph7+/Pzp06IDY2FiMHz8eI0eOxKFDh/T7bARBEPQ64jWiVqthY2MDhfcoyEzlZR0OUYl49Mfqsg6BqMSo1Wo4VrZBWloalEpliV3DxsYGDoFbYSK3eOXzFOQ8QcqWIQbFamdnh8WLF6N3796oUqUKtm/fjt69ewMArl69inr16iE6OhotWrTAgQMH0K1bN9y9exeOjo4AgPXr12Pq1Km4d+8e5HI5pk6divDwcFy8eFG8Rr9+/ZCamoqDBw/qHBcrA0REJAmlXRl4Vn5+Pr7//ntkZGRApVIhJiYGubm58PX1FdvUrVsX1atXR3R0NAAgOjoa3t7eYiIAAH5+flCr1WJ1ITo6WuMchW0Kz6ErziYgIiJpMNLUQrVarbFZoVBAoVAUe8iFCxegUqmQlZUFKysr7Nq1C15eXoiNjYVcLoetra1Ge0dHRyQlJQEAkpKSNBKBwv2F+17URq1WIzMzE+bm5jrdGisDREREenB1dYWNjY24LFy4UGtbT09PxMbG4vfff8fYsWMRGBiIy5cvl2K0umFlgIiIJMFYzxm4ffu2xpgBbVUBAJDL5fDw8AAANG3aFH/88QdWrFiBvn37IicnB6mpqRrVgeTkZDg5OQEAnJyccObMGY3zFc42eLbN8zMQkpOToVQqda4KAKwMEBGRRBhrzEDhVMHC5UXJwPMKCgqQnZ2Npk2bomLFioiMjBT3xcXFISEhASqVCgCgUqlw4cIFpKSkiG0iIiKgVCrh5eUltnn2HIVtCs+hK1YGiIhIEkr7CYTTpk1D165dUb16dTx+/Bjbt29HVFQUDh06BBsbG4wYMQITJ06EnZ0dlEolxo0bB5VKhRYtWgAAOnfuDC8vLwwePBiLFi1CUlISZsyYgaCgIDEBGTNmDFavXo0pU6Zg+PDhOHr0KHbu3Inw8HC9YmUyQEREVAJSUlIwZMgQJCYmwsbGBg0bNsShQ4fQqVMnAMCyZctgYmKCgIAAZGdnw8/PD2vXrhWPNzU1xb59+zB27FioVCpYWloiMDAQc+bMEdu4u7sjPDwcEyZMwIoVK1CtWjVs3LgRfn5+esXK5wwQveb4nAEqz0rzOQMuo7Yb/JyBu18PKNFYyworA0REJAl8UZF2HEBIREQkcawMSMzwgNYYHtAGrs52AICrN5Ow+JsDOHL6Mlyd7XB+z5xijxv66Tf4JfIsKtlYYsPcQNT3qAo7Gwvcf5SO/cfOY+7avXickQUAaNWkNvZ99XGRc3h2mYaUB49L7uaIirF08yHs+/Ucrv2TDDNFRbzdsCZCgnugdo3/Pahl/ILvcOxMHJLup8HSXIG3G7ojZFwP1KnhVOR8D1PT0WbgF7ibkopbRxfBxvrVy85UulgZ0O61SAbWrFmDxYsXIykpCY0aNcKqVavw9ttvl3VY5dLdlFTMXv0Lbty+B5lMhv7+Pgj7cjTaDfoCf99KhmeXaRrtA99vhXGDfHHk9NNHXxYUFODAsfOYv24fHjx6DHfXKlg8pQ8qKS0x6vNQjWObBczB44xMcf3ew/QSvz+i553+6zpGftAWb3m5IS8/H3PX7kWvcavx284ZsDR/OiK7cV1XfNClOVydKuGR+gm+2BCOXsFrcO6X2TA11Sygjpu3HV4eLribkloGd0OGkMHAZMCgxxe+3so8GdixYwcmTpyI9evXw8fHB8uXL4efnx/i4uLg4OBQ1uGVOwdPXNRYn7duL4YHtEazBu64ejOpyF/u3do3wu4jfyEjMwcAkPY4E5t+Oinuv530CN/8eAIfDdZ8NjYA3Hv4GOr0zCLbiUrTj6uCNNbXzhqE2p2nIfbKbbRq8vRhMEN7tRb3V3epjOlju6PNgIVISHwA92pVxH3f/HgCaY+fYMrIrjhy+vV7ihzRqyrzMQNLly7FqFGjMGzYMHh5eWH9+vWwsLDApk2byjq0cs/ERIZenZrCwlyOPy7EF9nfqK4rGnq64ts92l944WRvg+4dGuPUX9eK7DsR9imuHJiPn1cHw6dhTaPGTvSq1OlPu7MqKYsv72dkZmP73t/g5lIZVR0riduv3kzE4o0HsG72EJiYlN+/EMuzsnxR0euuTCsDOTk5iImJwbRp/ytNm5iYwNfXV+83LpHuvGq54NCmT2Amr4CMzGwMnvw14uKTirQb3EOFqzcTceZ80URh47yh6NquISzM5Dhw/AI+mrdd3Jf8IA0TFnyHs1cSoJBXwOAeLbH3q4/hO3QxzsfdKdF7I3qRgoICTFv6I3wa1YSXh4vGvo0/HEfIqt3IyMxBbTdH7FoTDHnFp78is3NyMXJGKGZ/1BOuTnb459/7ZRE+GcpILyoqj8q0MnD//n3k5+cX+8alwjcyPSs7OxtqtVpjIf1d+ycZbQcuhO+wL7Hpp5NYGzIYnu6aA6XMFBXR26+Z1qrAZ8t+QvtB/8WAT75CjWr2mD+hl7jv+j8pCN11Cueu3saZ8/EYNzcMZ87fxIcD3inR+yJ6mUmLduLKjUR8M39YkX0fdG2OY99+in1fjUet6lUwbNomZGXnAgDmrNmDOjUc0fddjmWi8qnMxwzoY+HChZg9e3ZZh/HGy83LR/ydp3/ZnLt6G295VceYfu0xYeH3Ypse7zSGuZkc34efKfYcKQ8eI+XBY1z7JxmP0jJwYONELN54EMkPik/Q/rr0D3wa1TL+zRDpaPKinTh04iL2bxivUf4vZGNlDhsrc9Sq7oDm3jXg/s4U7Is6h95+zXD8j79x+cZd2Lf4CABQ+Ky2Wp0+xSfD/DDtP/6lei/0ajibQLsyTQbs7e1hampa7BuXCt/I9Kxp06Zh4sSJ4rparYarq2uJx1nemchkkMs1fxQG9WiJA8cv4EHqy2cAFPafPn+OZzWoUw3JD9IMC5ToFQiCgCmLf0B41DnsXf8x3Kra63SMIAjIyckDAGxdNBKZWbni/rOX/0Hw3DDs3zBeY4Ahvd6YDGhXpsmAXC5H06ZNERkZiZ49ewJ42qcXGRmJ4ODgIu0VCoVeb4eiomYGvYcjpy/hdtIjWFuYoXeXZmjdtDYCxv3vedju1ezR8q1a6DN+XZHjO7X0QpXKSpy9/A/Sn2SjXk1nzP6oJ36LvYHbiQ8BAGP6t8c//z7A1ZuJMFNUxOAeLdG2WR30GsfH6lLpm/Tfnfjx0J/Y/uVoWFmYIfn+0+qV0soM5mZy3LpzHz9HxOCdFvVQuZIV7ianYvmWwzAzq4hOreoDQJEv/IdpT5NkT3cnPmfgDSKTPV0MOb68KvNugokTJyIwMBDNmjXD22+/jeXLlyMjIwPDhhXt0yPD2VeywrqQIXC0V0KdnoVL1/9FwLi1iDpzVWwz6D0V7qak4uhvV4scn5mdi8CeLbFgQi/IK1bAv8mp2BcVi2WhEWIbeYUKmDe+F5yr2CAzKxeXrv+LnkGrcDKm6IwDopK26acTAIBuY1ZobF8zcxAGdG8BhaIComNvYP33UUhVP0EVO2u0fMsDhzZ+gip21mURMlGpey1eVLR69WrxoUONGzfGypUr4ePj89Lj+KIikgK+qIjKs9J8UVHNcT/CRGH5yucpyM7AzVW9+aKikhIcHFxstwAREZHRGNhNwKmFREREVG69FpUBIiKiksbZBNoxGSAiIkngbALt2E1AREQkcawMEBGRJJiYyAx6yZRQjl9QxWSAiIgkgd0E2rGbgIiISOJYGSAiIkngbALtmAwQEZEksJtAOyYDREQkCawMaMcxA0RERBLHygAREUkCKwPaMRkgIiJJ4JgB7dhNQEREJHGsDBARkSTIYGA3QTl+hzGTASIikgR2E2jHbgIiIiKJY2WAiIgkgbMJtGMyQEREksBuAu3YTUBERCRxrAwQEZEksJtAOyYDREQkCewm0I7JABERSQIrA9pxzAAREZHEsTJARETSYGA3QTl+ACGTASIikgZ2E2jHbgIiIiKJY2WAiIgkgbMJtGNlgIiIJKGwm8CQRR8LFy5E8+bNYW1tDQcHB/Ts2RNxcXEabdq3b1/kGmPGjNFok5CQAH9/f1hYWMDBwQGTJ09GXl6eRpuoqCg0adIECoUCHh4eCA0N1StWJgNEREQl4NixYwgKCsJvv/2GiIgI5ObmonPnzsjIyNBoN2rUKCQmJorLokWLxH35+fnw9/dHTk4OTp8+jS1btiA0NBQzZ84U28THx8Pf3x8dOnRAbGwsxo8fj5EjR+LQoUM6x8puAiIikoTS7iY4ePCgxnpoaCgcHBwQExODtm3bitstLCzg5ORU7DkOHz6My5cv48iRI3B0dETjxo0xd+5cTJ06FSEhIZDL5Vi/fj3c3d2xZMkSAEC9evVw8uRJLFu2DH5+fjrFysoAERFJgrG6CdRqtcaSnZ2t0/XT0tIAAHZ2dhrbw8LCYG9vjwYNGmDatGl48uSJuC86Ohre3t5wdHQUt/n5+UGtVuPSpUtiG19fX41z+vn5ITo6WufPhpUBIiIiPbi6umqsz5o1CyEhIS88pqCgAOPHj0erVq3QoEEDcfuAAQPg5uYGFxcXnD9/HlOnTkVcXBx+/vlnAEBSUpJGIgBAXE9KSnphG7VajczMTJibm7/0npgMEBGRJBjrOQO3b9+GUqkUtysUipceGxQUhIsXL+LkyZMa20ePHi3+29vbG87OzujYsSNu3LiBWrVqvXKs+mI3ARERSULhmAFDFgBQKpUay8uSgeDgYOzbtw+//vorqlWr9sK2Pj4+AIDr168DAJycnJCcnKzRpnC9cJyBtjZKpVKnqgDAZICIiCSitKcWCoKA4OBg7Nq1C0ePHoW7u/tLj4mNjQUAODs7AwBUKhUuXLiAlJQUsU1ERASUSiW8vLzENpGRkRrniYiIgEql0jlWJgNEREQlICgoCN9++y22b98Oa2trJCUlISkpCZmZmQCAGzduYO7cuYiJicGtW7ewZ88eDBkyBG3btkXDhg0BAJ07d4aXlxcGDx6Mc+fO4dChQ5gxYwaCgoLEisSYMWNw8+ZNTJkyBVevXsXatWuxc+dOTJgwQedYmQwQEZEkGKubQFfr1q1DWloa2rdvD2dnZ3HZsWMHAEAul+PIkSPo3Lkz6tati08++QQBAQHYu3eveA5TU1Ps27cPpqamUKlUGDRoEIYMGYI5c+aIbdzd3REeHo6IiAg0atQIS5YswcaNG3WeVghwACEREUlEab+oSBCEF+53dXXFsWPHXnoeNzc37N+//4Vt2rdvj7Nnz+oV37NYGSAiIpI4VgaIiEgSZDDwCYRGi+T1w2SAiIgkwUQmg4kB2YAhx77u2E1AREQkcawMEBGRJJT2i4reJEwGiIhIEkp7NsGbhMkAERFJgons6WLI8eUVxwwQERFJHCsDREQkDTIDS/3luDLAZICIiCSBAwi1YzcBERGRxLEyQEREkiD7//8MOb68YjJARESSwNkE2rGbgIiISOJYGSAiIkngQ4e00ykZ2LNnj84nfO+99145GCIiopLC2QTa6ZQM9OzZU6eTyWQy5OfnGxIPERERlTKdkoGCgoKSjoOIiKhE8RXG2hk0ZiArKwtmZmbGioWIiKjEsJtAO71nE+Tn52Pu3LmoWrUqrKyscPPmTQDA559/jm+++cboARIRERlD4QBCQ5bySu9kYP78+QgNDcWiRYsgl8vF7Q0aNMDGjRuNGhwRERGVPL2Tga1bt2LDhg0YOHAgTE1Nxe2NGjXC1atXjRocERGRsRR2ExiylFd6jxn4999/4eHhUWR7QUEBcnNzjRIUERGRsXEAoXZ6Vwa8vLxw4sSJItt//PFHvPXWW0YJioiIiEqP3pWBmTNnIjAwEP/++y8KCgrw888/Iy4uDlu3bsW+fftKIkYiIiKDyf5/MeT48krvykCPHj2wd+9eHDlyBJaWlpg5cyauXLmCvXv3olOnTiURIxERkcE4m0C7V3rOQJs2bRAREWHsWIiIiKgMvPJDh/78809cuXIFwNNxBE2bNjVaUERERMbGVxhrp3cycOfOHfTv3x+nTp2Cra0tACA1NRUtW7bE999/j2rVqhk7RiIiIoPxrYXa6T1mYOTIkcjNzcWVK1fw8OFDPHz4EFeuXEFBQQFGjhxZEjESERFRCdK7MnDs2DGcPn0anp6e4jZPT0+sWrUKbdq0MWpwRERExlSO/7g3iN7JgKura7EPF8rPz4eLi4tRgiIiIjI2dhNop3c3weLFizFu3Dj8+eef4rY///wTH3/8Mb788kujBkdERGQshQMIDVnKK50qA5UqVdLIiDIyMuDj44MKFZ4enpeXhwoVKmD48OHo2bNniQRKREREJUOnZGD58uUlHAYREVHJYjeBdjolA4GBgSUdBxERUYni44i1e+WHDgFAVlYWcnJyNLYplUqDAiIiIqLSpXcykJGRgalTp2Lnzp148OBBkf35+flGCYyIiMiY+Apj7fSeTTBlyhQcPXoU69atg0KhwMaNGzF79my4uLhg69atJREjERGRwWQyw5fySu/KwN69e7F161a0b98ew4YNQ5s2beDh4QE3NzeEhYVh4MCBJREnERERlRC9KwMPHz5EzZo1ATwdH/Dw4UMAQOvWrXH8+HHjRkdERGQkfIWxdnonAzVr1kR8fDwAoG7duti5cyeApxWDwhcXERERvW7YTaCd3snAsGHDcO7cOQDAp59+ijVr1sDMzAwTJkzA5MmTjR4gERHRm2jhwoVo3rw5rK2t4eDggJ49eyIuLk6jTVZWFoKCglC5cmVYWVkhICAAycnJGm0SEhLg7+8PCwsLODg4YPLkycjLy9NoExUVhSZNmkChUMDDwwOhoaF6xar3mIEJEyaI//b19cXVq1cRExMDDw8PNGzYUN/TERERlYrSnk1w7NgxBAUFoXnz5sjLy8Nnn32Gzp074/Lly7C0tATw9Ds1PDwcP/zwA2xsbBAcHIxevXrh1KlTAJ7O0PP394eTkxNOnz6NxMREDBkyBBUrVsSCBQsAAPHx8fD398eYMWMQFhaGyMhIjBw5Es7OzvDz89MpVpkgCIJed/caUavVsLGxgcJ7FGSm8rIOh6hEPPpjdVmHQFRi1Go1HCvbIC0trcSeU1P4XTFi2++QW1i98nlynqTjm8E+rxzrvXv34ODggGPHjqFt27ZIS0tDlSpVsH37dvTu3RsAcPXqVdSrVw/R0dFo0aIFDhw4gG7duuHu3btwdHQEAKxfvx5Tp07FvXv3IJfLMXXqVISHh+PixYvitfr164fU1FQcPHhQp9h0qgysXLlS55v96KOPdG5LRERUWoz1OGK1Wq2xXaFQQKFQvPT4tLQ0AICdnR0AICYmBrm5ufD19RXb1K1bF9WrVxeTgejoaHh7e4uJAAD4+flh7NixuHTpEt566y1ER0drnKOwzfjx43W+N52SgWXLlul0MplMxmSAiIjKNVdXV431WbNmISQk5IXHFBQUYPz48WjVqhUaNGgAAEhKSoJcLi8y+N7R0RFJSUlim2cTgcL9hfte1EatViMzMxPm5uYvvSedkoHC2QOvq1tHF/MxyFRuVWoeXNYhEJUYIT/n5Y2MxASvMGr+ueMB4Pbt2xrfObpUBYKCgnDx4kWcPHnSgAhKjkHvJiAiInpTGKubQKlU6vUHaHBwMPbt24fjx4+jWrVq4nYnJyfk5OQgNTVVozqQnJwMJycnsc2ZM2c0zlc42+DZNs/PQEhOToZSqdSpKgAYliQRERGRFoIgIDg4GLt27cLRo0fh7u6usb9p06aoWLEiIiMjxW1xcXFISEiASqUCAKhUKly4cAEpKSlim4iICCiVSnh5eYltnj1HYZvCc+iClQEiIpIEmQwwMeDBQfoWFYKCgrB9+3b88ssvsLa2Fvv4bWxsYG5u/nSGw4gRmDhxIuzs7KBUKjFu3DioVCq0aNECANC5c2d4eXlh8ODBWLRoEZKSkjBjxgwEBQWJ3RNjxozB6tWrMWXKFAwfPhxHjx7Fzp07ER4ernOsTAaIiEgSTAxMBvQ9dt26dQCA9u3ba2zfvHkzhg4dCuDpAH0TExMEBAQgOzsbfn5+WLt2rdjW1NQU+/btw9ixY6FSqWBpaYnAwEDMmTNHbOPu7o7w8HBMmDABK1asQLVq1bBx40adnzEAMBkgIiIqEbo8xsfMzAxr1qzBmjVrtLZxc3PD/v37X3ie9u3b4+zZs3rHWOiVxgycOHECgwYNgkqlwr///gsA2LZt22s7SpKIiIgvKtJO72Tgp59+gp+fH8zNzXH27FlkZ2cDePowhcJHIxIREb1uCrsJDFnKK72TgXnz5mH9+vX4+uuvUbFiRXF7q1at8Ndffxk1OCIiIip5eo8ZiIuLQ9u2bYtst7GxQWpqqjFiIiIiMjpDX0NcjnsJ9K8MODk54fr160W2nzx5EjVr1jRKUERERMZW+NZCQ5bySu9kYNSoUfj444/x+++/QyaT4e7duwgLC8OkSZMwduzYkoiRiIjIYCZGWMorvbsJPv30UxQUFKBjx4548uQJ2rZtC4VCgUmTJmHcuHElESMRERGVIL2TAZlMhunTp2Py5Mm4fv060tPT4eXlBSurV39HNBERUUnjmAHtXvmhQ3K5XHwuMhER0evOBIb1+5ug/GYDeicDHTp0eOGDF44ePWpQQERERFS69E4GGjdurLGem5uL2NhYXLx4EYGBgcaKi4iIyKjYTaCd3snAsmXLit0eEhKC9PR0gwMiIiIqCaX9oqI3idFmSgwaNAibNm0y1umIiIiolBjtrYXR0dEwMzMz1umIiIiMSiaDQQMI2U3wjF69emmsC4KAxMRE/Pnnn/j888+NFhgREZExccyAdnonAzY2NhrrJiYm8PT0xJw5c9C5c2ejBUZERESlQ69kID8/H8OGDYO3tzcqVapUUjEREREZHQcQaqfXAEJTU1N07tyZbyckIqI3jswI/5VXes8maNCgAW7evFkSsRAREZWYwsqAIUt5pXcyMG/ePEyaNAn79u1DYmIi1Gq1xkJERERvFp3HDMyZMweffPIJ3n33XQDAe++9p/FYYkEQIJPJkJ+fb/woiYiIDMQxA9rpnAzMnj0bY8aMwa+//lqS8RAREZUImUz2wnfr6HJ8eaVzMiAIAgCgXbt2JRYMERERlT69phaW56yIiIjKN3YTaKdXMlCnTp2XJgQPHz40KCAiIqKSwCcQaqdXMjB79uwiTyAkIiKiN5teyUC/fv3g4OBQUrEQERGVGBOZzKAXFRly7OtO52SA4wWIiOhNxjED2un80KHC2QRERERUvuhcGSgoKCjJOIiIiEqWgQMIy/GrCfR/hTEREdGbyAQymBjwjW7Isa87JgNERCQJnFqond4vKiIiIqLyhZUBIiKSBM4m0I7JABERSQKfM6AduwmIiIgkjpUBIiKSBA4g1I7JABERSYIJDOwmKMdTC9lNQEREJHGsDBARkSSwm0A7JgNERCQJJjCsHF6eS+nl+d6IiIjKzPHjx9G9e3e4uLhAJpNh9+7dGvuHDh0KmUymsXTp0kWjzcOHDzFw4EAolUrY2tpixIgRSE9P12hz/vx5tGnTBmZmZnB1dcWiRYv0jpXJABERScLzX7yvsugjIyMDjRo1wpo1a7S26dKlCxITE8Xlu+++09g/cOBAXLp0CREREdi3bx+OHz+O0aNHi/vVajU6d+4MNzc3xMTEYPHixQgJCcGGDRv0ipXdBEREJAkyGPbiQX2P7dq1K7p27frCNgqFAk5OTsXuu3LlCg4ePIg//vgDzZo1AwCsWrUK7777Lr788ku4uLggLCwMOTk52LRpE+RyOerXr4/Y2FgsXbpUI2l4GVYGiIhIEgqfQGjIYmxRUVFwcHCAp6cnxo4diwcPHoj7oqOjYWtrKyYCAODr6wsTExP8/vvvYpu2bdtCLpeLbfz8/BAXF4dHjx7pHAcrA0RERHpQq9Ua6wqFAgqFQu/zdOnSBb169YK7uztu3LiBzz77DF27dkV0dDRMTU2RlJQEBwcHjWMqVKgAOzs7JCUlAQCSkpLg7u6u0cbR0VHcV6lSJZ1iYTJARESSYYy/7V1dXTXWZ82ahZCQEL3P069fP/Hf3t7eaNiwIWrVqoWoqCh07NjR0DD1wmSAiIgkwVjPGbh9+zaUSqW4/VWqAsWpWbMm7O3tcf36dXTs2BFOTk5ISUnRaJOXl4eHDx+K4wycnJyQnJys0aZwXdtYhOJwzAAREZEelEqlxmKsZODOnTt48OABnJ2dAQAqlQqpqamIiYkR2xw9ehQFBQXw8fER2xw/fhy5ublim4iICHh6eurcRQAwGSAiIoko7amF6enpiI2NRWxsLAAgPj4esbGxSEhIQHp6OiZPnozffvsNt27dQmRkJHr06AEPDw/4+fkBAOrVq4cuXbpg1KhROHPmDE6dOoXg4GD069cPLi4uAIABAwZALpdjxIgRuHTpEnbs2IEVK1Zg4sSJesXKbgIiIpKE0n4C4Z9//okOHTqI64Vf0IGBgVi3bh3Onz+PLVu2IDU1FS4uLujcuTPmzp2rUWkICwtDcHAwOnbsCBMTEwQEBGDlypXifhsbGxw+fBhBQUFo2rQp7O3tMXPmTL2mFQJMBoiIiEpE+/btIQiC1v2HDh166Tns7Oywffv2F7Zp2LAhTpw4oXd8z2IyQEREkvAqpf7njy+vmAwQEZEklPYTCN8kHEBIREQkcawMEBGRJLCbQDsmA0REJAmlPZvgTcJkgIiIJIGVAe3Kc6JDREREOmBlgIiIJIGzCbRjMkBERJJgrBcVlUfsJiAiIpI4VgaIiEgSTCCDiQHFfkOOfd0xGSAiIklgN4F27CYgIiKSOFYGiIhIEmT//58hx5dXTAaIiEgS2E2gHbsJiIiIJI6VASIikgSZgbMJ2E1ARET0hmM3gXZMBoiISBKYDGjHMQNEREQSx8oAERFJAqcWasdkgIiIJMFE9nQx5Pjyit0EREREEsfKABERSQK7CbRjMkBERJLA2QTasZuAiIhI4lgZICIiSZDBsFJ/OS4MMBkgIiJp4GwC7dhNQEREJHGsDEjcstDD2Bd1Dtf+SYa5oiKae7tjVnAP1HZzBAAk3H2At94PKfbYTQuGo0fHt/AwLQP/mbkFl67/i0dpT2BfyQpd23pjxtjuUFqZl+LdEAHDA1pjeEAbuDrbAQCu3kzC4m8O4Mjpy3B1tsP5PXOKPW7op9/gl8izGtsq2VjiRNinqOpYCW4dJkOdngkAWDNrEAZ0a1HkHFduJqJl3/lGviMyFs4m0K5Mk4Hjx49j8eLFiImJQWJiInbt2oWePXuWZUiSc/rsdYzo3QZNvNyQl5ePeev2ovdHa3D6++mwNFegqmMlXN6v+ctt665TWBUWiY4qLwCAiUyGrm298dmYbrC3tcLNO/cwZfFOpKqfYMPcoWVwVyRld1NSMXv1L7hx+x5kMhn6+/sg7MvRaDfoC/x9KxmeXaZptA98vxXGDfLFkdOXipxr1YwBuHz9Lqo6VtLYPu3LHzF79S/iegVTU5wIm4Zfjpx9/hT0GuFsAu3KNBnIyMhAo0aNMHz4cPTq1assQ5GsH1Z8qLG+euYgeHb5DOeu3kbLtzxgamoCx8pKjTbhx86jZ8e3YGWhAADYKi0wPKCNuN/V2Q7DA9pg9beRJX8DRM85eOKixvq8dXsxPKA1mjVwx9WbSUh58Fhjf7f2jbD7yF/IyMzR2D48oDVsrC2waOMBdGpVX2OfOiML6owscf3ddg1hqzTH9r3RRr4bMiYZDBsEWI5zgbJNBrp27YquXbuWZQj0HHX6019wlZQWxe6PvZKAC3/fwaLJH2g9R+K9NIRHnUPLJh4lEiORrkxMZOjZsQkszOX440J8kf2N6rqioacrJi/aqbHd090Jk0d2RaehX8Ktqv1LrzO4hwpRZ+JwO+mR0WInKk1v1JiB7OxsZGdni+tqtboMoyl/CgoKMH3ZT/BpWBP1arkU2+bbvdGoU8MJbzesWWTfqBmbceD4BWRm56JLmwZY8dmAkg6ZqFhetVxwaNMnMJNXQEZmNgZP/hpx8UlF2g3uocLVm4k4c/5/iYK8YgVsnDcUs1buxp3kRy9NBpzsbeCr8sKoz0ONfRtkZCaQwcSAWr9JOa4NvFGzCRYuXAgbGxtxcXV1LeuQypXJi3/AlZuJ+Hre0GL3Z2bl4KdDMRj0XtGBUwAwb0IAjm6dgm8Xj0b8nfuYseLnEoyWSLtr/ySj7cCF8B32JTb9dBJrQwbD091Jo42ZoiJ6+zXDt3s0S/szg97D37eSsfPAHzpdq383H6SlZyI86rzR4qeSITPCUl69UZWBadOmYeLEieK6Wq1mQmAkUxbvxOGTF7Hvq4+LDJYqtOdoLDKzctD33beL3e9YWQnHykrUqeGESkoL+P9nOSYN7wIne5uSDJ2oiNy8fMTfuQ8AOHf1Nt7yqo4x/dpjwsLvxTY93mkMczM5vg8/o3Fs2+Z14FXLBe+90xgAIPv/vyRvRHyBJZsP4YsN+zXaD+zeAjv2n0FuXn4J3hFRyXqjkgGFQgGFQlHWYZQrgiBg6pc/IPzYeexZ+xHcXLSXRMP2RqNLG2/YV7J+6XkLBAEAkJOTZ7RYiV6ViUwGuVzz192gHi1x4PgFPEhN19g+ZMpGmJtVFNff8nLDmpmD8O7o5Yi/c0+jbasmtVGrukOR6gK9pjiCUKs3Khkg45u8eCd+OhSDbxePgpWlGZIfPB2HobQ0g7mZXGx38/Y9nD57AzuWjSlyjohTl5Dy8DGaeFWHpbkCV28mYtaqX+DTsCaqu1QutXshAp6W+Y+cvoTbSY9gbWGG3l2aoXXT2ggYt1Zs417NHi3fqoU+49cVOf7Wv/c11u1srAAAcfFJ4nMGCg3uocIfF+Jx5UZiCdwJGRufM6BdmSYD6enpuH79urgeHx+P2NhY2NnZoXr16mUYmXRs/ukkAOC9sSs1tq/6fKDGQ1XC9kbDxcEWHXzqFjmHmaIitv1yGjOW/4yc3DxUdbCFf4dGGD+kU8kGT1QM+0pWWBcyBI72SqjTs3Dp+r8IGLcWUWeuim0GvafC3ZRUHP3t6gvO9GJKSzN0f6cxpi350RhhE5UpmSD8fz23DERFRaFDhw5FtgcGBiI0NPSlx6vVatjY2CDxXiqUSuVL2xO9iSr7jCvrEIhKjJCfg+wLXyMtLa3Efo8XfldExibAyvrVr5H+WI2OjauXaKxlpUwrA+3bt0cZ5iJERCQhHDKg3Rs1tZCIiIiMj8kAERFJQyk/aOD48ePo3r07XFxcIJPJsHv3bo39giBg5syZcHZ2hrm5OXx9fXHt2jWNNg8fPsTAgQOhVCpha2uLESNGID1dcwbM+fPn0aZNG5iZmcHV1RWLFi3SL1AwGSAiIomQGeE/fRS+f2fNmjXF7l+0aBFWrlyJ9evX4/fff4elpSX8/PyQlfW/914MHDgQly5dQkREBPbt24fjx49j9OjR4n61Wo3OnTvDzc0NMTExWLx4MUJCQrBhwwa9YuXUQiIikoTSfmvhi96/IwgCli9fjhkzZqBHjx4AgK1bt8LR0RG7d+9Gv379cOXKFRw8eBB//PEHmjVrBgBYtWoV3n33XXz55ZdwcXFBWFgYcnJysGnTJsjlctSvXx+xsbFYunSpRtLwMqwMEBER6UGtVmssz74zR1fx8fFISkqCr6+vuM3GxgY+Pj6Ijn76EKvo6GjY2tqKiQAA+Pr6wsTEBL///rvYpm3btpDL//dcGD8/P8TFxeHRI91fnMVkgIiIJMFYQwZcXV013pOzcOFCvWNJSnr64ixHR0eN7Y6OjuK+pKQkODg4aOyvUKEC7OzsNNoUd45nr6ELdhMQEZE0GGlu4e3btzWeM1AeHpPPygAREZEelEqlxvIqyYCT09O3aCYnJ2tsT05OFvc5OTkhJSVFY39eXh4ePnyo0aa4czx7DV0wGSAiIkko7dkEL+Lu7g4nJydERkaK29RqNX7//XeoVCoAgEqlQmpqKmJiYsQ2R48eRUFBAXx8fMQ2x48fR25urtgmIiICnp6eqFSp+DfQFofJABERSULhbAJDFn2kp6cjNjYWsbGxAP73/p2EhATIZDKMHz8e8+bNw549e3DhwgUMGTIELi4u6NmzJwCgXr166NKlC0aNGoUzZ87g1KlTCA4ORr9+/eDi4gIAGDBgAORyOUaMGIFLly5hx44dWLFiBSZOnKhXrBwzQEREVAL+/PNPjffvFH5BF75/Z8qUKcjIyMDo0aORmpqK1q1b4+DBgzAzMxOPCQsLQ3BwMDp27AgTExMEBARg5cr/vVjOxsYGhw8fRlBQEJo2bQp7e3vMnDlTr2mFQBm/qMhQfFERSQFfVETlWWm+qOjkxTsGv6iodYNqfFERERHRG4tvKtKKYwaIiIgkjpUBIiKSBENnBBhzNsHrhskAERFJQmm/m+BNwmSAiIgkgUMGtOOYASIiIoljZYCIiKSBpQGtmAwQEZEkcAChduwmICIikjhWBoiISBI4m0A7JgNERCQJHDKgHbsJiIiIJI6VASIikgaWBrRiMkBERJLA2QTasZuAiIhI4lgZICIiSeBsAu2YDBARkSRwyIB2TAaIiEgamA1oxTEDREREEsfKABERSQJnE2jHZICIiKTBwAGE5TgXYDcBERGR1LEyQEREksDxg9oxGSAiImlgNqAVuwmIiIgkjpUBIiKSBM4m0I7JABERSQIfR6wduwmIiIgkjpUBIiKSBI4f1I7JABERSQOzAa2YDBARkSRwAKF2HDNAREQkcawMEBGRJMhg4GwCo0Xy+mEyQEREksAhA9qxm4CIiEjiWBkgIiJJ4EOHtGMyQEREEsGOAm3YTUBERCRxrAwQEZEksJtAOyYDREQkCewk0I7dBERERBLHZICIiCShsJvAkEUfISEhkMlkGkvdunXF/VlZWQgKCkLlypVhZWWFgIAAJCcna5wjISEB/v7+sLCwgIODAyZPnoy8vDxjfBwa2E1ARESSUBbvJqhfvz6OHDkirleo8L+v3QkTJiA8PBw//PADbGxsEBwcjF69euHUqVMAgPz8fPj7+8PJyQmnT59GYmIihgwZgooVK2LBggWvfB/FYTJARETSUAaDBipUqAAnJ6ci29PS0vDNN99g+/bteOeddwAAmzdvRr169fDbb7+hRYsWOHz4MC5fvowjR47A0dERjRs3xty5czF16lSEhIRALpcbcDOa2E1ARERUQq5duwYXFxfUrFkTAwcOREJCAgAgJiYGubm58PX1FdvWrVsX1atXR3R0NAAgOjoa3t7ecHR0FNv4+flBrVbj0qVLRo2TlQEiIpIEYxUG1Gq1xnaFQgGFQlGkvY+PD0JDQ+Hp6YnExETMnj0bbdq0wcWLF5GUlAS5XA5bW1uNYxwdHZGUlAQASEpK0kgECvcX7jMmJgNERCQJxnrOgKurq8b2WbNmISQkpEj7rl27iv9u2LAhfHx84Obmhp07d8Lc3PzVAykBTAaIiIj0cPv2bSiVSnG9uKpAcWxtbVGnTh1cv34dnTp1Qk5ODlJTUzWqA8nJyeIYAycnJ5w5c0bjHIWzDYobh2AIjhkgIiJJkBnhPwBQKpUai67JQHp6Om7cuAFnZ2c0bdoUFStWRGRkpLg/Li4OCQkJUKlUAACVSoULFy4gJSVFbBMREQGlUgkvLy8jfjKsDBARkVSU8myCSZMmoXv37nBzc8Pdu3cxa9YsmJqaon///rCxscGIESMwceJE2NnZQalUYty4cVCpVGjRogUAoHPnzvDy8sLgwYOxaNEiJCUlYcaMGQgKCtI5AdEVkwEiIqIScOfOHfTv3x8PHjxAlSpV0Lp1a/z222+oUqUKAGDZsmUwMTFBQEAAsrOz4efnh7Vr14rHm5qaYt++fRg7dixUKhUsLS0RGBiIOXPmGD1WmSAIgtHPWkrUajVsbGyQeC9Vo/+GqDyp7DOurEMgKjFCfg6yL3yNtLS0Evs9XvhdcfPfB7A24BqP1WrUrFq5RGMtK6wMEBGRJPCthdpxACEREZHEsTJAREQSYdi7CcrzS4yZDBARkSSwm0A7dhMQERFJHJMBIiIiiWM3ARERSQK7CbRjMkBERJIgM3AAoWGDD19v7CYgIiKSOFYGiIhIEthNoB2TASIikoRSfk/RG4XdBERERBLHygAREUkDSwNaMRkgIiJJ4GwC7dhNQEREJHGsDBARkSRwNoF2TAaIiEgSOGRAOyYDREQkDcwGtOKYASIiIoljZYCIiCSBswm0YzJARESSwAGE2r3RyYAgCACAx4/VZRwJUckR8nPKOgSiElP48134+7wkqdWGfVcYevzr7I1OBh4/fgwAqFOzehlHQkREhnj8+DFsbGxK5NxyuRxOTk6o7e5q8LmcnJwgl8uNENXrRSaURjpWQgoKCnD37l1YW1tDVp7rN68RtVoNV1dX3L59G0qlsqzDITIq/nyXPkEQ8PjxY7i4uMDEpOTGtGdlZSEnx/Aqm1wuh5mZmREier280ZUBExMTVKtWrazDkCSlUslfllRu8ee7dJVUReBZZmZm5fJL3Fg4tZCIiEjimAwQERFJHJMB0otCocCsWbOgUCjKOhQio+PPN0nVGz2AkIiIiAzHygAREZHEMRkgIiKSOCYDREREEsdkgIiISOKYDJDO1qxZgxo1asDMzAw+Pj44c+ZMWYdEZBTHjx9H9+7d4eLiAplMht27d5d1SESliskA6WTHjh2YOHEiZs2ahb/++guNGjWCn58fUlJSyjo0IoNlZGSgUaNGWLNmTVmHQlQmOLWQdOLj44PmzZtj9erVAJ6+F8LV1RXjxo3Dp59+WsbRERmPTCbDrl270LNnz7IOhajUsDJAL5WTk4OYmBj4+vqK20xMTODr64vo6OgyjIyIiIyByQC91P3795Gfnw9HR0eN7Y6OjkhKSiqjqIiIyFiYDBAREUkckwF6KXt7e5iamiI5OVlje3JyMpycnMooKiIiMhYmA/RScrkcTZs2RWRkpLitoKAAkZGRUKlUZRgZEREZQ4WyDoDeDBMnTkRgYCCaNWuGt99+G8uXL0dGRgaGDRtW1qERGSw9PR3Xr18X1+Pj4xEbGws7OztUr169DCMjKh2cWkg6W716NRYvXoykpCQ0btwYK1euhI+PT1mHRWSwqKgodOjQocj2wMBAhIaGln5ARKWMyQAREZHEccwAERGRxDEZICIikjgmA0RERBLHZICIiEjimAwQERFJHJMBIiIiiWMyQEREJHFMBogMNHToUPTs2VNcb9++PcaPH1/qcURFRUEmkyE1NVVrG5lMht27d+t8zpCQEDRu3NiguG7dugWZTIbY2FiDzkNEJYfJAJVLQ4cOhUwmg0wmg1wuh4eHB+bMmYO8vLwSv/bPP/+MuXPn6tRWly9wIqKSxncTULnVpUsXbN68GdnZ2di/fz+CgoJQsWJFTJs2rUjbnJwcyOVyo1zXzs7OKOchIiotrAxQuaVQKODk5AQ3NzeMHTsWvr6+2LNnD4D/lfbnz58PFxcXeHp6AgBu376NPn36wNbWFnZ2dujRowdu3bolnjM/Px8TJ06Era0tKleujClTpuD5J3o/302QnZ2NqVOnwtXVFQqFAh4eHvjmm29w69Yt8Xn4lSpVgkwmw9ChQwE8fSvkwoUL4e7uDnNzczRq1Ag//vijxnX279+POnXqwNzcHB06dNCIU1dTp05FnTp1YGFhgZo1a+Lzzz9Hbm5ukXZfffUVXF1dYWFhgT59+iAtLU1j/8aNG1GvXj2YmZmhbt26WLt2rd6xEFHZYTJAkmFubo6cnBxxPTIyEnFxcYiIiMC+ffuQm5sLPz8/WFtb48SJEzh16hSsrKzQpUsX8bglS5YgNDQUmzZtwsmTJ/Hw4UPs2rXrhdcdMmQIvvvuO6xcuRJXrlzBV199BSsrK7i6uuKnn34CAMTFxSExMRErVqwAACxcuBBbt27F+vXrcenSJUyYMAGDBg3CsWPHADxNWnr16oXu3bsjNjYWI0eOxKeffqr3Z2JtbY3Q0FBcvnwZK1aswNdff41ly5ZptLl+/Tp27tyJvXv34uDBgzh79iw+/PBDcX9YWBhmzpyJ+fPn48qVK1iwYAE+//xzbNmyRe94iKiMCETlUGBgoNCjRw9BEAShoKBAiIiIEBQKhTBp0iRxv6Ojo5CdnS0es23bNsHT01MoKCgQt2VnZwvm5ubCoUOHBEEQBGdnZ2HRokXi/tzcXKFatWritQRBENq1ayd8/PHHgiAIQlxcnABAiIiIKDbOX3/9VQAgPHr0SNyWlZUlWFhYCKdPn9ZoO2LECKF///6CIAjCtGnTBC8vL439U6dOLXKu5wEQdu3apXX/4sWLhaZNm4rrs2bNEkxNTYU7d+6I2w4cOCCYmJgIiYmJgiAIQq1atYTt27drnGfu3LmCSqUSBEEQ4uPjBQDC2bNntV6XiMoWxwxQubVv3z5YWVkhNzcXBQUFGDBgAEJCQsT93t7eGuMEzp07h+vXr8Pa2lrjPFlZWbhx4wbS0tKQmJio8drmChUqoFmzZkW6CgrFxsbC1NQU7dq10znu69ev48mTJ+jUqZPG9pycHLz11lsAgCtXrhR5fbRKpdL5GoV27NiBlStX4saNG0hPT0deXh6USqVGm+rVq6Nq1aoa1ykoKEBcXBysra1x48YNjBgxAqNGjRLb5OXlwcbGRu94iKhsMBmgcqtDhw5Yt24d5HI5XFxcUKGC5o+7paWlxnp6ejqaNm2KsLCwIueqUqXKK8Vgbm6u9zHp6ekAgPDwcI0vYeDpOAhjiY6OxsCBAzF79mz4+fnBxsYG33//PZYsWaJ3rF9//XWR5MTU1NRosRJRyWIyQOWWpaUlPDw8dG7fpEkT7NixAw4ODkX+Oi7k7OyM33//HW3btgXw9C/gmJgYNGnSpNj23t7eKCgowLFjx+Dr61tkf2FlIj8/X9zm5eUFhUKBhIQErRWFevXqiYMhC/32228vv8lnnD59Gm5ubpg+fbq47Z9//inSLiEhAXfv3oWLi4t4HRMTE3h6esLR0REuLi64efMmBg4cqNf1iej1wQGERP9v4MCBsLe3R48ePXDixAnEx8cjKioKH330Ee7cuQMA+Pjjj/HFF19g9+7duHr1Kj788MMXPiOgRo0aCAwMxPDhw7F7927xnDt37gQAuLm5QSaTYd++fbh37x7S09NhbW2NSZMmYcKECdiyZQtu3LiBv/76C6tWrRIH5Y0ZMwbXrl3D5MmTERcXh+3btyM0NFSv+61duzYSEhLw/fff48aNG1i5cmWxgyHNzMwQGBiIc+fO4cSJE/joo4/Qp08fODk5AQBmz56NhQsXYuXKlfj7779x4cIFbN68GUuXLtUrHiIqO0wGiP6fhYUFjh8/jurVq6NXr16oV68eRowYgaysLLFS8Mknn2Dw4MEIDAyESqWCtbU13n///Reed926dejduzc+/PBD1K1bF6NGjUJGRgYAoGrVqpg9ezY+/fRTODo6Ijg4GAAwd+5cfP7551i4cCHq1auHLl26IDw8HO7u7gCe9uP/9NNP2L17Nxo1aoT169djwYIFet3ve++9hwkTJiA4OBiNGzfG6dOn8fnnnxdp5+HhgV69euHdd99F586d0bBhQ42pgyNHjsTGjRuxefNmeHt7o127dggNDRVjJaLXn0zQNvKJiIiIJIGVASIiIoljMkBERCRxTAaIiIgkjskAERGRxDEZICIikjgmA0RERBLHZICIiEjimAwQERFJHJMBIiIiiWMyQEREJHFMBoiIiCSOyQAREZHE/R9RwBXOWWmq6wAAAABJRU5ErkJggg==\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Logistic Regression Accuracy: 0.99\n"," precision recall f1-score support\n","\n"," 0 0.99 0.98 0.99 3969\n"," 1 0.98 0.99 0.99 4020\n","\n"," accuracy 0.99 7989\n"," macro avg 0.99 0.99 0.99 7989\n","weighted avg 0.99 0.99 0.99 7989\n","\n"]},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAAgMAAAHHCAYAAAAiSltoAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAVt9JREFUeJzt3XlcFOUfB/DPAu5yLogIC4qI4gGKmniEB0IiiGielUeKB5aKlvdRHnikpal5W2lihaVZmkceqOGRWF54S6IYqIAHwQrKPb8/jPm54uquLKDM591rXrkzz8x8Z113v/t9nmdWJgiCACIiIpIso/IOgIiIiMoXkwEiIiKJYzJAREQkcUwGiIiIJI7JABERkcQxGSAiIpI4JgNEREQSx2SAiIhI4pgMEBERSRyTgVfQlStXEBAQAGtra8hkMmzdutWgx79+/TpkMhkiIiIMetxXma+vL3x9fcs7jDITHR0NmUyG6OhogxwvIiICMpkM169fN8jxCAgPD4dMJivvMKiCYDLwgq5evYr3338ftWrVgqmpKZRKJVq3bo0lS5bg4cOHpXrukJAQnDt3Dp988gm+++47NGvWrFTPV5YGDhwImUwGpVL51OfxypUrkMlkkMlk+Pzzz/U+/q1btxAeHo7Y2FgDRFs2atasic6dO5d3GDqZO3euwZPTJxUlFkWLiYkJqlWrhoEDB+LmzZulem6iisqkvAN4Fe3cuRNvvfUWFAoFBgwYgIYNGyI3NxdHjhzBhAkTcOHCBXz11Velcu6HDx8iJiYGH3/8MUaOHFkq53BxccHDhw9RqVKlUjn+85iYmODBgwfYvn073n77bY1tkZGRMDU1RXZ29gsd+9atW5g5cyZq1qyJJk2a6Lzf3r17X+h8ryofHx88fPgQcrlcr/3mzp2LXr16oVu3bhrr+/fvj969e0OhUBgsxlmzZsHV1RXZ2dk4duwYIiIicOTIEZw/fx6mpqYGO8/LaurUqZg8eXJ5h0EVBJMBPSUkJKB3795wcXHBgQMH4OjoKG4LCwtDfHw8du7cWWrnv3PnDgDAxsam1M4hk8nK9c1UoVCgdevW+OGHH4olAxs2bEBwcDB+/vnnMonlwYMHMDc31/tD8VVnZGRk0NeAsbExjI2NDXY8AAgKChKrYqGhobCzs8Nnn32Gbdu2FXvdlCZBEJCdnQ0zM7MyOyfwKGk2MeFbOBkGuwn0NH/+fGRmZmLt2rUaiUARNzc3fPjhh+Lj/Px8zJ49G7Vr14ZCoUDNmjXx0UcfIScnR2O/olLwkSNH0KJFC5iamqJWrVr49ttvxTbh4eFwcXEBAEyYMAEymQw1a9YE8Ki8XvTnxz2tXzEqKgpt2rSBjY0NLC0tUa9ePXz00Ufidm1jBg4cOIC2bdvCwsICNjY26Nq1Ky5duvTU88XHx2PgwIGwsbGBtbU1Bg0ahAcPHmh/Yp/Qt29f7Nq1C+np6eK648eP48qVK+jbt2+x9mlpaRg/fjw8PT1haWkJpVKJoKAgnDlzRmwTHR2N5s2bAwAGDRoklpmLrtPX1xcNGzbEyZMn4ePjA3Nzc/F5eXLMQEhICExNTYtdf2BgICpXroxbt27pfK2GoOvrrLCwEOHh4XBycoK5uTn8/Pxw8eJF1KxZEwMHDhTbPW3MwJUrV9CzZ0+oVCqYmpqievXq6N27NzIyMgA8SiKzsrKwfv168bktOqa2MQO7du1Cu3btYGVlBaVSiebNm2PDhg0v9By0bdsWwKMuvMddvnwZvXr1gq2tLUxNTdGsWTNs27at2P5nz55Fu3btYGZmhurVq2POnDlYt25dsbiL/q3u2bMHzZo1g5mZGb788ksAQHp6OkaPHg1nZ2coFAq4ubnhs88+Q2Fhoca5fvzxR3h5eYnX7enpiSVLlojb8/LyMHPmTNSpUwempqaoUqUK2rRpg6ioKLHN0/5tG/L9hqSFaaWetm/fjlq1aqFVq1Y6tQ8NDcX69evRq1cvjBs3Dn/++SfmzZuHS5cuYcuWLRpt4+Pj0atXLwwZMgQhISH45ptvMHDgQHh5eaFBgwbo0aMHbGxsMGbMGPTp0wedOnWCpaWlXvFfuHABnTt3RqNGjTBr1iwoFArEx8fjjz/+eOZ++/btQ1BQEGrVqoXw8HA8fPgQy5YtQ+vWrXHq1Kliicjbb78NV1dXzJs3D6dOncKaNWtgb2+Pzz77TKc4e/TogWHDhuGXX37B4MGDATyqCtSvXx9NmzYt1v7atWvYunUr3nrrLbi6uiI1NRVffvkl2rVrh4sXL8LJyQnu7u6YNWsWpk+fjvfee0/88Hj87/LevXsICgpC79698e6778LBweGp8S1ZsgQHDhxASEgIYmJiYGxsjC+//BJ79+7Fd999BycnJ52u01B0fZ1NmTIF8+fPR5cuXRAYGIgzZ84gMDDwud0uubm5CAwMRE5ODkaNGgWVSoWbN29ix44dSE9Ph7W1Nb777juEhoaiRYsWeO+99wAAtWvX1nrMiIgIDB48GA0aNMCUKVNgY2OD06dPY/fu3U9N+J6n6AO7cuXK4roLFy6gdevWqFatGiZPngwLCwts2rQJ3bp1w88//4zu3bsDAG7evAk/Pz/IZDJMmTIFFhYWWLNmjdZujbi4OPTp0wfvv/8+hg4dinr16uHBgwdo164dbt68iffffx81atTA0aNHMWXKFCQnJ+OLL74A8CgZ79OnD9q3by/+e7h06RL++OMP8YtEeHg45s2bJz6farUaJ06cwKlTp9ChQwetz4Eh329IYgTSWUZGhgBA6Nq1q07tY2NjBQBCaGioxvrx48cLAIQDBw6I61xcXAQAwqFDh8R1t2/fFhQKhTBu3DhxXUJCggBAWLBggcYxQ0JCBBcXl2IxzJgxQ3j8r3nx4sUCAOHOnTta4y46x7p168R1TZo0Eezt7YV79+6J686cOSMYGRkJAwYMKHa+wYMHaxyze/fuQpUqVbSe8/HrsLCwEARBEHr16iW0b99eEARBKCgoEFQqlTBz5synPgfZ2dlCQUFBsetQKBTCrFmzxHXHjx8vdm1F2rVrJwAQVq9e/dRt7dq101i3Z88eAYAwZ84c4dq1a4KlpaXQrVu3516jvlxcXITg4GCt23V9naWkpAgmJibFYgwPDxcACCEhIeK633//XQAg/P7774IgCMLp06cFAMJPP/30zFgtLCw0jlNk3bp1AgAhISFBEARBSE9PF6ysrISWLVsKDx8+1GhbWFj4zHMUHWvfvn3CnTt3hKSkJGHz5s1C1apVBYVCISQlJYlt27dvL3h6egrZ2dkax2/VqpVQp04dcd2oUaMEmUwmnD59Wlx37949wdbWViNuQfj/v9Xdu3drxDV79mzBwsJC+PvvvzXWT548WTA2NhYSExMFQRCEDz/8UFAqlUJ+fr7Wa2zcuPEz/84Fofi/7dJ4vyHpYDeBHtRqNQDAyspKp/a//fYbAGDs2LEa68eNGwcAxcYWeHh4iN9WAaBq1aqoV68erl279sIxP6lorMGvv/5arHSpTXJyMmJjYzFw4EDY2tqK6xs1aoQOHTqI1/m4YcOGaTxu27Yt7t27Jz6Huujbty+io6ORkpKCAwcOICUlRes3RoVCASOjRy/ngoIC3Lt3T+wCOXXqlM7nVCgUGDRokE5tAwIC8P7772PWrFno0aMHTE1NxXJxWdL1dbZ//37k5+djxIgRGu1GjRr13HNYW1sDAPbs2aNXd482UVFRuH//PiZPnlxsbIKu0+X8/f1RtWpVODs7o1evXrCwsMC2bdtQvXp1AI+6jg4cOIC3334b9+/fx927d3H37l3cu3cPgYGBuHLlijj7YPfu3fD29tYYVGpra4t+/fo99dyurq4IDAzUWPfTTz+hbdu2qFy5sniuu3fvwt/fHwUFBTh06BCAR/8Gs7KyNEr+T7KxscGFCxdw5coVnZ4L4OV8v6FXB5MBPSiVSgDA/fv3dWr/zz//wMjICG5ubhrrVSoVbGxs8M8//2isr1GjRrFjVK5cGf/+++8LRlzcO++8g9atWyM0NBQODg7o3bs3Nm3a9MzEoCjOevXqFdvm7u6Ou3fvIisrS2P9k9dSVLrV51o6deoEKysrbNy4EZGRkWjevHmx57JIYWEhFi9ejDp16kChUMDOzg5Vq1bF2bNnxT5tXVSrVk2vwYKff/45bG1tERsbi6VLl8Le3v65+9y5cwcpKSnikpmZqfP5nkbX11nR/59sZ2trq1FafxpXV1eMHTsWa9asgZ2dHQIDA7FixQq9ntvHFfXrN2zY8IX2B4AVK1YgKioKmzdvRqdOnXD37l2Nsn58fDwEQcC0adNQtWpVjWXGjBkAgNu3bwN49Nw87bWl7fXm6upabN2VK1ewe/fuYufy9/fXONeIESNQt25dBAUFoXr16hg8eDB2796tcaxZs2YhPT0ddevWhaenJyZMmICzZ88+8/l4Gd9v6NXBZEAPSqUSTk5OOH/+vF776fpNR9toa0EQXvgcBQUFGo/NzMxw6NAh7Nu3D/3798fZs2fxzjvvoEOHDsXalkRJrqWIQqFAjx49sH79emzZsuWZ/chz587F2LFj4ePjg++//x579uxBVFQUGjRooHMFBIDeI8JPnz4tvsmfO3dOp32aN28OR0dHcXmR+yU8TWnfgGbhwoU4e/YsPvroIzx8+BAffPABGjRogBs3bpTqebVp0aIF/P390bNnT2zbtg0NGzZE3759xeSq6O99/PjxiIqKeuqi7cP+eZ72OiksLESHDh20nqtnz54AAHt7e8TGxmLbtm1488038fvvvyMoKAghISHisXx8fHD16lV88803aNiwIdasWYOmTZtizZo1z42tLN5vqOLhAEI9de7cGV999RViYmLg7e39zLYuLi4oLCzElStX4O7uLq5PTU1Fenq6ODPAECpXrqwx8r7Ik98GgEfTxtq3b4/27dtj0aJFmDt3Lj7++GP8/vvv4reYJ68DeDRo6kmXL1+GnZ0dLCwsSn4RT9G3b1988803MDIyQu/evbW227x5M/z8/LB27VqN9enp6bCzsxMfG/IDMysrC4MGDYKHhwdatWqF+fPno3v37uKMBW0iIyM1bqhUq1atEsWh6+us6P/x8fEa32zv3bun87dBT09PeHp6YurUqTh69Chat26N1atXY86cOQB0f36LBhaeP3/+hT+QH2dsbIx58+bBz88Py5cvx+TJk8XntVKlSk99XT/OxcUF8fHxxdY/bZ02tWvXRmZm5nPPBQByuRxdunRBly5dUFhYiBEjRuDLL7/EtGnTxOfD1tYWgwYNwqBBg5CZmQkfHx+Eh4cjNDRU6zWU1fsNVTysDOhp4sSJsLCwQGhoKFJTU4ttv3r1qjhFqFOnTgAgjiIusmjRIgBAcHCwweKqXbs2MjIyNEqJycnJxUYQp6WlFdu3qJ/0yelHRRwdHdGkSROsX79eI+E4f/489u7dK15nafDz88Ps2bOxfPlyqFQqre2MjY2LfaP56aefit2RrihpeVripK9JkyYhMTER69evx6JFi1CzZk2EhIRofR6LtG7dGv7+/uJS0mRA19dZ+/btYWJiglWrVmm0W758+XPPoVarkZ+fr7HO09MTRkZGGtdrYWGh03MbEBAAKysrzJs3r9hMhhf9Zurr64sWLVrgiy++QHZ2Nuzt7eHr64svv/wSycnJxdoX3bMDeDQlNCYmRuPOlGlpaYiMjNT5/G+//TZiYmKwZ8+eYtvS09PF5+/evXsa24yMjNCoUSMA//83+GQbS0tLuLm5PfO1VZbvN1TxsDKgp9q1a2PDhg1455134O7urnEHwqNHj+Knn34S51Y3btwYISEh+Oqrr5Ceno527drhr7/+wvr169GtWzf4+fkZLK7evXtj0qRJ6N69Oz744AM8ePAAq1atQt26dTUG0M2aNQuHDh1CcHAwXFxccPv2baxcuRLVq1dHmzZttB5/wYIFCAoKgre3N4YMGSJOLbS2tkZ4eLjBruNJRkZGmDp16nPbde7cGbNmzcKgQYPQqlUrnDt3DpGRkcU+aGvXrg0bGxusXr0aVlZWsLCwQMuWLZ/aB/wsBw4cwMqVKzFjxgxxquO6devg6+uLadOmYf78+Xod73ni4+PFb9+Pe+211xAcHKzT68zBwQEffvghFi5ciDfffBMdO3bEmTNnsGvXLtjZ2T3zW/2BAwcwcuRIvPXWW6hbty7y8/Px3XffwdjYWCx/A4CXlxf27duHRYsWwcnJCa6urmjZsmWx4ymVSixevBihoaFo3rw5+vbti8qVK+PMmTN48OAB1q9f/0LP04QJE/DWW28hIiICw4YNw4oVK9CmTRt4enpi6NChqFWrFlJTUxETE4MbN26I96GYOHEivv/+e3To0AGjRo0SpxbWqFEDaWlpOlU8JkyYgG3btqFz587iFL2srCycO3cOmzdvxvXr12FnZ4fQ0FCkpaXhjTfeQPXq1fHPP/9g2bJlaNKkifiN3sPDA76+vvDy8oKtrS1OnDiBzZs3P/Ouo2X5fkMVUHlOZXiV/f3338LQoUOFmjVrCnK5XLCyshJat24tLFu2TGMaU15enjBz5kzB1dVVqFSpkuDs7CxMmTJFo40gaJ8+9uSUNm1TCwVBEPbu3Ss0bNhQkMvlQr169YTvv/++2PSj/fv3C127dhWcnJwEuVwuODk5CX369NGYDvW0qYWCIAj79u0TWrduLZiZmQlKpVLo0qWLcPHiRY02Red7curik1PLtHl8aqE22qYWjhs3TnB0dBTMzMyE1q1bCzExMU+dEvjrr78KHh4egomJicZ1tmvXTmjQoMFTz/n4cdRqteDi4iI0bdpUyMvL02g3ZswYwcjISIiJiXnmNeijaBrY05YhQ4YIgqD76yw/P1+YNm2aoFKpBDMzM+GNN94QLl26JFSpUkUYNmyY2O7JqYXXrl0TBg8eLNSuXVswNTUVbG1tBT8/P2Hfvn0ax798+bLg4+MjmJmZaUxX1Pb3v23bNqFVq1bia6pFixbCDz/88Mzno+hYx48fL7atoKBAqF27tlC7dm1x6t7Vq1eFAQMGCCqVSqhUqZJQrVo1oXPnzsLmzZs19j19+rTQtm1bQaFQCNWrVxfmzZsnLF26VAAgpKSkaPx9aJv2d//+fWHKlCmCm5ubIJfLBTs7O6FVq1bC559/LuTm5gqCIAibN28WAgICBHt7e0Eulws1atQQ3n//fSE5OVk8zpw5c4QWLVoINjY2gpmZmVC/fn3hk08+EY8hCMWnFgqC4d9vSDpkgsDRIkRSlp6ejsqVK2POnDn4+OOPyzucl8ro0aPx5ZdfIjMz0+C3UyZ6mXDMAJGEPO2XIIv6mKX0E81P8+Rzc+/ePXz33Xdo06YNEwGq8DhmgEhCNm7ciIiICPFW1keOHMEPP/yAgIAAtG7durzDK1fe3t7w9fWFu7s7UlNTsXbtWqjVakybNq28QyMqdUwGiCSkUaNGMDExwfz586FWq8VBhU8bnCg1nTp1wubNm/HVV19BJpOhadOmWLt2LXx8fMo7NKJSxzEDREREEscxA0RERBLHZICIiEjiXukxA4WFhbh16xasrKxK/b7sRERkeIIg4P79+3BychJ/ebQ0ZGdnIzc3t8THkcvlxX5psyJ4pZOBW7duwdnZubzDICKiEkpKShJ/ftrQsrOzYWZVBcgv+c9vq1QqJCQkVLiE4JVOBqysrAAA8sZDITPW/WdniV4l1/d8Ut4hEJWa+/fVqFurhvh+Xhpyc3OB/AdQeIQAJfmsKMhFysX1yM3NZTLwMinqGpAZyyEzVjynNdGrSalUlncIRKWuTLp6TUxL9MVRkFXcYXavdDJARESkMxmAkiQdFXhoGpMBIiKSBpnRo6Uk+1dQFffKiIiISCesDBARkTTIZCXsJqi4/QRMBoiISBrYTaBVxb0yIiIi0gkrA0REJA3sJtCKyQAREUlECbsJKnAxveJeGREREemElQEiIpIGdhNoxWSAiIikgbMJtKq4V0ZEREQ6YWWAiIikgd0EWjEZICIiaWA3gVZMBoiISBpYGdCq4qY5REREpBNWBoiISBrYTaAVkwEiIpIGmayEyQC7CYiIiKiCYmWAiIikwUj2aCnJ/hUUkwEiIpIGjhnQquJeGREREemElQEiIpIG3mdAKyYDREQkDewm0KriXhkRERHphJUBIiKSBnYTaMVkgIiIpIHdBFoxGSAiImlgZUCripvmEBERkU5YGSAiImlgN4FWTAaIiEga2E2gVcVNc4iIiEgnrAwQEZFElLCboAJ/f2YyQERE0sBuAq0qbppDREREOmFlgIiIpEEmK+FsgopbGWAyQERE0sCphVpV3CsjIiIinTAZICIiaSgaQFiSRQ+rVq1Co0aNoFQqoVQq4e3tjV27donbfX19IZPJNJZhw4ZpHCMxMRHBwcEwNzeHvb09JkyYgPz8fI020dHRaNq0KRQKBdzc3BAREaH3U8NuAiIikoYy7iaoXr06Pv30U9SpUweCIGD9+vXo2rUrTp8+jQYNGgAAhg4dilmzZon7mJubi38uKChAcHAwVCoVjh49iuTkZAwYMACVKlXC3LlzAQAJCQkIDg7GsGHDEBkZif379yM0NBSOjo4IDAzUOVYmA0REJA1lPLWwS5cuGo8/+eQTrFq1CseOHROTAXNzc6hUqqfuv3fvXly8eBH79u2Dg4MDmjRpgtmzZ2PSpEkIDw+HXC7H6tWr4erqioULFwIA3N3dceTIESxevFivZIDdBERERHpQq9UaS05OznP3KSgowI8//oisrCx4e3uL6yMjI2FnZ4eGDRtiypQpePDggbgtJiYGnp6ecHBwENcFBgZCrVbjwoULYht/f3+NcwUGBiImJkava2JlgIiIpMFA3QTOzs4aq2fMmIHw8PCn7nLu3Dl4e3sjOzsblpaW2LJlCzw8PAAAffv2hYuLC5ycnHD27FlMmjQJcXFx+OWXXwAAKSkpGokAAPFxSkrKM9uo1Wo8fPgQZmZmOl0akwEiIpIGA3UTJCUlQalUiqsVCoXWXerVq4fY2FhkZGRg8+bNCAkJwcGDB+Hh4YH33ntPbOfp6QlHR0e0b98eV69eRe3atV88zhfAbgIiIiI9FM0OKFqelQzI5XK4ubnBy8sL8+bNQ+PGjbFkyZKntm3ZsiUAID4+HgCgUqmQmpqq0abocdE4A21tlEqlzlUBgMkAERFJxJPT+F5kKanCwkKtYwxiY2MBAI6OjgAAb29vnDt3Drdv3xbbREVFQalUil0N3t7e2L9/v8ZxoqKiNMYl6ILdBEREJAkl/kDXc98pU6YgKCgINWrUwP3797FhwwZER0djz549uHr1KjZs2IBOnTqhSpUqOHv2LMaMGQMfHx80atQIABAQEAAPDw/0798f8+fPR0pKCqZOnYqwsDCxGjFs2DAsX74cEydOxODBg3HgwAFs2rQJO3fu1CtWJgNERESl4Pbt2xgwYACSk5NhbW2NRo0aYc+ePejQoQOSkpKwb98+fPHFF8jKyoKzszN69uyJqVOnivsbGxtjx44dGD58OLy9vWFhYYGQkBCN+xK4urpi586dGDNmDJYsWYLq1atjzZo1ek0rBJgMEBGRVMj+W0qyvx7Wrl2rdZuzszMOHjz43GO4uLjgt99+e2YbX19fnD59Wr/gnsBkgIiIJKGsuwleJRxASEREJHGsDBARkSSwMqAdkwEiIpIEJgPaMRkgIiJJYDKgHccMEBERSRwrA0REJA1lPLXwVcJkgIiIJIHdBNqxm4CIiEjiWBkgIiJJePQLxiWpDBgulpcNkwEiIpIEGUr6y4MVNxtgNwEREZHEsTJARESSwAGE2jEZICIiaeDUQq3YTUBERCRxrAwQEZE0lLCbQGA3ARER0autpGMGSjYT4eXGZICIiCSByYB2HDNAREQkcawMEBGRNHA2gVZMBoiISBLYTaAduwmIiIgkjpUBIiKSBFYGtGMyQEREksBkQDt2ExAREUkcKwNERCQJrAxox2SAiIikgVMLtWI3ARERkcSxMkBERJLAbgLtmAwQEZEkMBnQjskAERFJApMB7ThmgIiISOJYGSAiImngbAKtmAwQEZEksJtAO3YTEBERSRwrAxIzuLs3BndvBWdHWwDA5YQULPgmCvuOXQYA2NtaYdbIzvBtXheW5grEJ97BwvX7sD36nHiMRnWrIXxEZzR1d0ZBYSG2RZ/F1KXbkPUwt9j5KivNcfjbcahmbwOXgI+hzswumwsleoYm3WYgKTmt2PrBPdtiwcS38ebwJfjjVLzGtoHdW2Ph5N5lFSKVAlYGtHspKgMrVqxAzZo1YWpqipYtW+Kvv/4q75AqrFu3MzBz1U74DVqMNwYvxuGT8Yj8bBDquzoAAFZN7wO3GvboO/EbtO7/ObYfPId1swfAs241AIDKTomtS4ch4cZd+A9dgl5jv4a7qworpj79TXLZR+/gYnxymV0fkS72rRuPi799Ii4/LwsDAHRt/5rYZkDXVhptZozsWl7hkoHIIBMTghda9Bw0sGrVKjRq1AhKpRJKpRLe3t7YtWuXuD07OxthYWGoUqUKLC0t0bNnT6SmpmocIzExEcHBwTA3N4e9vT0mTJiA/Px8jTbR0dFo2rQpFAoF3NzcEBERofdzU+7JwMaNGzF27FjMmDEDp06dQuPGjREYGIjbt2+Xd2gV0u4/LiIq5jKu3biLq0l3MefLXch6mItmDVwAAC0a1sTXm4/g1KUk/HMrDQsj9iEj8yGa1KsOAAhs7YG8/AKMX/gL4hPv4PSlJIydvxld/RrDtVoVjXMN7u4Na0tTLPshuqwvk+iZ7CpbwaGKUlz2HrkA1+p2aN3UTWxjZirXaKO0NCvHiOlVVL16dXz66ac4efIkTpw4gTfeeANdu3bFhQsXAABjxozB9u3b8dNPP+HgwYO4desWevToIe5fUFCA4OBg5Obm4ujRo1i/fj0iIiIwffp0sU1CQgKCg4Ph5+eH2NhYjB49GqGhodizZ49esZZ7MrBo0SIMHToUgwYNgoeHB1avXg1zc3N888035R1ahWdkJEMP/yYwN5Xj+Pl/AAB/nb+O7u2bwMbKDDLZo+0KuQmO/FcylVcyQV5eAQRBEI/zMCcPAPB641riuno1HTBhUACGz/4BhYUCiF5WuXn5+Gn3cfTt8rpGGXjznhOoEzAZrfvMxawV2/Agu3g3GL1aSlQVeIEuhi5duqBTp06oU6cO6tati08++QSWlpY4duwYMjIysHbtWixatAhvvPEGvLy8sG7dOhw9ehTHjh0DAOzduxcXL17E999/jyZNmiAoKAizZ8/GihUrkJv76PW4evVquLq6YuHChXB3d8fIkSPRq1cvLF68WK9YyzUZyM3NxcmTJ+Hv7y+uMzIygr+/P2JiYsoxsorNo5YKSfvmIjX6Myya0Av9p6xD3PVHpalBU7+FiYkxEvbMQerBz7B4Yi/0nxKBhJv3AACHT16BfRUrjOrri0omxrC2MsOMEcEAAFUVKwCAvJIx1sx8FzNWbMeN1PRyuUYiXf128CwyMh+iT/Dr4rqeAc2weuYA/LryA4wO6YBNu45j2Iz15RglGYTMAAsAtVqtseTk5Dz31AUFBfjxxx+RlZUFb29vnDx5Enl5eRqff/Xr10eNGjXEz7+YmBh4enrCwcFBbBMYGAi1Wi1WF2JiYjSOUdRG38/Qch1AePfuXRQUFGhcKAA4ODjg8uXLxdrn5ORoPOlqtbrUY6yIriTegU/IQigtzdDVrxFWTu2DzmErEXc9FR8PDYK1pSm6jlqNtIxMdPLxxLrZA9Bp+HJcvJaCywmpGDH7B8z54E1MH9YJBYUCvvrpMFLvqVH4X7Vg+vBg/P1PKjbtOVXOV0r0fN9vi4G/twccq1qL60K6txb/7OHmBAc7JbqHLUfCjTtwrV61PMKkl4izs7PG4xkzZiA8PPypbc+dOwdvb29kZ2fD0tISW7ZsgYeHB2JjYyGXy2FjY6PR3sHBASkpKQCAlJSUp34+Fm17Vhu1Wo2HDx/CzEy37q1XajbBvHnzMHPmzPIO45WXl18gftM/E3cDr7k7Y9jbbbEk8ne891YbePebj8sJjyoF5+OT4d3YFaE9W2Psgp8BAJujTmNz1GlUrWyJB9m5EARgRO92uP7fMX2ausGjtiPePNQIwP9H4F79bRYWrt+PT9fq15dFVFqSktNw8Hgc1n8a+sx2Xg1qAgASbtxlMvAKM9RsgqSkJCiVSnG9QqHQuk+9evUQGxuLjIwMbN68GSEhITh48OALx1BayjUZsLOzg7GxcbHRk6mpqVCpVMXaT5kyBWPHjhUfq9XqYhka6c/ISAZ5JROYKyoBQLE+/oJCATKj4v+A7vybCQDoF9wC2bl5+P343wCAAR+vh9l/xwKA19ydseLj3ug0YoWYhBC9DDbsOIaqla0Q0LrBM9ud//smAMChivKZ7ejlZqhkoGh2gC7kcjnc3B4NTPXy8sLx48exZMkSvPPOO8jNzUV6erpGdeDxzz+VSlVsdl3R5+XjbZ72GapUKnWuCgDlPGZALpfDy8sL+/fvF9cVFhZi//798Pb2LtZeoVCIfwn6/GXQ/00f1gmtmtSCs6oyPGqpMH1YJ7R5rTZ+2nsKf/9zG1eT7mDxpF5o6u6MmtWqIKxPO/g1r4PfDp0XjzG0Z2s0qlsNtZ3tENqjNeaP645Zq38T7yFw/eY9XLqWIi7/3Ho0nzvueiru/pdAEJW3wsJCbNhxDO8Et4CJibG4PuHGHXy+djdiLyUi8dY97Dp0DiNmfodWr7mhQZ1q5RgxlZRMVvKlpAoLC5GTkwMvLy9UqlRJ4/MvLi4OiYmJ4ueft7c3zp07pzG7LioqCkqlEh4eHmKbx49R1OZpn6HPUu7dBGPHjkVISAiaNWuGFi1a4IsvvkBWVhYGDRpU3qFVSHaVLbFqWh84VFFCnfUQF+KT0XPM14j+71v92+PWYMbwYPywYAgszORIuHEPI+b8iKiY/4/haOpRA5NDA2FhpsCVf25j7PzN2Lj7ZHldEtELOfhXHG6k/It+XTTfNOWVTHDweBxW//g7HmTnopp9ZXTxa4yxgwLLKVJ6VU2ZMgVBQUGoUaMG7t+/jw0bNiA6Ohp79uyBtbU1hgwZgrFjx8LW1hZKpRKjRo2Ct7c3Xn/90WDWgIAAeHh4oH///pg/fz5SUlIwdepUhIWFiV0Tw4YNw/LlyzFx4kQMHjwYBw4cwKZNm7Bz5069YpUJj88RKyfLly/HggULkJKSgiZNmmDp0qVo2bLlc/dTq9WwtraGomkYZMba+2yIXmX3jnxe3iEQlRq1Wg3HqjbIyMgotWpv0WdFrVGbYaSweOHjFOZk4dqyXjrHOmTIEOzfvx/JycmwtrZGo0aNMGnSJHTo0AHAo5sOjRs3Dj/88ANycnIQGBiIlStXanST//PPPxg+fDiio6NhYWGBkJAQfPrppzAx+f93+ejoaIwZMwYXL15E9erVMW3aNAwcOFCva3spkoEXxWSApIDJAFVkZZoMfLAZxiVIBgpysnBtqe7JwKuk3G86REREROWr3McMEBERlQX+UJF2TAaIiEgSSjojoALnAuwmICIikjpWBoiISBKMjGQwesoN1HQllGDflx2TASIikgR2E2jHbgIiIiKJY2WAiIgkgbMJtGMyQEREksBuAu2YDBARkSSwMqAdxwwQERFJHCsDREQkCawMaMdkgIiIJIFjBrRjNwEREZHEsTJARESSIEMJuwlQcUsDTAaIiEgS2E2gHbsJiIiIJI6VASIikgTOJtCOyQAREUkCuwm0YzcBERGRxLEyQEREksBuAu2YDBARkSSwm0A7JgNERCQJrAxoxzEDREREEsfKABERSUMJuwkq8A0ImQwQEZE0sJtAO3YTEBERSRwrA0REJAmcTaAdkwEiIpIEdhNox24CIiIiiWNlgIiIJIHdBNoxGSAiIklgN4F27CYgIiKSOFYGiIhIElgZ0I7JABERSQLHDGjHZICIiCSBlQHtOGaAiIioFMybNw/NmzeHlZUV7O3t0a1bN8TFxWm08fX1FZOUomXYsGEabRITExEcHAxzc3PY29tjwoQJyM/P12gTHR2Npk2bQqFQwM3NDREREXrFymSAiIgkoaiboCSLPg4ePIiwsDAcO3YMUVFRyMvLQ0BAALKysjTaDR06FMnJyeIyf/58cVtBQQGCg4ORm5uLo0ePYv369YiIiMD06dPFNgkJCQgODoafnx9iY2MxevRohIaGYs+ePTrHym4CIiKShLLuJti9e7fG44iICNjb2+PkyZPw8fER15ubm0OlUj31GHv37sXFixexb98+ODg4oEmTJpg9ezYmTZqE8PBwyOVyrF69Gq6urli4cCEAwN3dHUeOHMHixYsRGBioU6ysDBAREelBrVZrLDk5OTrtl5GRAQCwtbXVWB8ZGQk7Ozs0bNgQU6ZMwYMHD8RtMTEx8PT0hIODg7guMDAQarUaFy5cENv4+/trHDMwMBAxMTE6XxMrA0REJAkylHA2wX//d3Z21lg/Y8YMhIeHP3PfwsJCjB49Gq1bt0bDhg3F9X379oWLiwucnJxw9uxZTJo0CXFxcfjll18AACkpKRqJAADxcUpKyjPbqNVqPHz4EGZmZs+9NiYDREQkCUYyGYxKkA0U7ZuUlASlUimuVygUz903LCwM58+fx5EjRzTWv/fee+KfPT094ejoiPbt2+Pq1auoXbv2C8eqL3YTEBER6UGpVGosz0sGRo4ciR07duD3339H9erVn9m2ZcuWAID4+HgAgEqlQmpqqkabosdF4wy0tVEqlTpVBQAmA0REJBFlPZtAEASMHDkSW7ZswYEDB+Dq6vrcfWJjYwEAjo6OAABvb2+cO3cOt2/fFttERUVBqVTCw8NDbLN//36N40RFRcHb21vnWJkMEBGRJDw5n/9FFn2EhYXh+++/x4YNG2BlZYWUlBSkpKTg4cOHAICrV69i9uzZOHnyJK5fv45t27ZhwIAB8PHxQaNGjQAAAQEB8PDwQP/+/XHmzBns2bMHU6dORVhYmFiRGDZsGK5du4aJEyfi8uXLWLlyJTZt2oQxY8boHCuTASIikgQjWckXfaxatQoZGRnw9fWFo6OjuGzcuBEAIJfLsW/fPgQEBKB+/foYN24cevbsie3bt4vHMDY2xo4dO2BsbAxvb2+8++67GDBgAGbNmiW2cXV1xc6dOxEVFYXGjRtj4cKFWLNmjc7TCgEOICQiIioVgiA8c7uzszMOHjz43OO4uLjgt99+e2YbX19fnD59Wq/4HsdkgIiIpEFWwt8XqLg/TcBkgIiIpIG/WqgdxwwQERFJHCsDREQkCbL//ivJ/hUVkwEiIpKEF5kR8OT+FRW7CYiIiCSOlQEiIpKEsv4J41eJTsnAtm3bdD7gm2+++cLBEBERlRbOJtBOp2SgW7duOh1MJpOhoKCgJPEQERFRGdMpGSgsLCztOIiIiEqVoX7CuCIq0ZiB7OxsmJqaGioWIiKiUsNuAu30nk1QUFCA2bNno1q1arC0tMS1a9cAANOmTcPatWsNHiAREZEhlPWvFr5K9E4GPvnkE0RERGD+/PmQy+Xi+oYNG2LNmjUGDY6IiIhKn97JwLfffouvvvoK/fr1g7Gxsbi+cePGuHz5skGDIyIiMpSiboKSLBWV3mMGbt68CTc3t2LrCwsLkZeXZ5CgiIiIDI0DCLXTuzLg4eGBw4cPF1u/efNmvPbaawYJioiIiMqO3pWB6dOnIyQkBDdv3kRhYSF++eUXxMXF4dtvv8WOHTtKI0YiIqISk/23lGT/ikrvykDXrl2xfft27Nu3DxYWFpg+fTouXbqE7du3o0OHDqURIxERUYlxNoF2L3SfgbZt2yIqKsrQsRAREVE5eOGbDp04cQKXLl0C8GgcgZeXl8GCIiIiMjT+hLF2eicDN27cQJ8+ffDHH3/AxsYGAJCeno5WrVrhxx9/RPXq1Q0dIxERUYnxVwu103vMQGhoKPLy8nDp0iWkpaUhLS0Nly5dQmFhIUJDQ0sjRiIiIipFelcGDh48iKNHj6JevXriunr16mHZsmVo27atQYMjIiIypAr85b5E9E4GnJ2dn3pzoYKCAjg5ORkkKCIiIkNjN4F2encTLFiwAKNGjcKJEyfEdSdOnMCHH36Izz//3KDBERERGUrRAMKSLBWVTpWBypUra2REWVlZaNmyJUxMHu2en58PExMTDB48GN26dSuVQImIiKh06JQMfPHFF6UcBhERUeliN4F2OiUDISEhpR0HERFRqeLtiLV74ZsOAUB2djZyc3M11imVyhIFRERERGVL72QgKysLkyZNwqZNm3Dv3r1i2wsKCgwSGBERkSHxJ4y103s2wcSJE3HgwAGsWrUKCoUCa9aswcyZM+Hk5IRvv/22NGIkIiIqMZms5EtFpXdlYPv27fj222/h6+uLQYMGoW3btnBzc4OLiwsiIyPRr1+/0oiTiIiISonelYG0tDTUqlULwKPxAWlpaQCANm3a4NChQ4aNjoiIyED4E8ba6Z0M1KpVCwkJCQCA+vXrY9OmTQAeVQyKfriIiIjoZcNuAu30TgYGDRqEM2fOAAAmT56MFStWwNTUFGPGjMGECRMMHiARERGVLr3HDIwZM0b8s7+/Py5fvoyTJ0/Czc0NjRo1MmhwREREhsLZBNrpXRl4kouLC3r06MFEgIiIXmpl3U0wb948NG/eHFZWVrC3t0e3bt0QFxen0SY7OxthYWGoUqUKLC0t0bNnT6Smpmq0SUxMRHBwMMzNzWFvb48JEyYgPz9fo010dDSaNm0KhUIBNzc3RERE6BWrTpWBpUuX6nzADz74QK8AiIiIykJZ34744MGDCAsLQ/PmzZGfn4+PPvoIAQEBuHjxIiwsLAA8qrbv3LkTP/30E6ytrTFy5Ej06NEDf/zxB4BH9+4JDg6GSqXC0aNHkZycjAEDBqBSpUqYO3cuACAhIQHBwcEYNmwYIiMjsX//foSGhsLR0RGBgYG6XZsgCMLzGrm6uup2MJkM165d06mtIajValhbW0PRNAwyY0WZnZeoLN07wl8DpYpLrVbDsaoNMjIySu0OtkWfFaHf/wW5ueULHyf3QSbWvNvihWO9c+cO7O3tcfDgQfj4+CAjIwNVq1bFhg0b0KtXLwDA5cuX4e7ujpiYGLz++uvYtWsXOnfujFu3bsHBwQEAsHr1akyaNAl37tyBXC7HpEmTsHPnTpw/f148V+/evZGeno7du3frFJtOlYGi2QMvq8SoubwNMlVYlZuPLO8QiEqNUJD7/EYGYoSS9Y0X7atWqzXWKxQKKBTP/0KakZEBALC1tQUAnDx5Enl5efD39xfb1K9fHzVq1BCTgZiYGHh6eoqJAAAEBgZi+PDhuHDhAl577TXExMRoHKOozejRo/W+NiIiogrNUPcZcHZ2hrW1tbjMmzfvuecuLCzE6NGj0bp1azRs2BAAkJKSArlcXmxavoODA1JSUsQ2jycCRduLtj2rjVqtxsOHD3V6bkr0Q0VERERSk5SUpFGN1qUqEBYWhvPnz+PIkSOlGdoLYzJARESSIJMBRiWYHVg0flCpVOrVNT1y5Ejs2LEDhw4dQvXq1cX1KpUKubm5SE9P16gOpKamQqVSiW3++usvjeMVzTZ4vM2TMxBSU1OhVCphZmamU4zsJiAiIkkwkpV80YcgCBg5ciS2bNmCAwcOFBuM7+XlhUqVKmH//v3iuri4OCQmJsLb2xsA4O3tjXPnzuH27dtim6ioKCiVSnh4eIhtHj9GUZuiY+iClQEiIqJSEBYWhg0bNuDXX3+FlZWV2MdvbW0NMzMzWFtbY8iQIRg7dixsbW2hVCoxatQoeHt74/XXXwcABAQEwMPDA/3798f8+fORkpKCqVOnIiwsTOyeGDZsGJYvX46JEydi8ODBOHDgADZt2oSdO3fqHOsLVQYOHz6Md999F97e3rh58yYA4Lvvvntp+0KIiIjK+oeKVq1ahYyMDPj6+sLR0VFcNm7cKLZZvHgxOnfujJ49e8LHxwcqlQq//PKLuN3Y2Bg7duyAsbExvL298e6772LAgAGYNWuW2MbV1RU7d+5EVFQUGjdujIULF2LNmjU632MAeIHKwM8//4z+/fujX79+OH36NHJycgA8mjIxd+5c/Pbbb/oekoiIqNS9SKn/yf31ocNtfGBqaooVK1ZgxYoVWtu4uLg897PV19cXp0+f1i/Ax+hdGZgzZw5Wr16Nr7/+GpUqVRLXt27dGqdOnXrhQIiIiKh86F0ZiIuLg4+PT7H11tbWSE9PN0RMREREBlfSnyGuwL9TpH9lQKVSIT4+vtj6I0eOoFatWgYJioiIyNCKfrWwJEtFpXcyMHToUHz44Yf4888/IZPJcOvWLURGRmL8+PEYPnx4acRIRERUYkYGWCoqvbsJJk+ejMLCQrRv3x4PHjyAj48PFAoFxo8fj1GjRpVGjERERFSK9E4GZDIZPv74Y0yYMAHx8fHIzMyEh4cHLC1f/JegiIiIShvHDGj3wjcdksvl4t2PiIiIXnZGKFm/vxEqbjagdzLg5+f3zBsvHDhwoEQBERERUdnSOxlo0qSJxuO8vDzExsbi/PnzCAkJMVRcREREBsVuAu30TgYWL1781PXh4eHIzMwscUBERESloazvQPgqMdhMiXfffRfffPONoQ5HREREZcRgv1oYExMDU1NTQx2OiIjIoGQylGgAIbsJHtOjRw+Nx4IgIDk5GSdOnMC0adMMFhgREZEhccyAdnonA9bW1hqPjYyMUK9ePcyaNQsBAQEGC4yIiIjKhl7JQEFBAQYNGgRPT09Urly5tGIiIiIyOA4g1E6vAYTGxsYICAjgrxMSEdErR2aA/yoqvWcTNGzYENeuXSuNWIiIiEpNUWWgJEtFpXcyMGfOHIwfPx47duxAcnIy1Gq1xkJERESvFp3HDMyaNQvjxo1Dp06dAABvvvmmxm2JBUGATCZDQUGB4aMkIiIqIY4Z0E7nZGDmzJkYNmwYfv/999KMh4iIqFTIZLJn/raOLvtXVDonA4IgAADatWtXasEQERFR2dNramFFzoqIiKhiYzeBdnolA3Xr1n1uQpCWllaigIiIiEoD70ConV7JwMyZM4vdgZCIiIhebXolA71794a9vX1pxUJERFRqjGSyEv1QUUn2fdnpnAxwvAAREb3KOGZAO51vOlQ0m4CIiIgqFp0rA4WFhaUZBxERUekq4QDCCvzTBPr/hDEREdGryAgyGJXgE70k+77smAwQEZEkcGqhdnr/UBERERFVLKwMEBGRJHA2gXZMBoiISBJ4nwHt2E1AREQkcawMEBGRJHAAoXasDBARkSQYQSZ2FbzQoufUwkOHDqFLly5wcnKCTCbD1q1bNbYPHDgQMplMY+nYsaNGm7S0NPTr1w9KpRI2NjYYMmQIMjMzNdqcPXsWbdu2hampKZydnTF//vwXeG6IiIjI4LKystC4cWOsWLFCa5uOHTsiOTlZXH744QeN7f369cOFCxcQFRWFHTt24NChQ3jvvffE7Wq1GgEBAXBxccHJkyexYMEChIeH46uvvtIrVnYTEBGRJJR1N0FQUBCCgoKe2UahUEClUj1126VLl7B7924cP34czZo1AwAsW7YMnTp1wueffw4nJydERkYiNzcX33zzDeRyORo0aIDY2FgsWrRII2l4HlYGiIhIEowMsBhadHQ07O3tUa9ePQwfPhz37t0Tt8XExMDGxkZMBADA398fRkZG+PPPP8U2Pj4+kMvlYpvAwEDExcXh33//1TkOVgaIiIj0oFarNR4rFAooFAq9j9OxY0f06NEDrq6uuHr1Kj766CMEBQUhJiYGxsbGSElJgb29vcY+JiYmsLW1RUpKCgAgJSUFrq6uGm0cHBzEbZUrV9YpFiYDREQkCUWD9EqyPwA4OztrrJ8xYwbCw8P1Pl7v3r3FP3t6eqJRo0aoXbs2oqOj0b59+xeO80UwGSAiIkmQoWQ/PFi0b1JSEpRKpbj+RaoCT1OrVi3Y2dkhPj4e7du3h0qlwu3btzXa5OfnIy0tTRxnoFKpkJqaqtGm6LG2sQhPwzEDREQkCSWaVvjY3QuVSqXGYqhk4MaNG7h37x4cHR0BAN7e3khPT8fJkyfFNgcOHEBhYSFatmwptjl06BDy8vLENlFRUahXr57OXQQAkwEiIqJSkZmZidjYWMTGxgIAEhISEBsbi8TERGRmZmLChAk4duwYrl+/jv3796Nr165wc3NDYGAgAMDd3R0dO3bE0KFD8ddff+GPP/7AyJEj0bt3bzg5OQEA+vbtC7lcjiFDhuDChQvYuHEjlixZgrFjx+oVK7sJiIhIMsryJoInTpyAn5+f+LjoAzokJASrVq3C2bNnsX79eqSnp8PJyQkBAQGYPXu2RqUhMjISI0eORPv27WFkZISePXti6dKl4nZra2vs3bsXYWFh8PLygp2dHaZPn67XtEKAyQAREUlEWd9nwNfXF4IgaN2+Z8+e5x7D1tYWGzZseGabRo0a4fDhw/oF9wR2ExAREUkcKwNERCQJhppaWBExGSAiIkko6V0EK3IpvSJfGxEREemAlQEiIpIEdhNox2SAiIgkwVB3IKyI2E1AREQkcawMEBGRJLCbQDsmA0REJAmcTaAdkwEiIpIEVga0q8iJDhEREemAlQEiIpIEzibQjskAERFJQln/UNGrhN0EREREEsfKABERSYIRZDAqQbG/JPu+7JgMEBGRJLCbQDt2ExAREUkcKwNERCQJsv/+K8n+FRWTASIikgR2E2jHbgIiIiKJY2WAiIgkQVbC2QTsJiAiInrFsZtAOyYDREQkCUwGtOOYASIiIoljZYCIiCSBUwu1YzJARESSYCR7tJRk/4qK3QREREQSx8oAERFJArsJtGMyQEREksDZBNqxm4CIiEjiWBkgIiJJkKFkpf4KXBhgMkBERNLA2QTasZuAiIhI4lgZoGLWbj6Mb34+jKTkNABA/VoqTBgShA6tG4ht/jp7DXNW7cDJ89dhbGyEhnWr4eelYTAzlZdX2EQAgME922Bwz7ZwdrQFAFy+loIFa3dh39GLAICa1eww+8PueL1JLcgrmWB/zCVM+vwn3Em7Lx6jdg17zPqgG1o2roVKJsa4GH8Ln6zegSMnrxQ7X2VrCxyOnIxqDpXh4jcB6syHZXOhpDfOJtCuXCsDhw4dQpcuXeDk5ASZTIatW7eWZzj0Hyd7G8wY2RW/fzsRB9ZPQNtmddFv/Fe4dDUZwKNEoNcHK+HXsj72RUzA/ogJGPpWOxhV5BoavTJu3U7HzOW/wm/AfLwRsgCHT/yNyM/fQ/1aKpibyvHL8jAIENB1+DIEhS6GvJIxflj0PmSPDRX/cdEwmBgboevwpfAbMB/nr9zEj4uHwb6KVbHzLZvaFxfjb5XlJdILKppNUJKloirXZCArKwuNGzfGihUryjMMekKQjycCWjdA7Rr2cHNxwLQRb8LCXIET5xMAAB8v/gXvv+OLMQMD4F7bEXVqOqB7h6ZQyCuVc+REwO7D5xF19CKuJd3B1cTbmLNqO7Ie5KBZQ1e0bFwLNRyrIGzm97h49RYuXr2FEeHf4TX3GvBpXhcAYGttATcXe3yxPgoX4m/hWtIdzFz+KyzMFHCv7aRxrsE928DayhzLvt9fHpdKepIZYKmoyjUZCAoKwpw5c9C9e/fyDIOeoaCgED/vPYEHD3PR3NMVd9Lu48T566hqa4mAwQtRN3AKgt/7AjGxV8s7VKJijIxk6NHBC+Zmchw/lwCF3ASCICAnN19sk52bj8JCAa83rg0ASMvIwt/XU/BOcAuYm8phbGyEgT3a4PY9NWIvJYr71XNVYUJoEIbP+BaFhUKZXxu9/J5X/RYEAdOnT4ejoyPMzMzg7++PK1c0u6LS0tLQr18/KJVK2NjYYMiQIcjMzNRoc/bsWbRt2xampqZwdnbG/Pnz9Y71lRpAmJOTA7VarbFQ6bgQfxPVfcbCofVojJ23Ed8tGIr6tRxx/eZdAMCnX/+GkG6tsHnpCDSu74xuI5bhauLtco6a6BGP2k5IOrgQqX98gUVT3kH/CV8jLiEFx89dx4PsXISP6gozRSWYm8ox+8PuMDExhspOKe7fPWw5GtV1RtLBz5FyZDFG9H0DvT5YiYz7j8YDyCuZYM2cgZixdCtupP5bXpdJejKCDEayEix61gaeV/2eP38+li5ditWrV+PPP/+EhYUFAgMDkZ2dLbbp168fLly4gKioKOzYsQOHDh3Ce++9J25Xq9UICAiAi4sLTp48iQULFiA8PBxfffWVXrG+UgMI582bh5kzZ5Z3GJJQx8UBhyKnQJ35EL/uP40R4d9hx5cfit+ABnZvg35vegMAGtVzxsHjcfh+WwxmjOxanmETAQCu/JMKn37zoLQ0Q9f2r2FleH90fn8J4hJSMHDyWiyc/A7ef6cdCgsF/Lz3JGIvJWp8u18w8W3c/fc+Og39Ag9zcjGgWyv8sOh9tA9ZgNR7akwPexN/X0/Fpl3Hy/EqSV8lLfXru29QUBCCgoKeuk0QBHzxxReYOnUqunZ99L757bffwsHBAVu3bkXv3r1x6dIl7N69G8ePH0ezZs0AAMuWLUOnTp3w+eefw8nJCZGRkcjNzcU333wDuVyOBg0aIDY2FosWLdJIGp7nlaoMTJkyBRkZGeKSlJRU3iFVWPJKJqjlXBVN3GtgxsiuaFinGlb/GC1+e6rnqtJoX6+mCjdS+A2JXg55+QVIuHEXZy4nYdaKbTh/5SaG9fYFAPz+52U07T4TdQKmoHaHyRg241s42tuIVS+f5nUR2KYhhny8Dn+evYazcTcw/rNNyM7JQ5/OLcU2Xdu/hjsxS3AnZgl+XTkKAHA16lNMfq9TuVwzlZ0nK9Q5OTl6HyMhIQEpKSnw9/cX11lbW6Nly5aIiYkBAMTExMDGxkZMBADA398fRkZG+PPPP8U2Pj4+kMv/P5MrMDAQcXFx+Pdf3d+TX6nKgEKhgEKhKO8wJKlQEJCbm48aTlXgWNUa8f9odgnEJ96GfyuPcoqO6NmMZDLI5Zpvd2kZWQCAts3qomplS+w6fA4AYP7f9NjCwkKN9oWCAKP/hpMPmLgGZqb/HzD7mocLVkx/F53e+wIJN+6U2nVQCRmoNODs7KyxesaMGQgPD9frUCkpKQAABwcHjfUODg7itpSUFNjb22tsNzExga2trUYbV1fXYsco2la5cmWd4nmlkgEqGzOX/wr/Vg3grKqM+w+ysXn3CRw5eQU/LxsBmUyGUe/6Y95XO9GwbjV41q2OH3b8iSv/pGL9Z0PKO3QiTA97E/uOXkBSyr+wMjdFr47N0MarDnqOWgkA6NvldfydkIK7/2aiRSNXzBvbCyt/+F1McP86m4D0+w+wMnwAFqzZhYc5eQjp1gouTlWw948LACBWEYrYWlsCAOISUnifgZeYoe4zkJSUBKXy/2NMKsKX1HJNBjIzMxEfHy8+TkhIQGxsLGxtbVGjRo1yjEza7v6bieHh3yL1rhpKS1M0cKuGn5eNgF9LdwDA8L5+yM7Nw0eLfka6+gEa1KmGX5aPhGv1quUcORFgV9kSq8IHwMFOCXVmNi7E30TPUSsR/ddlAEAdF3tMD3sTlZXmSLyVhoXr9mDlhgPi/mkZWej1wUpMHd4Fv678ACYmRrh8LQX9xn+F81dultdl0UtEqVRqJAMvQqV61NWampoKR0dHcX1qaiqaNGkitrl9W7MKm5+fj7S0NHF/lUqF1NRUjTZFj4va6EImCEK5zYmJjo6Gn59fsfUhISGIiIh47v5qtRrW1tZIvZdR4r8YopdV5eYjyzsEolIjFOQi59zXyMgovffxos+K/bGJsLR68XNk3lejfZMaLxSrTCbDli1b0K1bNwCPBhA6OTlh/PjxGDdunBinvb09IiIixAGEHh4eOHHiBLy8vAAAe/fuRceOHXHjxg04OTlh1apV+Pjjj5GamopKlR51XX300Uf45ZdfcPnyZZ3jK9fKgK+vL8oxFyEiIgkp69kEz6t+jx49GnPmzEGdOnXg6uqKadOmwcnJSUwY3N3d0bFjRwwdOhSrV69GXl4eRo4cid69e8PJ6dENsPr27YuZM2diyJAhmDRpEs6fP48lS5Zg8eLFesXKMQNERESl4MSJExrV77FjxwL4f/V74sSJyMrKwnvvvYf09HS0adMGu3fvhqmpqbhPZGQkRo4cifbt28PIyAg9e/bE0qVLxe3W1tbYu3cvwsLC4OXlBTs7O0yfPl2vaYVAOXcTlBS7CUgK2E1AFVlZdhMcOFPyboI3Gr9YN8HLjpUBIiKSBP5qoXZMBoiISBJK+suD/NVCIiIiqrBYGSAiIkko69kErxImA0REJA3MBrRiNwEREZHEsTJARESSwNkE2jEZICIiSeBsAu3YTUBERCRxrAwQEZEkcPygdkwGiIhIGpgNaMVuAiIiIoljZYCIiCSBswm0YzJARESSwNkE2jEZICIiSeCQAe04ZoCIiEjiWBkgIiJpYGlAKyYDREQkCRxAqB27CYiIiCSOlQEiIpIEzibQjskAERFJAocMaMduAiIiIoljZYCIiKSBpQGtmAwQEZEkcDaBduwmICIikjhWBoiISBI4m0A7JgNERCQJHDKgHZMBIiKSBmYDWnHMABERkcSxMkBERJLA2QTaMRkgIiJpKOEAwgqcC7CbgIiISOpYGSAiIkng+EHtmAwQEZE0MBvQit0EREREEsfKABERSQJnE2jHygAREUlC0e2IS7LoIzw8HDKZTGOpX7++uD07OxthYWGoUqUKLC0t0bNnT6SmpmocIzExEcHBwTA3N4e9vT0mTJiA/Px8QzwdGlgZICIiKiUNGjTAvn37xMcmJv//2B0zZgx27tyJn376CdbW1hg5ciR69OiBP/74AwBQUFCA4OBgqFQqHD16FMnJyRgwYAAqVaqEuXPnGjROJgNERCQJ5TF+0MTEBCqVqtj6jIwMrF27Fhs2bMAbb7wBAFi3bh3c3d1x7NgxvP7669i7dy8uXryIffv2wcHBAU2aNMHs2bMxadIkhIeHQy6Xl+BqNLGbgIiIpEFmgAWAWq3WWHJycrSe8sqVK3ByckKtWrXQr18/JCYmAgBOnjyJvLw8+Pv7i23r16+PGjVqICYmBgAQExMDT09PODg4iG0CAwOhVqtx4cIFAzwh/8dkgIiIJEFmgP8AwNnZGdbW1uIyb968p56vZcuWiIiIwO7du7Fq1SokJCSgbdu2uH//PlJSUiCXy2FjY6Oxj4ODA1JSUgAAKSkpGolA0faibYbEbgIiIiI9JCUlQalUio8VCsVT2wUFBYl/btSoEVq2bAkXFxds2rQJZmZmpR6nPlgZICIiSZChhLMJ/juOUqnUWLQlA0+ysbFB3bp1ER8fD5VKhdzcXKSnp2u0SU1NFccYqFSqYrMLih4/bRxCSTAZICIiSTDQkIEXlpmZiatXr8LR0RFeXl6oVKkS9u/fL26Pi4tDYmIivL29AQDe3t44d+4cbt++LbaJioqCUqmEh4dHCaPRxG4CIiKiUjB+/Hh06dIFLi4uuHXrFmbMmAFjY2P06dMH1tbWGDJkCMaOHQtbW1solUqMGjUK3t7eeP311wEAAQEB8PDwQP/+/TF//nykpKRg6tSpCAsL07kaoSsmA0REJAkvcuOgJ/fXx40bN9CnTx/cu3cPVatWRZs2bXDs2DFUrVoVALB48WIYGRmhZ8+eyMnJQWBgIFauXCnub2xsjB07dmD48OHw9vaGhYUFQkJCMGvWrBe/CC1kgiAIBj9qGVGr1bC2tkbqvQyNwRxEFUnl5iPLOwSiUiMU5CLn3NfIyCi99/Giz4qL1+/AqgTnuK9Ww6Nm1VKNtbxwzAAREZHEsZuAiIgkoay7CV4lTAaIiEgSyuN2xK8KdhMQERFJHCsDREQkCewm0I7JABERScLjvy/wovtXVEwGiIhIGjhoQCuOGSAiIpI4VgaIiEgSWBjQjskAERFJAgcQasduAiIiIoljZYCIiCSBswm0YzJARETSwEEDWrGbgIiISOJYGSAiIklgYUA7JgNERCQJnE2gHbsJiIiIJI6VASIikoiSzSaoyB0FTAaIiEgS2E2gHbsJiIiIJI7JABERkcSxm4CIiCSB3QTaMRkgIiJJ4O2ItWM3ARERkcSxMkBERJLAbgLtmAwQEZEk8HbE2rGbgIiISOJYGSAiImlgaUArJgNERCQJnE2gHbsJiIiIJI6VASIikgTOJtCOyQAREUkChwxox2SAiIikgdmAVhwzQEREJHGsDBARkSRwNoF2TAaIiEgSOIBQu1c6GRAEAQBwX60u50iISo9QkFveIRCVmqLXd9H7eWlSl/CzoqT7v8xe6WTg/v37AAA3V+dyjoSIiEri/v37sLa2LpVjy+VyqFQq1DHAZ4VKpYJcLjdAVC8XmVAW6VgpKSwsxK1bt2BlZQVZRa7fvETUajWcnZ2RlJQEpVJZ3uEQGRRf32VPEATcv38fTk5OMDIqvTHt2dnZyM0teZVNLpfD1NTUABG9XF7pyoCRkRGqV69e3mFIklKp5JslVVh8fZet0qoIPM7U1LRCfogbCqcWEhERSRyTASIiIoljMkB6USgUmDFjBhQKRXmHQmRwfH2TVL3SAwiJiIio5FgZICIikjgmA0RERBLHZICIiEjimAwQERFJHJMB0tmKFStQs2ZNmJqaomXLlvjrr7/KOyQigzh06BC6dOkCJycnyGQybN26tbxDIipTTAZIJxs3bsTYsWMxY8YMnDp1Co0bN0ZgYCBu375d3qERlVhWVhYaN26MFStWlHcoROWCUwtJJy1btkTz5s2xfPlyAI9+F8LZ2RmjRo3C5MmTyzk6IsORyWTYsmULunXrVt6hEJUZVgbouXJzc3Hy5En4+/uL64yMjODv74+YmJhyjIyIiAyByQA91927d1FQUAAHBweN9Q4ODkhJSSmnqIiIyFCYDBAREUkckwF6Ljs7OxgbGyM1NVVjfWpqKlQqVTlFRUREhsJkgJ5LLpfDy8sL+/fvF9cVFhZi//798Pb2LsfIiIjIEEzKOwB6NYwdOxYhISFo1qwZWrRogS+++AJZWVkYNGhQeYdGVGKZmZmIj48XHyckJCA2Nha2traoUaNGOUZGVDY4tZB0tnz5cixYsAApKSlo0qQJli5dipYtW5Z3WEQlFh0dDT8/v2LrQ0JCEBERUfYBEZUxJgNEREQSxzEDREREEsdkgIiISOKYDBAREUkckwEiIiKJYzJAREQkcUwGiIiIJI7JABERkcQxGSAqoYEDB6Jbt27iY19fX4wePbrM44iOjoZMJkN6errWNjKZDFu3btX5mOHh4WjSpEmJ4rp+/TpkMhliY2NLdBwiKj1MBqhCGjhwIGQyGWQyGeRyOdzc3DBr1izk5+eX+rl/+eUXzJ49W6e2unyAExGVNv42AVVYHTt2xLp165CTk4PffvsNYWFhqFSpEqZMmVKsbW5uLuRyuUHOa2tra5DjEBGVFVYGqMJSKBRQqVRwcXHB8OHD4e/vj23btgH4f2n/k08+gZOTE+rVqwcASEpKwttvvw0bGxvY2tqia9euuH79unjMgoICjB07FjY2NqhSpQomTpyIJ+/o/WQ3QU5ODiZNmgRnZ2coFAq4ublh7dq1uH79ung//MqVK0Mmk2HgwIEAHv0q5Lx58+Dq6gozMzM0btwYmzdv1jjPb7/9hrp168LMzAx+fn4acepq0qRJqFu3LszNzVGrVi1MmzYNeXl5xdp9+eWXcHZ2hrm5Od5++21kZGRobF+zZg3c3d1hamqK+vXrY+XKlXrHQkTlh8kASYaZmRlyc3PFx/v370dcXByioqKwY8cO5OXlITAwEFZWVjh8+DD++OMPWFpaomPHjuJ+CxcuREREBL755hscOXIEaWlp2LJlyzPPO2DAAPzwww9YunQpLl26hC+//BKWlpZwdnbGzz//DACIi4tDcnIylixZAgCYN28evv32W6xevRoXLlzAmDFj8O677+LgwYMAHiUtPXr0QJcuXRAbG4vQ0FBMnjxZ7+fEysoKERERuHjxIpYsWYKvv/4aixcv1mgTHx+PTZs2Yfv27di9ezdOnz6NESNGiNsjIyMxffp0fPLJJ7h06RLmzp2LadOmYf369XrHQ0TlRCCqgEJCQoSuXbsKgiAIhYWFQlRUlKBQKITx48eL2x0cHIScnBxxn++++06oV6+eUFhYKK7LyckRzMzMhD179giCIAiOjo7C/Pnzxe15eXlC9erVxXMJgiC0a9dO+PDDDwVBEIS4uDgBgBAVFfXUOH///XcBgPDvv/+K67KzswVzc3Ph6NGjGm2HDBki9OnTRxAEQZgyZYrg4eGhsX3SpEnFjvUkAMKWLVu0bl+wYIHg5eUlPp4xY4ZgbGws3LhxQ1y3a9cuwcjISEhOThYEQRBq164tbNiwQeM4s2fPFry9vQVBEISEhAQBgHD69Gmt5yWi8sUxA1Rh7dixA5aWlsjLy0NhYSH69u2L8PBwcbunp6fGOIEzZ84gPj4eVlZWGsfJzs7G1atXkZGRgeTkZI2fbTYxMUGzZs2KdRUUiY2NhbGxMdq1a6dz3PHx8Xjw4AE6dOigsT43NxevvfYaAODSpUvFfj7a29tb53MU2bhxI5YuXYqrV68iMzMT+fn5UCqVGm1q1KiBatWqaZynsLAQcXFxsLKywtWrVzFkyBAMHTpUbJOfnw9ra2u94yGi8sFkgCosPz8/rFq1CnK5HE5OTjAx0Xy5W1hYaDzOzMyEl5cXIiMjix2ratWqLxSDmZmZ3vtkZmYCAHbu3KnxIQw8GgdhKDExMejXrx9mzpyJwMBAWFtb48cff8TChQv1jvXrr78ulpwYGxsbLFYiKl1MBqjCsrCwgJubm87tmzZtio0bN8Le3r7Yt+Mijo6O+PPPP+Hj4wPg0TfgkydPomnTpk9t7+npicLCQhw8eBD+/v7FthdVJgoKCsR1Hh4eUCgUSExM1FpRcHd3FwdDFjl27NjzL/IxR48ehYuLCz7++GNx3T///FOsXWJiIm7dugUnJyfxPEZGRqhXrx4cHBzg5OSEa9euoV+/fnqdn4heHhxASPSffv36wc7ODl27dsXhw4eRkJCA6OhofPDBB7hx4wYA4MMPP8Snn36KrVu34vLlyxgxYsQz7xFQs2ZNhISEYPDgwdi6dat4zE2bNgEAXFxcIJPJsGPHDty5cweZmZmwsrLC+PHjMWbMGKxfvx5Xr17FqVOnsGzZMnFQ3rBhw3DlyhVMmDABcXFx2LBhAyIiIvS63jp16iAxMRE//vgjrl69iqVLlz51MKSpqSlCQkJw5swZHD58GB988AHefvttqFQqAMDMmTMxb948LF26FH///TfOnTuHdevWYdGiRXrFQ0Tlh8kA0X/Mzc1x6NAh1KhRAz169IC7uzuGDBmC7OxssVIwbtw49O/fHyEhIfD29oaVlRW6d+/+zOOuWrUKvXr1wogRI1C/fn0MHToUWVlZAIBq1aph5syZmDx5MhwcHDBy5EgAwOzZszFt2jTMmzcP7u7u6NixI3bu3AlXV1cAj/rxf/75Z2zduhWNGzfG6tWrMXfuXL2u980338SYMWMwcuRINGnSBEePHsW0adOKtXNzc0OPHj3QqVMnBAQEoFGjRhpTB0NDQ7FmzRqsW7cOnp6eaNeuHSIiIsRYiejlJxO0jXwiIiIiSWBlgIiISOKYDBAREUkckwEiIiKJYzJAREQkcUwGiIiIJI7JABERkcQxGSAiIpI4JgNEREQSx2SAiIhI4pgMEBERSRyTASIiIoljMkBERCRx/wPpm4v97QEyggAAAABJRU5ErkJggg==\n"},"metadata":{}},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAArwAAAF2CAYAAACMIUsMAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAQQ1JREFUeJzt3XlcVGX///H3gMIgmzuIEbgl2m2QiGSWtlAUZWqLa7dIZlkuGd2VC4laidWdu5Vaqd9K8y6XtjtKadVMSyQ1l0otiRTUEpRcmev3hz/mdgIUEB08vZ6PxzxqrnOdcz7XOGfm7fE6Z2zGGCMAAADAojzcXQAAAABwLhF4AQAAYGkEXgAAAFgagRcAAACWRuAFAACApRF4AQAAYGkEXgAAAFgagRcAAACWRuAFAACApRF4AaASbDabxo4dW+H1fv75Z9lsNs2bN6/Ka7Ki8PBw9e/f391lALjAEXgBXLDmzZsnm80mm82mlStXllhujFFoaKhsNptuvfVWN1R49nJzc/Wvf/1LERERqlWrlnx9fRUdHa2nnnpKBw4ccHd5AHBBqOHuAgDgbNntdi1YsEBXXXWVS/vnn3+uX3/9Vd7e3m6q7Ox88803SkhI0KFDh3T33XcrOjpakvTtt99q4sSJ+uKLL/Txxx+7ucpza9u2bfLw4NwMgLND4AVwwUtISNBbb72ladOmqUaN/32sLViwQNHR0dq3b58bq6ucAwcOqHv37vL09NT69esVERHhsvzpp5/WnDlz3FTduWWM0ZEjR+Tj43PB/mUFQPXCX5sBXPB69+6t/fv3a/ny5c62Y8eO6e2331afPn1KXaewsFCPPPKIQkND5e3trZYtW+rf//63jDEu/Y4ePaqHH35YDRo0kL+/v2677Tb9+uuvpW4zJydH99xzj4KCguTt7a1LL71Ur776aqXGNGvWLOXk5GjSpEklwq4kBQUFKSUlxaXthRde0KWXXipvb2+FhIRo8ODBJaY9XHPNNfrHP/6hDRs2qHPnzqpVq5aaN2+ut99+W9LJs+KxsbHy8fFRy5YttWLFCpf1x44dK5vNpq1bt6pHjx4KCAhQvXr19NBDD+nIkSMufefOnavrrrtODRs2lLe3t1q3bq0XX3yxxFjCw8N166236qOPPlK7du3k4+OjWbNmOZedOof3+PHjGjdunFq0aCG73a569erpqquucvmzl6RPPvlEV199tXx9fVW7dm117dpVW7ZsKXUsP/30k/r376/atWsrMDBQSUlJ+vPPP0v5UwFwoSLwArjghYeHq0OHDlq4cKGz7cMPP1R+fr569epVor8xRrfddpsmT56sm266SZMmTVLLli316KOPKjk52aXvvffeqylTpujGG2/UxIkTVbNmTd1yyy0ltpmbm6srrrhCK1as0JAhQzR16lQ1b95cAwYM0JQpUyo8pnfffVc+Pj668847y9V/7NixGjx4sEJCQvT888/rjjvu0KxZs3TjjTfq+PHjLn3/+OMP3XrrrYqNjdWzzz4rb29v9erVS4sWLVKvXr2UkJCgiRMnqrCwUHfeeacOHjxYYn89evTQkSNHlJaWpoSEBE2bNk333XefS58XX3xRYWFhGjVqlJ5//nmFhobqwQcf1MyZM0tsb9u2berdu7duuOEGTZ06VVFRUWWOc9y4cbr22ms1Y8YMjR49WhdffLEyMzOdfVasWKH4+Hjl5eVp7NixSk5O1ldffaWOHTvq559/LnUsBw8eVFpamnr06KF58+Zp3Lhx5XjVAVwwDABcoObOnWskmW+++cbMmDHD+Pv7mz///NMYY8xdd91lrr32WmOMMWFhYeaWW25xrrds2TIjyTz11FMu27vzzjuNzWYzP/30kzHGmKysLCPJPPjggy79+vTpYySZ1NRUZ9uAAQNMo0aNzL59+1z69urVywQGBjrr2rlzp5Fk5s6de9qx1alTx0RGRpbrdcjLyzNeXl7mxhtvNEVFRc72GTNmGEnm1VdfdbZ17tzZSDILFixwtm3dutVIMh4eHubrr792tn/00Uclak1NTTWSzG233eZSw4MPPmgkme+++87ZVjzmU8XHx5umTZu6tIWFhRlJJj09vUT/sLAwk5iY6HweGRnp8mdZmqioKNOwYUOzf/9+Z9t3331nPDw8TL9+/UqM5Z577nFZv3v37qZevXqn3QeACwtneAFYQo8ePXT48GG9//77OnjwoN5///0ypzP897//laenp4YNG+bS/sgjj8gYow8//NDZT1KJfsOHD3d5bozR4sWL1aVLFxljtG/fPucjPj5e+fn5Lmcgy6OgoED+/v7l6rtixQodO3ZMw4cPd7nAa+DAgQoICNAHH3zg0t/Pz8/lzHfLli1Vu3ZttWrVSrGxsc724v/fsWNHiX0OHjzY5fnQoUMl/e81kyQfHx/n/+fn52vfvn3q3LmzduzYofz8fJf1mzRpovj4+DOOtXbt2vr+++/1448/lrp89+7dysrKUv/+/VW3bl1n+2WXXaYbbrjBpb5igwYNcnl+9dVXa//+/SooKDhjPQAuDAReAJbQoEEDxcXFacGCBVqyZImKiorKnA7wyy+/KCQkpESgbNWqlXN58X89PDzUrFkzl34tW7Z0eb53714dOHBAs2fPVoMGDVweSUlJkqS8vLwKjScgIKDUqQRljae0ury8vNS0aVPn8mIXXXSRbDabS1tgYKBCQ0NLtEknp0D8VYsWLVyeN2vWTB4eHi5TBlatWqW4uDjnPNoGDRpo1KhRklRq4C2P8ePH68CBA7rkkkvUpk0bPfroo9qwYYNzeVmvhXTyz3ffvn0qLCx0ab/44otdntepU0dS6eMGcGHiLg0ALKNPnz4aOHCg9uzZo5tvvlm1a9c+L/t1OBySpLvvvluJiYml9rnssssqtM2IiAhlZWXp2LFj8vLyOusaT+Xp6VmhdvOXC/lK89cAvX37dl1//fWKiIjQpEmTFBoaKi8vL/33v//V5MmTna9ZsVPPBp9Op06dtH37dr3zzjv6+OOP9fLLL2vy5Ml66aWXdO+995ZrG391NuMGcGHgDC8Ay+jevbs8PDz09ddflzmdQZLCwsL022+/lTiDunXrVufy4v86HA5t377dpd+2bdtcnhffwaGoqEhxcXGlPho2bFihsXTp0kWHDx/W4sWLz9i3uN6/1nXs2DHt3LnTubwq/XVKwU8//SSHw6Hw8HBJ0nvvvaejR4/q3Xff1f3336+EhATFxcWVO9ieTt26dZWUlKSFCxcqOztbl112mfNX78p6LaSTf77169eXr6/vWdcA4MJC4AVgGX5+fnrxxRc1duxYdenSpcx+CQkJKioq0owZM1zaJ0+eLJvNpptvvlmSnP+dNm2aS7+/3nXB09NTd9xxhxYvXqxNmzaV2N/evXsrPJZBgwapUaNGeuSRR/TDDz+UWJ6Xl6ennnpKkhQXFycvLy9NmzbN5azkK6+8ovz8/FLvKnG2/nqnhenTp0v632tWfNb01Hry8/M1d+7cs9rv/v37XZ77+fmpefPmOnr0qCSpUaNGioqK0vz5811uybZp0yZ9/PHHSkhIOKv9A7gwMaUBgKWUNaXgVF26dNG1116r0aNH6+eff1ZkZKQ+/vhjvfPOOxo+fLhzzm5UVJR69+6tF154Qfn5+bryyiuVkZGhn376qcQ2J06cqE8//VSxsbEaOHCgWrdurd9//12ZmZlasWKFfv/99wqNo06dOlq6dKkSEhIUFRXl8ktrmZmZWrhwoTp06CDp5BnmkSNHaty4cbrpppt02223adu2bXrhhRcUExOju+++u0L7Lo+dO3fqtttu00033aTVq1fr9ddfV58+fRQZGSlJuvHGG+Xl5aUuXbro/vvv16FDhzRnzhw1bNhQu3fvrvR+W7durWuuuUbR0dGqW7euvv32W7399tsaMmSIs89zzz2nm2++WR06dNCAAQN0+PBhTZ8+XYGBgc4zwQD+Ztx4hwgAOCun3pbsdP56WzJjjDl48KB5+OGHTUhIiKlZs6Zp0aKFee6554zD4XDpd/jwYTNs2DBTr1494+vra7p06WKys7NL3JbMGGNyc3PN4MGDTWhoqKlZs6YJDg42119/vZk9e7azT3lvS1bst99+Mw8//LC55JJLjN1uN7Vq1TLR0dHm6aefNvn5+S59Z8yYYSIiIkzNmjVNUFCQeeCBB8wff/zh0qdz587m0ksvLddrZIwxkszgwYOdz4tv5bV582Zz5513Gn9/f1OnTh0zZMgQc/jwYZd13333XXPZZZcZu91uwsPDzTPPPGNeffVVI8ns3LnzjPsuXnbqbcmeeuop0759e1O7dm3j4+NjIiIizNNPP22OHTvmst6KFStMx44djY+PjwkICDBdunQxmzdvdulTPJa9e/e6tBe/r06tEcCFzWYMs/IBAOVT/MMPe/fuVf369d1dDgCUC3N4AQAAYGkEXgAAAFgagRcAAACWxhxeAAAAWBpneAEAAGBpBF4AAABYGj88UQqHw6HffvtN/v7+JX4fHgAAAO5njNHBgwcVEhIiD4/Tn8Ml8Jbit99+U2hoqLvLAAAAwBlkZ2froosuOm0fAm8p/P39JZ18AQMCAtxcDQAAAP6qoKBAoaGhztx2OgTeUhRPYwgICCDwAgAAVGPlmX7KRWsAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNLcG3i+++EJdunRRSEiIbDabli1bdsZ1PvvsM7Vt21be3t5q3ry55s2bV6LPzJkzFR4eLrvdrtjYWK1du7bqiwcAAMAFwa2Bt7CwUJGRkZo5c2a5+u/cuVO33HKLrr32WmVlZWn48OG699579dFHHzn7LFq0SMnJyUpNTVVmZqYiIyMVHx+vvLy8czUMAAAAVGM2Y4xxdxGSZLPZtHTpUnXr1q3MPo8//rg++OADbdq0ydnWq1cvHThwQOnp6ZKk2NhYxcTEaMaMGZIkh8Oh0NBQDR06VCNGjChXLQUFBQoMDFR+fr4CAgIqPygAAACcExXJaxfUHN7Vq1crLi7OpS0+Pl6rV6+WJB07dkzr1q1z6ePh4aG4uDhnn9IcPXpUBQUFLg8AAABYwwUVePfs2aOgoCCXtqCgIBUUFOjw4cPat2+fioqKSu2zZ8+eMreblpamwMBA5yM0NPSc1A8AAIDz74IKvOfKyJEjlZ+f73xkZ2e7uyQAAABUkRruLqAigoODlZub69KWm5urgIAA+fj4yNPTU56enqX2CQ4OLnO73t7e8vb2Pic1AwAAwL0uqDO8HTp0UEZGhkvb8uXL1aFDB0mSl5eXoqOjXfo4HA5lZGQ4+wAAAODvxa2B99ChQ8rKylJWVpakk7cdy8rK0q5duySdnGrQr18/Z/9BgwZpx44deuyxx7R161a98MIL+s9//qOHH37Y2Sc5OVlz5szR/PnztWXLFj3wwAMqLCxUUlLSeR0bAAAAqge3Tmn49ttvde211zqfJycnS5ISExM1b9487d692xl+JalJkyb64IMP9PDDD2vq1Km66KKL9PLLLys+Pt7Zp2fPntq7d6/GjBmjPXv2KCoqSunp6SUuZAMAAMDfQ7W5D291wn14AQAAqjfL3ocXAAAAqCgCLwAAACztgrotmZXZbO6uAH93TG4CAFgVZ3gBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaTXcXQAAAKgiC2zurgB/d32MuysoFWd4AQAAYGkEXgAAAFgagRcAAACWRuAFAACApRF4AQAAYGkEXgAAAFgagRcAAACWRuAFAACApRF4AQAAYGkEXgAAAFgagRcAAACWRuAFAACApbk98M6cOVPh4eGy2+2KjY3V2rVry+x7/PhxjR8/Xs2aNZPdbldkZKTS09Nd+hQVFemJJ55QkyZN5OPjo2bNmunJJ5+UMeZcDwUAAADVkFsD76JFi5ScnKzU1FRlZmYqMjJS8fHxysvLK7V/SkqKZs2apenTp2vz5s0aNGiQunfvrvXr1zv7PPPMM3rxxRc1Y8YMbdmyRc8884yeffZZTZ8+/XwNCwAAANWIzbjx1GdsbKxiYmI0Y8YMSZLD4VBoaKiGDh2qESNGlOgfEhKi0aNHa/Dgwc62O+64Qz4+Pnr99dclSbfeequCgoL0yiuvlNnnTAoKChQYGKj8/HwFBASczRDLzWY7L7sBysQ/ggAWsIAvE7hZn/P3ZVKRvOa2M7zHjh3TunXrFBcX979iPDwUFxen1atXl7rO0aNHZbfbXdp8fHy0cuVK5/Mrr7xSGRkZ+uGHHyRJ3333nVauXKmbb765zFqOHj2qgoIClwcAAACsoYa7drxv3z4VFRUpKCjIpT0oKEhbt24tdZ34+HhNmjRJnTp1UrNmzZSRkaElS5aoqKjI2WfEiBEqKChQRESEPD09VVRUpKefflp9+/Yts5a0tDSNGzeuagYGAACAasXtF61VxNSpU9WiRQtFRETIy8tLQ4YMUVJSkjw8/jeM//znP3rjjTe0YMECZWZmav78+fr3v/+t+fPnl7ndkSNHKj8/3/nIzs4+H8MBAADAeeC2M7z169eXp6encnNzXdpzc3MVHBxc6joNGjTQsmXLdOTIEe3fv18hISEaMWKEmjZt6uzz6KOPasSIEerVq5ckqU2bNvrll1+UlpamxMTEUrfr7e0tb2/vKhoZAAAAqhO3neH18vJSdHS0MjIynG0Oh0MZGRnq0KHDade12+1q3LixTpw4ocWLF6tr167OZX/++afLGV9J8vT0lMPhqNoBAAAA4ILgtjO8kpScnKzExES1a9dO7du315QpU1RYWKikpCRJUr9+/dS4cWOlpaVJktasWaOcnBxFRUUpJydHY8eOlcPh0GOPPebcZpcuXfT000/r4osv1qWXXqr169dr0qRJuueee9wyRgAAALiXWwNvz549tXfvXo0ZM0Z79uxRVFSU0tPTnRey7dq1y+Vs7ZEjR5SSkqIdO3bIz89PCQkJeu2111S7dm1nn+nTp+uJJ57Qgw8+qLy8PIWEhOj+++/XmDFjzvfwAAAAUA249T681RX34cXfEZ8EgAVwH164G/fhBQAAAM4/Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsjcALAAAASyPwAgAAwNIIvAAAALA0Ai8AAAAsrcKBNzw8XOPHj9euXbvORT0AAABAlapw4B0+fLiWLFmipk2b6oYbbtCbb76po0ePnovaAAAAgLNWqcCblZWltWvXqlWrVho6dKgaNWqkIUOGKDMz81zUCAAAAFRapefwtm3bVtOmTdNvv/2m1NRUvfzyy4qJiVFUVJReffVVGWOqsk4AAACgUmpUdsXjx49r6dKlmjt3rpYvX64rrrhCAwYM0K+//qpRo0ZpxYoVWrBgQVXWCgAAAFRYhQNvZmam5s6dq4ULF8rDw0P9+vXT5MmTFRER4ezTvXt3xcTEVGmhAAAAQGVUOPDGxMTohhtu0Isvvqhu3bqpZs2aJfo0adJEvXr1qpICAQAAgLNR4cC7Y8cOhYWFnbaPr6+v5s6dW+miAAAAgKpS4YvW8vLytGbNmhLta9as0bffflslRQEAAABVpcKBd/DgwcrOzi7RnpOTo8GDB1dJUQAAAEBVqXDg3bx5s9q2bVui/fLLL9fmzZurpCgAAACgqlQ48Hp7eys3N7dE++7du1WjRsXvcjZz5kyFh4fLbrcrNjZWa9euLbPv8ePHNX78eDVr1kx2u12RkZFKT08v0S8nJ0d333236tWrJx8fH7Vp04bpFgAAAH9TFQ68N954o0aOHKn8/Hxn24EDBzRq1CjdcMMNFdrWokWLlJycrNTUVGVmZioyMlLx8fHKy8srtX9KSopmzZql6dOna/PmzRo0aJC6d++u9evXO/v88ccf6tixo2rWrKkPP/xQmzdv1vPPP686depUdKgAAACwAJup4E+i5eTkqFOnTtq/f78uv/xySVJWVpaCgoK0fPlyhYaGlntbsbGxiomJ0YwZMyRJDodDoaGhGjp0qEaMGFGif0hIiEaPHu0yV/iOO+6Qj4+PXn/9dUnSiBEjtGrVKn355ZcVGZaLgoICBQYGKj8/XwEBAZXeTkXYbOdlN0CZ+HFEwAIW8GUCN+tz/r5MKpLXKnyGt3HjxtqwYYOeffZZtW7dWtHR0Zo6dao2btxYobB77NgxrVu3TnFxcf8rxsNDcXFxWr16danrHD16VHa73aXNx8dHK1eudD5/99131a5dO911111q2LChLr/8cs2ZM+e0tRw9elQFBQUuDwAAAFhDpX5a2NfXV/fdd99Z7Xjfvn0qKipSUFCQS3tQUJC2bt1a6jrx8fGaNGmSOnXqpGbNmikjI0NLlixRUVGRs8+OHTv04osvKjk5WaNGjdI333yjYcOGycvLS4mJiaVuNy0tTePGjTur8QAAAKB6qlTglU7erWHXrl06duyYS/ttt9121kWVZerUqRo4cKAiIiJks9nUrFkzJSUl6dVXX3X2cTgcateunSZMmCDp5N0jNm3apJdeeqnMwDty5EglJyc7nxcUFFTobDUAAACqr0r90lr37t21ceNG2Ww2FU8Btv3/Sainnm09nfr168vT07PEHR9yc3MVHBxc6joNGjTQsmXLdOTIEe3fv18hISEaMWKEmjZt6uzTqFEjtW7d2mW9Vq1aafHixWXW4u3tLW9v73LVDQAAgAtLhefwPvTQQ2rSpIny8vJUq1Ytff/99/riiy/Url07ffbZZ+XejpeXl6Kjo5WRkeFsczgcysjIUIcOHU67rt1uV+PGjXXixAktXrxYXbt2dS7r2LGjtm3b5tL/hx9+OOPPIQMAAMCaKnyGd/Xq1frkk09Uv359eXh4yMPDQ1dddZXS0tI0bNgwl1uEnUlycrISExPVrl07tW/fXlOmTFFhYaGSkpIkSf369VPjxo2VlpYm6eTPF+fk5CgqKko5OTkaO3asHA6HHnvsMec2H374YV155ZWaMGGCevToobVr12r27NmaPXt2RYcKAAAAC6hw4C0qKpK/v7+kk9MSfvvtN7Vs2VJhYWElzqyeSc+ePbV3716NGTNGe/bsUVRUlNLT050Xsu3atUseHv87CX3kyBGlpKRox44d8vPzU0JCgl577TXVrl3b2ScmJkZLly7VyJEjNX78eDVp0kRTpkxR3759KzpUAAAAWECF78N79dVX65FHHlG3bt3Up08f/fHHH0pJSdHs2bO1bt06bdq06VzVet5wH178HXEfXsACuA8v3K2a3oe3wmd4U1JSVFhYKEkaP368br31Vl199dWqV6+eFi1aVLmKAQAAgHOkwoE3Pj7e+f/NmzfX1q1b9fvvv6tOnTrOOzUAAAAA1UWF7tJw/Phx1ahRo8S0hbp16xJ2AQAAUC1VKPDWrFlTF198cbnvtQsAAAC4W4Xvwzt69GiNGjVKv//++7moBwAAAKhSFZ7DO2PGDP30008KCQlRWFiYfH19XZZnZmZWWXEAAADA2apw4O3Wrds5KAMAAAA4NyoceFNTU89FHQAAAMA5UeE5vAAAAMCFpMJneD08PE57CzLu4AAAAIDqpMKBd+nSpS7Pjx8/rvXr12v+/PkaN25clRUGAAAAVIUKB96uXbuWaLvzzjt16aWXatGiRRowYECVFAYAAABUhSqbw3vFFVcoIyOjqjYHAAAAVIkqCbyHDx/WtGnT1Lhx46rYHAAAAFBlKjyloU6dOi4XrRljdPDgQdWqVUuvv/56lRYHAAAAnK0KB97Jkye7BF4PDw81aNBAsbGxqlOnTpUWBwAAAJytCgfe/v37n4MyAAAAgHOjwnN4586dq7feeqtE+1tvvaX58+dXSVEAAABAValw4E1LS1P9+vVLtDds2FATJkyokqIAAACAqlLhwLtr1y41adKkRHtYWJh27dpVJUUBAAAAVaXCgbdhw4basGFDifbvvvtO9erVq5KiAAAAgKpS4cDbu3dvDRs2TJ9++qmKiopUVFSkTz75RA899JB69ep1LmoEAAAAKq3Cd2l48skn9fPPP+v6669XjRonV3c4HOrXrx9zeAEAAFDt2IwxpjIr/vjjj8rKypKPj4/atGmjsLCwqq7NbQoKChQYGKj8/HwFBAScl32ecmtjwC0q90kAoFpZwJcJ3KzP+fsyqUheq/AZ3mItWrRQixYtKrs6AAAAcF5UeA7vHXfcoWeeeaZE+7PPPqu77rqrSooCAAAAqkqFA+8XX3yhhISEEu0333yzvvjiiyopCgAAAKgqFQ68hw4dkpeXV4n2mjVrqqCgoEqKAgAAAKpKhQNvmzZttGjRohLtb775plq3bl0lRQEAAABVpcIXrT3xxBO6/fbbtX37dl133XWSpIyMDC1YsEBvv/12lRcIAAAAnI0KB94uXbpo2bJlmjBhgt5++235+PgoMjJSn3zyierWrXsuagQAAAAqrVK3Jbvlllt0yy23SDp5D7SFCxfqX//6l9atW6eioqIqLRAAAAA4GxWew1vsiy++UGJiokJCQvT888/ruuuu09dff12VtQEAAABnrUJnePfs2aN58+bplVdeUUFBgXr06KGjR49q2bJlXLAGAACAaqncZ3i7dOmili1basOGDZoyZYp+++03TZ8+/VzWBgAAAJy1cp/h/fDDDzVs2DA98MAD/KQwAAAALhjlPsO7cuVKHTx4UNHR0YqNjdWMGTO0b9++c1kbAAAAcNbKHXivuOIKzZkzR7t379b999+vN998UyEhIXI4HFq+fLkOHjx4LusEAAAAKqXCd2nw9fXVPffco5UrV2rjxo165JFHNHHiRDVs2FC33XbbuagRAAAAqLRK35ZMklq2bKlnn31Wv/76qxYuXFhVNQEAAABV5qwCbzFPT09169ZN7777blVsDgAAAKgyVRJ4AQAAgOqKwAsAAABLI/ACAADA0gi8AAAAsLRqEXhnzpyp8PBw2e12xcbGau3atWX2PX78uMaPH69mzZrJbrcrMjJS6enpZfafOHGibDabhg8ffg4qBwAAQHXn9sC7aNEiJScnKzU1VZmZmYqMjFR8fLzy8vJK7Z+SkqJZs2Zp+vTp2rx5swYNGqTu3btr/fr1Jfp+8803mjVrli677LJzPQwAAABUU24PvJMmTdLAgQOVlJSk1q1b66WXXlKtWrX06quvltr/tdde06hRo5SQkKCmTZvqgQceUEJCgp5//nmXfocOHVLfvn01Z84c1alT53wMBQAAANWQWwPvsWPHtG7dOsXFxTnbPDw8FBcXp9WrV5e6ztGjR2W3213afHx8tHLlSpe2wYMH65ZbbnHZdlmOHj2qgoIClwcAAACswa2Bd9++fSoqKlJQUJBLe1BQkPbs2VPqOvHx8Zo0aZJ+/PFHORwOLV++XEuWLNHu3budfd58801lZmYqLS2tXHWkpaUpMDDQ+QgNDa38oAAAAFCtuH1KQ0VNnTpVLVq0UEREhLy8vDRkyBAlJSXJw+PkULKzs/XQQw/pjTfeKHEmuCwjR45Ufn6+85GdnX0uhwAAAIDzyK2Bt379+vL09FRubq5Le25uroKDg0tdp0GDBlq2bJkKCwv1yy+/aOvWrfLz81PTpk0lSevWrVNeXp7atm2rGjVqqEaNGvr88881bdo01ahRQ0VFRSW26e3trYCAAJcHAAAArMGtgdfLy0vR0dHKyMhwtjkcDmVkZKhDhw6nXddut6tx48Y6ceKEFi9erK5du0qSrr/+em3cuFFZWVnOR7t27dS3b19lZWXJ09PznI4JAAAA1UsNdxeQnJysxMREtWvXTu3bt9eUKVNUWFiopKQkSVK/fv3UuHFj53zcNWvWKCcnR1FRUcrJydHYsWPlcDj02GOPSZL8/f31j3/8w2Ufvr6+qlevXol2AAAAWJ/bA2/Pnj21d+9ejRkzRnv27FFUVJTS09OdF7Lt2rXLOT9Xko4cOaKUlBTt2LFDfn5+SkhI0GuvvabatWu7aQQAAACozmzGGOPuIqqbgoICBQYGKj8//7zN57XZzstugDLxSQBYwAK+TOBmfc7fl0lF8toFd5cGAAAAoCIIvAAAALA0Ai8AAAAsze0XrQFAednGMT8R7mVSmewOXIg4wwsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLI/ACAADA0gi8AAAAsDQCLwAAACyNwAsAAABLqxaBd+bMmQoPD5fdbldsbKzWrl1bZt/jx49r/Pjxatasmex2uyIjI5Wenu7SJy0tTTExMfL391fDhg3VrVs3bdu27VwPAwAAANWQ2wPvokWLlJycrNTUVGVmZioyMlLx8fHKy8srtX9KSopmzZql6dOna/PmzRo0aJC6d++u9evXO/t8/vnnGjx4sL7++mstX75cx48f14033qjCwsLzNSwAAABUEzZjjHFnAbGxsYqJidGMGTMkSQ6HQ6GhoRo6dKhGjBhRon9ISIhGjx6twYMHO9vuuOMO+fj46PXXXy91H3v37lXDhg31+eefq1OnTmesqaCgQIGBgcrPz1dAQEAlR1YxNtt52Q1QJvd+EpSPbRwHCtzLpFbzA2UBxwjcrM/5O0Yqktfceob32LFjWrduneLi4pxtHh4eiouL0+rVq0td5+jRo7Lb7S5tPj4+WrlyZZn7yc/PlyTVrVu3zG0WFBS4PAAAAGANbg28+/btU1FRkYKCglzag4KCtGfPnlLXiY+P16RJk/Tjjz/K4XBo+fLlWrJkiXbv3l1qf4fDoeHDh6tjx476xz/+UWqftLQ0BQYGOh+hoaFnNzAAAABUG26fw1tRU6dOVYsWLRQRESEvLy8NGTJESUlJ8vAofSiDBw/Wpk2b9Oabb5a5zZEjRyo/P9/5yM7OPlflAwAA4Dxza+CtX7++PD09lZub69Kem5ur4ODgUtdp0KCBli1bpsLCQv3yyy/aunWr/Pz81LRp0xJ9hwwZovfff1+ffvqpLrroojLr8Pb2VkBAgMsDAAAA1uDWwOvl5aXo6GhlZGQ42xwOhzIyMtShQ4fTrmu329W4cWOdOHFCixcvVteuXZ3LjDEaMmSIli5dqk8++URNmjQ5Z2MAAABA9VbD3QUkJycrMTFR7dq1U/v27TVlyhQVFhYqKSlJktSvXz81btxYaWlpkqQ1a9YoJydHUVFRysnJ0dixY+VwOPTYY485tzl48GAtWLBA77zzjvz9/Z3zgQMDA+Xj43P+BwkAAAC3cXvg7dmzp/bu3asxY8Zoz549ioqKUnp6uvNCtl27drnMzz1y5IhSUlK0Y8cO+fn5KSEhQa+99ppq167t7PPiiy9Kkq655hqXfc2dO1f9+/c/10MCAABANeL2+/BWR9yHF39HF8InAffhhbtxH17gDLgPLwAAAHD+EXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClEXgBAABgaQReAAAAWBqBFwAAAJZG4AUAAIClVYvAO3PmTIWHh8tutys2NlZr164ts+/x48c1fvx4NWvWTHa7XZGRkUpPTz+rbQIAAMC63B54Fy1apOTkZKWmpiozM1ORkZGKj49XXl5eqf1TUlI0a9YsTZ8+XZs3b9agQYPUvXt3rV+/vtLbBAAAgHXZjDHGnQXExsYqJiZGM2bMkCQ5HA6FhoZq6NChGjFiRIn+ISEhGj16tAYPHuxsu+OOO+Tj46PXX3+9Utv8q4KCAgUGBio/P18BAQFVMcwzstnOy26AMrn3k6B8bOM4UOBeJrWaHygLOEbgZn3O3zFSkbxW4zzVVKpjx45p3bp1GjlypLPNw8NDcXFxWr16danrHD16VHa73aXNx8dHK1euPKttHj161Pk8Pz9f0skXEvi7uCDe7kfcXQD+7qr998Kf7i4Af3vn8RgpPh7Lc+7WrYF33759KioqUlBQkEt7UFCQtm7dWuo68fHxmjRpkjp16qRmzZopIyNDS5YsUVFRUaW3mZaWpnHjxpVoDw0NrcywgAtSYKC7KwCqv8CJHCjAaQ08/8fIwYMHFXiGLzG3Bt7KmDp1qgYOHKiIiAjZbDY1a9ZMSUlJevXVVyu9zZEjRyo5Odn53OFw6Pfff1e9evVkY67BBaGgoEChoaHKzs4+b9NQgAsJxwhwehwjFx5jjA4ePKiQkJAz9nVr4K1fv748PT2Vm5vr0p6bm6vg4OBS12nQoIGWLVumI0eOaP/+/QoJCdGIESPUtGnTSm/T29tb3t7eLm21a9eu5KjgTgEBAXxQAafBMQKcHsfIheVMZ3aLufUuDV5eXoqOjlZGRoazzeFwKCMjQx06dDjtuna7XY0bN9aJEye0ePFide3a9ay3CQAAAOtx+5SG5ORkJSYmql27dmrfvr2mTJmiwsJCJSUlSZL69eunxo0bKy0tTZK0Zs0a5eTkKCoqSjk5ORo7dqwcDocee+yxcm8TAAAAfx9uD7w9e/bU3r17NWbMGO3Zs0dRUVFKT093XnS2a9cueXj870T0kSNHlJKSoh07dsjPz08JCQl67bXXXKYgnGmbsB5vb2+lpqaWmJoC4CSOEeD0OEasze334QUAAADOJbf/0hoAAABwLhF4AQAAYGkEXgAAAFgagRduZbPZtGzZMneXAVQb11xzjYYPH+7uMoBzIjw8XFOmTKn0+vPmzeM++WU429fW6gi8f3P9+/eXzWaTzWZTzZo11aRJEz322GM6cuSIu0s7p04d96mPn376ya01devWzW37R+UVv58mTpzo0r5s2bIK/1rjkiVL9OSTT1ZleSX89f1fr1493XTTTdqwYcM53S+qt/PxGfTNN9/ovvvuK1ff0gJcz5499cMPP1R6//PmzXO+7z08PNSoUSP17NlTu3btqvQ2q4uKvLZ/RwRe6KabbtLu3bu1Y8cOTZ48WbNmzVJqaqq7yzrnisd96qNJkyaV2taxY8equDpcaOx2u5555hn98ccfZ7WdunXryt/fv4qqKtup7/+MjAzVqFFDt9566znfL/7eGjRooFq1alV6fR8fHzVs2PCsaggICNDu3buVk5OjxYsXa9u2bbrrrrvOapvlcfz48XO6/bN9ba2OwAt5e3srODhYoaGh6tatm+Li4rR8+XLn8v3796t3795q3LixatWqpTZt2mjhwoUu27jmmms0bNgwPfbYY6pbt66Cg4M1duxYlz4//vijOnXqJLvdrtatW7vso9jGjRt13XXXycfHR/Xq1dN9992nQ4cOOZcXn4GYMGGCgoKCVLt2bY0fP14nTpzQo48+qrp16+qiiy7S3Llzyz3uUx+enp6SpM8//1zt27eXt7e3GjVqpBEjRujEiRMu4x0yZIiGDx+u+vXrKz4+XpK0adMm3XzzzfLz81NQUJD++c9/at++fc713n77bbVp08Y5vri4OBUWFmrs2LGaP3++3nnnHefZh88+++yMY0D1ERcXp+DgYOeP5JSmvMdS8ZSGUaNGKTY2tsR2IiMjNX78eOfzl19+Wa1atZLdbldERIReeOGFM9Z76vs/KipKI0aMUHZ2tvbu3evs8/jjj+uSSy5RrVq11LRpUz3xxBPOL+2ff/5ZHh4e+vbbb122O2XKFIWFhcnhcEiq/DGB6udMn4sHDx5U37595evrq0aNGmny5MklpuicetbWGKOxY8fq4osvlre3t0JCQjRs2DBJJ4+DX375RQ8//LDzM1EqfUrDe++9p5iYGNntdtWvX1/du3c/7ThsNpuCg4PVqFEjXXnllRowYIDWrl2rgoICZ5933nlHbdu2ld1uV9OmTTVu3DiXsW7dulVXXXWV8/tsxYoVLlP0fv75Z9lsNi1atEidO3eW3W7XG2+8Ien0x+uxY8c0ZMgQNWrUSHa7XWFhYc7PlNO9Xn99baWTv2PQtWtX+fn5KSAgQD169FBubq5z+dixYxUVFaXXXntN4eHhCgwMVK9evXTw4MHTvn4XKgIvXGzatElfffWVvLy8nG1HjhxRdHS0PvjgA23atEn33Xef/vnPf2rt2rUu686fP1++vr5as2aNnn32WY0fP94Zah0Oh26//XZ5eXlpzZo1eumll/T444+7rF9YWKj4+HjVqVNH33zzjd566y2tWLFCQ4YMcen3ySef6LffftMXX3yhSZMmKTU1Vbfeeqvq1KmjNWvWaNCgQbr//vv166+/Vuo1yMnJUUJCgmJiYvTdd9/pxRdf1CuvvKKnnnqqxHi9vLy0atUqvfTSSzpw4ICuu+46XX755fr222+Vnp6u3Nxc9ejRQ5K0e/du9e7dW/fcc4+2bNmizz77TLfffruMMfrXv/6lHj16uJx1u/LKKytVP9zD09NTEyZM0PTp08t875X3WCrWt29frV27Vtu3b3e2ff/999qwYYP69OkjSXrjjTc0ZswYPf3009qyZYsmTJigJ554QvPnzy937YcOHdLrr7+u5s2bq169es52f39/zZs3T5s3b9bUqVM1Z84cTZ48WdLJL9e4uLgSf7mcO3eu+vfvLw8Pj7M6JlC9lOdzMTk5WatWrdK7776r5cuX68svv1RmZmaZ21y8eLHzXxV//PFHLVu2TG3atJF0cmrPRRddpPHjxzs/E0vzwQcfqHv37kpISND69euVkZGh9u3bl3tceXl5Wrp0qTw9PZ0nPL788kv169dPDz30kDZv3qxZs2Zp3rx5evrppyVJRUVF6tatm2rVqqU1a9Zo9uzZGj16dKnbHzFihB566CFt2bJF8fHxZzxep02bpnfffVf/+c9/tG3bNr3xxhsKDw8/4+v1Vw6HQ127dtXvv/+uzz//XMuXL9eOHTvUs2dPl37bt2/XsmXL9P777+v999/X559/XmJqlmUY/K0lJiYaT09P4+vra7y9vY0k4+HhYd5+++3TrnfLLbeYRx55xPm8c+fO5qqrrnLpExMTYx5//HFjjDEfffSRqVGjhsnJyXEu//DDD40ks3TpUmOMMbNnzzZ16tQxhw4dcvb54IMPjIeHh9mzZ4+z3rCwMFNUVOTs07JlS3P11Vc7n584ccL4+vqahQsXlmvcxY8777zTGGPMqFGjTMuWLY3D4XD2nzlzpvHz83Put3Pnzubyyy932eaTTz5pbrzxRpe27OxsI8ls27bNrFu3zkgyP//8c5k1de3atcyaUX2d+md3xRVXmHvuuccYY8zSpUvNmT5mSzuWHnroIefzyMhIM378eOfzkSNHmtjYWOfzZs2amQULFrhs88knnzQdOnQ4bb2nvv8lmUaNGpl169adttbnnnvOREdHO58vWrTI1KlTxxw5csQYY8y6deuMzWYzO3fudNZxNscEzq/TfQad6XOxoKDA1KxZ07z11lvO5QcOHDC1atVyeT+HhYWZyZMnG2OMef75580ll1xijh07Vuo+T+1bbO7cuSYwMND5vEOHDqZv377lHuPcuXONJOPr62tq1aplJBlJZtiwYc4+119/vZkwYYLLeq+99ppp1KiRMebkd1eNGjXM7t27ncuXL1/u8n22c+dOI8lMmTLFZTtnOl6HDh1qrrvuOpfXuVhFXq+PP/7YeHp6ml27djmXf//990aSWbt2rTHGmNTUVFOrVi1TUFDg7PPoo4+6fL5YCWd4oWuvvVZZWVlas2aNEhMTlZSUpDvuuMO5vKioSE8++aTatGmjunXrys/PTx999FGJSf6XXXaZy/NGjRopLy9PkrRlyxaFhoYqJCTEubxDhw4u/bds2aLIyEj5+vo62zp27CiHw6Ft27Y52y699FKXn5sOCgpy+Vuup6en6tWr59z3mcZd/Jg2bZqzjg4dOrhcbNSxY0cdOnTI5cxddHS0y/a+++47ffrpp/Lz83M+IiIiJJ38W3RkZKSuv/56tWnTRnfddZfmzJlz1vM9Uf0888wzmj9/vrZs2VJiWXmPpVP17dtXCxYskHTynzQXLlyovn37Sjr5ryLbt2/XgAEDXN53Tz31lMtZ4dKc+v5fu3at4uPjdfPNN+uXX35x9lm0aJE6duyo4OBg+fn5KSUlxaXWbt26ydPTU0uXLpV08p+br732WucZKY4J6zjT5+KOHTt0/Phxl7OrgYGBatmyZZnbvOuuu3T48GE1bdpUAwcO1NKlS12mDZRHVlaWrr/++gqt4+/vr6ysLH377bd6/vnn1bZtW+fZW+nk+3b8+PEu79uBAwdq9+7d+vPPP7Vt2zaFhoYqODjYuU5ZZ5XbtWvn/P/yHK/9+/dXVlaWWrZsqWHDhunjjz92rl+R16v4Ozc0NNTZ1rp1a9WuXdvlsyk8PNzlmoFTv7ethsAL+fr6qnnz5oqMjNSrr76qNWvW6JVXXnEuf+655zR16lQ9/vjj+vTTT5WVlaX4+PgSF2rVrFnT5bnNZnPO46tKpe2nMvsuHnfxo1GjRhWq49RgLp38Z+EuXbq4hOisrCzn3GVPT08tX75cH374oVq3bq3p06erZcuW2rlzZ4X2i+qtU6dOio+P18iRI0ssK++xdKrevXtr27ZtyszM1FdffaXs7GznP0sWz2+fM2eOy3tu06ZN+vrrr09b56nv/5iYGL388ssqLCzUnDlzJEmrV69W3759lZCQoPfff1/r16/X6NGjXWr18vJSv379NHfuXB07dkwLFizQPffc41zOMYHTCQ0N1bZt2/TCCy/Ix8dHDz74oDp16lShi7t8fHwqvF8PDw81b95crVq1UnJysq644go98MADzuWHDh3SuHHjXN6zGzdu1I8//ii73V6hfZ36PVGe47Vt27bauXOnnnzySR0+fFg9evTQnXfeKalqXq+/Ol/f29UBgRcuPDw8NGrUKKWkpOjw4cOSpFWrVqlr1666++67FRkZqaZNm1b4tjCtWrVSdna2yzysv34ht2rVSt99953LBSurVq2Sh4fHac8SVLVWrVpp9erVLvMIV61aJX9/f1100UVlrte2bVt9//33Cg8PdwnSzZs3d37o2Ww2dezYUePGjdP69evl5eXlPDvm5eWloqKiczs4nBcTJ07Ue++9p9WrV7u0V+ZYuuiii9S5c2e98cYbeuONN3TDDTc4r1IPCgpSSEiIduzYUeI9V9E7jhTfpqn4uP/qq68UFham0aNHq127dmrRooXL2d9i9957r1asWKEXXnhBJ06c0O233+5cdrbHBKqPM30uNm3aVDVr1tQ333zjXJ6fn3/G97ePj4+6dOmiadOm6bPPPtPq1au1ceNGSeX7TLzsssuUkZFxFiM7Oc920aJFzvnGbdu21bZt20q8Z5s3b+78PsrOzna5AOzUcZelvMdrQECAevbsqTlz5mjRokVavHixfv/9d0mnf71OVfydm52d7WzbvHmzDhw4oNatW1f6tbqQEXhRwl133SVPT0/NnDlTktSiRQstX75cX331lbZs2aL777/f5UAvj7i4OF1yySVKTEzUd999py+//LLEJP++ffvKbrcrMTFRmzZt0qeffqqhQ4fqn//8p4KCgqpsfGfy4IMPKjs7W0OHDtXWrVv1zjvvKDU1VcnJyS5TKf5q8ODB+v3339W7d29988032r59uz766CMlJSWpqKhIa9as0YQJE/Ttt99q165dWrJkifbu3atWrVpJOvlPSxs2bNC2bdu0b9++c34LG5w7bdq0Ud++fZ3TZIpV9ljq27ev3nzzTb311lvO6QzFxo0bp7S0NE2bNk0//PCDNm7cqLlz52rSpEmn3ebRo0e1Z88e7dmzR1u2bNHQoUOdZ2SLa921a5fefPNNbd++XdOmTSs1iLZq1UpXXHGFHn/8cfXu3dvljNvZHhM4//Lz80uckc/Ozj7j56K/v78SExP16KOP6tNPP9X333+vAQMGyMPDo8x7Uc+bN0+vvPKKNm3apB07duj111+Xj4+PwsLCJJ38TPziiy+Uk5PjcmePU6WmpmrhwoVKTU3Vli1btHHjRj3zzDMVGnNoaKi6d++uMWPGSJLGjBmj//u//9O4ceP0/fffa8uWLXrzzTeVkpIiSbrhhhvUrFkzJSYmasOGDVq1apVz2Znuu32m43XSpElauHChtm7dqh9++EFvvfWWgoODVbt27TO+XqeKi4tzfg5lZmZq7dq16tevnzp37uwyzeJvxc1ziOFmZV2kkJaWZho0aGAOHTpk9u/fb7p27Wr8/PxMw4YNTUpKiunXr5/Len+90MYYY7p27WoSExOdz7dt22auuuoq4+XlZS655BKTnp7uMsnfGGM2bNhgrr32WmO3203dunXNwIEDzcGDB09bb2n7Lu1ih/KMu9hnn31mYmJijJeXlwkODjaPP/64OX78+Gn3aYwxP/zwg+nevbupXbu28fHxMREREWb48OHG4XCYzZs3m/j4eNOgQQPj7e1tLrnkEjN9+nTnunl5eeaGG24wfn5+RpL59NNPy6wP1Utp76edO3caLy8vl4vWKnss/fHHH8bb29vUqlXL5Xgo9sYbb5ioqCjj5eVl6tSpYzp16mSWLFly2nr1/y/WkWT8/f1NTExMiYtVH330UVOvXj3j5+dnevbsaSZPnuxywVCxV155xeVimFOdzTGB8+uv74vix4ABA4wxZ/5cLCgoMH369DG1atUywcHBZtKkSaZ9+/ZmxIgRzj6nfjYvXbrUxMbGmoCAAOPr62uuuOIKs2LFCmff1atXm8suu8x5QbUxJS9aM8aYxYsXO9//9evXN7fffnuZYyxt/eJ9STJr1qwxxhiTnp5urrzySuPj42MCAgJM+/btzezZs539t2zZYjp27Gi8vLxMRESEee+994wkk56eboz530Vr69evL7Gv0x2vs2fPNlFRUcbX19cEBASY66+/3mRmZpbr9frr994vv/xibrvtNuPr62v8/f3NXXfd5bwA3JiTF61FRka61DZ58mQTFhZW5ut3IbMZw/1fAACV9+STT+qtt97il9rgorCwUI0bN9bzzz+vAQMGuLucc2rVqlW66qqr9NNPP6lZs2buLgelqOHuAgAAF6ZDhw7p559/1owZM0rcpxp/P+vXr9fWrVvVvn175efnO38cpWvXrm6urOotXbpUfn5+atGihX766Sc99NBD6tixI2G3GmMOLwCgUoYMGaLo6Ghdc801LndnwN/Xv//9b0VGRjp/Me/LL79U/fr13V1WlTt48KAGDx6siIgI9e/fXzExMXrnnXfcXRZOgykNAAAAsDTO8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDSCLwAAACwNAIvAAAALI3ACwAAAEsj8AIAAMDS/h/iP1rzYebLLwAAAABJRU5ErkJggg==\n"},"metadata":{}},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA+sAAAH6CAYAAAB/Fd1eAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAr3BJREFUeJzs3Xd8Tff/wPH3TZAQGVYSIYhNpWK0xIodu1p71GhV7b1H7QatPevbQVvUao1Qas/YW1GzFEGRxE4k798fHvf8cgWNkdyjfT0fjzxa53zuOe977rnnnvdnHYuqqgAAAAAAANNwsHcAAAAAAADAFsk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAA/0GbNm0Si8UimzZteuVttWrVSnLkyPHK23ndrO9x8eLF9g7lX+P8+fNisVhk9uzZ9g4FAP71SNYBIBnNnj1bLBaLWCwW2bZtW4L1qiq+vr5isVikVq1aSRLD5cuXZejQoXLw4MEXet2ZM2fk008/lZw5c4qzs7O4ublJ6dKlZdKkSXL//v0kifVNt3DhQrFYLPLLL78kWFe4cGGxWCyycePGBOuyZcsmpUqVSo4QTcmaZD/tr3HjxvYOz+7iX0csFoukSJFCsmTJIq1atZJLly7ZOzwRsf0M9+3bl2B9q1atJG3atHaIDADeHCnsHQAA/Bc5OzvLvHnzpEyZMjbLN2/eLH/99Zc4OTkl2b4vX74sw4YNkxw5ckhAQECiXrNy5Upp0KCBODk5SYsWLaRQoUISHR0t27Ztk969e8uxY8dk1qxZSRbzm8r6+W7btk3ef/99Y3lUVJQcPXpUUqRIIdu3b5cKFSoY6y5evCgXL158o5LS//3vfxIXF/fat9ulSxd55513bJaZsQXfXoYPHy5+fn7y4MED2blzp8yePVu2bdsmR48eFWdnZ3uHZxg6dKisWLHC3mEAwBuHZB0A7KBGjRqyaNEimTx5sqRI8f+X4nnz5kmxYsXk77//tmN0ts6dOyeNGzeW7Nmzy4YNGyRz5szGuo4dO8rp06dl5cqVdozQvHx8fMTPzy9BL4qwsDBRVWnQoEGCddZ/P1mR86JUVR48eCCpU6d+pe0kRsqUKZNku2XLlpX69esnybb/DapXry7FixcXEZE2bdpIxowZZcyYMbJ8+XJp2LChnaN7LCAgQEJDQ2X//v1StGhRe4cDAG8UusEDgB00adJEbty4IWvXrjWWRUdHy+LFi6Vp06ZPfc3du3elZ8+e4uvrK05OTpIvXz758ssvRVVtyq1du1bKlCkjHh4ekjZtWsmXL58MGDBARB53TbW2VLZu3dropvq88adjx46VO3fuyDfffGOTqFvlzp1bunbtavz70aNHMmLECMmVK5c4OTlJjhw5ZMCAAfLw4UOb1+XIkUNq1aolmzZtkuLFi0vq1KnF39/fGEP9888/i7+/vzg7O0uxYsXkwIEDNq+3dqO9cOGC1KpVS9KmTStZsmSRadOmiYjIkSNHpGLFiuLi4iLZs2eXefPmJYj97Nmz0qBBA0mfPr2kSZNGSpYsmaDiwdqdd+HChTJq1CjJmjWrODs7S6VKleT06dPPPG5WZcqUkQMHDtgMFdi+fbu89dZbUr16ddm5c6dNq/T27dvFYrFI6dKlX+p4rlmzxjieX331lYiI/PXXX1K3bl1xcXERT09P6d69e4LXi4icOnVK6tWrJ97e3uLs7CxZs2aVxo0bS2Rk5HPf45Nj1q3jmr/88kuZNWuWEfs777wje/bs+cdj9k9u3rwpvXr1En9/f0mbNq24ublJ9erV5dChQ//42ocPH0qtWrXE3d1dduzYISIicXFxMnHiRHnrrbfE2dlZvLy85NNPP5Vbt249d1tffvmlWCwW+fPPPxOs69+/v6RKlcrYxsse2xdRtmxZEXk8ZCW+EydOSP369SV9+vTi7OwsxYsXl+XLl9uUeZVj+jydO3eWdOnSydChQxNV/tdff5WyZcuKi4uLuLq6Ss2aNeXYsWPG+uXLl4vFYpHDhw8by5YsWSIWi0U++OADm20VKFBAGjVqZPz7eddGADAjknUAsIMcOXJIYGCgzJ8/31j266+/SmRk5FO7P6uq1KlTRyZMmCDVqlWT8ePHS758+aR3797So0cPo9yxY8ekVq1a8vDhQxk+fLiMGzdO6tSpI9u3bxeRxzevw4cPFxGRtm3byg8//CA//PCDlCtX7pmxrlixQnLmzJnoMdRt2rSRzz77TIoWLSoTJkyQoKAgCQkJeer7On36tDRt2lRq164tISEhcuvWLaldu7bMnTtXunfvLs2bN5dhw4bJmTNnpGHDhgm6WsfGxkr16tXF19dXxo4dKzly5JBOnTrJ7NmzpVq1alK8eHEZM2aMuLq6SosWLeTcuXPGa69evSqlSpWSNWvWSIcOHWTUqFHy4MEDqVOnzlPHmI8ePVp++eUX6dWrl/Tv31927twpzZo1+8fjUaZMGYmJiZFdu3YZy7Zv3y6lSpWSUqVKSWRkpBw9etRmXf78+SVDhgwvfDxPnjwpTZo0kSpVqsikSZMkICBA7t+/L5UqVZI1a9ZIp06dZODAgbJ161bp06ePzWujo6MlODhYdu7cKZ07d5Zp06ZJ27Zt5ezZsxIREfGP7/Np5s2bJ1988YV8+umnMnLkSDl//rx88MEHEhMTk6jX3759W/7++2+bv7i4ODl79qwsXbpUatWqJePHj5fevXvLkSNHJCgoSC5fvvzM7d2/f19q164tO3bskHXr1hnn9Keffiq9e/c25mBo3bq1zJ07V4KDg58ba8OGDY2KnCctXLhQqlatKunSpUuSY/s058+fFxGRdOnSGcuOHTsmJUuWlOPHj0u/fv1k3Lhx4uLiInXr1rU5z1/2mP4TNzc36d69u6xYsUL279//3LI//PCD1KxZU9KmTStjxoyRwYMHy++//y5lypQx3luZMmXEYrHIli1bjNdt3bpVHBwcbHqpXL9+XU6cOGFc2/7p2ggApqQAgGTz3XffqYjonj17dOrUqerq6qr37t1TVdUGDRpohQoVVFU1e/bsWrNmTeN1S5cuVRHRkSNH2myvfv36arFY9PTp06qqOmHCBBURvX79+jNj2LNnj4qIfvfdd/8Yb2RkpIqIvvfee4l6fwcPHlQR0TZt2tgs79Wrl4qIbtiwwViWPXt2FRHdsWOHsWzNmjUqIpo6dWr9888/jeVfffWViohu3LjRWNayZUsVEf3888+NZbdu3dLUqVOrxWLRn376yVh+4sQJFREdMmSIsaxbt24qIrp161Zj2e3bt9XPz09z5MihsbGxqqq6ceNGFREtUKCAPnz40Cg7adIkFRE9cuTIc4/JsWPHVER0xIgRqqoaExOjLi4uOmfOHFVV9fLy0mnTpqmqalRUlDo6Ouonn3zy0sdz9erVNmUnTpyoIqILFy40lt29e1dz585tc0wPHDigIqKLFi167vt5mpYtW2r27NmNf587d05FRDNkyKA3b940li9btkxFRFesWPHc7VmP+dP+zp07pw8ePDA+n/j7dHJy0uHDhyfYzqJFi/T27dsaFBSkGTNm1AMHDhhltm7dqiKic+fOtdne6tWrn7r8SYGBgVqsWDGbZbt371YR0e+//15VX+3YPo31OrJu3Tq9fv26Xrx4URcvXqyZMmVSJycnvXjxolG2UqVK6u/vrw8ePDCWxcXFaalSpTRPnjzGssQeU+tn+0/Xj/jHPiIiQtOlS6d16tQx1rds2VJdXFyMf9++fVs9PDyMc98qPDxc3d3dbZa/9dZb2rBhQ+PfRYsW1QYNGqiI6PHjx1VV9eeff1YR0UOHDqlq4q6NAGA2tKwDgJ00bNhQ7t+/L6GhoXL79m0JDQ19Zhf4VatWiaOjo3Tp0sVmec+ePUVV5ddffxUREQ8PDxERWbZs2WuZ8CsqKkpERFxdXRNVftWqVSIiNq391jhFJEEX84IFC0pgYKDx7xIlSoiISMWKFSVbtmwJlp89ezbBPtu0aWP8v4eHh+TLl09cXFxsxuzmy5dPPDw8bF6/atUqeffdd23GhqdNm1batm0r58+fl99//91mP61bt5ZUqVIZ/7Z2OX5aTPEVKFBAMmTIYLT6HTp0SO7evWu06pYqVcpo3QsLC5PY2Fgjphc9nn5+fhIcHGyzbNWqVZI5c2absd9p0qSRtm3b2pRzd3cXEZE1a9bIvXv3nvueEqtRo0Y2rbyJPWZWn332maxdu9bmz9vbW5ycnMTB4fEtTGxsrNy4ccPo1vy01tvIyEipWrWqnDhxQjZt2mQzseKiRYvE3d1dqlSpYtOCX6xYMUmbNu1TZ+t/8j3u27fPpuv5ggULxMnJSd577z0RSZpjKyJSuXJlyZQpk/j6+kr9+vXFxcVFli9fLlmzZhWRx13bN2zYIA0bNrTppXDjxg0JDg6WU6dOGbPHv+gxfRHu7u7SrVs3Wb58eYLhLFZr166ViIgIadKkic3n4OjoKCVKlLD5HMqWLStbt24Vkce9Lw4dOiRt27aVjBkzGsu3bt0qHh4eUqhQIRF5/ddGAEgOJOsAYCeZMmWSypUry7x58+Tnn3+W2NjYZ06m9eeff4qPj0+CpLlAgQLGepHHiUPp0qWlTZs24uXlJY0bN5aFCxe+9M2pm5ubiDy+IU6MP//8UxwcHCR37tw2y729vcXDwyPB2N74CbnI/yc1vr6+T13+5BhiZ2dnyZQpU4KyWbNmFYvFkmB5/Nf/+eefki9fvgTv4clj+qxYrUnoP41rtlgsUqpUKWNs+vbt28XT09M4RvGTdet/rcn6ix5PPz+/BPv/888/JXfu3AmOx5Pv3c/PT3r06CFff/21ZMyYUYKDg2XatGmvNKb6ZY+Zlb+/v1SuXNnmz9nZWeLi4mTChAmSJ08ecXJykowZM0qmTJnk8OHDT423W7dusmfPHlm3bp289dZbNutOnTolkZGR4unpKZkyZbL5u3Pnjly7du25MTZo0EAcHBxkwYIFIvJ4yMqiRYukevXqxvcnKY6tiMi0adNk7dq1snjxYqlRo4b8/fffNk+SOH36tKiqDB48OMF7GzJkiIiI8f5e9Ji+qK5du4qHh8czx66fOnVKRB5X1D0Z62+//WbzOZQtW1auXLkip0+flh07dojFYpHAwECbJH7r1q1SunRpowLidV8bASA5MBs8ANhR06ZN5ZNPPpHw8HCpXr260frzslKnTi1btmyRjRs3ysqVK2X16tWyYMECqVixovz222/i6Oj4Qttzc3MTHx8fmzHVifFkYvgsz4rnWcv1icn0XvX1L+JVtlmmTBlZsWKFHDlyxBivblWqVCnp3bu3XLp0SbZt2yY+Pj6SM2dOm9cn9ni+6szv48aNk1atWsmyZcvkt99+ky5dukhISIjs3LnTaK19EUnxOYiIfP755zJ48GD56KOPZMSIEZI+fXpxcHCQbt26PTX5eu+99+Snn36S0aNHy/fff28kcCKPk1RPT0+ZO3fuU/f1ZGXQk3x8fKRs2bKycOFCGTBggOzcuVMuXLggY8aMsSn3uo+tiMi7775rzAZft25dKVOmjDRt2lROnjwpadOmNY5Fr169EvS4sLJWBL3oMX1R1tb1oUOHPrV13bqPH374Qby9vROsj//UDGtl1pYtW+Ts2bNStGhRcXFxkbJly8rkyZPlzp07cuDAARk1apTxmtd9bQSA5ECyDgB29P7778unn34qO3fuNFrmniZ79uyybt06uX37tk3r+okTJ4z1Vg4ODlKpUiWpVKmSjB8/Xj7//HMZOHCgbNy4USpXrpzoxM+qVq1aMmvWLAkLC7Ppsv6sOOPi4uTUqVNGC7XI48ncIiIibOK0t+zZs8vJkycTLH/aMX1V8Z+3vn37dunWrZuxrlixYuLk5CSbNm2SXbt2SY0aNWxifNXjmT17djl69Kioqs1n/7T3LvK4Ndvf318GDRokO3bskNKlS8vMmTNl5MiRL/q2k8zixYulQoUK8s0339gsj4iIkIwZMyYoX7duXalataq0atVKXF1dZcaMGca6XLlyybp166R06dIvXdnRqFEj6dChg5w8eVIWLFggadKkkdq1aycol5TH1tHRUUJCQqRChQoydepU6devn1HpkzJlSqlcufJzX/+ix/RldOvWTSZOnCjDhg1LUDGZK1cuERHx9PT8x1izZcsm2bJlk61bt8rZs2eN4RXlypWTHj16yKJFiyQ2NjbBxJn/dG0EALOhGzwA2FHatGllxowZMnTo0Kfe3FvVqFFDYmNjZerUqTbLJ0yYIBaLRapXry4ij8eoPsk6Ptf6qC4XFxcRkUTPQt2nTx9xcXGRNm3ayNWrVxOsP3PmjEyaNMmIU0Rk4sSJNmXGjx8vIiI1a9ZM1D6TQ40aNWT37t0SFhZmLLt7967MmjVLcuTIIQULFnxt+ypevLg4OzvL3Llz5dKlSzYt605OTlK0aFGZNm2a3L1712YM/es4njVq1JDLly/L4sWLjWX37t2TWbNm2ZSLioqSR48e2Szz9/cXBweHpz7mzZ4cHR0TtM4vWrTIGH/9NC1atJDJkyfLzJkzpW/fvsbyhg0bSmxsrIwYMSLBax49epSo70m9evXE0dFR5s+fL4sWLZJatWoZ3zORxB/bCxcuGJVFL6N8+fLy7rvvysSJE+XBgwfi6ekp5cuXl6+++kquXLmSoPz169eN/3+ZY/qirK3ry5Ytk4MHD9qsCw4OFjc3N/n888+fOgN//FhFHneF37Bhg+zevdtI1gMCAsTV1VVGjx4tqVOnlmLFihnlE3NtBACzoWUdAOysZcuW/1imdu3aUqFCBRk4cKCcP39eChcuLL/99pssW7ZMunXrZrRKDR8+XLZs2SI1a9aU7Nmzy7Vr12T69OmSNWtWIwnMlSuXeHh4yMyZM8XV1VVcXFykRIkSTx3vbC0/b948adSokRQoUEBatGghhQoVkujoaNmxY4csWrRIWrVqJSIihQsXlpYtW8qsWbMkIiJCgoKCZPfu3TJnzhypW7euVKhQ4fUctNegX79+Mn/+fKlevbp06dJF0qdPL3PmzJFz587JkiVLbLpKv6pUqVLJO++8I1u3bhUnJyebJELkcVf4cePGiYjYJOuv43h+8sknMnXqVGnRooXs27dPMmfOLD/88IOkSZPGptyGDRukU6dO0qBBA8mbN688evRIfvjhB3F0dJR69eq9hqPw+tSqVUuGDx8urVu3llKlSsmRI0dk7ty5CYYPPKlTp04SFRUlAwcOFHd3dxkwYIAEBQXJp59+KiEhIXLw4EGpWrWqpEyZUk6dOiWLFi2SSZMmPXMuCStPT0+pUKGCjB8/Xm7fvm3zbG+RxB/bFi1ayObNm19pmEDv3r2lQYMGMnv2bGnXrp1MmzZNypQpI/7+/vLJJ59Izpw55erVqxIWFiZ//fWX8Rz1lz2mL6pr164yYcIEOXTokE2Fhpubm8yYMUM+/PBDKVq0qDRu3FgyZcokFy5ckJUrV0rp0qVtKivLli0rc+fOFYvFYnxnHB0djccxli9f3mZCyMRcGwHAdOw0Cz0A/CfFf3Tb8zz56DbVx4826t69u/r4+GjKlCk1T548+sUXX2hcXJxRZv369free++pj4+PpkqVSn18fLRJkyb6xx9/2Gxr2bJlWrBgQU2RIkWiH+P2xx9/6CeffKI5cuTQVKlSqaurq5YuXVqnTJli81iomJgYHTZsmPr5+WnKlCnV19dX+/fvb1PmWe9RVVVEtGPHjjbLrI+L+uKLL4xlTz76ySooKEjfeuutBMuftr8zZ85o/fr11cPDQ52dnfXdd9/V0NBQmzLxH0H1tJgSc+xUVfv3768ioqVKlUqwzvqYKVdXV3306JHNulc9nqqqf/75p9apU0fTpEmjGTNm1K5duxqPJrM+uu3s2bP60Ucfaa5cudTZ2VnTp0+vFSpU0HXr1v3je3vWo9vif15W8sQj9J7mWcfc6sGDB9qzZ0/NnDmzpk6dWkuXLq1hYWEaFBSkQUFB/7idPn36qIjo1KlTjWWzZs3SYsWKaerUqdXV1VX9/f21T58+evny5X98/6qq//vf/4zP8P79+zbrEntsg4KCNDG3Zs+7jsTGxmquXLk0V65cxrl05swZbdGihXp7e2vKlCk1S5YsWqtWLV28eLHxusQe05d5dNuThgwZoiLy1O/vxo0bNTg4WN3d3dXZ2Vlz5cqlrVq10r1799qUsz4SsUCBAjbLR44cqSKigwcPtlme2GsjAJiJRfUVZ3kBAAAAAACvFWPWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEwmhb0DsKe4uDi5fPmyuLq6isVisXc4AAAAAIB/OVWV27dvi4+Pjzg4PLv9/D+drF++fFl8fX3tHQYAAAAA4D/m4sWLkjVr1meu/08n666uriLy+CC5ubnZORoAAAAAwL9dVFSU+Pr6Gvnos/ynk3Vr13c3NzeSdQAAAABAsvmnodhMMAcAAAAAgMmQrAMAAAAAYDL/6W7wAAAAAJDcYmNjJSYmxt5hIImkTJlSHB0dX3k7JOsAAAAAkAxUVcLDwyUiIsLeoSCJeXh4iLe39ys9IpxkHQAAAACSgTVR9/T0lDRp0rxSIgdzUlW5d++eXLt2TUREMmfO/NLbIlkHAAAAgCQWGxtrJOoZMmSwdzhIQqlTpxYRkWvXromnp+dLd4lngjkAAAAASGLWMepp0qSxcyRIDtbP+VXmJiBZBwAAAIBkQtf3/4bX8TmTrAMAAAAAYDIk6wAAAAAAmAwTzAEAAACAHSV3z3jV5N1fYrVq1UoiIiJk6dKl9g7FFGhZBwAAAAA8U6tWrcRisYjFYpGUKVOKn5+f9OnTRx48eJCscWzatEksFou89dZbEhsba7POw8NDZs+enazxJDWSdQAAAADAc1WrVk2uXLkiZ8+elQkTJshXX30lQ4YMsUssZ8+ele+//94u+05OJOsAAAAAgOdycnISb29v8fX1lbp160rlypVl7dq1xvq4uDgJCQkRPz8/SZ06tRQuXFgWL15srI+NjZWPP/7YWJ8vXz6ZNGnSS8XSuXNnGTJkiDx8+PCZZSIiIqRNmzaSKVMmcXNzk4oVK8qhQ4dERCQyMlIcHR1l7969Ruzp06eXkiVLGq//8ccfxdfXV0REoqOjpVOnTpI5c2ZxdnaW7NmzS0hIyEvF/iJI1gEAAAAAiXb06FHZsWOHpEqVylgWEhIi33//vcycOVOOHTsm3bt3l+bNm8vmzZtF5HFCnDVrVlm0aJH8/vvv8tlnn8mAAQNk4cKFL7z/bt26yaNHj2TKlCnPLNOgQQO5du2a/Prrr7Jv3z4pWrSoVKpUSW7evCnu7u4SEBAgmzZtEhGRI0eOiMVikQMHDsidO3dERGTz5s0SFBQkIiKTJ0+W5cuXy8KFC+XkyZMyd+5cyZEjxwvH/aKYYO4NYa/HMZp18gkAAAAAySc0NFTSpk0rjx49kocPH4qDg4NMnTpVREQePnwon3/+uaxbt04CAwNFRCRnzpyybds2+eqrryQoKEhSpkwpw4YNM7bn5+cnYWFhsnDhQmnYsOELxZImTRoZMmSIDBgwQD755BNxd3e3Wb9t2zbZvXu3XLt2TZycnERE5Msvv5SlS5fK4sWLpW3btlK+fHnZtGmT9OrVSzZt2iRVqlSREydOyLZt26RatWqyadMm6dOnj4iIXLhwQfLkySNlypQRi8Ui2bNnf+nj+CJoWQcAAAAAPFeFChXk4MGDsmvXLmnZsqW0bt1a6tWrJyIip0+flnv37kmVKlUkbdq0xt/3338vZ86cMbYxbdo0KVasmGTKlEnSpk0rs2bNkgsXLrxUPB9//LFkyJBBxowZk2DdoUOH5M6dO5IhQwabeM6dO2fEExQUJNu2bZPY2FjZvHmzlC9f3kjgL1++LKdPn5by5cuLyOMJ9g4ePCj58uWTLl26yG+//fZSMb8oWtYBAAAAAM/l4uIiuXPnFhGRb7/9VgoXLizffPONfPzxx0bX8ZUrV0qWLFlsXmdt2f7pp5+kV69eMm7cOAkMDBRXV1f54osvZNeuXS8VT4oUKWTUqFHSqlUr6dSpk826O3fuSObMmY1u7vF5eHiIiEi5cuXk9u3bsn//ftmyZYt8/vnn4u3tLaNHj5bChQuLj4+P5MmTR0REihYtKufOnZNff/1V1q1bJw0bNpTKlSvbjMlPCiTrAAAAAIBEc3BwkAEDBkiPHj2kadOmUrBgQXFycpILFy4Y47yftH37dilVqpR06NDBWBa/1f1lNGjQQL744gub7vUij5Pr8PBwSZEixTPHlnt4eMjbb78tU6dOlZQpU0r+/PnF09NTGjVqJKGhoQneh5ubmzRq1EgaNWok9evXl2rVqsnNmzclffr0r/Qenodu8AAAAACAF9KgQQNxdHSUadOmiaurq/Tq1Uu6d+8uc+bMkTNnzsj+/ftlypQpMmfOHBERyZMnj+zdu1fWrFkjf/zxhwwePFj27NnzynGMHj1avv32W7l7966xrHLlyhIYGCh169aV3377Tc6fPy87duyQgQMHGjPAi4iUL19e5s6dayTm6dOnlwIFCsiCBQtskvXx48fL/Pnz5cSJE/LHH3/IokWLxNvb22ilTyok6wAAAABgR6rJ+/c6pEiRQjp16iRjx46Vu3fvyogRI2Tw4MESEhIiBQoUkGrVqsnKlSvFz89PREQ+/fRT+eCDD6RRo0ZSokQJuXHjhk0r+8uqWLGiVKxYUR49emQss1gssmrVKilXrpy0bt1a8ubNK40bN5Y///xTvLy8jHJBQUESGxtrjE0XeZzAP7nM1dVVxo4dK8WLF5d33nlHzp8/L6tWrRIHh6RNpy2q/935vqOiosTd3V0iIyPFzc3N3uE8F7PBAwAAAG+uBw8eyLlz58TPz0+cnZ3tHQ6S2PM+78TmobSsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIp7B0AAAAAAPyn1a6dvPtbsSLZdjV79mzp1q2bREREJNs+/y1oWQcAAAAAPFOrVq3EYrEk+Dt9+rRd4ilfvrxYLBb56aefbJZPnDhRcuTIYZeYkgLJOgAAAADguapVqyZXrlyx+fPz87NbPM7OzjJo0CCJiYmxWwxJjWQdAAAAAPBcTk5O4u3tbfPn6Ogo48ePF39/f3FxcRFfX1/p0KGD3Llz55nbuX79uhQvXlzef/99efjwocTFxUlISIj4+flJ6tSppXDhwrJ48eJ/jKdJkyYSEREh//vf/55bbtmyZVK0aFFxdnaWnDlzyrBhw+TRo0ciItKrVy+pVauWUXbixIlisVhk9erVxrLcuXPL119/LSIimzZtknfffVdcXFzEw8NDSpcuLX/++ec/xvqySNYBAAAAAC/FwcFBJk+eLMeOHZM5c+bIhg0bpE+fPk8te/HiRSlbtqwUKlRIFi9eLE5OThISEiLff/+9zJw5U44dOybdu3eX5s2by+bNm5+7Xzc3Nxk4cKAMHz5c7t69+9QyW7dulRYtWkjXrl3l999/l6+++kpmz54to0aNEhGRoKAg2bZtm8TGxoqIyObNmyVjxoyyadMmERG5dOmSnDlzRsqXLy+PHj2SunXrSlBQkBw+fFjCwsKkbdu2YrFYXvLI/TOSdQAAAADAc4WGhkratGmNvwYNGoiISLdu3aRChQqSI0cOqVixoowcOVIWLlyY4PUnT56U0qVLS3BwsHz33Xfi6OgoDx8+lM8//1y+/fZbCQ4Olpw5c0qrVq2kefPm8tVXX/1jTB06dBBnZ2cZP378U9cPGzZM+vXrJy1btpScOXNKlSpVZMSIEca2y5YtK7dv35YDBw6IqsqWLVukZ8+eRrK+adMmyZIli+TOnVuioqIkMjJSatWqJbly5ZICBQpIy5YtJVu2bC95RP8Zs8EDAAAAAJ6rQoUKMmPGDOPfLi4uIiKybt06CQkJkRMnTkhUVJQ8evRIHjx4IPfu3ZM0adKIiMj9+/elbNmy0rRpU5k4caKxjdOnT8u9e/ekSpUqNvuKjo6WIkWK/GNMTk5OMnz4cOncubO0b98+wfpDhw7J9u3bjZZ0EZHY2FgjPg8PDylcuLBs2rRJUqVKJalSpZK2bdvKkCFD5M6dO7J582YJCgoSEZH06dNLq1atJDg4WKpUqSKVK1eWhg0bSubMmRN/EF8QLesAAAAAgOdycXGR3LlzG3+ZM2eW8+fPS61ateTtt9+WJUuWyL59+2TatGki8jjhtnJycpLKlStLaGioXLp0yVhuHdu+cuVKOXjwoPH3+++/J2rcuohI8+bNJXv27DJy5MgE6+7cuSPDhg2z2faRI0fk1KlT4uzsLCKPZ5bftGmTkZinT59eChQoINu2bbNJ1kVEvvvuOwkLC5NSpUrJggULJG/evLJz584XP5iJRMs6AAAAAOCF7du3T+Li4mTcuHHi4PC4HfhpXeAdHBzkhx9+kKZNm0qFChVk06ZN4uPjIwULFhQnJye5cOGCTVL8IhwcHCQkJEQ++OCDBK3rRYsWlZMnT0ru3Lmf+fqgoCD59ttvJUWKFFKtWjUReZzAz58/X/744w8pX768TfkiRYpIkSJFpH///hIYGCjz5s2TkiVLvlTs/4RkHQAAAADwwnLnzi0xMTEyZcoUqV27tmzfvl1mzpz51LKOjo4yd+5cadKkiVSsWFE2bdok3t7e0qtXL+nevbvExcVJmTJlJDIyUrZv3y5ubm7SsmXLRMVRs2ZNKVGihHz11Vfi5eVlLP/ss8+kVq1aki1bNqlfv744ODjIoUOH5OjRo0ZLfLly5eT27dsSGhoqo0ePFpHHyXr9+vUlc+bMkjdvXhEROXfunMyaNUvq1KkjPj4+cvLkSTl16pS0aNHiVQ7hc5GsAwAAAIA9rVhh7wheSuHChWX8+PEyZswY6d+/v5QrV05CQkKemcCmSJFC5s+fL40aNTIS9hEjRkimTJkkJCREzp49Kx4eHlK0aFEZMGDAC8UyZswYKVWqlM2y4OBgCQ0NleHDh8uYMWMkZcqUkj9/fmnTpo1RJl26dOLv7y9Xr16V/Pnzi8jjBD4uLs6mtT9NmjRy4sQJmTNnjty4cUMyZ84sHTt2lE8//fSF4nwRFlXVJNu6yUVFRYm7u7tERkaKm5ubvcN5riR8IsBz/XfPDgAAAOD1efDggZw7d078/PyM8dL493re553YPJQJ5gAAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAACCZ/Ifn9/5PeR2fM8k6AAAAACSxlClTiojIvXv37BwJkoP1c7Z+7i+D56wDAAAAQBJzdHQUDw8PuXbtmog8fm63xV7PZ0aSUVW5d++eXLt2TTw8PMTR0fGlt0WyDgAAAADJwNvbW0TESNjx7+Xh4WF83i+LZB0AAAAAkoHFYpHMmTOLp6enxMTE2DscJJGUKVO+Uou6Fck6AAAAACQjR0fH15LM4d+NCeYAAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAk3mhZD02NlYGDx4sfn5+kjp1asmVK5eMGDFCVNUoo6ry2WefSebMmSV16tRSuXJlOXXqlM12bt68Kc2aNRM3Nzfx8PCQjz/+WO7cuWNT5vDhw1K2bFlxdnYWX19fGTt2bIJ4Fi1aJPnz5xdnZ2fx9/eXVatWvcjbAQAAAADAlF4oWR8zZozMmDFDpk6dKsePH5cxY8bI2LFjZcqUKUaZsWPHyuTJk2XmzJmya9cucXFxkeDgYHnw4IFRplmzZnLs2DFZu3athIaGypYtW6Rt27bG+qioKKlatapkz55d9u3bJ1988YUMHTpUZs2aZZTZsWOHNGnSRD7++GM5cOCA1K1bV+rWrStHjx59leMBAAAAAIDdWTR+s/g/qFWrlnh5eck333xjLKtXr56kTp1afvzxR1FV8fHxkZ49e0qvXr1ERCQyMlK8vLxk9uzZ0rhxYzl+/LgULFhQ9uzZI8WLFxcRkdWrV0uNGjXkr7/+Eh8fH5kxY4YMHDhQwsPDJVWqVCIi0q9fP1m6dKmcOHFCREQaNWokd+/eldDQUCOWkiVLSkBAgMycOTNR7ycqKkrc3d0lMjJS3NzcEnsY7MJisc9+E392AAAAAAD+SWLz0BdqWS9VqpSsX79e/vjjDxEROXTokGzbtk2qV68uIiLnzp2T8PBwqVy5svEad3d3KVGihISFhYmISFhYmHh4eBiJuohI5cqVxcHBQXbt2mWUKVeunJGoi4gEBwfLyZMn5datW0aZ+PuxlrHu52kePnwoUVFRNn8AAAAAAJhNihcp3K9fP4mKipL8+fOLo6OjxMbGyqhRo6RZs2YiIhIeHi4iIl5eXjav8/LyMtaFh4eLp6enbRApUkj69Oltyvj5+SXYhnVdunTpJDw8/Ln7eZqQkBAZNmzYi7xlAAAAAACS3Qu1rC9cuFDmzp0r8+bNk/3798ucOXPkyy+/lDlz5iRVfK9V//79JTIy0vi7ePGivUMCAAAAACCBF2pZ7927t/Tr108aN24sIiL+/v7y559/SkhIiLRs2VK8vb1FROTq1auSOXNm43VXr16VgIAAERHx9vaWa9eu2Wz30aNHcvPmTeP13t7ecvXqVZsy1n//Uxnr+qdxcnISJyenF3nLAAAAAAAkuxdqWb937544ONi+xNHRUeLi4kRExM/PT7y9vWX9+vXG+qioKNm1a5cEBgaKiEhgYKBERETIvn37jDIbNmyQuLg4KVGihFFmy5YtEhMTY5RZu3at5MuXT9KlS2eUib8faxnrfgAAAAAAeFO9ULJeu3ZtGTVqlKxcuVLOnz8vv/zyi4wfP17ef/99ERGxWCzSrVs3GTlypCxfvlyOHDkiLVq0EB8fH6lbt66IiBQoUECqVasmn3zyiezevVu2b98unTp1ksaNG4uPj4+IiDRt2lRSpUolH3/8sRw7dkwWLFggkyZNkh49ehixdO3aVVavXi3jxo2TEydOyNChQ2Xv3r3SqVOn13RoAAAAAACwjxd6dNvt27dl8ODB8ssvv8i1a9fEx8dHmjRpIp999pkxc7uqypAhQ2TWrFkSEREhZcqUkenTp0vevHmN7dy8eVM6deokK1asEAcHB6lXr55MnjxZ0qZNa5Q5fPiwdOzYUfbs2SMZM2aUzp07S9++fW3iWbRokQwaNEjOnz8vefLkkbFjx0qNGjUS/eZ5dNs/49FtAAAAAPD6JDYPfaFk/d+GZP2f/XfPDgAAAAB4/ZLkOesAAAAAACDpkawDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmEwKeweAN1jt2vbZ74oV9tkvAAAAACQTWtYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADCZF07WL126JM2bN5cMGTJI6tSpxd/fX/bu3WusV1X57LPPJHPmzJI6dWqpXLmynDp1ymYbN2/elGbNmombm5t4eHjIxx9/LHfu3LEpc/jwYSlbtqw4OzuLr6+vjB07NkEsixYtkvz584uzs7P4+/vLqlWrXvTtAAAAAABgOi+UrN+6dUtKly4tKVOmlF9//VV+//13GTdunKRLl84oM3bsWJk8ebLMnDlTdu3aJS4uLhIcHCwPHjwwyjRr1kyOHTsma9euldDQUNmyZYu0bdvWWB8VFSVVq1aV7Nmzy759++SLL76QoUOHyqxZs4wyO3bskCZNmsjHH38sBw4ckLp160rdunXl6NGjr3I8AAAAAACwO4uqamIL9+vXT7Zv3y5bt2596npVFR8fH+nZs6f06tVLREQiIyPFy8tLZs+eLY0bN5bjx49LwYIFZc+ePVK8eHEREVm9erXUqFFD/vrrL/Hx8ZEZM2bIwIEDJTw8XFKlSmXse+nSpXLixAkREWnUqJHcvXtXQkNDjf2XLFlSAgICZObMmU+N7+HDh/Lw4UPj31FRUeLr6yuRkZHi5uaW2MNgFxaLffb73LOjdu1ki8PGihX22S8AAAAAvKKoqChxd3f/xzz0hVrWly9fLsWLF5cGDRqIp6enFClSRP73v/8Z68+dOyfh4eFSuXJlY5m7u7uUKFFCwsLCREQkLCxMPDw8jERdRKRy5cri4OAgu3btMsqUK1fOSNRFRIKDg+XkyZNy69Yto0z8/VjLWPfzNCEhIeLu7m78+fr6vsjbBwAAAAAgWbxQsn727FmZMWOG5MmTR9asWSPt27eXLl26yJw5c0REJDw8XEREvLy8bF7n5eVlrAsPDxdPT0+b9SlSpJD06dPblHnaNuLv41llrOufpn///hIZGWn8Xbx48UXePgAAAAAAySLFixSOi4uT4sWLy+effy4iIkWKFJGjR4/KzJkzpWXLlkkS4Ovk5OQkTk5O9g4DAAAAAIDneqGW9cyZM0vBggVtlhUoUEAuXLggIiLe3t4iInL16lWbMlevXjXWeXt7y7Vr12zWP3r0SG7evGlT5mnbiL+PZ5WxrgcAAAAA4E31Qi3rpUuXlpMnT9os++OPPyR79uwiIuLn5yfe3t6yfv16CQgIEJHHg+d37dol7du3FxGRwMBAiYiIkH379kmxYsVERGTDhg0SFxcnJUqUMMoMHDhQYmJiJGXKlCIisnbtWsmXL58x83xgYKCsX79eunXrZsSydu1aCQwMfMFDgJe1IvSfyyQFO01rBwAAAADJ5oVa1rt37y47d+6Uzz//XE6fPi3z5s2TWbNmSceOHUVExGKxSLdu3WTkyJGyfPlyOXLkiLRo0UJ8fHykbt26IvK4Jb5atWryySefyO7du2X79u3SqVMnady4sfj4+IiISNOmTSVVqlTy8ccfy7Fjx2TBggUyadIk6dGjhxFL165dZfXq1TJu3Dg5ceKEDB06VPbu3SudOnV6TYcGAAAAAAD7eKFHt4mIhIaGSv/+/eXUqVPi5+cnPXr0kE8++cRYr6oyZMgQmTVrlkREREiZMmVk+vTpkjdvXqPMzZs3pVOnTrJixQpxcHCQevXqyeTJkyVt2rRGmcOHD0vHjh1lz549kjFjRuncubP07dvXJpZFixbJoEGD5Pz585InTx4ZO3as1KhRI9HvJbFT5puBGR/dtsJinzbu2sqj2wAAAAC8mRKbh75wsv5vQrL+z0jWAQAAAOD1SZLnrAMAAAAAgKRHsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmk8LeAQCvk8Vin/2q2me/AAAAAP6daFkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwmVdK1kePHi0Wi0W6detmLHvw4IF07NhRMmTIIGnTppV69erJ1atXbV534cIFqVmzpqRJk0Y8PT2ld+/e8ujRI5symzZtkqJFi4qTk5Pkzp1bZs+enWD/06ZNkxw5coizs7OUKFFCdu/e/SpvBwAAAAAAU3jpZH3Pnj3y1Vdfydtvv22zvHv37rJixQpZtGiRbN68WS5fviwffPCBsT42NlZq1qwp0dHRsmPHDpkzZ47Mnj1bPvvsM6PMuXPnpGbNmlKhQgU5ePCgdOvWTdq0aSNr1qwxyixYsEB69OghQ4YMkf3790vhwoUlODhYrl279rJvCQAAAAAAU7Coqr7oi+7cuSNFixaV6dOny8iRIyUgIEAmTpwokZGRkilTJpk3b57Ur19fREROnDghBQoUkLCwMClZsqT8+uuvUqtWLbl8+bJ4eXmJiMjMmTOlb9++cv36dUmVKpX07dtXVq5cKUePHjX22bhxY4mIiJDVq1eLiEiJEiXknXfekalTp4qISFxcnPj6+krnzp2lX79+iXofUVFR4u7uLpGRkeLm5vaihyFZWSz22e/zzo4VltrJF0g8tXXFM9eZ8TgBAAAAgFVi89CXalnv2LGj1KxZUypXrmyzfN++fRITE2OzPH/+/JItWzYJCwsTEZGwsDDx9/c3EnURkeDgYImKipJjx44ZZZ7cdnBwsLGN6Oho2bdvn00ZBwcHqVy5slHmaR4+fChRUVE2fwAAAAAAmE2KF33BTz/9JPv375c9e/YkWBceHi6pUqUSDw8Pm+VeXl4SHh5ulImfqFvXW9c9r0xUVJTcv39fbt26JbGxsU8tc+LEiWfGHhISIsOGDUvcGwUAAAAAwE5eqGX94sWL0rVrV5k7d644OzsnVUxJpn///hIZGWn8Xbx40d4hAQAAAACQwAsl6/v27ZNr165J0aJFJUWKFJIiRQrZvHmzTJ48WVKkSCFeXl4SHR0tERERNq+7evWqeHt7i4iIt7d3gtnhrf/+pzJubm6SOnVqyZgxozg6Oj61jHUbT+Pk5CRubm42fwAAAAAAmM0LJeuVKlWSI0eOyMGDB42/4sWLS7NmzYz/T5kypaxfv954zcmTJ+XChQsSGBgoIiKBgYFy5MgRm1nb165dK25ublKwYEGjTPxtWMtYt5EqVSopVqyYTZm4uDhZv369UQYAAAAAgDfVC41Zd3V1lUKFCtksc3FxkQwZMhjLP/74Y+nRo4ekT59e3NzcpHPnzhIYGCglS5YUEZGqVatKwYIF5cMPP5SxY8dKeHi4DBo0SDp27ChOTk4iItKuXTuZOnWq9OnTRz766CPZsGGDLFy4UFauXGnst0ePHtKyZUspXry4vPvuuzJx4kS5e/eutG7d+pUOCAAAAAAA9vbCE8z9kwkTJoiDg4PUq1dPHj58KMHBwTJ9+nRjvaOjo4SGhkr79u0lMDBQXFxcpGXLljJ8+HCjjJ+fn6xcuVK6d+8ukyZNkqxZs8rXX38twcHBRplGjRrJ9evX5bPPPpPw8HAJCAiQ1atXJ5h0DgAAAACAN81LPWf934LnrP8znrOeOP/dbxEAAACAF5Gkz1kHAAAAAABJh2QdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwmRT2DgD4t7NY7LNfVfvsFwAAAMCro2UdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMBmSdQAAAAAATIZkHQAAAAAAkyFZBwAAAADAZEjWAQAAAAAwGZJ1AAAAAABMhmQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZknUAAAAAAEyGZB0AAAAAAJMhWQcAAAAAwGRI1gEAAAAAMJkU9g4AQPKzWOyzX1X77BcAAAB409CyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyaSwdwAAICJisdhnv6r22S8AAADwPCTrAPAMVCAAAADAXkjW3xDLpbad9rzCTvsFAAAAgP8uxqwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyaSwdwAAYFbLpbad9rzCTvsFAACAWdCyDgAAAACAyZCsAwAAAABgMnSDB4A3iMVin/2q2me/AAAA/1Uk6wAAAHg9attpro8VzPUB4N+HbvAAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJvNCyXpISIi888474urqKp6enlK3bl05efKkTZkHDx5Ix44dJUOGDJI2bVqpV6+eXL161abMhQsXpGbNmpImTRrx9PSU3r17y6NHj2zKbNq0SYoWLSpOTk6SO3dumT17doJ4pk2bJjly5BBnZ2cpUaKE7N69+0XeDgAAAAAApvRCyfrmzZulY8eOsnPnTlm7dq3ExMRI1apV5e7du0aZ7t27y4oVK2TRokWyefNmuXz5snzwwQfG+tjYWKlZs6ZER0fLjh07ZM6cOTJ79mz57LPPjDLnzp2TmjVrSoUKFeTgwYPSrVs3adOmjaxZs8Yos2DBAunRo4cMGTJE9u/fL4ULF5bg4GC5du3aqxwPAAAAAADszqKq+rIvvn79unh6esrmzZulXLlyEhkZKZkyZZJ58+ZJ/fr1RUTkxIkTUqBAAQkLC5OSJUvKr7/+KrVq1ZLLly+Ll5eXiIjMnDlT+vbtK9evX5dUqVJJ3759ZeXKlXL06FFjX40bN5aIiAhZvXq1iIiUKFFC3nnnHZk6daqIiMTFxYmvr6907txZ+vXrl6j4o6KixN3dXSIjI8XNze1lD0OyWGGpbZf91tYVz1xnxpgslmQMJJ7nfYuI6f+9aTFxjv+/l/+lAPCfUts+101Z8ezrJgCYTWLz0Fcasx4ZGSkiIunTpxcRkX379klMTIxUrlzZKJM/f37Jli2bhIWFiYhIWFiY+Pv7G4m6iEhwcLBERUXJsWPHjDLxt2EtY91GdHS07Nu3z6aMg4ODVK5c2SjzNA8fPpSoqCibPwAAAAAAzOalk/W4uDjp1q2blC5dWgoVKiQiIuHh4ZIqVSrx8PCwKevl5SXh4eFGmfiJunW9dd3zykRFRcn9+/fl77//ltjY2KeWsW7jaUJCQsTd3d348/X1ffE3DgAAAABAEkvxsi/s2LGjHD16VLZt2/Y640lS/fv3lx49ehj/joqKImEHAAD4N6NrPoA31Esl6506dZLQ0FDZsmWLZM2a1Vju7e0t0dHREhERYdO6fvXqVfH29jbKPDlru3W2+PhlnpxB/urVq+Lm5iapU6cWR0dHcXR0fGoZ6zaexsnJSZycnF78DQP/MsvFTjcuwo0LAAAAkBgv1A1eVaVTp07yyy+/yIYNG8TPz89mfbFixSRlypSyfv16Y9nJkyflwoULEhgYKCIigYGBcuTIEZtZ29euXStubm5SsGBBo0z8bVjLWLeRKlUqKVasmE2ZuLg4Wb9+vVEGAAAAAIA31Qu1rHfs2FHmzZsny5YtE1dXV2N8uLu7u6ROnVrc3d3l448/lh49ekj69OnFzc1NOnfuLIGBgVKyZEkREalataoULFhQPvzwQxk7dqyEh4fLoEGDpGPHjkard7t27WTq1KnSp08f+eijj2TDhg2ycOFCWblypRFLjx49pGXLllK8eHF59913ZeLEiXL37l1p3br16zo2AAAAAADYxQsl6zNmzBARkfLly9ss/+6776RVq1YiIjJhwgRxcHCQevXqycOHDyU4OFimT59ulHV0dJTQ0FBp3769BAYGiouLi7Rs2VKGDx9ulPHz85OVK1dK9+7dZdKkSZI1a1b5+uuvJTg42CjTqFEjuX79unz22WcSHh4uAQEBsnr16gSTzgEAAAAA8KZ5oWQ9MY9kd3Z2lmnTpsm0adOeWSZ79uyyatWq526nfPnycuDAgeeW6dSpk3Tq1OkfYwIAAAAA4E3y0rPBAwBgZbEk/z4TUX8MAADwxiJZBwD8K5mxAsGMMQEAAHMiWQeSGI9JAwAAAPCiXujRbQAAAAAAIOmRrAMAAAAAYDIk6wAAAAAAmAxj1gEA+A9j0jsAAMyJZB0AAABITrXtNPnsiudMPmvGmID/OLrBAwAAAABgMiTrAAAAAACYDN3gAeANslzs1E1R6KYIAEhmdM3HfxzJOgAAAAAkBhUISEZ0gwcAAAAAwGRoWce/Cl2EAeDNZ4/HyYnwSDkAbzB7tPjT2p/kSNYBAAD+ARUIAPCCqEB4ZXSDBwAAAADAZGhZBwAAeAPR2g8A/260rAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAyZCsAwAAAABgMiTrAAAAAACYDMk6AAAAAAAmQ7IOAAAAAIDJkKwDAAAAAGAyJOsAAAAAAJgMyToAAAAAACZDsg4AAAAAgMmQrAMAAAAAYDIk6wAAAAAAmAzJOgAAAAAAJkOyDgAAAACAybzxyfq0adMkR44c4uzsLCVKlJDdu3fbOyQAAAAAAF7JG52sL1iwQHr06CFDhgyR/fv3S+HChSU4OFiuXbtm79AAAAAAAHhpb3SyPn78ePnkk0+kdevWUrBgQZk5c6akSZNGvv32W3uHBgAAAADAS0th7wBeVnR0tOzbt0/69+9vLHNwcJDKlStLWFjYU1/z8OFDefjwofHvyMhIERGJiopK2mBfg3sSY5f9Pu/YENP/I6bEMeN37XkhmfE4mTEmezFhSMSUSGaMScSccb1xMcXY5xr13KCI6f8RU+K8aTGJ2CeuNzEmk7DeV6nqc8u9scn633//LbGxseLl5WWz3MvLS06cOPHU14SEhMiwYcMSLPf19U2SGP8V3N3tHUFCxJQ4xJQoJgzJnEGZMCYThkRMiWTGmETMGRcxJZIZgyKmxCGmxCGmxDFjTM9x+/ZtcX9OzG9ssv4y+vfvLz169DD+HRcXJzdv3pQMGTKIxWKxY2RJJyoqSnx9feXixYvi5uZm73BEhJgSi5gSh5gSh5gSx4wxiZgzLmJKHGJKHGJKHGJKHGJKHGKyH1WV27dvi4+Pz3PLvbHJesaMGcXR0VGuXr1qs/zq1avi7e391Nc4OTmJk5OTzTIPD4+kCtFU3NzcTHfCE1PiEFPiEFPiEFPimDEmEXPGRUyJQ0yJQ0yJQ0yJQ0yJQ0z28bwWdas3doK5VKlSSbFixWT9+vXGsri4OFm/fr0EBgbaMTIAAAAAAF7NG9uyLiLSo0cPadmypRQvXlzeffddmThxoty9e1dat25t79AAAAAAAHhpb3Sy3qhRI7l+/bp89tlnEh4eLgEBAbJ69eoEk879lzk5OcmQIUMSdP+3J2JKHGJKHGJKHGJKHDPGJGLOuIgpcYgpcYgpcYgpcYgpcYjJ/Cz6T/PFAwAAAACAZPXGjlkHAAAAAODfimQdAAAAAACTIVkHAAAAAMBkSNYBAAAAADAZkvX/GOYTRHLhXAOAxLFeL7lu4nXav3+/vUMA8IpI1v9DQkJCpFevXhIbG2vvUPAvNWXKFAkMDBQREYvFwo3nK4qLi7N3CG88rnd4E2zfvl1EuG7i9QkLC5PixYvLtGnT7B0KgFdAsv4fkjFjRpkwYYKMGDHC1Dew9rhRuXfvXrLv89/I399fzp07J7Vq1RIRbjxfRVxcnDg4PL5ER0dH2zmaN9O9e/fE0dFRRESOHz8uMTExr7zNzz//XI4cOfLK2/kv4LufOLt27ZJy5crJkCFDRMT+1834+6bC8M0VGBgoI0eOlB49esj06dPtHc4bg+sWzIZk/T9CVeWTTz6R77//XkaOHCkjRowwZQIQFxcnFovF+HdyVCps27ZNevXqJceOHUvyfb0O8X9IzFbpUq5cOfnll1/k6NGjUr16dRGx/43nk6yx3Lhx47Ukb0lh48aNMnfuXBERadeunXTp0sVUx1DE/Dc069evl08//VRUVbp06SLNmjWTBw8evNI2582bJ4MGDXrl7SSFZ30e9vic1q9fLytWrLC5ltuD2c9Rq5w5c8qYMWNk2rRpMnToUBGx73XT+rnNmjVLNm3aJCLm+a2xd+XB33//Lbdu3ZKrV68ay8x4nqmqqKoMGDBAPv/8c+nSpYvMnj3b7sfveex1HK37jYiIEFU1zvXkiMeM5058ZorPGsvt27fl77//fuq6f6sU9g4ASS/+SVyjRg0ZOXKkDBgwQFxcXKR79+6SIoV5TgNrS+KXX34p+/btk/DwcPnoo4+kbNmykiNHjiTZ56lTp2T58uWSMmVKadeunRQoUCBJ9vM6qKpYLBZZu3atLF++XI4dOyb16tWTMmXKSOHChe0al6qKg4ODuLu7y9ChQ+Wjjz6Spk2byrx584wbTzPcvFssFgkNDZUffvhBmjVrJjVr1jRaX+1NVeXu3bsyduxYuXfvnixcuFC2bt0q27Zts/uxiy9+q39ERIRYLBZxd3e3c1S2Dh8+LKdPn5YiRYrIxYsXZdeuXeLq6vrS21u6dKlERUXJnDlz5J133nmNkb4663m9a9cu2bVrl9y/f18KFCggderUSfbzJjo6WkJDQyUsLEz8/f2T7Lr9T6zHJCwsTLZt2yaPHj2SYsWKSdWqVe0Sz7OoqmTKlEm6dOkizs7OMnToUHF1dZWePXva/bo5YcIEefvtt6VixYqmuEbGv+4sWLBAwsPD5fLly9KhQwfx9vYWJyenJN3/8uXLZcKECXLlyhXJnDmzVKtWTfr27Wuqa7OV9fd43bp1kj59enFzc5N27dpJdHS0tG3b1q5xWSwW2bt3r+zevVtSpkwp/v7+UrJkSbud7xaLRVasWCFffPGFxMTESLVq1eTDDz+UnDlzJlk81u3evHlTnJ2d5f79+5IxY0ZT3CdZWWPZuXOnbNu2TVKlSiV58uQxGmLsEcvy5ctl/Pjxcv78efH395fy5ctLhw4dJHXq1MkeU7JS/GcsXrxYc+bMqa1atVIfHx+1WCw6ZMgQffTokb1D09jYWOP/Bw0apOnTp9f27dtrkyZNNF26dPrRRx/p3r17k2z/c+bM0Xz58mnHjh31999/T7L9vA6//PKLurq6aocOHXTkyJHq6+urVatW1dOnT9s7NF28eLFmzZpV27dvr0WKFNFUqVJpjRo1jPVxcXF2jO6xn3/+WVOnTq0hISF66tQpm3Xxz0N7ioiI0Pz586vFYtHPP//cWG6W+KyGDBmiRYoU0SJFiuigQYPsHU4C77//vlosFq1bt67euXNHVV/uGB47dkzTp0+vFotFv/rqK1VVU1w341u8eLF6eHho/fr1tXr16ponTx5t166dXWJZs2aNlilTRr/99ltVtd95u3jxYnV1ddWyZctq8eLF1WKxaK9evfTGjRt2iedprMdm27ZtOmjQIM2ePbtaLBYdPXq0USa5r5vWc3vFihXq7++vO3bsSNb9/5PevXtr1qxZtX79+lq6dGn19PTU2bNna0xMTJLtc+XKlers7KyTJk3Sbdu26ZAhQ9RiseimTZuSbJ+vavny5ers7KwhISE6fPhwbdasmTo6Our06dPtEo/1PF6yZIlmyJBBK1asqAEBAVq6dGnjuhq/XHLZt2+fpkmTRocOHaoffvihlitXTmvUqKEnTpxIknis21uxYoVWqFBBixQpogEBAfrTTz+91v28DtZraLly5fTtt9/WlClTavfu3Y31yflZrVq1StOkSaOjR4/WI0eOaLNmzTRDhgy6evXqZIvBXkjW/yN+//13dXNz05kzZ+r9+/f1ypUrOnnyZHVwcNAhQ4Yk6Y/ci7h06ZJ2797d5gfw559/1oCAAG3fvr1GRUW9lovDmTNn9NKlSzbLvvvuO82fP7+2b99e//jjj1feR1K4ePGiBgQEGD+2sbGx6ubmpr1797ZzZKrnz59XLy8vnTBhgqqqRkVF6bJlyzRz5symSdhPnjypfn5++vXXXxuxxMTE6P79+zUqKkpV7Z8QR0dH6/nz57VWrVoaFBSklStX1jlz5hjr7Zkkxj8206ZNU09PTx03bpz27dtX06RJoy1atLDr8bOeW9HR0Xr37l0dM2aM9u/fX8uVK6ctW7bUK1euqKq+8PXu9u3bOnfuXM2VK5dWrVrVWG6WhP3EiROaLVs247pw+PBhdXNz065duyZbDBs3btRJkyYZ/x44cKB6enoaiXFynxenT5/WrFmzGklATEyM/vzzz+rk5KR9+/ZN1lj+ydKlSzV16tQ6YsQIHT16tL7//vvq4uKiw4cPN8ok5XXzWds+c+aMvv322xoSEpLkMSTWTz/9pD4+Pnr48GFVVd2yZYtaLBZdtmxZku0zOjpaW7ZsqSNGjFDVx/cpOXLk0Pbt2yfZPl/UzZs3jf+Pi4vThw8favXq1W0q7KKjo3XYsGHq6Oios2bNssu1esuWLZo5c2adMWOG8W83Nzf19fXVcePG2byH5PD777/rF198YVMpvnDhQq1SpYoGBwcbCfvrPlahoaHq7OysEyZM0K1bt2qXLl3UYrHo7t27X+t+XsWpU6fUx8dHp02bpqqqt27d0kWLFqmLi4v27Nkz2eKIjY3Ve/fuab169XTIkCGq+rhBI2vWrNq5c2ebcv9WJOv/Ql988YUeOnTIZllYWJjmypVL//zzT5vlEydOVIvFouPGjdMHDx4kZ5gJLFq0SC0Wi2bJkkW3bduWYJ2Tk5Pu2bPnlfdz8+ZNzZw5sw4YMEAvX75ss+7rr7/WlClTaufOnY2bAXt68gfr0qVLWrRoUY2KitJTp05plixZ9JNPPjHWh4WFaURERJLHNW7cOP31119tlh0+fFizZMmiR48eNZZFR0frzz//rI6OjtqiRYskj+tprMfwzp07eubMGS1UqJAePHhQo6OjdcKECVqmTBnNkiWL5s+fX69evWqXGJ/1IxMeHq61a9fWoKAgm4RdVfX+/fvJEdpTbd26Vb/99ltdsmSJsWzt2rXq4eGhH374oV1u6uMfw4cPH9qsGzdunJYqVUpbtWql4eHhxvK9e/cmOnGPjIzU+fPna6ZMmbRRo0bGcjMk7GvXrtVixYqp6uNKs2zZsumnn35qrH8d181niYuL01u3bqmbm5taLBZt1aqV7tixQ+/evavvv/++1qlTxy7H6ODBg5o7d249efKkxsXFGefk4sWL1cHBwTQtovfu3dPatWtrjx49jGWXL1/Wzz//XF1cXHTMmDHG8qT4XsX/3syfP1+nTp1qs3zy5Mnq6emZoBdScggNDTUqUa0mTpyoLVu2VFXVuXPnqpubm1FJdfv2bb1+/fprj+PBgwdauHBh/fHHH/X69euaJUsWbdu2rfF5zJ49Wzdv3vza95tY48eP15IlS+rJkyeNZXfv3tVixYoZPZ5iY2M1NjZWHzx4oPXq1VNXV1cjCUsusbGxOmTIEOPadP78efXz89NGjRpp27Zt1dvb26aFPamdP39ey5cvr56enjpq1CibdQsXLtTKlStrzZo1be5pXoeYmBht3LixDhs2TFVV//zzT82VK5e2bdvWppy9K8d27dqlefLk0QsXLtgs/+mnnzR16tS6YcOGZI2natWqumHDBv3rr7/Ux8fH5nitWLFCd+3alazxJCeS9X+RuLg4jY6O1oCAAKM20Grv3r1qsVh069atqvr/P8Rnz57VDBkyqMViSXCxSm5//vmntm7dWi0Wiy5cuFBVHyd7Vnny5NHJkye/ln1t3LhRc+TIocOGDUvQwl6sWDF1d3fXPn36JLjpT07x3/uZM2f05s2beurUKfX19dU1a9Zo7ty59ZNPPjFuhI8cOaINGzZM0htzqzp16qiLi4vNxfrWrVvq6empEydOtCn7999/a4ECBdRisegHH3yQ5LE9zc8//6ytWrXSX3/9VYsVK6bvvfeeZsuWTd977z0dPHiwrl+/XnPlymXTMphc4v8gf/PNN9q7d2+dMmWKcXN89uxZrV27tlaqVEm//vprffjwoZYvX1579eqV7LGqPq6UsVgsmiJFCp0/f77NunXr1mm6dOm0ZcuWdqvlHjNmjFatWlXr169vU8Exfvx4LVu2rDZu3FgPHDigVapU0UqVKj1zO4sXL9Yvv/xSx48frxcvXlTVx8nA/Pnz1dfXV5s0aWKUtXeN/tatWzU4OFgPHDigvr6+2rZtW+O6sGfPHu3atauePXs2SWOYM2eOBgQEaGBgoLZs2VLbtGmj48eP14YNGxrX8+S0f/9+tVgsRhJlPR5RUVFasGBBnTlzZrLH9DTWRLBjx442yy9duqTVq1dXi8WiQ4cOTfI4du/erY0bN1Y3NzetUqWKjh49Wm/duqVXrlzRKlWqGL2RkqvixVp5P3nyZL19+7axvEuXLtqgQQPdsWOHurq62nTpnjx5sg4aNChJegp2795du3XrZny/rNftiIgI/eijj3Ty5Ml2q7j7448/1M3NTWvWrGnTK7Br166aP39+/euvv1T1/69Tffr0UU9PT82QIYNNi3xyuHXrlu7YsUPv3bungYGB+tFHH6nq467o7u7umiZNGqN3XnIYP368FihQQEuUKGFTkav6+DfgnXfe0Xr16ml0dPQrJc/xX3vv3j3Nmzevrlq1SiMiIhJU/sycOdMUwzGPHDmiKVKk0N9++01V//89XL58WXPlyqXff/99ssTx6NEjjY6O1vLly2vr1q01d+7c2rZtW+N7/vfff2vDhg31f//7n90rOJIKyfq/iPVCbD1Zt23bpvv27TN+QBo0aKDlypXTAwcOGK+JjIzUjz/+WL/66qtkvTg86+b2r7/+0vr166u7u7vu3LnTWH7jxg318/PT77777rXFsHXrVs2aNasOHz7caGG/e/eutmvXTj///PMkv7l9ngsXLmjdunU1Li5Oly9frtmzZzdqzT/55BO1WCxar149m9cMGDBAixcvnqC3QFKIjY3VFi1aqIeHh65fv15VH9cWd+jQQStUqGDTJTE6Olpbt26tP//8c7KOq7d+D06fPq05c+Y0zp0lS5bo4MGDdcSIETY1xuXKlUu2Hx+r+N+Dvn37aqZMmbRUqVLq7++v77zzjvFdPXv2rNavX18LFCigfn5+6u/vb7eKpAcPHuiPP/6oGTJkeGo30PXr16vFYrHpwpuU4h/DkJAQzZAhg3br1k3ff/99TZs2rc3Y32nTpmnp0qXVx8dHS5cu/cxj2KdPH82RI4eWLl1aK1WqpD4+Pnrs2DFVfZyw//TTT5ojRw4NDg5O2jf3FNbz+vDhw3rt2jVVVT1+/Lh6e3trihQpbFrUVR/fsAcHByfJTfnevXv10qVLGhMTo3///bf26NFDJ0yYoMuXL9euXbuqo6Ojpk+fXmvWrJmkQ62sx2Tv3r26atUqo9dJo0aNtGzZsja/eTExMVqsWDGdNWtWksXzogYMGKBVq1ZN8Bs8aNAgzZ07t+bKlUuvXbv2Wm9EV61aZcwp0KVLF/3ss880MjJSL126pO3bt9eyZctq5syZdebMmVqoUKHnVmwllZEjR2qKFCl00qRJGhkZqaqPk7o8efKoxWLR//3vf0bZu3fvaq1atbRTp06vZd8RERF69+5d49+zZs3SlClTaqlSpYzv3aNHj3TAgAGaM2dOPXPmzGvZ74uyfq+sDS/VqlUzGmu2bdumQUFB2qRJE5v7gm7duumCBQv01q1bSRqb9Xx92nm7Y8cOffvtt41Yf//9d61Zs6aOHDkyye69nvX9mTFjhr7zzjvaqlWrBI03S5cuTdAj9WX99ttvxn1thw4dtH379polSxZt166d8TlGRUVpkyZNdPLkyclaCfy0Y/Po0SOtU6eO1q1b12bOqOjoaH3nnXf0m2++SdJYbt68qbGxscaxWb9+vaZPn14DAgJsyg8cOFBz585t13v2pEay/i9k7e6UK1cuzZs3r3GjsmbNGq1WrZqWKlVKf/vtNz1y5Ij269dP8+XLlyxdp63iXxR+/PFH/fLLL3XevHnGsvDwcK1bt666urpq//79ddKkSVqzZk319/d/7Td8W7du1Rw5cminTp103rx5OnDgQC1YsKBxY2Avy5Yt08DAQC1SpIimTJnSpgVz9+7dWqtWLc2ZM6eGhobqTz/9pN26dVNXV1c9ePBgksYV/7OLi4vTpk2bqoeHh65bt05VH3c9rVGjhpYtW1ZDQkJ0+/bt2q1bN/Xz8zPGCyenjRs36uTJk7Vt27Y23cbjv4/o6GgdPHiwZs2a1W43XKdPn9Y2bdoY39UNGzZo7dq1NX/+/MayS5cuaWhoqH733XdGBVxSzzXxrJuFO3fu6OzZszVlypTar1+/BOtfpHv563Lo0CGdNGmSUXl048YNHTt2rFosFmPMrarquXPndM+ePc88hlOmTFEfHx+jh8rs2bPVYrFo+vTpjfGEt2/f1m+//Vbr1q1rlxuqX375RbNkyaJDhw41Wh2XLFmiFotFBwwYoPv379fff/9de/bsqR4eHnrkyJHXHsuDBw80W7ZsWqxYMR03bpzev39fFy9erGXLljVaqGbPnq358+dXNze3JBtiEn/SKk9PT/3888+NXimhoaFavXp1LVmypP7666+6a9cu7d+/v2bMmNEuN3bWWMPDw/Xs2bPG78y2bds0f/782qNHD6NSSPVxRUtISMhr/z2KjIzUTz/9VHPmzKk1a9ZUZ2dnm6Fzjx490vv37+uwYcO0SZMmxoS0r7Oy/Hnif6dGjBihDg4OOmnSJL17965GRUVpv379NH/+/Dp06FC9ceOGhoWFafXq1TUgIMD4Pr9KxcbSpUs1ICBAS5YsaTPkJSQkRF1cXLRhw4baqlUrbdq0qaZLl86mMsgerNeyM2fOaIYMGTQ4OFjPnTunqo97vJQrV079/Py0Y8eOxr3V8ePHkzQm6/Ffs2aN9ujRQ9u3b6/nz5831u/YsUPTpUunP/zwg6o+rrCqV69ekrX0W+PZsmWLDhgwQPv06WOTbE6bNk1LlSqlLVu2fC0NHidPnjQqg2NjY/XWrVtasGBBo5V60qRJmilTJi1XrpxRaRIXF6f9+/fXXLlyJev1yXps1q9fr4MHD9bGjRvrDz/8oDdu3NAtW7ZomTJltFatWrp06VI9cuSI9unTRzNlymScY0lh6dKlGhgYqMWLF9cxY8YY1/Rx48apg4ODNmjQQNu3b68ffvihenh46P79+5MsFjMgWf8Xij9Gt2DBghoQEGDcrK1du1abNm2qFotFc+fOrT4+PnY7yQcPHqxp0qTRcuXKqcVi0RYtWhjdTcPDw7VJkyZqsVi0adOm+v333xvJ1utOAvbs2aNly5ZVX19fLViwoO7bt++1bv9lWWebfeuttxKM29u2bZu2bt1a06VLp2+//bYGBwcnmKcgKcQ/t6yaNm2q7u7uunbtWlV9nDT17NlTvb29NWfOnJorVy67nWPWc/2tt97Sv//+O8H6uXPnaps2bdTb29tuMc6fP19z5cqlpUqVsolx27ZtWrt2bS1QoMBTK2GSustl/BvmX375RWfNmmUzxCEmJka/++67Zybs1jLJwdqa7+XlZdMjJzIyUr/44gt1cHCwGftr9eQxvHHjhnbs2NG4gVyxYoW6urrqmDFjtFatWpoxY0bjs7h3757xuuRM2FesWKGpU6fWWbNmGddLq6+//lo9PT3V09NTCxUqpG+//XaSJhIRERHar18/LVeunL777rt67tw5rV69utaqVcsoc+zYsSTv7bN27Vp1dXXVGTNmJOgtsWPHDm3UqJE6ODho/vz5NX/+/Hb5rsevaPH399dcuXKpv7+/9ujRQ6OionT+/PlaqFAhDQoK0g8//FCbNGmiHh4eNuOQXwfruXrmzBl966231GKxGBOnqSb8zl65ckW3bt2qhQsX1saNG7/WWJ4n/ndz+PDharFYjO7Rly5d0gEDBqivr6+6urrq22+/rVWqVDGGjr3KtXHPnj2aNm1aHTRokA4ZMkT9/Py0SJEixrV59uzZ2qVLF61SpYr2798/yZPexIr/uaZPn16rVKli9Bzbs2eP9u/fX6tUqaKNGzdOtvl41q5dq87OzlqnTh3NkyePenp66tKlSzU6OlqvXr2qLVq0UC8vLy1UqJC6u7sneaXHkiVLNE2aNFqjRg2tUKGCpkiRQhs0aGB8tpMnT9agoCD94IMPXqlx4ZdfflGLxaKLFy82zsl79+5prly5dMuWLUa5bt26aZ48ebRu3bravXt3bdy4sd0qf5YsWaIuLi7atWtXbd68uZYsWVLLlSunqo8T50aNGqmjo6MWKFBA8+bNm6TX0IMHD2qGDBl05MiR2qJFCw0MDNQGDRoYCftvv/2mNWrU0Pfee0+7du1qmu9gUiJZ/5d4Vi3ynTt3NE+ePFq4cGGb1pWjR4/q0aNHk7W1M343/du3b2vdunV1x44d+ujRI921a5e6uLhovXr1jB+YS5cuabNmzTRdunTGDXJSTYIXFRWlFy5cMLq32VNMTIzGxcXpd999p3379tUqVapoxYoVjXFn8V26dEnv3r1rM6YvqW3YsEEbNWpkcz41bdpU3dzcjIRd9XHr45kzZ+z+mKROnTqpxWLRb7/9NsGkbMuXL9devXq99hviFzF37lwNCgrSdOnSJeiCt337dq1bt66mT5/eLkMIVB93z8+WLZuWLFlSCxQooAEBAca4yJiYGJ09e7amTp3arjMjnzlzRvv166dOTk4JxiJHRUXpuHHj1GKx6Ny5c5/6+vjvd+vWrXru3Dk9evSo5syZ05iE6ccff1SLxaIWi8Wm9TM53b17V+vWrauDBw9W1cc3gH/++aeOHTtWV61apaqPrwm7du3Sw4cPP7WC6lX9/vvvGhYWZjPB5OHDh7V+/frq7e2trVu31mzZsumPP/742vet+vipHfFb6B49eqStW7c2xr5GRUXp3r17tWfPntqzZ0+jpe748eN69uzZJJmALLHWrVunLi4uOmHCBL19+7YOGDBAU6VKZTyyae3atTpq1CgtX768Nm/ePEkrYDdv3qy9evXShg0basGCBY0u8apPT3Z3796tzs7OSTqJU/xKrycrwKyV19aEPSYmRiMiInT9+vV66tQpo/yrVBAePHhQ169fbzMz+KlTp7RQoUIaEBBg81tm77Gx1v3fuHEjQa+V06dPGwl7/NbP6OjoZB1XP378eB0/frzx7+bNm6ubm5suXrxYVR9ftxctWqTjxo1L8gkML1y4oDlz5tQpU6YYy/bs2aMZM2a06T0xZswYrVatWoLf4hfVsGFDzZAhg/788896//59vXfvnhYoUED/+OMPm3Nn6tSp+tFHH2mFChW0W7duyToc1RrH+fPn9a233jJm6A8PD1c3NzebR7SpPp4b4cSJE0lyDX3yN7hbt27Gv3/88UctX768fvDBB8Zvr/V7bu/5YpILyfq/gPUk37x5s4aEhGi7du103759Rtcaa8IeEBCgBw4csMskKPG/UKdOndKDBw9qly5dbL70Bw4cUBcXF61fv76RsIeHh+v777+vnp6eSfqcdTNbuHChli9fXitUqGCTsO/duzdJbsb/ybZt2zRVqlTavHlzmx8Wawt7cs8QahV/8pOLFy/aTLTTrFkzdXV11SVLliRoeUvOpyA864dl5cqVGhAQoGXKlEkwPm7Dhg3ap08fu3xvJ0yYoJkzZza+e/PmzVOLxaKFChUyZsh99OiRTp8+XYOCgpLlBvZZx/DatWvapUsXdXZ2NlrGrSIiInTevHnPvJF/2vIffvhBK1SoYAwR+vXXX7Vt27YaEhJit0ddRkRE6Ntvv60DBgzQW7duadeuXbVcuXLq5eWlnp6e+sUXXyTp/pcsWaJZs2bVkiVLarp06bRmzZq6fPlyY/3MmTM1ODjYmFPjdX+3oqKi1MvLS4sWLWrTq6Bz585arVo1/e2337Rly5YaHBysb7/9thYvXlyLFi1qM/bYHmJjY/XRo0f66aefapcuXVT18W9bjhw5tEOHDka5+EMz4k8w+rpisOrbt69myJBBL1y4oMePH9cOHTpovnz5EoxBtVaKxMbGalRUlBYpUsQYZvK6xb92zJw5Uz/99FPt2bOnzRC5zz77TC0Wi06cOPGpQwNe5cb91q1bmjlzZrVYLDYz86v+f8L+7rvv2u2JIfFZj9Xy5cu1ePHimjdvXn377bd1xYoVxj2BNWGvWbNmslUuWuM6ceKE7t69W3v27GnzxBDVxwl72rRp9eeff07S37T4T4BQffwZ+vn5GS3C1n3v3LlTU6ZMaXOevWxX/Llz59r0gmvSpIm6u7vrokWL9OzZs1qoUKGnNrokp3nz5umaNWtslh05ckTz5s2rd+7c0bNnz6qvr6/NU4Y2bdqUpENlrZ/T1q1bdcqUKdq/f/8EFQXWhL1BgwY2PQ/sXWmWXEjW/yV+/vln9fDw0Jo1a2qlSpU0U6ZMOn78eCPpvXPnjjE5VXJ0l36WXr16ac6cOdXNzU09PDyM1iCrAwcOqJubm1aoUMH4Ubxy5YpWqlRJ/fz87P54uaRiveDs2bNHp0yZorNmzbLpLrVw4UKtUKGCBgUF6dGjR3XIkCGaO3fuJG8levJCaP33jh07NGPGjNqkSRObhP3DDz+0mYE5ucTvYlqyZEnNmTOnlipVyuYH58MPP1Q3Nzf9+eef7XIexb+RXL58uc6ePVtnzJhh3FytWrVKK1SooOXLl0/wqBSr5EzYr169qp06dTLmS1i2bJm6ubnpuHHjtGTJkurv728k7LGxsc+dTOh1iX8MZ86cqT179tT3339fly9frjdv3tSoqCjt0aOHurq6JkjYrZ5MtKdPn65NmzbV+vXr64ABA4zlEydO1JQpU+qVK1c0IiJC69SpYzN5VXIm7AcOHDC6kk+aNElTpUql7u7u+v777xstop988onNM+Bft+3bt2u6dOmMSb02bNigFotFZ86cafO5nDx5UqdPn55kXRMvXLhgJE7W74n1Rs7FxUWbNGmiy5Yt05iYGP3222+1QoUKyfqYwyfnw4ivadOmOnfuXL1+/brx6KH4167Vq1cn+Xf8ypUr2qtXL2PsrOrjXgcdO3bUggULGo/OqlGjhg4cONAoM2vWLLVYLEkyTjX+MRsyZIi6uLhoixYttGjRolqwYEFt2LChsX7o0KGaMmVKHTVqlM1QlNdh48aNWqRIEX333XcTjH0/ffq0+vj4aIUKFUzRmhcaGqpubm46YsQIPX78uL733nuaJ08enT59uk3CbrFYtH79+q+98udZFi9erO7u7sYkgJ07d06Q6LVq1UotFosuX748QVL9KqyfS/zv++nTp/Xu3bt68eJFdXJyMnpXxcXFaWxsrN6/f98YF/0qzpw5o/nz57fp9aP6OGHPlCmTzpo1S3PkyKENGjTQIUOG6JgxY3TAgAHas2dP/fHHH1/rcXiWc+fOaZkyZbRChQq6ceNGY/nBgwe1TJkyum/fPs2ePbvNU4YOHjyoHTp0SPK84ZdfflFnZ2ctUKCAuru7a6ZMmRJUMs2bN0+LFCmiH374oV2f1GQPJOv/AmFhYerj42PctMXExGiKFCk0S5YsOnLkSKMm7/bt21qsWDG7TFyh+vjHJX/+/PrTTz/pjz/+qFmyZNH33nsvQbe63bt3a6VKlWxuWsLDwxOMz/y3eHKCpDJlymi5cuU0b968Nl1Jf/nlF61QoYJmzJhR/fz8jMmuksPx48eNyhNrvNu3b9f06dNrw4YNbW7M27Rpk+DRgclh9erVmjp1ap02bZr+/vvvOnnyZLVYLLpo0SKjTIsWLYybBHvp06ePZsmSRWvWrKl+fn767rvv6i+//KKqjyvdKlasqJUqVUrSyVue5mk3oKtWrdLLly/rwYMHNWfOnMYzmOfMmaMWi0U9PT1trifJVcttffTQ4MGDtVmzZporVy7t0KGDxsbG6oULF7RXr17q4eHxj8/s7dOnj3p5eemIESP0yy+/VGdnZ33//fdV9XFSU65cOXVwcNB8+fLpW2+9lWw3vPH99ddfWqpUKa1WrZoxcdvOnTt15cqVqvr/FTjt27fXjz/+OMluYiZMmKB169ZV1cfdIa2PjrRKzu7lFy9e1Pz589s8/eLChQvGWFzredi9e3etXLmyzRwbySH+I6B+++03o5v7Rx99pMWKFdMcOXJox44djYTw3r172qRJEx05cmSSVgL99NNParFYNFeuXAl6qh0/ftyo6MqfP7/my5fP5ny3Dp1LSocPH9YaNWropk2bVPXxsI85c+ZowYIFtVWrVka53r17a5kyZV7L9ebQoUP666+/6rJly/Tq1au6ZcsWzZ07t03Fl3U/Z8+etdskpPH99ddfWqZMGaMnzY0bNzRnzpyaM2dO9fLy0unTpxvfx7Nnzyb573H841OxYkWdPHmyHj9+XNu0aaO+vr46Y8aMBAn7p59+miRxXbhwQZs0aaLnz5/XZcuWadq0aY2kr0OHDlq8eHGb4XqqanMsX0ZoaKjNEMqDBw/azH3UqFEjtVgsWrhwYQ0ODtbmzZtr48aNtUqVKlqrVq1km0NA9fGEf7Vq1dIqVarYHAd/f3+1WCzarl07m/K9evXSkiVLvvYeJfG/u7du3dIhQ4boN998o7Gxsbps2TKtXLmyBgYGJrjmLFy4MEGFyH8Byfq/wI8//qh9+/ZV1ccXyxw5cmiXLl20f//+miJFCh09erRxQ22vLiOrVq3Stm3b6tixY41lu3fv1jx58ugHH3zwzHFw9upumty2bNmiXl5expihrVu3qouLizo7OxvLVB938d6+fXuyVVzExcXptWvX1GKxaJs2bZ6asKdIkcJmJnN7iI2N1U6dOhljeS9duqTZs2c3upjGP+/btm2brJUJ8fc9e/Zsm0kdv//+e7VYLLpixQqjzPLly7VQoUKv7RFEiRE/Uf/mm28SdF38+uuvtWLFisYNyeLFi7Vjx47apUuXZO+e/9tvv2nOnDmNZOO3337TFClS2IxHv3r1qrZp00YrV678zO3s2rVL8+XLp1u3blXVx5PopE2b1hijrvq42/l3332n33//vfE+7TEcYebMmcaYvSfHUp46dUoHDhyo7u7uSTLru1Xv3r2NcYRPPhd44cKF+s033yRrZcbFixc1X758WrRo0QRdS48dO6Y9evRQd3f3ZO9JFhERofnz59e2bdvqihUr1GKx6NKlS42YixQpoj4+Pkb5uLg4HTBggGbPnj3Jx+2eO3dOmzVrpo6OjsacA/F/Y8PDw3XLli06a9asZHvihNX06dO1VKlSWrx4cZtz/Pbt2zp58mQtWrSozY376+jJs2jRIs2QIYMGBASoxWLRMmXK6MSJE3XLli2aK1cum0czmqm7bXh4uM6YMUOvXbum4eHhmidPHiPJCg4O1ly5cumXX36ZrBVoe/bs0W7dumnjxo1thp20a9dOc+bMqdOnT0+Wpw4tX77cmPDSycnJpnv79u3btX79+lq4cGH9+uuvdf369dqrVy9Nly7dS3/3wsPDNXv27Nq6dWs9dOiQPnz4UH18fLRhw4Y290Qff/yxMRTPHuL/bv3yyy9ar149rVixotEL8o8//tB8+fJpUFCQbty4UVetWqXdu3dXNze313oNfbI37b59+9TLy0tLlChhMznsr7/+qtWrV9cSJUrYbY4YMyFZfwNZfzQOHjyoly5d0r/++kuPHTum9+/f1ypVqujHH39slM2SJYt6eHjo+PHjjYnLkjPG2NhY/euvvzQgIECdnJy0bdu2NuX27NmjefPm1QYNGth0+/63i9/lKSYmRocMGWKMk7tw4YJmz55dmzdvrp06dbLpupXcMVotXrxYU6VKpZ07d05Qw1q6dGm1WCzatm3bZO2aFD++mJgYLVOmjE6YMEGvX7+eIJmYM2eOMalNctm4caPRomeNY9CgQcZ3YP78+eru7q7Tp09X1cc3pdYJjDZv3myXpLB3797q6+ur/fr10+vXrxtxDx48WL29vTUiIkJv3rypderU0UGDBhmvS85YFy1apGXKlFHVxy2Frq6uNsdw+/btqqr/+Fzq9evXa/78+VX18c1L2rRpjcnpIiIi9Oeff07wmuR4n9aYn9zXt99+q2XLlrWZqXjHjh3asGFDzZcvX5JUlt24ccO48V61apWmTZtWXV1dtVu3bjYVPG3atNFWrVq99m7JVvHHwu7Zs8f4rbh48aK+9dZbWrx4caNL/L59+7RJkyZaokSJJH+UZXzWiqyoqChduHChpkuXTp2dnXXhwoWq+rhLfExMjC5ZskS9vb3V399f33//fa1bt65myJDhtc+u/Kyu2ufOndM6depoxowZjSFMzzqvk/N7vWPHDs2VK5emSJHCOGZWp0+fVicnpwTfyVe5n9m/f79mzJhRv/76a71586ZeuXJFW7RooRUqVNApU6boli1bNHv27Fq6dOmX3kdSsp7vffr00Tp16hiJcPfu3dXd3V3ffffdJHsM2tP07t1bPTw8NEeOHAnuEdq1a6f58uXTcePGJctjcUeMGKEWi0UDAgISVMyHhYVpt27d1MXFRQsUKKCFCxd+5Wvnvn379N1339U2bdrorVu3dOPGjZozZ05t1aqVzfe6YcOGmjFjRp03b16yDs1R/f/vSmhoqLZp00aLFi2qFotFy5UrZ3SJP3jwoBYpUkT9/Pw0b968Wr58+dd6DQ0LC1MPDw+9cuWKEc/u3bu1du3amipVKqPi3Gr16tVau3ZtzZcv339ixvfnIVl/w8Qf35Y5c2YdPHiwcTN19uxZ9ff3N2qu/vrrL23evLn27t07yWvsn8V6Qdq7d69WrFhR3377bV22bJlNmb1796qbm5vNeNF/s/gXaWuPh4sXL+qWLVv07t27GhgYqG3atFHVx91dnZ2d1WKxJJj8J6k8mSxY/2t9jnPnzp1tunn26tVLf/rpp2SbUf3GjRvGjcny5cuNCY+GDBmiH330kfr6+hoJcVxcnN65c0fbtGmjISEhydbyN27cOM2QIYN+//33xvczLi5OW7ZsqUOHDtX9+/dr2rRpjV4TsbGxOmXKFKObuVVST8AT36xZszRjxoy6f//+BDf6165d07x586q7u7vmzp1bCxUqlOxdwq0xfffdd1q5cmVdv369urq62rSEL168WDt37mzTJfHJ9/LNN9/o5MmT9eDBg1qtWjWdMmWKTaKu+rinS9OmTe12g7Bz507t0KFDghvbb7/9VosVK6YNGzY0KnZ+++23BJMSvg6//PKLli5dWvPkyaOfffaZrl+/Xvv166eenp7GBEU3b97UAQMGqKenZ5Idq/i/eTly5NACBQpo6tSptVWrVnr58mW9cOGCvvXWW/rOO+8YLbL79u1L1iedfPXVVzZzquzbt08tFou6uLhox44dbcrGxMTo+fPntWvXrtq2bVsdOXKkzWSYr0P8c37Pnj26Z88em265Fy9e1OrVq2umTJmMzy05E/NnVSQcOHBA8+TJo9WqVbOpvL969armz5/f6KHwOsydO1cLFiyokZGRxjl25coVbdq0qZYvX17v3r2rGzZs0Pz58z9zDpHkYI3t+PHjeujQoQRdplu2bKkffvihce717NlTV69enaznv9WoUaM0e/bs2qtXrwQJe/PmzbVIkSLGxMdJwfqbNGvWLB0wYIBWr15da9asqXv27ElQ9vr16xoeHv7aKjT279+vAQEB+tFHH+nNmzd127Zt6uvrmyBhr1mzpmbPnj3ZnuAT/7u2adMmdXBw0GnTpmlYWJh+8803WqJECa1UqZIx9ET18bl26dKl116x8vDhQ+N3K/794r59+7Rq1arq5eWVoHJl+fLl2qBBg2QfFmg2JOtvoNDQUE2dOrX+73//s+kudvjwYfXx8dE5c+bo+fPndejQoVquXLkka+34J3PmzNFatWoZX87du3dr+fLltWbNmhoaGmpT9sSJE3ZpSUxuFy5c0ObNm+uVK1d06dKl6u7ubnNx2r17txYtWtS4gTp58qR+8MEHOnr06GTpum29MVi3bp127NhRmzVrpqNGjTJ+eJcsWaIpU6bUli1b6tSpU7Vfv36aJUuWJP0Bju/GjRuaMWNGnTp1qjFuesGCBar6uOXPzc1NCxcubIxpio6O1gEDBmi2bNmSvcKqcePG+tZbb+mcOXOMH+YlS5YYlS/xu+fduXNHq1atqn369EmW2J7WraxTp07atWtXVX36Y1Fu3bqlEydO1G+//dZYn5RdZJ91Q3/z5k318fFRi8ViM6fD/fv3tUaNGtqiRYtntrg9ePBAa9SooXXr1tWIiAgtXLiwWiwWm0c13bt3T6tXr66NGze2W9fXESNGqL+/v3bp0kWjoqJs1vXs2VOdnZ1txrC/bvv27VN3d3cdPny4du3aVYsVK6aNGjXSsWPHaocOHTRlypRauHBhLVGihGbLli3Jn1u+Zs0aYw6Chw8f6qpVq9RisWijRo304sWLeuHCBQ0ICNCcOXMm+TPdn+bSpUvGWGZrb5odO3boggUL1MvLy2Zsf1J3K49/zg4aNEhz5cqlefLkMSaHtP7O/vXXX1qjRg3NnDlzkg6feFL87/XmzZt18eLFunnzZuM3JiwsTHPnzq0lS5bUUaNG6aJFi7R27dpaoECB13qPMH/+fM2VK5eR1Fo/l3PnzqnFYjGeamKv+6f4Fi1apJ6enurr62t0cbdq166d+vn5GZXVadOmTfJ5iazn2IMHDxJM1tqvXz8tWrSoDho0KEE3/KSqQLDG82Rr9U8//aSVK1fWmjVr2lRW7dq1K0nmsYifsN+6dcsmYY/fep8cM8Jb5zSJr3///gmGhoWGhmrRokW1bNmySdK79Wm/4+fOndMUKVLYPHVh3759WqNGDfX19U1wr5vcc46YEcn6G+b+/fvaoEEDoxX67t27eubMGR09erSuX79eK1eurBkyZNDcuXNrpkyZbC5QySkuLk6//PJLfeedd7R58+ZG7WVYWJiRsD/tYvJvT9iXLFmiZcqU0ZIlSyYYT6X6+LFo8cc4DhgwQGvWrJksY72srLNytmnTRqtUqaLFixfXbNmyGa13q1at0pIlS2rBggW1UKFCSX6j/qRJkyapk5OTOjg4JHim9ty5czVNmjRavXp1rVWrljZo0CBJupg+T/ybl4YNG2rRokV19uzZevfuXb1796527txZM2fOrEuWLNHbt2/r8ePHtVq1alq0aNFkGR86ePBgLV++vKr+/w9pXFycVq1aVd977z2jnPUG6N69e0+dzDC5Wv2//vpr7dq1q86ePduoxFq6dKl6eXlpw4YNdevWrbp06VINDg5Wf3//BLM4P7nNvXv3atq0aXXnzp166NAhTZMmjTZs2FCnTJmiCxYs0EqVKtlsxx4zPz98+FBDQkK0RIkS2rFjR5vv/4IFC4zW9aSYu+L06dM6YsQIHTlypLFs+fLlWqVKFW3YsKEuW7ZMt23bpiEhITpv3rwkadWPLzIyUtu2bavDhg1T1ce9kXLlyqX169dXd3d3rVOnjp4/f17Pnz+vgYGByTqB6pOsz222VobdunVLv/vuO/Xy8tJPP/3UKPf1118blYxJVSE0YsQI9fLy0s2bN+vdu3e1S5cuarFYdNCgQTYJ+7vvvqs1a9ZMkhiep3fv3po9e3bNkiWL5suXT/Ply2eMSbfOJ2GxWLRhw4baq1cv43Wv67pj7VoffziP6uPH1RUqVEjDwsJey35eVvznqOfPn1+/++473bBhg4aEhGjKlCmN+VlUVRs0aKBly5bVUqVKJfnQD2tcq1at0iZNmqi/v7+OGjXK5gkwffv21aJFi+qQIUOS/FF31nhWrlypwcHBWr9+fR0xYoSxfsGCBVq1alWtUaOGrlmzRocNG6bp0qVLsvH8T2thz5kzp9arV88Y+53UlcBr1qzRYsWKJagcCQkJ0WLFiiVoXJk+fbqmSpVKixUrZjNL/Oty4cIFY2jL/PnztVmzZjp58mRNnTq1TY/avXv3ao0aNTRnzpyMU38Cyfob5t69e1q8eHHt3Lmz3rhxQzt16qRBQUHq7e2tOXLk0ClTpujy5ct12bJlydpt5Gk3tDExMTpjxgwNDAzUJk2aGAn7zp07tWLFilqiRAndsWNHssVoT/EvzsOHD1eLxaJFixa1mfgvLi5Ob968qW3atFFnZ2ctUqSIurq6Jvu4y8KFC9tMBHjkyBGtWrWq+vn5Gd2Lr127pjdv3jR6TSQH6zlmfRyNxWLRadOmJajIsP4gf/DBBxoSEpJs3fPjx6j6uDVk9OjRmipVKs2RI4f++OOP+ujRIz1+/Li2a9dOU6ZMqVmyZNG3335bg4KCjC58SV1h9ccffxiJqLVnTkxMjA4cOFDfeecd3b9/v00M586d0/Lly9vluzp06FBNnz69VqpUSbNnz67vv/++MSZ91apVWqBAAc2aNasWK1ZM69Wrl6hjGBkZqQ0aNDAm8Fu3bp3WqlVLfX19NSgoSJs2bZpsn4Xq/18bLly4oH/++adRIRETE6OjR4/WEiVKaPv27Y3zfODAgTp48OAk6c0SGRmpxYsXV09PT+3Xr5/NumXLlmmFChX0gw8+SNZK4IcPH+rChQv19OnTeuPGDS1SpIgxL8u8efPUYrFo9erV9a+//rL7hKQXLlzQoKAg9fHxMcaDx0/Yg4ODtWvXrmqxWJK0p9Tx48dterAtXbpUPTw8tGXLluro6KiDBw825he5du1asldIffPNN5o+fXrdsWOHXrt2Tbdu3ap16tTRdOnSGcfl4MGDmjdvXm3VqpVN4vw6E50ff/xRU6VKpf369dNTp07p1atXdeDAgerr65tgIkd7WLdunfbr1087depkfF63b9/WqVOnqqOjo02iExkZmWwtkEuXLtU0adJo3759ddSoURoUFKQVKlSwmSh1wIAB6ufnp6NGjUry82vz5s2aKlUqbdeunTZo0EB9fHy0cePGxvolS5ZorVq1NEuWLJozZ84kf5LOky3sGzdu1EKFCiXbORUeHm70uop/nZk/f76mT5/eeGSe1a+//qrFixfXjz766LUP+YiOjtbGjRtrqVKltHv37mqxWPS7775T1ceVlilSpLA5j/fv369lypQxhtqZaWJHeyJZfwPNmTNHU6dOrW5ubvr+++/rnDlzVPVxN9YqVarY9Rmg69ats2lZfPTokU6bNk1LlSqlzZs3N24wt2zZop06dTLF80qTg/WCs3//fu3fv7+OHDnSaMl8srb13LlzunjxYp0wYUKydN2OP9HdrVu3NFOmTDbP4H306JEePHhQixYtaoypTu7PzRqj9fmxp06d0gkTJqjFYtEvv/wyWSateRGDBg3S9OnT6zfffKPTpk3TsmXLqq+vr/7444/GsTtw4IAuW7ZMd+7caSxLymTjyceYWecgsCbhp0+fVm9vb61Vq5Zu2LBB7927pxf+r707D6gxb/8Hfh1JkYRGRCQpIalEElIqW7IOJllKyB5GyNiy7wZhUiE7oxiMLFOJoSlK2ZeSNRlJJVQ6798f/c79nCOer+d5nPtkul7/dZbO55xzn/v+XJ/luh49Qu/evdGpUydRAlf546qoqAjDhw8XOuonTpxAjx494OzsLCSiKS4uxt27dxWS4X38Ga5duxarV69WmIUODg5GtWrVhIGcN2/eIDs7W6GzK0bgJ1+20dTUFE2aNIGOjg7GjRuHp0+foqSkBKtXr4atrS309PTQo0cPVK1aVal76ZOSkmBqagp7e/syZXNOnDgBS0tLDB06FAUFBaJ1pGTLW3ft2gU7Ozvhu9y3bx+6dOkCQ0NDpc/wf8qn3v+TJ0+E/eCygD0vLw+///47nJyc0L17968+APupHBNbt27FmzdvEBcXhwYNGgjnbi8vL0gkEkyZMkXheWKe06dNm6ZQig0ondHu1q0bevXqJWwbklWMGThwoFKW6EqlUuzbtw/a2tpo1KgRTE1NYWBgoLIVifIKCwsxZ84cqKmpoU2bNgr3yQJ2TU1NhaXEYrhx4waaN2+O4OBgAKWrO3V1dWFiYoJOnToprJhcsGCBUla6yB+rd+/exbFjx7B+/XoApZ9NREQEdHR0MGjQIOFx6enpSElJES1gTkpKgo2NDQYNGoTXr1+Ltp1C/px07949WFpaCtvbAGDYsGGoWbMmIiMjhYBeNiCkrISEOTk5sLW1hUQiwbhx44Tb371798mA/erVqyrNE1EecbD+jbpx44YQUMlOXBMmTFBINCIG+Q58TEwMmjdvjqlTpypkBS8sLMTSpUvx3XffwcfHRwi4ZP7pAbvs5BkREQFjY2PMmTMHQOmskJOTE9zd3RVKY4g5ky5z+fJlTJgwAS9evICtrW2ZZH9SqRTt2rUTtZzYxxISEmBvb6+QEXj58uWQSCRYu3atMPO4du1aYb+hGD6uu/v06VOYmJgIg2gyvXv3Rr169bBr164y+5AB5f4OLl68CIlEovD9JScnY8CAAdDX18eFCxcAlM7ItWrVCubm5tDV1YW1tTWsra1FmWmWf//Jycm4c+cO+vbtq7BCKCoqCj169ICrq6uQWPBz/wMoXYk0c+ZM6OjowMnJCd7e3sjOzsa7d+8wdOhQ+Pr6frKCgZij+bGxsahatSq2bNmCmJgYRERE4LvvvkO/fv2QmZmJDx8+4MKFC5gzZw78/f1FSXqXkpICS0tLjBkzpkzAfurUKZXVuQ0MDIS5ubnQqZw1axY2btwoerJD4F/HSGJiIvbt26eQh+XZs2fo3r27QsAu87VnP+WP+Xv37uHJkycKfYCJEyfC09NTGPCYOXMmnJyc0LlzZ5XNWk2YMAEWFhZlbt+wYQOaNWumsGLrypUr0NXVxfDhw5WWQTsjIwNRUVE4ceKEaGVRv0R6ejoWLlwIiUQiVLyQefPmDVatWgVdXV2FwUplu337Nvz8/JCfn4+HDx+iSZMmGD9+PGJiYlC/fn106NABhw4dUsprL1y4UCHYfvToEXR1dVGjRg2F5KyFhYWIjIyEjo4OPDw8lNKWL5GQkIDOnTurJI9GYmIi/P39ERAQAHNzc6G8M1CalLBOnTpo1qwZbG1toampqdQSl0VFRXBycoKlpSVcXFwUcs28ffsWISEhqFq1qsKgAlPEwfo/wK1btxAQEKD0Orv/TmhoKC5cuICZM2fC3t4eP/74o0In+O+//0aTJk1Qt25dYa9VRVreIksKGBwcrDADFBkZCRcXF/Tu3RuxsbFYsGAB6tSpU2ZAQ9nWr18Pc3NzJCYmYvr06Wjbtm2ZeqD9+vXDTz/9pFB2TkwZGRmwsbGBq6urQhm25cuXQ11dHb6+vvDy8oK6urpotZVHjhyJBQsWKNwmy5wuy0cg38E0MzODlZUVNm/eLGrplg8fPuDQoUOoXr26UHseAK5fv47BgwejTp06QsD+7NkznDt3DkFBQfjtt99Er7f8448/QldXF7q6uqhevXqZuqynTp2Cm5sbrK2tv7jkzuPHjxEcHAxra2uYmZlh+PDh6NWrl8IsnqrORwEBAejZs6fCbcnJyahdu7ZQ11xGzIHNpKQkWFtbw8fHp9zsH0xKSoKGhgbs7e3RtWvXr14D+D8VGRmJKlWqCIkKhw0bJqzWyMzMRPfu3VG/fv0yAx5fi/wxO3PmTJiZmeG7776Dg4ODELw4Ojpi6NChAEo7zX369FGY/VTmcf+54/XIkSMwNzdHWFiYQk3uqKgotGrVSgiY5Vch3b9/X2ntLA9k38ObN28UMoW/evUKs2bNgpaWVpkcLQUFBaKWZwNKrwOy4HPEiBHw9PQUBqDc3d1Rv3599O3bF3l5eV/12MrOzoarq6vCb+nvv//G+vXrUb9+/TIrNQoLC3H06FFIJBKhuo4qiF2iDSj9joYPHw43Nzfk5ORg0aJFMDU1VdjadOTIEWzevBkrVqz46tUoPuX9+/fIzMxEr1694OjoiF27dincv3btWtStW1ehkgv7Fw7Wv3GXL1/GDz/8gObNm4s6Iyt/Ed64cSMkEgkyMjKQl5eHuXPnwtbWFjNmzBAe8+DBAwwbNkxhGXBF8amkgHfv3sXKlStx6tQprF69WrjIGRkZKX0/FaCYPEymY8eOcHd3R3FxMfr164e2bdtiypQpOHjwICZOnIgaNWqovNblw4cP4eDgACcnJ4WAfdOmTejWrRtcXFxE/R0cPXpUmNWTXWRkqxDc3d2Fx8n2Xrm5uaF27doYOXKk6MHhhw8fcPDgQVStWlVhKdq1a9eEgF22H/xTz1UW+c/h6tWrMDY2RkxMDLZv346ePXvCzMxMYVsGUPq5T58+/b86lwQHBwv7hiUSiUIiNbFJpVJ4eXnB1dUVQOl5VTbIuWvXLujp6eHRo0cqO2cmJSWhXbt2GDJkiMp/+zIXL16Ep6cnJkyYoLQg+N+RHa8vXryAi4sLwsLCkJ+fj4sXL6JOnToYOHCgMJuemZkJOzs7mJiYfPXZf/ljYt++fahXrx6OHDmCHTt2YMaMGahcuTKCg4MRFRUFiUSC3r17w8LC4t8mYVRW+yIiIrBp0yZs3LgRd+/ehVQqxfDhw9G+fXusW7cOT58+xePHj+Hq6ooePXootKsi9Bdk7/fYsWNwcHCAubk57O3tcfjwYRQUFCAvLw+zZ8+GtrY2tm3bJkqbiouLhXa9fv26TG6YwsJCtGvXTkj8WFJSglGjRmHNmjVKy/ou+w1FR0cLy6RfvnyJTZs2oXr16gqJCGVtPH78uCiVdMqbmzdvolq1avj111/x/v17BAYGwszMTGGGXRXS0tLQq1cvdO3aFeHh4QCAefPmYcSIEaLmQPrWcLD+jXv79i3i4uJE3d8hf/E8f/48tm7dKmS2BUpHhmUBe58+fRAREQFnZ2cMGDBAOPlXhAuwzOeSAurr68PAwACrVq1CRkYGEhISRCnpIRMVFQVPT0+hZvLDhw/RuHFjBAUF4d27d5g9ezbat28v7EX70lnMrykpKalMAJmRkYEuXbrA3t4eR48eFW7PyclRyb4wANi2bRsGDRokfEYXLlyAjo6OUO9dxtPTExcvXlTIwi6moqKizwbsQ4YMQb169ZSyN/RLrF27Fn5+fpg3b55wW3x8PDw8PGBubo4zZ8588nlfei75+LNOSEjAiBEj0LNnT1FyHkilUmHQIzs7W5hRjIiIgIaGhvD+ZO8nMjISzZs3V3kHJiEhAQ4ODipZyvk5JSUlKl2ZFRUVhVGjRmHQoEEKgUliYiL09PQwYMAAYXDj+fPnSr0+x8TEwMfHB2vXrhVuy8vLw4YNG1CtWjXs378fhw4dwtChQzFt2jQhUBer8sqMGTOgr6+PgQMHwtLSEq1bt8aBAwdQWFiIkSNHwtLSEpUrV0br1q0VttxUlD6C7H2ePHkSVapUwZw5c7Bt2zb06dMHZmZmWLZsGd6+fYu///4bc+fOVUjQpQz79+9X+DsyMhKtW7eGmZkZ7OzscOjQIbx8+RJSqRT9+vXDwIEDsX//fsyePRuGhoZf/TyxdOlSzJ49W2GCoUOHDqhVq5awAiM7OxtBQUGoXbt2mYC9Ivj4XCg7pqZMmYJ+/fqhsLAQmZmZCAwMRKtWrVS+3Dw9PR39+vWDubk5bGxsoKOjg/j4eJW2qbzjYJ39R+RPCn/99ZcwOyW7eMg6AAUFBdi2bRvs7OxgamoKV1dX4SJckZa/y3wuKeDkyZPh5OQkesk6qVSK0aNHQyKRoHbt2pg/fz7S09OxZMkS9O/fX0hsV1JSghcvXohe51IqlSI/Px8mJiZwdnYuU0bnyZMnqF+/Prp06VKm/J0YPu5Ibtq0CRYWFgp7fPfs2QMdHR20a9cOHh4esLW1hampqfBdK7szKn9MffybO3DgADQ1NRUC9uvXr8PFxUUlZZxevXoFDw8PqKmplVnOeOnSJXh4eKB169YK2Ya/hvj4eGhoaCiUHfraTpw4obDaIyIiAvb29jAxMcG8efNw8uRJTJkypcwKglmzZqFNmzaiL3P9FFUs5Sxv5Aeaz507B4lEAk1NTaEspPwedgMDA7i4uCi9EkVmZiaMjY2hra1dZoVIdnY2+vbti0mTJgGAwrY0sba07N27FwYGBkhMTAQAhIWFoUqVKsKe5g8fPuDx48f49ddfER0dLfqWG1UJDw9HUFCQ8HdBQQHc3d0xdepUhcfNnDkTpqamwraFjIwMLF68WGkzxY8fP4aGhoaw0ic5ORmampr46aefsHPnTvTt2xctWrTA0qVLUVxcjOPHj8PBwQGGhoZo1qyZUhLzbdiwARKJBMuWLRN+Y/fv34ejoyMaNWokBOwvX75EUFAQ6tatq3BdqyhiY2Oxa9cuhX7F4cOHUbt2beH69vTpU8yaNQu2trYqX27+5MkThIaGYuHChRVy5cN/ioN19sWio6OFxBC+vr7w9vbG9u3bUbt2bYwePVp4nPwSu8LCQmRkZHw2U3NFouqkgB8HbH/99Rd++OEHLFmyBDY2NvD19YWPjw+aN2+uMEsjNvl2JiYmomXLlnB3dy8zw+7p6QktLS0MHDjwkwnblEX+YijrhALAjh07YG1tDW9vb6GTfvfuXYwaNQpeXl4YN26cKLW7P16dsWbNGnh5eaFnz56IjIwUOjf79+8vE7CnpaWJMqP1qde4fv06xo4di8qVKyMqKkrhvvj4eHTv3h3Dhg37am2QHWft27cvkwzwa3n+/DmMjIzg5eWF+/fv49atW6hZsyYWLVqEKVOmoE2bNhgyZAjWrl2LqVOnQl1dHba2tujYsSNq1qwpBIKsfIiLi8Po0aORm5uLy5cvC4NLstl12TF16dIlmJqaipKsLCUlBcbGxrC2ti5zvIwaNQrdu3dXehs+JzAwUEjwdfDgQdSoUQNbtmwBUDr7/6m9smIPXIvtzZs3cHZ2hp2dncIMuYODg7BEWb4/0K1bNzg7Owt/K/vzOXfuHBo1agQ3NzecOHFCoZ47APj7+8PExERIqJiRkYGHDx8qpZ667Pe0bds2VKpUCYGBgcJ96enp6NSpk0LAnp2djdWrV6NJkybIysqqMBNDhYWF8PPzg0QiQf/+/bFq1SrhvtGjR8POzk7oI2VlZSmtxjxTHg7W2RfJy8uDi4sLHBwc0Lt3b+jo6ODGjRuQSqUIDQ2Furo6fvrpJ+Hxn+qMV5RlbV9CVUkB//jjD2HPW0lJCSZOnAhvb2/k5eVh8+bN8PHxEVZLiL0sSb48W15enrD8NyUlBWZmZmUC9unTp2Pv3r2ilmySP4bnz58Pc3NzhWWD27dvh5WVFby9vZGamvrJ/6HMAauAgACF3ALz5s2Djo4OfH194eTkBGNjYwwfPlwYyT548CC0tbXxww8/KPwfZf5W5f/348ePFUr7pKWlYcSIEahZs6awPUPmxo0bX71dv/zyCyQSiVKTV125cgU2NjaYOHEiFi1ahEWLFgn3/fbbb3B2dsb333+Po0ePIjY2FjNnzhQt6Q/7z4SFhUFfXx/jx4/HmzdvcP78eaipqWHMmDFlAnYxq7KkpKSgdevWGD58uLAVJy8vDx06dFAYSFemT/02Z86ciYCAAFy6dAnVq1cXAnWpVIqwsDCsXbtWIcFcRfHs2TN8//336NKli1ACzdPTE+3atRMeI1sJsWzZMnTq1EnUiY7z58/DwMAAEolEWOkkP0jQo0cPODg4KLUN8olspVIpdu/ejUqVKimcPz8XsJeH1UiqcPPmTYwbNw5mZmYwMzNDWFgYfv75Z7i7u6tsexv7OjhYZ18sOzsbzZo1E5YkycjXSvx4FJaVpaqkgB8+fMDSpUuFrMUXLlyAVCqFtbW1MGKdm5uLiRMnokGDBqLUeJeRT7Bjb28Pa2trNG3aVMgYmpqaCnNzc7i4uGD8+PGYNGkSatWqpbJ9tLNmzYKenh7Onj1bZiZbNsM+evRoXL58WdR2ZWdno2PHjjA1NcXVq1fh4eGhsMQ7NDQUXbp0ga+vL3Jzc1FcXIydO3fCyclJ9MG0gIAANG3aFPr6+hg8eLAw2p+WlgYvLy/Url37k/vUv2Y779+/L0qm8ytXrqBdu3YwNDQsk+Dnt99+g6OjI/r376+SvBDsP7Nz506YmJhg7NixKCgoQFxcHNTU1DBu3DiFslJiz+olJSWhRYsWqFevHtzc3NC/f39YWVkJQZ9YyeTu37+Pp0+foqioCH/++acw+Hvw4EHhMW/evIGrq6voNcJVTSqVCtsBb9y4gR49esDOzg6HDx/GzZs3YWhoiMGDBys8Z+TIkXB3d/9kicmv3TZ558+fFxISynJ6yAL2devWoW3btkodkJK158yZM5g6dSpu3bqFHTt2fDJgd3R0RPXq1UWroV6evXv3Dn///TdGjRoFV1dXNGjQABKJBJMnT1Z109j/gIN19sVycnLQs2dPdO7cGS4uLgqlF96+fYvQ0FBoamrySeH/oIqkgPJSUlLg6uqKDh06YMqUKTh58iT69OmjMGudk5MjertOnDiBqlWrYs2aNUhNTcXEiRMhkUiEEeFbt25h9OjRsLe3h4ODg0rq0QOlAwctW7YU2pWXl4e0tDRs3rxZqD8dHh4OAwMDhUEtseTk5KB9+/bQ19eHqalpmX2EQUFBqFevnlAfXn7GRKwZ9fDwcDRs2BDh4eHYvn07DA0N0aFDB2GWPS0tDaNGjYJEIhGlOoIYUlJSYGRkBHt7+zJZzE+cOAFLS0sMHToUBQUFFWb55rcgLS2tTBCwfft2mJqaYvTo0SgsLMT58+chkUjg5+en0mXc165dg5GRETp16iTMYgNQah36T5WP09XVRefOnbFlyxaEhoZCQ0MDe/bsQUZGBlJTU9GtWzdYWVlVuG1xss/qwIEDGDRoEOzs7FCtWjU0bdoU27Ztw+HDh2FoaAgrKyv4+PjAw8MDWlpan12l9bXblZKSgpMnT+LIkSPIyspCXFwcTExM0LVrV+Tk5AjncC8vL3Tq1EnpuSwOHz6MqlWrYtGiRcKWs+Dg4DIB+71799CzZ09ejfSRlJQUbNq0CU2bNlVZf4l9HRyss/9YZmYmevbsCUdHR2EPO1DaIVi5ciW6dOnCnc1y7vnz5wgPD4elpSW0tLRgZGSEOXPmiN4O+eNk2LBhmD17NoDSzPQmJibCEk75GrQlJSUKdWjFlpCQAG1tbdy5cwepqamYPHkymjVrhpo1a6J+/fpCEHz8+HHROu4fB9mvX79G7969IZFIcPjw4TKP0dPTw+bNm0Vp28eOHTuGoKAghIWFCbc9ffoUTZo0gZ2dnRCw3717F0uWLPlHdehTUlJgaWmpkIhQ5tSpU8JgDysfXr16BX19fQQEBJRZxRMSEiLMqOfn5+PSpUtCyTZVSk5Ohq2tLUaPHq301VH/V/k4DQ0N+Pr64ueff4ampib09fVhaWkJR0dHYQDhn75H/WPx8fGoVq0aQkNDcfv2bdy7dw8ODg5wcHBAaGgo7t27B19fX/Tr1w8jRowQrTzhoUOHoKurC0tLS0gkEnTs2BHr169HXFwcTE1NYWZmhgEDBmDKlCnQ1tZWevB3584dGBkZffI69csvv6BSpUpYsmSJcNs/6Trxv/q4/y3mlhymHByss/9Keno6evXqJdSZ/fDhA7p27Yrp06cr7DNi5VtRUZGQ2EpPT0/URG0ykZGR2LRpE2xsbHD69Gnk5+ejfv36GDNmjHAMBQUFqSSQ+VzuBRcXF+jq6kJbWxvjx48Xshvr6+uXSc4nZmf07NmzePDgAYDSGXYHBwc0btxYIfHU8+fPYWxsrFBuUZnkP8Ps7GxoaWlBIpFgxYoVAP51nnj27BmMjY3RsWPHMkHGP6kjlpSUBGtra/j4+IiyBJ/9b2JiYtC4cWMsXLiwzAx7mzZtoK2trXDdKw+SkpLQrl07DBkyRMhfoUyfKh+Xm5uLoKAgaGtr4/jx40hLS0NsbCySkpKEc8I/6Xf9pX755Re0aNFCoczo48eP0bFjRxgbGyMiIkK4XazPJykpCd999x1CQkLw6tUrZGZmYvjw4XB0dMTGjRsRFxcHGxsbYaWb7BqjTGfOnIGpqanCdV/+WrJ7925IJBKsXLlS6W351pWncxP773Cwzv5r6enp6N+/P5o3bw4jIyOYm5uLsj+OfR3y39GZM2dUEgxfvnwZtWvXRkREBLy9vTF48GAYGBhg/PjxwsyLrKzN6tWrRT2u5DsGp0+fxsGDBxEeHg6gtCO6b98+xMbGCu0sLCyEvb099u3bJ1obZaRSKa5duwaJRIKpU6cKWyxev36NDh06oEGDBpg7dy5CQ0Ph5uYGc3NzUTqC8t/X5MmTsWzZMly9ehVGRkZwdnbGy5cvFR737NkzaGlpYezYsUpvmyqJHUyx/40s4VZgYKAww15QUABfX18sXbpUWE1TniQkJMDBwUHpeT3+Xfm4ly9fok+fPpg4cWKZ51XUhLPh4eFo1qyZUDpLdv1ITU1F9erV0bJlS+zYsQOAeP2oPXv2oEWLFsjNzRVeMzMzEx4eHujSpQvy8/MRHR2NFi1aiFLhACgdxG/YsKHQLykpKRHaFhMTg1u3buHgwYPlYjULY8rGwTr7nzx79gzHjh1DSEiI0PmviKPl3ypVDqrcu3cP8+bNg7+/P4DS5GdNmzZFu3btFGYdZs+ejaZNm6qsQywrVdOmTRtYWlrC2NhYoX7y27dvkZaWBjc3N1hZWal0WeeOHTtQq1Yt/PjjjwoBu6urq5BYcPHixcJvVJltlT+2oqOjYWJigtjYWAClJe90dXUxYMAAvH79WuHxL1++rBBLY8UKptjXcf78eTRu3BgTJ07E3r17MWfOHCHAKa+UvadY5v8qH9ejRw9R2vEtuHfvHjQ1Ncsk4718+TIcHBzwww8/iJ7PZt++fTA2NhYqGsiuDw8ePIBEIkF0dDQAKFyXlS09PR1Vq1ZFQEBAmfv8/Pwwd+7cCnGdYAzgYJ19ZXzyZF8iNzcXNjY2qFOnDvz8/ACUHjvTp09H69at4eTkhKlTp2LgwIGoVauWyrJkb926FXXq1BGStIWHh0MikeD3338X2rxnzx506dIF9vb2KtmH+XGW4J07dwpLc2WzIDk5OWjdujU8PT2Fx4k1qBYREYGRI0cK+Qhkn01CQgJ0dXUxcODAMgG7/OP+ycQKptjXkZiYiE6dOqFhw4Zo0aJFmeSNFVl5KB/3rdi1axfU1dUREBCABw8eICcnB3PnzsWIESNUMvhz//59aGhoKJTfBUprqJubm+PSpUuitwmAUBZ4xowZuHbtGm7evAl/f3/UrFmTVySxCkUCAMQYYyJLTk6mwYMHk5aWFoWGhpK1tTV9+PCB9uzZQ7GxsfT8+XNq3rw5jRkzhszMzERpk1QqpUqVKgl/T5s2jerUqUOzZ8+mw4cPk7e3N61atYrGjBlDBQUFpKWlRXfv3qUrV67QoEGDSE1NjT58+ECVK1cWpb1Lly4lqVRKU6ZMIW1tbeH28PBw8vb2pqlTp9LEiRPJ0NCQCgoKSFNTk9TU1ERpGxHRw4cPycvLS/iut27dSkREJSUlpKamRpcvX6ZevXpRy5Yt6dixY6SlpSVa2xj7b+Tn59Pr169JU1OT6tSpo+rmlCvJycnk6elJr169IhsbG6pSpQo9ePCA4uPjqUqVKgSAJBKJqpupcgBo//79NGbMGKpTpw5VqlSJcnJy6MyZM2Rtba2SNu3Zs4e8vb1p2rRpNGrUKKpRowZt2LCBwsPDKT4+nurXry96m6RSKR0+fJjGjh1LWlpawvVr3759ZGVlJXp7GFMVDtYZYyqTmppKw4YNo3bt2tGkSZPIwsJCZW2R70iePXuWHB0d6fvvvydTU1Nydnam/v3704oVK2jcuHEEgFasWEFaWlo0adIk4X/IglCxLFiwgAIDA2nNmjXk4+OjELD7+fnR9u3bydPTk+bNm0d169ZVehs/1RmPiYmhlStXUkpKCv3yyy/Uu3dvIvrXwMjFixdp8eLFdPz4cYWBEsbYt+f69evk7u5OBgYG5OHhQb6+vkREVFxcTOrq6ipuXfmSkZFBqamp9O7dO7K1taXGjRurrC0A6MCBAzRmzBiqVasWaWpq0tu3b+no0aMqG0CQefbsGT18+JAkEgkZGRkJ1zLGKgoO1hljKpWcnEw+Pj5kbW1Nfn5+1LJlS9HbIB9kzps3jyIiIujYsWMUHR1NISEhdPXqVVq3bp3Q8Xz9+jV5enpS27Ztaf78+aK08eNZf5mVK1fSrFmzaOXKlTRmzBiqUaMGEREtXryYTp06RdWqVaOoqCilz2jJty8rK4vev39PhoaGRESUmJhICxcupHfv3pG/vz9169aNiMoOHHzuPTLGvh1Xr14lX19fsrCwIH9/f2ratKmqm8S+0MOHD+n27dtUUlJCFhYWZGBgoOomMVbhca+IMaZSVlZWFBISQqmpqbR48WK6ffu26G2QBbLXrl2j5ORk2rx5MxkZGVHXrl1JU1OTTExMqEGDBlRUVET37t2joUOHUlZWFs2ZM0eU9skHsRcvXqSYmBhKSUkhIiJ/f39asmQJ+fv7U3BwMN29e5cAUHJyMgUGBtKpU6dIIpGQMsdlAQjtCwwMpF69epGjoyNZWlrSr7/+Sm3btqWZM2dS9erVadWqVXT69GkiojIz/ByoM/bts7S0pC1btlBKSgrNnTtXJed09t8xNDSkbt26Uc+ePTlQZ6yc4Jl1xli5kJiYSDNmzKB9+/aRvr6+6K+/efNmOnDgAJWUlFBERATp6ekREdHNmzdp7Nix9PLlS3rx4gUZGxuTuro6xcbGkrq6utKXvsvP+k+bNo0OHDhAb968IQMDA2rUqBGdPHmSiEpn2NesWUM1a9YkIqLKlStTSkoKVa5cWbS9ooGBgbR582bavHkzde3alRwdHent27d0/Phxatq0KZ07d47Wr19P6enpFBwcTLa2tkpvE2NMNVR9TmeMsX8CDtYZY+XG+/fvSVNTU5TX+njJdXR0NHl5edGLFy/o8OHD1LNnT+G+rKwsevr0KV27do1MTEzI1tZWlGRy8kH26dOnyc/Pj4KDg6lmzZp08+ZNmj9/PlWrVo2uXLlCRERRUVH08OFDKigooMmTJ1PlypVF20f/8uVL6tu3L02ZMoW+//57OnPmDA0cOJBWrlxJY8eOFd7LqVOnKDo6mpYtW8Yz6Yz9w4l5TmeMsX8iDtYZYxWOfKB+//590tDQoIYNG1J6ejq5uLhQixYtaP78+WRjY/PZ/yFmMrnffvuNjhw5QtWrV6cNGzYI7+HKlSs0bNgwcnR0pC1btojaxo8HOx49ekRdu3alq1ev0p9//kkDBgygVatWka+vLxUUFNCOHTtoyJAhpKurK0r7GGOMMca+dTytwRirUOT3V8+aNYt69+5NVlZW1LlzZ0pNTaWzZ8/SzZs3aeXKlcKMtex58sQKMl+9ekXLly+nAwcOUHp6unB7pUqVqG3bttS/f3+6efMmvXv3rsxzldlG2WcYExNDRESNGjUiPT098vDwoIEDB9L69euFhHxZWVm0f/9+unDhgmjtY4wxxhj71nGwzhirMKRSqbCsfP/+/bRz505avnw5rVmzhmxtbWnAgAF0/vx5OnPmDCUlJdGaNWsoPj6eiEi0+sBSqVTh79q1a9POnTvJxcWFkpOTafv27Qr3m5iYUHZ2NhUUFIjSPnnXrl2jrl27UmRkJBEReXp6UlJSEjk5OdGoUaOIiOjt27c0efJk0tTUJDc3N9HbyBhjjDH2rVLeZkvGGCtnZLPBsbGx9Mcff5C/vz/16dOHiIjy8/OpYcOGNHbsWPrjjz/o0KFD1LFjRzIxMaH27duL0j75peVpaWkkkUioWrVqZGJiQuvWraMJEybQjh07qKCggMaOHUtZWVm0e/duMjQ0VFheLpZ69eqRm5sbXblyhfr160fu7u5069YtOnnyJLm6ulLDhg3p7t27lJubS1euXCE1NTVe+s4YY4wx9oV4zzpjrEJ5/vw5dezYkV68eEEzZ85UKL+Wk5NDI0eOpIYNG9KmTZvo6tWr1KpVK1GCS/lkcgsWLKCIiAgqLi6m3NxcWrhwIY0ePZrS0tJo8uTJFB0dTYaGhtSiRQt6+/YtHTlyhDQ1NZVap/xz/zskJIQmTZpEKSkpZGpqSs+fP6e//vqLwsPDqXbt2tSwYUMKCAigypUrKz0hH2OMMcbYPwkH64yxCic1NZX69+9POjo6FBISQlZWVsJ9Pj4+9OTJE4qKihJuE3M2eNGiRbRx40bavXs32dvb07BhwygmJob+/PNPatGiBT148IAmTZpET58+pREjRpCfnx8RERUWFpKGhobS23fnzh2qV68e6ejoCLd1796dGjVqROvXr6dq1ap98nk8o84YY4wx9p/hPeuMsQrHwsKCIiIiqKSkhNavX09Xr14lotKl8Ldu3aJGjRopPF6ZQab8HnWpVEoJCQm0bt06cnV1pTNnzlBsbCwtXbqUWrRoQcXFxWRkZERr1qyhunXr0okTJygiIoKISJRA/fTp09S8eXPy9fWlPXv2CLe7u7tTfHw85efnExFRcXFxmedyoM4YY4wx9p/hmXXGWIWVnJxMnp6e9OrVK7KxsaEqVarQgwcPKD4+nqpUqaKwNF3ZZDXTN27cSNHR0fTs2TPq3bu3UP7s3bt3tGTJEho9ejQZGhrSvXv3aNq0afT8+XMKCAigfv36ffU2fer97927lxITE2nLli3UrVs3GjhwIHl4eJCVlRV17dqV1q1b99XbwRhjjDFWEfHMOmOswrKysqIDBw5Q1apVKTc3l1xcXCgpKYmqVKlCxcXFSg3U5WfUDxw4QNu3byc3NzdydHSkyZMnU69evejnn38Wyp/l5ORQXFwcxcXFkVQqJRMTE1q1ahU1btyY2rRpo5T2yd5/VlYWZWRkEBGRh4cHrVu3jhITE0lbW5tWrlxJtra21LBhQzp69Cjdvn37q7eFMcYYY6wi4mCdMVahmZubU0REBBUVFVFSUhLdv3+fiIjU1dWV+rqyZG3nzp2j2NhYmj59OrVs2ZLat29Pd+7coa5du5K3tzcRlS7P9/HxITU1NfLw8KBKlSqRVColMzMz2rt3b5ll+/8r+Vr08+fPJ1dXV7Kzs6PWrVvT7t276cWLF9SqVSvaunUrHTt2jNq2bUtXrlwhfX19MjU1/aptYYwxxhirqHgZPGOMUemSeF9fX2rSpAnNnz+fzMzMlP6a8pnpAwICaNasWVRSUkIzZsyg6OhokkgkZGJiQo8ePaL3799TYmIiqaurKyRrU+ZS/aVLl9LatWvp559/prp161JYWBhdv36dPDw8yNfXl2rWrCk8NjU1lczNzYWBBGVlpWeMMcYYqyg4WGeMsf8vMTGRZsyYQfv27SN9fX1RXjM1NZUGDBhAenp6tGHDBmrTpg2VlJTQiRMn6Ny5c0JSuUmTJolW/kwqldLr16+pV69eNGzYMBo/frxwn7+/P0VGRlJYWBh16tSJiouLFVYhcNZ3xhhjjLGvg4N1xhiT8/79e9LU1BT1NVNTU2nEiBFkY2NDkyZNIgsLi08+TpmB8Mcz9B8+fCALCwuaPHky+fr6KpSGs7OzI0NDQ9q/f79S2sIYY4wxxnjPOmOMKRA7UCcqLSUXFhZGSUlJtGnTJrpx48YnHydGoL5//34KCgqiypUrU5MmTWjv3r1EVFoarqioiIhKE/Mpe3afMcYYY6yi42CdMcbKASsrKwoJCaGrV6/SggUL6MGDB6K8rnzW9xs3btDKlSspJCSEIiMjadGiRfTo0SMaPHgwEf1rsCAlJYV0dXVFaR9jjDHGWEXFy+AZY6wcSUhIoK1bt1JISIioSdpmzJhBDx48oMzMTLp16xbVrVuX/Pz8SE9Pj6ZNm0YaGhrUpEkTysnJodzcXEpNTeXZdcYYY4wxJeJgnTHGyhnZsnSxsqrv2LGDpk6dSn/88QcZGRlRYWEhDR8+nAoLC8nb25ucnZ1p69atlJ+fTzo6OjR37lzRkt0xxhhjjFVU3MtijLFyRiKRKNQ6V7b79++Tubk5WVpaElFpDfiwsDAaMGAALVq0iKpXr06LFi0ion8NJJSUlHCgzhhjjDGmRLxnnTHGyiFl1U6XJ1tYpaGhQe/fv6eioiKqVKkSFRcXk4GBAS1fvpwyMzMpKChIyPwuaxeXZ2OMMcYYUy4O1hljrIKSBd59+/al5ORkWrFiBRGRUDe9qKiIevToQRKJhEJDQ4Vs8IwxxhhjTPl4DSNjjFVwrVq1opCQEBozZgwVFBTQ4MGDqVatWrRx40bq0KED9evXj1q2bElxcXHk7Oys6uYyxhhjjFUInGCOMcYYEREdPnyYxo8fT1WqVCEApKenRxcvXqSsrCxycXGhX3/9lSwsLFTdTMYYY4yxCoFn1hljjBER0YABA6h9+/b0+PFjKi4uJnt7e6pUqRJt3bqV1NTUSE9PT9VNZIwxxhirMHhmnTHG2CfduHGDVqxYQb///judPXtWyBbPGGOMMcaUj2fWGWOMlfHhwwcqKioiPT09OnfuHLVs2VLVTWKMMcYYq1B4Zp0xxthnFRcXC9nhGWOMMcaYeDhYZ4wxxhhjjDHGyhmus84YY4wxxhhjjJUzHKwzxhhjjDHGGGPlDAfrjDHGGGOMMcZYOcPBOmOMMcYYY4wxVs5wsM4YY4wxxhhjjJUzHKwzxhhjjDHGGGPlDAfrjDHGGGOMMcZYOcPBOmOMMcYYY4wxVs78P9xphFH+MSeJAAAAAElFTkSuQmCC\n"},"metadata":{}},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA7YAAAD9CAYAAACIjeuqAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQABAABJREFUeJzs/XecXFd98I+/b58+s7O9aXe16t2SLcsqttwwLhgwGEy1ndBCQjAPkB9JaHYghOQL5gkEMIQWE3gwxtimGVdsFRc1S7b6qqy0vU+fue38/pjd2V3tSlrZBuPkvv3alzW3nPO555ZzPudTjiSEEHh4eHh4eHh4eHh4eHh4vEaRX20BPDw8PDw8PDw8PDw8PDxeDp5i6+Hh4eHh4eHh4eHh4fGaxlNsPTw8PDw8PDw8PDw8PF7TeIqth4eHh4eHh4eHh4eHx2saT7H18PDw8PDw8PDw8PDweE3jKbYeHh4eHh4eHh4eHh4er2k8xdbDw8PDw8PDw8PDw8PjNY2n2Hp4eHh4eHh4eHh4eHi8pvEUWw8PDw8PDw8PDw8PD4/XNJ5i6/Gqcvz4cSRJ4oc//OGrLcr/ejZu3MjGjRtf0TJ/+MMfIkkSx48ff0XLnQl/+MMfkCSJP/zhD3/yuj08PDz+JzL2Td++ffurLYrHS+SPNe76Y4whZsott9xCc3Pzq1K3x58XnmLrUeqoxv5UVaW+vp5bbrmFzs7OV1s8YFxJkSSJHTt2TNl/yy23EAqFXgXJzo1FixaxfPnyKdt/+ctfIkkSl1xyyZR93//+95EkiYcffvhPIeKMcByHH/zgB2zcuJF4PI5hGDQ3N3Prrbd6Ax4PDw+PPzNO7ecn/n3qU596tcWbxC233IIkSSxbtgwhxJT9kiTxN3/zN6+CZDPnueeeQ5Ik7rzzzin73vjGNyJJEj/4wQ+m7Lv44oupr6//U4g4Y3p7e/nEJz7BggULCAQCBINBVq1axRe+8AVGRkZebfE8PCahvtoCePz5cMcdd9DS0kI+n+eZZ57hhz/8IZs3b+bFF1/E5/O92uKV+PznP8+vfvWrV1uMl8T69ev53ve+RyKRIBqNlrZv2bIFVVXZtm0blmWhadqkfYqicNFFF70aIk8hl8txww038NBDD3HxxRfzD//wD8TjcY4fP84999zDj370I06cOEFDQ8OrLaqHh4eHxwTG+vmJLFmy5FWS5sy88MIL3HfffbzlLW95tUU5Z1auXEkgEGDz5s187GMfm7Rv69atqKrKli1buPXWW0vbTdNk27ZtvOENb/hTi3tatm3bxjXXXEM6nebd7343q1atAmD79u38y7/8C0899dSf1aS7h4en2HqUuPrqqzn//PMBeN/73kdFRQVf/vKXefDBB3nb2972KktXZMWKFfz6179m586drFy58tUW55xZv3493/3ud9m6dStXX311afuWLVt429vexk9+8hN27NjBmjVrSvs2b97MsmXLCIfDL6vuTCZDMBh8WWUAfPKTn+Shhx7izjvv5Lbbbpu073Of+9y0M9QeHh4eHq8+E/v5P2f8fj+NjY3ccccd3HDDDUiS9GqLdE6oqsqFF17Ili1bJm0/ePAgAwMDvPOd72Tz5s2T9u3YsYN8Ps/69etfdv3ZbJZAIPCyyhgZGeHNb34ziqKwa9cuFixYMGn/F7/4Rb773e++rDo8PF5pPFdkj9OyYcMGAI4cOTJp+4EDB3jrW99KPB7H5/Nx/vnn8+CDD046ZmhoiE984hMsXbqUUChEJBLh6quvZvfu3S9Lpo985COUlZXx+c9/fkbH/+53v2PDhg0Eg0HC4TDXXnste/fuLe1/8MEHkSSJPXv2lLb94he/QJIkbrjhhkllLVy4kLe//e2l34888gjr168nFosRCoWYP38+//AP/3BGecY6rImdXT6fZ+fOndxwww3Mnj170r7+/n4OHTo0qaPbtWsXV199NZFIhFAoxOWXX84zzzwzqZ4xt7Mnn3ySD3/4w1RVVU2yoH7nO9+htbUVv9/P6tWr2bRp0xnlHqOjo4O77rqLK6+8copSC6AoCp/4xCfOaq395je/yeLFizEMg7q6Ov76r/96iktTc3Mzt9xyy5Rzp4vj6ejo4E1vehPBYJCqqio+9rGPUSgUZnRNHh4eHv/baW9v58Mf/jDz58/H7/dTXl7OjTfeOKP8CMPDw6xevZqGhgYOHjwIQKFQ4HOf+xxz5szBMAwaGxv5u7/7uxl/l2VZ5tOf/jR79uzhl7/85VmPn0l9N9xww5QJ8Te84Q1IkjRpDPPss88iSRK/+93vALAsi9tvv525c+fi8/koLy9n/fr1PPLII2eUaf369fT29tLW1lbatmXLFiKRCB/4wAdKSu7EfWPnjTGTvnLjxo0sWbKEHTt2cPHFFxMIBEpjkZGREW655Rai0SixWIybb755xu7Dd911F52dnXz1q1+dotQCVFdX8+lPf/qMZfT19fGXf/mXVFdX4/P5WL58OT/60Y8mHXO6fBiniwW+//77WbJkCT6fjyVLlszo+fD434NnsfU4LWMdWllZWWnb3r17WbduHfX19XzqU58iGAxyzz338KY3vYlf/OIXvPnNbwbg6NGj3H///dx44420tLTQ29vLXXfdxSWXXMK+ffuoq6t7STJFIhE+9rGP8dnPfvasVtu7776bm2++mauuuoovf/nLZLNZvvWtb7F+/Xp27dpFc3Mz69evR5IknnrqKZYtWwbApk2bkGV50mxqf38/Bw4cKMX17N27l+uuu45ly5Zxxx13YBgGbW1tU2ZnT2X27NnU1dVNKnvbtm2YpsnatWtZu3YtW7Zs4eMf/zhQdFmC8Y5u7969bNiwgUgkwt/93d+haRp33XUXGzdu5Mknn+TCCy+cVN+HP/xhKisr+exnP0smkwHge9/7Hh/84AdZu3Ytt912G0ePHuX6668nHo/T2Nh4Rvl/97vfYds273nPe8543Jn4/Oc/z+23384VV1zBX/3VX3Hw4EG+9a1vsW3bNrZs2TLJDXsm5HI5Lr/8ck6cOMHf/u3fUldXx913383jjz/+kmX08PDw+J9IIpGYpEwBVFRUsG3bNrZu3cpNN91EQ0MDx48f51vf+hYbN25k3759p7X+DQwMcOWVVzI0NMSTTz5Ja2srruty/fXXs3nzZj7wgQ+wcOFCXnjhBe68804OHTrE/fffPyNZ3/nOd/JP//RP3HHHHbz5zW8+rdV2pvVt2LCBBx54gGQySSQSQQjBli1bkGWZTZs2cf311wPjY4B169YBxT7rS1/6Eu973/tYvXo1yWSS7du3s3PnTq688srTyj/Wb2/evJk5c+YAReV1zZo1XHjhhWiaxtatW0v1btmyhXA4XMrDcS595eDgIFdffTU33XQT7373u6murkYIwRvf+EY2b97Mhz70IRYuXMgvf/lLbr755hm1/4MPPojf7+etb33rjI4/lVwux8aNG2lra+Nv/uZvaGlp4ec//zm33HILIyMjfPSjHz3nMh9++GHe8pa3sGjRIr70pS8xODjIrbfe6oU+eYwjPP7X84Mf/EAA4tFHHxX9/f3i5MmT4t577xWVlZXCMAxx8uTJ0rGXX365WLp0qcjn86VtruuKtWvXirlz55a25fN54TjOpHqOHTsmDMMQd9xxx6RtgPjBD35wRhmfeOIJAYif//znYmRkRJSVlYnrr7++tP/mm28WwWCw9DuVSolYLCbe//73Tyqnp6dHRKPRSdsXL14s3va2t5V+r1y5Utx4440CEPv37xdCCHHfffcJQOzevVsIIcSdd94pANHf339GuafjxhtvFH6/X5imKYQQ4ktf+pJoaWkRQgjxzW9+U1RVVZWO/cQnPiEA0dnZKYQQ4k1vepPQdV0cOXKkdExXV5cIh8Pi4osvLm0bu6fr168Xtm2XtpumKaqqqsSKFStEoVAobf/Od74jAHHJJZecUfaPfexjAhC7du2a0bWOyXHs2DEhhBB9fX1C13Xxute9btLz8Y1vfEMA4vvf/35pW1NTk7j55punlHnJJZdMkvNrX/uaAMQ999xT2pbJZMScOXMEIJ544okZyerh4eHxP5Wxb/F0f0IIkc1mp5zz9NNPC0D813/915Rytm3bJrq7u8XixYvF7NmzxfHjx0vH3H333UKWZbFp06ZJ5X37298WgNiyZcsZZZ3Yn//oRz8SgLjvvvtK+wHx13/91+dc37Zt2wQgfvvb3wohhNizZ48AxI033iguvPDC0nnXX3+9OO+880q/ly9fLq699tozyjwdyWRSKIoi/vIv/7K0bf78+eL2228XQgixevVq8clPfrK0r7KyUlx55ZVCiHPrKy+55BIBiG9/+9uT6r///vsFIP71X/+1tM22bbFhw4YZjbvKysrE8uXLZ3y9p+ubf/zjH5e2maYpLrroIhEKhUQymRRCjI/vTu2rpxsfrlixQtTW1oqRkZHStocfflgAoqmpacayevzPxXNF9ihxxRVXUFlZSWNjI29961sJBoM8+OCDpZmwoaEhHn/8cd72treRSqUYGBhgYGCAwcFBrrrqKg4fPlzKomwYBrJcfLwcx2FwcLDkrrtz586XJWc0GuW2227jwQcfZNeuXdMe88gjjzAyMsI73vGOkpwDAwMoisKFF17IE088UTp2w4YNJVfcVCrF7t27+cAHPkBFRUVp+6ZNm4jFYqUkG7FYDIAHHngA13XPSf7169eTy+VK2Z23bNnC2rVrAVi3bh19fX0cPny4tK+lpYW6ujocx+Hhhx/mTW96E7Nnzy6VV1tbW4rXSSaTk+p6//vfj6Iopd/bt2+nr6+PD33oQ+i6Xto+5qp0NsbKf6nxvo8++iimaXLbbbeVno8xOSORCL/5zW/Ouczf/va31NbWTppVDgQCfOADH3hJMnp4eHj8T+U//uM/eOSRRyb9QTGmdQzLshgcHGTOnDnEYrFp++yOjg4uueQSLMviqaeeoqmpqbTv5z//OQsXLmTBggWT+t/LLrsMYFL/ezbe9a53MXfuXO64445pMySfS33nnXceoVCIp556Cij26w0NDbz3ve9l586dZLNZhBBs3ry5FIoFxf5+7969pX55poTDYZYtW1by0BoYGODgwYOT+vsxL69Dhw7R399fsvKea19pGMakRFRQ7BtVVeWv/uqvStsUReEjH/nIjORPJpMvK7fHb3/7W2pqanjHO95R2qZpGn/7t39LOp3mySefPKfyuru7ef7557n55psnjVeuvPJKFi1a9JLl9PifhafYepQY6/DuvfderrnmGgYGBjAMo7S/ra0NIQSf+cxnqKysnPT3uc99DijGU0DRNejOO+9k7ty5GIZBRUUFlZWV7Nmzh0Qi8bJl/ehHP0osFjttrO1YB3TZZZdNkfXhhx8uyQlFxba7u5u2tja2bt2KJElcdNFFkxTeTZs2sW7dulIH8/a3v51169bxvve9j+rqam666SbuueeeGSm5E+NshRBs3bq15PK0ZMkSIpEIW7ZsIZ/Ps2PHjtLx/f39ZLNZ5s+fP6XMhQsX4rouJ0+enLT91OyX7e3tAMydO3fSdk3TJinLpyMSiQDFCYCXwlj9p16DruvMnj27tP9cy5wzZ84UN7Xp2snDw8PjfzOrV6/miiuumPQHRbfRz372szQ2Nk7qs0dGRqbts9/znvfQ19fHk08+OWV5msOHD7N3794pfe+8efMAJvW/Z0NRFD796U/z/PPPn9aFeab1ja0uMLFf37BhA+vXr8dxHJ555hn27dvH0NDQJMX2jjvuYGRkhHnz5rF06VI++clPTsrLcSbWr19fiqXdunUriqKUkkOuXbuWHTt2UCgUpsTXnmtfWV9fP2myeqyM2traKUshzrRvjEQiL7mvH6t/7ty5kxRzKI5Xxvafa3kwdfwCXn/vMY4XY+tRYvXq1aVsiW9605tYv34973znOzl48CChUKiktH3iE5/gqquumraMsTiSf/7nf+Yzn/kMf/EXf8E//dM/EY/HkWWZ22677ZwtnNMxZrX9/Oc/P63VdqyOu+++m5qamin7VXX80R/rSJ566imOHj3KypUrCQaDbNiwgX//938nnU6za9cuvvjFL5bO8fv9PPXUUzzxxBP85je/4aGHHuJnP/sZl112GQ8//PAkK+mpLF++nHA4zObNm7nmmmsYGhoqzeDKssyFF17I5s2baW1txTTNl5UhceIs/CvBWAKJF154gRUrVryiZZ/K6eKpHMc5Y/t6eHh4eJwbH/nIR/jBD37AbbfdxkUXXUQ0GkWSJG666aZp++wbbriB//qv/+L//t//y5e+9KVJ+1zXZenSpXz1q1+dtq6z5XI4lXe9612lWNs3velNU/afS33r16/ni1/8Ivl8nk2bNvGP//iPJW+sTZs2UV1dDTBJsb344os5cuQIDzzwAA8//DD/+Z//yZ133sm3v/1t3ve+951R9vXr1/P1r3+dLVu2sHXr1lJCTSgqtoVCgW3btrF582ZUVZ20IsK58Er39VDs759//nlM05yiNL+SnKmv9/A4VzzF1mNaFEXhS1/6Epdeeinf+MY3+NSnPlWy6GmaVprlPR333nsvl156Kd/73vcmbR8ZGaGiouIVkfG2227ja1/7GrfffnvJNXiM1tZWAKqqqs4q66xZs5g1axabNm3i6NGjpQ7t4osv5v/8n//Dz3/+cxzH4eKLL550nizLXH755Vx++eV89atf5Z//+Z/5x3/8R5544okz1jk2Y7tlyxY2b95MJBJh6dKlpf1r167lZz/7WWmSYEyxraysJBAIlLJOTuTAgQPIsnzWAcOYu9jhw4dLblpQdD07duxYKWnF6bj66qtRFIUf//jHLymB1Fj9Bw8enGQhNk2TY8eOTWq3srKyabM3tre3Tzq3qamJF198ESHEpA5yunby8PDw8JjKvffey80338xXvvKV0rZ8Pn/aDLof+chHmDNnDp/97GeJRqN86lOfKu1rbW1l9+7dXH755a/IMj1jVttbbrmFBx54YMr+c6lvw4YNmKbJT3/6Uzo7Oyf192OK7bx580oK7hjxeJxbb72VW2+9lXQ6zcUXX8znP//5GSm2UEwg9fTTT5e8swDq6upoampiy5YtbNmyhfPOO6+UpOtc+srT0dTUxGOPPUY6nZ5ktZ1p3/iGN7yBp59+ml/84heT3IlnSlNTE3v27MF13UlW2wMHDpT2w3iC0lOftVMtuhPHL6fi9fceY3iuyB6nZePGjaxevZqvfe1r5PN5qqqq2LhxI3fddRfd3d1Tju/v7y/9W1GUKfEwP//5z0sxuK8EY1bbBx54gOeff37SvquuuopIJMI///M/Y1nWGWWFYmf3+OOP89xzz5U6uhUrVhAOh/mXf/kX/H5/aWFyKMYbn8qYBXMmyxmsX7+e/v5+fvCDH3DhhRdO+uivXbuWgwcP8sADD1BeXl5y21EUhde97nU88MADk5Zg6O3t5Sc/+Qnr168vuQqfjvPPP5/Kykq+/e1vY5pmafsPf/jDGS0B0NjYyPvf/34efvhhvv71r0/Z77ouX/nKV+jo6Jj2/CuuuAJd1/n3f//3Sc/H9773PRKJBNdee21pW2trK88888wkOX/9619Pcbe+5ppr6Orq4t577y1ty2azfOc73znr9Xh4eHh4TN9nf/3rXz+j1ewzn/kMn/jEJ/j7v/97vvWtb5W2v+1tb6Ozs3PaNU5zuVwpQ/+58O53v5s5c+Zw++23T9l3LvWNZSP+8pe/TDweZ/HixUBxDPDMM8/w5JNPTrLWQjHj8ERCoRBz5syZUV9fV1dHS0sLjz32GNu3by95Z42xdu1a7r//fg4ePDjJO+tc+srTcc0112Db9qR74zjOtH33dHzoQx+itraWj3/84xw6dGjK/r6+Pr7whS+csf6enh5+9rOflbbZts3Xv/51QqEQl1xyCVBUWBVFKcU+j/HNb35z0u/a2lpWrFjBj370o0nu8Y888gj79u2b0TV5/M/Hs9h6nJFPfvKT3Hjjjfzwhz/kQx/6EP/xH//B+vXrWbp0Ke9///uZPXs2vb29PP3003R0dJTWqb3uuuu44447uPXWW1m7di0vvPAC//3f/z2jOM5z4aMf/Sh33nknu3fvJhgMlrZHIhG+9a1v8Z73vIeVK1dy0003UVlZyYkTJ/jNb37DunXr+MY3vlE6fsOGDfz3f/83kiSVOhdFUVi7di2///3v2bhx4yRXnDvuuIOnnnqKa6+9lqamJvr6+vjmN79JQ0PDjFyHx455+umnp8QJr1mzBkmSeOaZZ0pr7I3xhS98obR+7oc//GFUVeWuu+6iUCjwr//6r2etV9M0vvCFL/DBD36Qyy67jLe//e0cO3aMH/zgBzO+N1/5ylc4cuQIf/u3f8t9993HddddR1lZGSdOnODnP/85Bw4c4Kabbpr23MrKSv7+7/+e22+/nde//vVcf/31HDx4kG9+85tccMEFvPvd7y4d+773vY97772X17/+9bztbW/jyJEj/PjHPy5Z48d4//vfzze+8Q3e+973smPHDmpra7n77rtf9uL0Hh4eHv9buO6667j77ruJRqMsWrSIp59+mkcffZTy8vIznvdv//ZvJBIJ/vqv/5pwOMy73/1u3vOe93DPPffwoQ99iCeeeIJ169bhOA4HDhzgnnvu4fe//30p7GmmKIrCP/7jP05JkAScU32BQIBVq1ZN6V8vvvhiMpkMmUxmimK7aNEiNm7cyKpVq4jH42zfvp177723tPzf2Vi/fj133303wCSLLRQV25/+9Kel48Y4l77ydLzhDW9g3bp1fOpTn+L48eMsWrSI++67b8Z5TsrKyvjlL3/JNddcw4oVK3j3u99dmuDfuXMnP/3pT7noootOe/4HPvAB7rrrLm655RZ27NhBc3Mz9957L1u2bOFrX/taKTFVNBrlxhtv5Otf/zqSJNHa2sqvf/3raWOxv/SlL3Httdeyfv16/uIv/oKhoSG+/vWvs3jxYtLp9Iyuy+N/OK9aPmaPPxsmpu8/FcdxRGtrq2htbS0tG3PkyBHx3ve+V9TU1AhN00R9fb247rrrxL333ls6L5/Pi49//OOitrZW+P1+sW7dOvH0009PSQf/Upb7OZXPfe5zApi03M/E86666ioRjUaFz+cTra2t4pZbbhHbt2+fdNzevXsFIBYuXDhp+xe+8AUBiM985jOTtj/22GPijW98o6irqxO6rou6ujrxjne8Qxw6dOiM1zFGJpMRqqoKQDz88MNT9i9btkwA4stf/vKUfTt37hRXXXWVCIVCIhAIiEsvvVRs3bp10jFnuqdCFJcVamlpEYZhiPPPP1889dRTU+7NmbBtW/znf/6n2LBhg4hGo0LTNNHU1CRuvfXWSUsBnbrczxjf+MY3xIIFC4SmaaK6ulr81V/9lRgeHp5Sz1e+8hVRX18vDMMQ69atE9u3b59Wzvb2dnH99deLQCAgKioqxEc/+lHx0EMPecv9eHh4eIiz9wnDw8Pi1ltvFRUVFSIUComrrrpKHDhwYMqya9OV4ziOeMc73iFUVRX333+/EKK4rMuXv/xlsXjxYmEYhigrKxOrVq0St99+u0gkEmeU9dTl+8awLEu0trZOWe7nXOv75Cc/OW3/OrZE3MTl9IQojgNWr14tYrGY8Pv9YsGCBeKLX/xiacm+s3HXXXcJQNTX10/Zt3PnztKyS729vVP2z6SvvOSSS8TixYunrXtwcFC85z3vEZFIRESjUfGe97xH7Nq1a0bjrjG6urrExz72MTFv3jzh8/lEIBAQq1atEl/84hcnte10fXNvb2/pudJ1XSxdunTaevv7+8Vb3vIWEQgERFlZmfjgBz8oXnzxxWnl/MUvfiEWLlwoDMMQixYtEvfdd5+4+eabveV+PIQQQkhCnCZ/uoeHh4eHh4eHh4eHh4fHawAvxtbDw8PDw8PDw8PDw8PjNY2n2Hp4eHh4eHh4eHh4eHi8pvEUWw8PDw8PDw8PDw8PD4/XNJ5i6+Hh4eHh4eHh4eHh4fGaxlNsPTw8PDw8PDw8PDw8PF7TeIqth4eHh4eHh4eHh4eHx2saT7H18PDw8PDw8PDw8PDweE2jvtoCvBYoLvXrjv6SkSTpjMdbroMEqLLysuu1hIMiySjSH2cOwnJtXky0UeuvpMZXftrjXky08ePjv+YdTdewPDbvjyKLx5nJmxauK5AkCUMvvroF00Yg8GkakgSm5WC7Lj5NBam4f197L+19w7xlw7JX+Qo8XiovDHbzld1P8aULr6Y2GDntcW2JAT7x9K/5t4uuY2604mXXO1zI8VT3UV7fOB9DGe8uXNel61g/2VSeYMSPZqjEysMIIRgeTKOqCvHKMJblcKKtj8raKN0nhyjkLXx+jaq6Mvq6hqmoidK2r4vquhhmwWbO4noUxZtvfTU5W//2PwFVl3FsF1WXsU0XWZFK221T4FguSKBqMpIiIQFmzkHRZFRdYuX19fQdTXPk2aEpZWsN1Wg1FTiJNIVjHSjREHpzPW4mS6HtJGpZBLWmAmFaSJqKeaIHSZHRm+sQ+QKFtpMI20FvrEGtimP1DGAPDKM31SEbOiDIHzwOsoJvbiNCgHm0AzeT+xO1nYSiSNiWQLgCzZCxbYGqSay7voIXtyboO1EgXqsDMNRtomgSqiZhmwIA1xHIioRji5csh6JK6D4Z1xGYeZd4rc7l76zmyZ/30dteACBcprLgwgg7HhlCuOOyuy6YeRdZgfnnh5FliSO70+SzLooqoRkSjiWwTIFmSMiyBBKYORdxGpHjVSpXv6MMWZFIDNk8eu8IgZDMpW+O4Q/K5LMuD98zwmVvjrLjyTQn2gpc9544+3dk6Tlp8aa/iJMacQjHFJ78VRKr4HL5W2IA9J602PTbBIoqcdmbY8SrVIQLv/3JEIM99ozaKxpuJBSsIZXpIZPtw2+Uoao+UpludC2AzygjmxtAlhUMI0ahkEBRDDTVjytsstkBAoFKXNcinelBCLdUtiwpSMg4wsanhlBknaw5XNrnCgcQSFJxTCyEi0AgISEQwEt/Dl5rVC8up2x2lP4DQwy2jZz90iUonxMjPjtKbqRA965+HNNBUiSE88q1W3mDj/J6H33tORRVoqzWx3BPHlmRiFUb5NMO/e1Z6ueH0P0KXYfSRKsMZEWi91iWWLVBMKbReSBNpEonUq7TczSLqklUNPoZ7s4zcDL/smQUp3v5TuFVU2xdIciYJieSCZJmnupAiOZYGRLgCIEEKPIrM8ApOBaKJJ9R0RTCwjF3Idye8Y1SAFW/EMcdwLIOIUkqur4aSQqfcq5gsJAiqgfQZJWdQ0cIqAZLY00vS25HuDzVt5cFkXoaAi9/kDodKTvDb7s3cU3thjMqtnNDs/jovHcR16N/FDleKWxzO8LpmuHROoq+Elmpesn1CSFwsRFCIEsKcunDLRC4uMJBkiRk1BkNGIWbwTGfQ4hUaZskx1H01fzgoe1Egz5yBZvXr56Padk8va8d23G5cOEsauIRHnruAHnTZsGsKny6ys7DHaSyBSqioZd8jX9qsraJT1GRzzKZU3AshgoZqvyRs078CCGwXBdVlpFH74PtuoBAkc48WSWEwBHuaCcMrnCRJRlFkkrn2a5T+rfjuoA0qa6xMhwhkCUJdUKdQgjc0f0AsiSVZBJCYAuXpnAZnzn/Cir8wSmyidK1MGXQVaxX4IqpMo3VKUsSjlscXCiyjMzodQiXI4kBft2+nw01LQCjk2wSriM4tq8Ty7QJx4JYps2ytXNBkjjR1oeqK8TKQ7iOS/uRXhzX5dCLHQhX0DSnmpNH+2jb18WaSxfi2A7HDvYghGD2wlpPsf0zQJJkomUtKIrOyNBRHKdwzmUoqo9ItBGzkCKT7jntcT5/nHCkHhh/BxPDxzDN1GnPicSaMIzxvshxCowMHcV1rbPKZQQUlryumu6DaeZvqGDf431UzQ7ij2iEKw1S/QX2PNSDostc+NYGskkLxxS88HAPK66tJRDViDcG6DuanlK2HPARXLOMQttJcB3kgI/Q2hVYXf0YsxuRkFAqYqjlMdR4BKt/GCUSRAkHsYdT6A3VSKqK1TtI4ILFFNpOEFi1iPz+o4Qvu5Dszn1o1eUIx0UtjxUrVRXUeJT05p3guFNkAgiF6/AHykttLITDyNARbPvsA01JkonEmhCuQ77QxeprYsiyxHCvST7jUNviJ5uy2fX4CCMDVlEx1CXmLA8x3GeSGrJYcWkZmi5xZHeGulYf7fuzVDUaHNqRwnXOKsLUdlZgzbXlVDYajPSbPP2rQVLDNrm0M+mYZRdHaZgXYNdjw0SqNC67qYpC1kGSJTbd148sS6x7UyUIQbxWZ8cjwyzfGKN6lo/0iM32R4a49O1VmHkXf1Dhmd8O0nFo6gSCJMFFV4VJDNk8cX8CJMhlXdZeFcHMuzz002E2XBth9WUhouUqmlG8D5EyBcMnoyjQ0Gpw//cGOdFWwMy7LFkdJBBS+P3PhhkZsDELgmXnBahp1Ljvu4OsuTLM6svCPPTT4dMq26cK6bo2AV8cTfURCTfgOBaSJBEMVjM8chSBIBppIp8foSw2uzimkdXief4KdC1UVPDNNAUzWWxnSaE2vBAhBAPZ48QDTQS0GN3Jffi0MD41QsFOYzo5wkYVeTuJ7RSwhYmhBMlaw+Tt07/rM8VHgIAUISmGsDFfcjkSEhEpjiYZDLt9OMxs4mCm5JMmlfNiGGGNoSOJsypr/jIfy2+az9DREcy0hSSBrMo0ra+jfUsXrjX9O38uSDIsvqScw8+N4DqCORfEGOnJM2dVDEWTGO4uMHtlCEmCpmXFifWR3gLNyyIceHoIX1BhxVWVFDIOsioRKddQVJn+EzkqmwJUNvlJDZ392/xK8aootrbrsqWjne/t3sGhoQGylsXbFi7l79ZsIGuZ/PCFXbTG4lw7Z35pEHYqrnDpLyQZMTOU6SFCqo8T2X7Cqp+4EaYvn8B2HSp9EZ4bPERQ9bEo0oglHMKqn7Sdp0wPjZcv8pjpb2MXHi3VISmNBOI/xLIPocg1yEo5kmRMkkMIwZF0Dw9372J5WQsLIw0k7Sy9+WFs4dAaqkFGIusUiOth+goJAopB0sqSsLKU6yFq/HFOZPsZLKRo8JdT6YvQX0jSmR2kIztAS6iagUKSE5l+YnqQxkAFffkEFUbxAesvJKjzl5+2rabDdC26cv0cTB7jWKaTw6l2XOEiSRK1vgpq/ZUApKwMR9IdOMJBlRWCagBD0Uvl5J0CJ7O9VBpl9OQHCGtBKo0yOrK9WK5NS6geXdZK92ywMEJvYRAhoMoXp9IoO6sCcy6Y6e9h538zs4OlGIGyb7wsxdZys7ww8iA9ub3Mi1zO3MilAAhcTmS20Zb8A6rs4+LqjyBxdgu+cAfJJ7+Aax8ubVO08/HH/5OhZJY3rVvCrrZOjnUPcbxnCAFoqsKmF46xqKma7qEk8xoq+cPuNiIBH5efN5fe4RSdg8mXfI1/DBJmls7sCDE9QFT3czw9QETzE9MD/K7zBRZEa2gKVmAJB11WcIUgbeXJOiaVRhhLuBxN9dGdS7C2spWBQpq4EUSXVYKqQdouEFR0/GrxWe3Lp/m355/kg4vWlCyZPz+yh4SZ49YFF0yyRp6KLVy+t/85AqpOVybJ4UQ/rdEKbpl/PnWj1tPv7n+OhmCU4UKOrT3H0RWFv16ylvmx4rN1ODHATw7voj09TKUvxA2zl3J+ZQOKJDFi5vhZ2x52DXRiC5fZkTjvnruSpnAZOcfiBwe28fxAN7qi8Pnzr6TSPz5JUXAdHjpxgN+dOIihqCyN10ySvSOT4J4ju9k71EtIM7iuaSGX1reiyQrPD3bxuxMHaAqVsbW3HctxuKJhLm9sWYztOvz08PM80nmYI4lBPvH0r1FlmatnLeBNzYtRVJnzLl6AYzvIikI+U8AfNJAkiTlL6pEkCUWRkQyV89bMIRA2qKqNIUlg+HUcy6FuVjnReJBAyECWZYQQqOrL83LxeGWQFZ3m2VfgD5aze/t/ks30nXMZZfFW5i18M4lEOwdevAfHnl45DkfqaZlzJarqR1X9SLLCC7t+yNDAwdOWXVWzjIrKRSiKgar5yOWG2L39PynkR84ql+sKVF2hsjmAZijUzgtT1uDHdQRbf3KCFdfU0rAkQv+xLGX1frbd10kuZVHeGCAY13n2npNc9I5ZSPLU/tYtWNj9wxitDeT2HkEO+JF0jdyeQ+izajHmzsJJpLE6ehG2g93dj1pTjjG3CaVnAElTkQM+tJpy7P5hcnsOo8QiaDUV2IMj5Pe24WbzqOUxfItm46ayCMfBGU4iKTLiNIptvGIetfUXoKgGqurHcUx2b/8O6VT3WdvL54+zYPFbcewChw7+GN2QObAtyfxVYWwbDmxLsvDCCL7Q+LtrmYLBbhPdJ+ELKoTjKk/8vz6ECzUtPmYvDdJ9LP+SlFqAygYfDfP8PPitLhxbYBZcdN/kcYTrwPN/GKFxYRBJAk2XCERUHv9/fSzbEKVxfoA9TyXY93SC9LDNnk0J6lp9VDYYPPbTXlZsLGP+BRHitTq//2EPsSqduSvDdLblEKc2swTV9TrPPJIkkyrulCSIxhW62k1SIw7d7SaLLwiUpm8kiaIleJTEkE1vh0V29PwDu3JU1mpc+64yDu3J8dSvk5RXq7Qu8nHD+8sJhBSO7ssjSVMnNKdFgCyrCOHiug6ucDCtNPn8CMFAFarqw3FMEAJV9SEh4TgmtpMHUZzEFQhy2cHitrFihUvOShDQioapdKEf086Qt1NEfbUM5U4S9zcAEnk7wWC2HUMJUuZvxBUOlvPyrHhj1CmzaVTmcsDeTq978iWXIyHTqMwlKlWw032C3Cus2CZOphg6mkD1Tx5zGFGdeEsU13EZPDyCnXcI1QSoX1lFqCbAiWe6SfVkUAyFxhWVLHnzHBCQHcrRt3cI4b4M660A4UIgolLI2CAEvtCo11/OZaAjR1mtgSSDosl07Eth5R3SwxaDHXl8QRXHdEd/58glbVpWRKhqDjDcnSde56NhYYietszLbL2Z8SdXbF0h2NzRzqeffARNVlhd18CzXR3k7eLDoysqnakku3q7WdfQRNzvn7YcW7g8O3iIuB5if+Ikayrm05Ub4mi6hyuql7NtqI2VZa3ISKStPD5FBySeGzxEa6iWzKhiOzNkCubTKEoVPt/rkCR90l6BIO+aaLKCLMk4wqU924+haBxJdbMw2siRVA8bq5fwRO8LNAUr2TZ4mPWVi7CFy7CZ4rdd21keayHvmoyYWR7q2kljsIKuXNHVKWsXcITLoz27eV3NCl5ItDM7VIMEtKW6qa8/vbV1OgYKw/z85MN0ZHsZNpM82b+d7cP7kJG4onpNSbEdsVI81vsMJ7M9DJoJPr7gvayILZhQzgjfPXov9f5qjqY7kCSJC+NL2D1yiN7CIDc1vp6ratdhuw5P9m/nt92bsF1n1P0Erqu7hMurV6NIr80BrSYHWBq7nqw9SM4eKW2XkGkIrESWVJ4fupdXwtXG79MIB3wYmorjushyUXlorS0nGvQxkMiiKQrVZWHqK6LsONRRrPUcPAtdIegbTpNI56iIBnFcQa5gEg74UBWZgZEMZRE/kiTh01XSORNFlhhJ5dA1lZry8Iw8LfYnujmeHmBVeXPxnc8O82TqIO9ouZARMwtAXz5Je2aACiNMwbU5kOhmeVkjtu6yue8QZXqQgmORsvIcTw/wTP8Rzi9vQQJOZodYXzWPsa+H6TgcHOkna4/P5PZkkwzks7hnGRUIITicGOBQYoD3LVjNpfWt/KRtF1/bs4kvrH49uqJwLDnEE51tXN+8mA8uXkPSLFDuCyKEoC+X5gs7H2NdTTNvbFnM8wNdfHX3k3xm1RUsKqvmN+0H2NJzjNuWbUAAHekR9FHvEp+i8bbW5TSH49y17xnMCSNBIQRPdR3lvw7t4L3zVlEfjHLPkd0M5YvtN1zIceeeTVT6g3x4yVpOpkf4j71b8asqG2pnkzTz3Hf0Ra5vXsSt88/naHKIHx3czqxQjPOrGriycS5IRWv0bcvW41c1yowAUHRXDUUDJVnCsfF/xyvGPVoUWaG8uqj8+wOTJwXHztEN7WyPi8drkFx2gKHBQyQTJ3Gd08/WD/YfIJU4iaIaNM2+jMrqs4dMHD/yGB3tW/D748xZcD3SOXh32aZLPmURq/PTfyxNVWuI9FAB1xbk0zb5lIUvVHwmswmL9FCh6MZqyFg5h1zSIjNkTv9JF4LsthdRKsoIrVtB5undIEnIoQBKLFx0FxZFF15GPUaE7WJ19ZN+agdOIg2Og9ZYg9ZQgxzwIQd82P3DYDuTBq92/zC55w9idvQWqzZPPwDvPPkMfT170PUQs+ddTTBUc9pjT8UyMwwNHMK289hWDn8oxqI1UToPZ8mlXRatiZActNANibpWP4ZPJpdymLUggKJJ9LQXGOmz2HBDJS9sTtBzLMeSdVF2PzlSqiMcaSBa1kJ35zacGViRfUGZbMohl3HOqWsd6TPJjNjkMi6aMeGZGe0jfQEFM+eSTTpkEjbRSo1MwiExYKH7ZDTdV1QkTylXCOg+YTJ/RYCTR0xkBdIJh8Fem7pmnViFStM8H93tFjWNGhU1GtmUS03j+LdPuJMVVEWF555IcXR/nmveWcbzWzL0dVq07c3z67uHkCVIp1zcGRrs0tleLDuLEC75QoJsbgBV9WNaGXr7X8AwIjiOyeDwYXQ9RCI1WTl0XRtDDwMC15n4rEloih9ZVpAkGdPJEvPVk7MS5OwE5YEmstZIse7Rdi44GRRZI1dI4IhXxpKXEsMMuF1kxKsziS8hMVc5j163nYQYPKdzAxU+znvPQqysjR7UaF5Xx7b/fBE9oOEv86EaCv4yH3owSyFlEq4NYkR0AnEfruOe0xhvTNZqXyuWW2DQPIkQsPN3vUSrDAo5l/2bh4hUGBx7PgmiGIbx4hOD1C8IkUta1M4JMtSV59Azwzi2IDNi8ewvewjGNdJDFgg4/NwIw915dJ/CiReTJPtnZkWXRw1ALi9x1otXQbHNmCb3HdxLTSjMv2x8Ha2xOO988J7Sfr+q0hIrY2dPF0kzf1rFFooDOxkZgeBwqothM03WLiCAKl+UpmAliiRTbkRQJQWfojErUMmLiXYur14+42dBUepQlDokScOyDqDrK5AkH1Ac4FUZUap8MeaF64npQVRJYWVZK/PCdfyqc9skeccG0fWBcs6PzwHAEg5zQ3W0pbuJ6UEExfjcNeXz6c2PgBB0F4bpzA4yZKbIOAUWRWaxZ+Q4iiSzMNp4znFRtb5KPj7/vbyQOMy32u7hL1rezIqyosIqT2iZBn81/2f+e9mTOMS32u6ZtqwRM8XKskVcV3cx/3H4/7E/eYwPz72JR3ue5unBPbyuZi0HU8e5v/NxrqndwJryZbhC8Hjfs/zsxEO0hhpoDTWek/ynQ1YakNU5CFEAkR/9fwEwOVMPWHDS7E/8jrmRyxkxT3I0tZm1le/naHoLATVOXG+mLfUkg4WjGEqYeZHLKDeakSQJXQminmLJlyQJVdIx5CDSuX51TkNtPIIiS0SCPjRFprWunM0vHGNfey8XzG9k6ewaeoaS7DnazcJZVaxeMIstLx5DliXqymfmQm5aNo9uO4Rp25w3r4HDJ/tpqIrRXKPw4tEefLrKi8e6MXSV+bOq2HWog4BPp2DZWLbDRYubqas4c11CCJqC5fQXUrw40km1L8JQIUPaLhBQdOJGEEWS0WWVETNHwbGJ6QECqs68SHXJ7ViViu/+vkQXGdsk45jMiVTx647dtIarCGnGGeU4F1whWFM1i6tnzUeTFQTwxZ2P0Z1N0hQuA6AlEufNLUsIqJMVte39HQzkMyVrakskDsCzfSdYHK8moGqkLZOsbbEkXsOqivrSubIkUekPURec6m5tuQ5be9tZGq/l2qaFRfdmYNdA0RV//3AvB0f6uapxHookURuIUG4EeKyjjQ21swEoM/y8c+55zImUMzdawRNdbRxJDnJRTRPN4Tg1/jABVWd2pPyc2lMIB9tuR1GqkeUglnUEVZ2NJEnYTg8gUJXac7kFHq8xMuleDrw4fZ8xEde1yOdHQJKxzJnN6NtWFtvKIoSD61oo8jk8my7kkjZ1CzWOPDtE88oy9vy+myVX1LD4sirijQH2/G7UdXpCl5HqKxAo01l4aRU188L0Hpkqq2RoBC9ahhIJY3b0YvUMFt2IL12Na5qkn9yB3lSLsGyckRROJo9wBjDbuwiuXQ6OS3rr81gne9Abqoi8fh1W7yCFox3I4QA4Lm42j6PIFA6fILB6Cb6lc8i9cBjzSMdpr9mx8zijiulM3I8nYts5Dh94AADNkDh5MMuh7Sny2aJGdXzveDv8+q7xMKAnfjZu5R/uKQ5qjYDM/MvKOLQjhVUoNq4kycQr5hOvmEdf9/M4nF2+gY4CwajCyktjZFMO7fuzVDYalFXr1LX6SQ3ZWKZL/dwAsQqN+rn+YkzwNEOAkT6LOStCJPothnpMdL/MyivKqJvtZ+/WBNWzjLMrzwI2/SbB1e+I8/YPVzDQY/PIz4fZ/mSaS98Y5a0fLGewx+aZR5JU1mtc8ZYYLQt8dLWbZFIOti3o67AmxRzXN+tcdFUEWZHY80yW5LBDaiRHebXKte+KY9uCx+4bITU8MwXAcQpkc+NeEwUzWXIndlwTV2SZs1BnVouKomYwC4LnNuVIp8Zlmnj++KW79KYPTdp2IrETgIw1xHBu6nMZ0itxhUPaPDcF8Ez0u530u52vWHnnikGAKqWeIff0YReno+68KnwRg6OPd6CHNVa8cwHBqgBDRxO4jkt8TpTDD7eTHym2/8nneqheWsHB3x3Hzr80i7JfCZWUSIDMiE1mxJ70eyJWwcR+IUl6yMTMu/SfyOFOeF4T/SaJUeW1kBl/JvNph+TAzF3DK4xZ2MJkyHzp9/JPrthmbYvjI8Nc1txKayw+RSGTJImwpmO6Tilu7HQUB5iC1eXz8Cs6sdwQS6JNVPqiBFWj5OK6ONpIV26IgmthC4cKI0JE889YGbStQ7gijSyHcN0UilKDqjaX9quyghCC9kwfqlwcrKkTLJABxWDQTLEveZK+/AgtoepJcX2WY1MbiIMEB5IdrKtYiO067E2coDs3hIPgucFDXFRetEojoM4fZ9vQYXKOSb3/3Ky1UGznif/Jp0lQNd5Gp28rQ9ZpDtRR4yun2ldOVAtR76+iIVDN/uRRbGHz3NALqJJKvb+K4dGPaa2vEkc4HEgee8UUWyP8UfTQrQg3CyKDEFmEyCDcBFb2Xhxzy2nOlEhY3WTsfnpz++nPHyZtD9CXP0hj8HwOJh8m76RYEH0d/fnD7Bj8CZdUfxRD+dPFrt54yXIUWWLl3HokivfmLRcvQwiBohRjJ9+wdjGu66LIMpIsMb+xaHmXp3Gbmx4JENSVR5hVFeNk7zDzGysJ+Q2EEAT9BsOpHLIk0TuYYjiVw29oGJoKoujmNx1CmAh3kGICiSBIUB8oo8oI41N0AqrO8nhjcUKnYjZJK0+FL8SiaB2W61AfKKMxGEeXVRRJ5sKK2fTnU6ypbEWVFIYKafxqM9aoRXNWMD5pgmZamWbYIlB0G4sZfjRZQZIkYroPV4hJFuCaQKS0f/y6BV3ZJIP5LP91cEdpX5kRoNIXQkLiioa5ZGyL7+5/Fp+icmXDPK6ZtYCgpk+RYyKm65Ay8zSFy0oxuxHdV1Kse3NphgtZ7jmyp2QBVmWZhtD4xENQ06nwBYpx4JKEIatn/O7adhf5wlaQFHz6hZjWAVwxgqGfj+N0YTudGNoKJClAwdqFX74Uyx4ikb6LoP9aDH0VprkLVZmFK0XIFzYjRA5dX0GhsB1w0fVlaOr8/xVJjDxeHTr3JUgNFhg8kWX7LzvpbUtj5buomBVgz+97GDiRQdVlnv9td8ntNDlQYOcDnUSrfTx3bwfDnVNjLUWuQOoP24sfDNcFV5Dfd6SY7EkIcFzye48AUCh+asfOpHBk1EJmF79h6c27QJZL5aSf3AGui3l0VFEQgsSvnyp+sk/jgvxKYxUEL2xOTHXFnSGFrMu2h4ZwJiS9UVSDSLTxnCaAM0mHR3/cS/0cf6ks3Sez7+kEji2KycEcgaZLbH9kCH9Ioftonh2PDmOZLm27UiVLZ9vzaYQAzSeTGrbZ+uAAtbP97Hh0iJ5jecyCSy7j0HuiQDbpTLKQShIYIRVfWEPzKWx50kSWwcw7SLpKLmnxm/8eQlEkHEfgOpA5UOCH/1pU+oUrcEcttQ/8cJCJhtDDL+Q5ur8AEji2KLX5U79JsvX3qeLjNEGxkFUJf0TDCKmoerH/F47AyjvkUzb5tHXG+1bboHLZ1QEO7jXJ51wsS8zYGowERlDFHym2g6xKCFfgWIJCxiaXsIoJ2UZJmwNkzIGS597komQCUoiCyGFjoWGgjxoObGFRIM/YiyMh4ZcmKmiCnMicMS52rDzplEVhXFxy4tRYX2lC/RKWKGCeMvGioKJjEJerMfDjl0KEiY1KKMiLLDZntkobEZ1AhY/a8yqRgPYtXVhZe+ySxv/GEFP+MSNCapxqowUXF78SpuDkSturjBZkSWaw0EnC6qXSaEKX/SiSRsHN4FNCnEzuZSRjUGk0EfYpDJldDJtdCAR+JUK1MRtNNsg5Kbryh5CRqTKasYVFWC0n56Tozh9ClQzq/PPQZT+mm6M7fxjLLVBpNDErsATLLVCu19OZO0jWSZzTNcKrlTxqVKmaDlcIUqaJoShoZ3AvUiSZZbFmyo0I/tGYz7gx7gIXUn2lf8eNMHEjTN4xkSWZ88pmn9NHVFGqcK1BHCc7aqmdLFdAMVhbsYCe/Ah5x2RBpB5NVglpfi6qWEC9P87yWDN5x+SKmhVU+aLU+svGmwOJlJXFkBUujDdQYYRZX7mI7vwQl1YtpdqI8rqa8+jPJ9hQuZi6QBxDUQmrPqp9sdL1v1oosoyuaEjIaLKGTzGKyjIyLsUkND35Qbpz/Xz36H0lhUMg0GX9rK6g54Ikh5AIcWo4qxB5HGv3aRVbVdYJq9WMmB1k7CHiRjNDheNYbg5dDtCZ3Y0uB2lPP0vBTZO2+sk7iT+pYquOJtVRJgz4tVNiElVFggnJd+RzjFlMZfJIksRIJk9bxwBLW2sJ+nV0TWHZnDo6+xOcN6+egKFztHuQlfMaSOcK9I9kmNtQQVXZ9O3hmM9SSH0VISw0/7XUBP+CWn+stL/CN35eQzBe+veiWN2EUsaPqQ+UUR8Yf4cag3GEEHRkh1lW1kCFEZqkGMmlSaTioNEVgqFCbtqOdVoEpKwCtnBRkcnYJhJMis2VkZhOFyvT/cwKxbhj9VUlpVNCQpPl0Yk8g3fMWcHrGuaypec4/314FzHDxxUN8874lVIlGb+qkbYKuAhkAQXHLrkrR3Uf1YEw/78VG0uxwBLSJFdxaULbTEcxfmu8jVyRROCgypUUzO24IoWhn4dpvYgsRUDYCBwUOQpICFFAVWpQlXoM/XwkyY8kRXBFEtvpQog8ilKHae7GcfvxGeuw7eNo6lymvMQef3oESJJCJNZErGw2uh7EtvMkEx0kRo5PcRvVtCB1jWvQjfF3NZXspKdrJy9ZG3oFkGW1lKQqEKxEUQwcxyIe66fv8BGEC4MnsgyeyJbOMbQaAqwkENpGPjtENNaEn1m4g34UO4cmtSNJxxHCIRSupab+ApIjx+nreYHxVRRgNLsbVTVLicaa6e7cTjrVNXVMap9ieXMFk4JQx7QMIQAJnz9elClYiaoYJct3KnGSdKp7Utbac28vjZq6VQTD1aVthXyCjhNbpnUr9wcqqG+8iJ6uHRQKScrirQTDNciySiGXYHj4CJl0Lwh3VBmTCEfqCUfqCYZriURnIYTD7Lmvx3HHJwt7u58nOdI+qS5JUgiGavCpLaS7o7jCIRLu4eT+Y7TtGmFiw7btlGlsWkd/74tkM/2oUgtNLXXIio5ZSGJHjpJOdbH/2XH31YFOk4HOcRlO7C8+E7Y5btHyRVTqFkSZvaacmvkRYrV+AlEdxZARjqCQtkn25+k/mubYtkHadw6T6ht/V2xrar/jnKKLCVE8bslVtbRcEAckXMflwBO9HHlm3NLpj2o0nRdnztoKqueGCVf58IVUZEXCtlxyCYtET47uA0natvTTuS+BmZlq5VVV6O+12fVsnkK+aN3O58/cPxpBlZr5YVovqqRuYYRY3Wg76DLCLSq16YEC/ccytO8Y4ti2QRK9OYR7+p7XR4Bl6jqOOfsQuNQrcwhIISRkUu4w++1tFCgqZAoqs5UlhKUyVElD4LLP3jat1VRCokpupF6ZjYG/OF6VdGQUTPKk3GEO2NuxJyjF5UotlXIdfkIokkJe5OhwDtPrnsDFRUahQZ5DpVJfVLAlhRZ1EY4orhxiY9Hm7GZwgjySIiGrMrIiIasSjilIdqRJdWc58vhJzLSFrErkE6dP2OdYbnEiI2aQT5hYubNbbRVJo9G/iLQ9TNZJUqbVAr1okkFTYBl9heOAoMG/AEsUiGgVOMImoERRHAVDCRLX66gyWhgwT2C7FrW+OdiuSdYZoSW4grQ9TF/hGMW+30GRdap8LQybPQyYJ3GFXcqCnbaHsIVJrW8u5Xoj3fnDpOwBsk6SlDXAoNlJwX1pMbl/csU2oGo0R2Ns7+6gM52iPjSujAoh6Eoleba7g9mxOFHj9G7IiiSfc6Zgn6KzLNZ8zjLrxoVo+nJcN4EQWRRlcnyKJEm0hmtpDY+71hWzkWZoDfmRSLOirBHHTQMyqhzCEQqWM4QihzBkl1Vl5UhoDOeewnKgOVhBa7iaMUtpVA8yP1J0UbRcm+1DbWQdkzUVC/4MLBvjExXS6K9xRGl7a6iRW1veiF8xJp0b1iZnev1jyXgmZFQiWjW9+YMIXOr8S+nO7UVCxpBDCFyqfPMo04uZrlvDFxNQ4xNKeLXvwStD0K8zr7ES23UxyhysUIohxyVTyKIaKvEGCU2xsSWXUL1NuR5kf/cgK+vqaKqY/n0UQmAXnsIxdwEurrYCcIvbnWLCMvWUTLiOW8xCLMsSrhBYloOuKaVMwWO4rkCWi4ktJEmiMRhnOgKqRpnhZ0vPceqDUbqzKXYPdrG4rHra46cgSezs72DPYDdV/hCPdbZRF4xQ5Q+f9dTzKur5advzPNl1lHU1zQgEvdkULZFyFFlm31AfPkUhovtYUFaFoagkzWKnZrkOOdsiZRaV6oSZJ6IVrbKGorIkXsOv2/exe6CLKn+Ix7uOkLWLA88FsSriup/HOtu4btRVuSeXoi4QwRc4u9wAUd1PwszTlhikNhBGo4DsdAMuurYIyzqIae1HU5sRAoQo4Dg9SJKObZ/EkiuAcmQ5imm9iKYtwDSPIUng91UhRAHbbkdVmxA4yHIUd9Sy7/HngKC6dgUVVQuRJLWY8EYxqGtw6eneSfvRxycnhZIkNC2A31+O4YviD1SgaXvp7dr1qt7RaNlsWudejWYEEa6LEC6SrKAoGplUD4cP/IpMenIiJZ8/Tl39BWQz/VRVL6O6dgWSrBR7O1nF5y8jlTiJ4zg4jkV55QIi0UZGho9hFiZbfjQ9QP2sdfh8MTpPPoMSDCNcBzdXVJq0WHFizk4Mn/VaJEmmomoJs1ouxueLF5dSEW4xlldSGB5q4+C++06brGumKKqBz1eGpgcJhWrJZPro6nh2WsXWMCLUNaxGCAfdiBCJzSpOisgyimJQWzifo4ceYnDgAFCcaKioWkS0rAVVNVBUHeG6hCJ1iAnK/NDA4Un1KIpBbcMF1DdehKxouK492k+sIpPupf3o44wMH2Ps+6HrIWobViPJKrKsEitrAaRxuRpWc/TQQwz0vTizNtFlmlfGWfWWRlrOjxMo05EVacoYLFRuUN4UpHllnGVX19F9IMnOX55k3+O9FNLn5jradF4Zq9/ehDSajV64cOSZQSQZGpeVsfa9Lcy+oBxfRCstWzWRSKWP6jlhWtdUcN71DRx4opdnfnqcviPpSZ/ZXE6waJlB/SyNbNollxP85t40w4NTJ0hkVaJ+SYzz39LInLWVhOI6sipPmdgNlRuUzwoya0UZS19fS19biu2/OMmLD3efth0kimFcNXITsqSQdAfpFSfQpGKeHGdC7KWNRZu9B10yqFdmUyU3ntZTKyLFaVWWkhUpDrvPYwubSrmeWco8+p1O2p0DmBRK1l9D8tMgz2HI7aFbHEdDp0GZQ6u6lKyVIiEGEbgMih5S9jBlchWt6lJOOodJuANA0XiTFuMWRy2gMufKWdQsq0BSZBa9sZUjj5+k54UBoo1hlt44F8d0SXVn2PvLNoQjcB2XfMKcFF+fHcwx2JZg+bsWMNg2woFfHzvr0j+67ENX/PRldmG5ecr0oh7jV6OE1TgZewRJktBkH34lhCscktYAAkhZA4RxCaplSJJMf6EdR9hEtAqiWhUuNppk0JM/jOlOnuwUwmWgcIKMM/5tEwgUScWvhNFlP4bsBwR5J4Pl5sm7GbLOyBmv50z8yRXboK5zbet8vrD1D3z2qUe5vLmVwVwOn5Lkl4f28YcTxzg6PMQn16wnYpw+bkaI4oySRNH6MjbgzWYK+Pw6lmWj6+qoC+aohdAV036EzoTr9uPa4LrDOM5xdH3dlORRpzmT4ewfyNsdyLKfqO8C8tZJCk4Pcf9GRnJb0NUawsZyRvJPI6MS0OZQcHpw88+gyjHKA5eX1v2aiCIpzAvXsSDSQFg9vfI/E+TROEVbvPRA7bMhIdPgr2Zb7kV8ik6dv6qUYe/PZfwqSRIhrYoDyUeo9S8hbjRzKPkYlb55+NUYEa0WkKj2LwAkXGGjSkYxw6BwcCn+OcIa/TBKo79tBO5ogoSiHfvVn4iYnnS+gK4qXLBwFgDbh/aSsRUOp07QHKxnT+owMhI1vopiwjTHJGfnqauI0hAsO33BIotj7mGSFWOU3oEkqqIQjfjJF4rr9GqqQr5g4TM0XCHw6Spt7f0smF1NKlPAdhxMy6EsGiCVzhPwF99HIYrfgmjIN6WNw5rB21uX89O259k92E25L8D5lQ0YsjKjKQkZiZjh554ju+nPZdBkhfctWE1w1AIb0vQpsbVQfK6aw2V8aNEaHmzfx+9PFjO91gTCfGjRRYQ1nReGunn45MHRd7GokK6pnoVEMZvyL46+wMn0CEP5LN94YQtN4TLeMfc86gJhLqmbzfHUMF/bs5mQptMSiTMvWoEiydQEwnxg0RruPbqH27c/UmqHDy2+iOpAGF1WiOn+CZNSEmHdwKeOdwsLy6pYVl7LV3Y/SUgzuLrBx+U1rfiMi5DlGJragmVlyaZ9aLqFY1fiOmHyORdVfTNdJ/Pkcz3UNVyF5jeQpQDp5IUoioJw4sjyJUiyQy4bQIgmVDlCIR/CdWxsy0RVZQKj2ZY9/vRoepCqmmV0dTzLYP9BXNciEm1kVsul1NStYmTwCEOD4/F1lpnhWNvDyLJCWflc5i5846so/TiF/AjDQ21k0j2kUz3Ydg5NC1LbcAE1dauorV/FkUO/Q5zaD0oStfWrcF2Hk8efKllC/YEKLDNTzCIL5LKDDA8cpqp2BdFYM/29L0wqJhxpIBiqZmjgEHkzgW9WM9ZgP8Ky8NU1YFTVURjoQfH7UQIhCt2dKMEgarQMc6BvksIbLWuhdd41SLJCd+dzDA8dwTIzqKqPQKgKs5B62Uqt61p0nthKd+c2fP4ylix/94zOq6k7n3SqiyMHf0sm3YOi6FTXrqCu4ULqm9aRGDmObedxXYuT7ZvoPPkMPl+MRcvegWVlObj3F5jm+DJKtjXu7i1JMpXVS5jVcim57AAnjz1JJt2LrOjEK+ZR37iGljlXcXDfL6Zk8a6qWU4m3cOxtodJJTuRZZXK6iU0NG2gsXkDI8NHJtU1HUZQ5fy3NrLmnc3Eav3TZsU+FUmW8IU1ms+PUzMvTP3SGE9+t41U30u7P5IMZQ0BNL9C08oyrvm7RVS0hGYUaqSoMpEqH6tuaKS8OchD/99+uvePW6oH+x3u+uoIPn8xO1YuJ0glpvbZmk9h6dW1rL9lNhXNoWmV6alySxhBlYZlMSpnh6iZH2bT94+S7D19PHVEjrPPfo5BtwcxOnYoegFOlilPhrzIEBdnnqSOyZWokkanc4QBtziJlXcyVMr1+KVgyQo8hozMgNvJUWdvKZGRjcUidTURqXxUsRWkxQgAqiiOQ1LuMEOit1ROtC6AnTfIDBWwCw4nnu6mY9towjdHkE+auJbL/geOUNYUpmZRjOPP9pUUVcOvsPcXhzEz414EdsHhxKaT5JI2dt6e4Xq2Y/dpzEl63OjkCJu0XbyehNVLxk4QVitG212U2v9MZQumz87tCgdXTJ7EqPcvQJd99BfaCShTc7K83N7+T67YypLExY3N/M2qNXx/9w7+9ZmnyNsOHakEu3q7KPcH+MsVq7i8ufWMLnJ9PQmSiRyKKmNbxXXJDEMjncqhGxpCCMorwgz2p1A1BVWVSSZyLBxdimLmCBynHZARwmK6wfmZ0JVqJEkiZx3DcTOYdi+Om0GSNGK+NUiSjmn3UBN+OwCaXEbEWEnafBEhrGkVW1mSiM04o/OZiahBFEnhxZHD1PurkJEIqD4iWqi49qewcVyHglNACEHBMcna+dHkPjPPZrqmfDnbhvbyy87HubxqDWEtQMbOMWiOsDQ6l4j20q5nKJ/leHKYhfEq/NMoFudCSK3EdgvE9AaCajm2MInqdRhyiPmRK9mX+C3P9H8fSYKwVsvysjeTsvo4knqK/nwbCbkY+9QcuoigGqct+SS9+QNk7EGeH7qX2sBS6vxLmcmyP38MhBB0DiXpHkkR8RuUBf3IkoRpO8iyxJaD7UQDPi6aO4ugT8cZHeTNCc+i4JjMDzfjCpewGkSWZJJWmnIjil/xoZxhjWjX6cK1j06/zxXkHYv2A0P09CdRFInWWZW4rkBRJPoH0yyZX0fBtMnkTHa8eAJFkQmHfAR8Ou2dxSWPJMC0itdxwbKmqS7assJVjfNYWVlPzraIaD50RaHg2OhnWOqnJCeC5eV1vK11GWnLJKwZxEdjUwE+uOgiNFlGnSZOXZFlLm+Yy8rKepJmAXnU/Thq+JCReGPzYjbUtmA6DposU+4LlpTkhmCUG1qWIhDsHugmqvuYEy2nwhegJ5tGkST+ZslaOjNJJKAuGGEgn6VM9yOE4IKqRubHKhkxcyCKMbXx0czGy8vr+KfVV5VieQOaxt8sWYdvQnuUGwE+dd6lDI5mWo4bKn5NRpaL76skRUgl4eD+bgJBHcd2yWa6CUf8zJ5Tzcn2YwhhkU7pnHdBJYqikhzx09kxRCBo4Q8YqIqMZQ3T2zNCS6vDQH8STRtCCAiGDBYtaUCZweDJ45VHkhQG+vZy8vimktKXzw3hD5TT2Hwx4WjjJMW22F8WcJyiUnK2NRr/VGQz/Rxte2iSNTCfG8I9YVJeuYBwpAFZVnCcUyd4JXy+Mva98FNGhsa/YankqQlxBH09u4vLEFUtZmjgUGntX1lWKa9YgCyr9Pe+gGtbyLqOEggiqSpqtAwnn0MJhAi0zMXN5UCSEJaFXl6J4vOTGlVsZVmjruFCdCPEkUO/o6vjWYQ7PmgcGZ7+O/tScF0L17WwFH3Gbs1COBw/+hiJ4WOlbZaZIRafTTBYjW5ESsmriopkrrQEjXAdzELqtOsXa1qQmvrzQbgcO/z7SdeazfajKBoNTRuoqlnO8SOPMmnWXLicPP4Ug/0HStsLhQRl8TkEgpX4fGWkz6DYan6FdTe3sPa9szGC43kUhBC4tsDMOWSHTcycg6JJ+KM6vgmxrpJU3HbBW2fhj2g89P/tJ9V/7sqtJElEa3y0XFDOVR9bQOXs0Ph656ZLIT0ez6r5FQIxHT2gTDLoKJpMy/nlXPZXc7n/9hfIDJqj1wKNzRqLl+sIYM+OAoN9k98HVZdZ9ZZGNn5gDsG4PqkdHEtg5WyyCQsr76DqMr7whJjfUa8qX1hj9duaMIIqj/zfg6dth7QYYcjtnaRUnarUngtFg4PAmaBkOTgIXORpxtk2Fv1u56TsvGmRwMUZjdGVzhjKpPoUqudFqFkYo2f/CKEqH7pfYeBoilhNCNVQGDyeJlxhEKsPkujOkuhK07A0hoRAD6pUz49St6SMg491lSI5JAnizSFitX4GjvROSuB0Jiw3j+nmqTSayToJImoFOTtF1k6Sd9MokkbOSSJL6qQ2mkjeSRNUolToxQRPfiXCoLmPvJPGESY1vlZGrF5kZFL2uLv8qRIacoC8m8EVLoYSwCpZeQWmmyOsVpB1UuSc5EvKmv2qxNj6NY23zF/MhXUNPN/bzfGRERwEDeEI51XX0hItQ1POPPgfGsxwYG8HZeUhVFWmULBZumIWfT0JhgbSKKqM6wpSiRyqppDNFCgULBYtbTgnWWW5CkWpR5JkhMghSYGznwSAhKHWIUZfCiFsXFEgoM1BVaL41FlIkoaEQkhfymD2MUL6YnzqLBQ5jKHWwykv29gg4ZW0XlT7ytlYeT5/6N/OzpH9+GWD6+svZX3leVjC5r6Ox9ibaGPYTDFsJbn7+K+J6RFaQw28c9Y1o24jSmkSQpbkUtIuWZJRpaJFrCVUz3uar+NXXU/yzbafjboiyNT6KpkfbjmjjEIIjiSHyNkW1f4QBcemzBcgaeYxFJVDIwM0hKII4PDIAEFNZ3bk3NfHDahxNtbcRkCJo8k+Ntbchl+JFTNf++YT0WrJOkPFhAVKGRIKPiVCY/B8GoOrgKJ12q9EkSWNav9CKnytLI5dC1As61V0WRZCsPdkDwFD51BXP3XxCFG/j+FMjrp4BIQg5NNLbsGzArWUGzE0afwzMbEjm/j7TLj2QYTbP1UewHZc8gWLaNhHrmCRSueLgwXXxRUSmqZgWQ6W7ZDOFpBlicp4cYbadlwcV2DoCqqqEIsG0M8QU6zKCrWByLk02STGMhRXTuMkUR0488SMLEmU+4KU+6a63Qc1fdpEUUIIOtNJ9g71Uh+MEDcCdKQTpMwCVf4QO/s7aQzFcIVgS3c7uixzUU0T/bkMT3Ue5fyqBhaWVREz/MSmCes4td4xK+9ExhJSRXTfqaeXUFWFhlnlCNclncqjqgp1DWUEQwbxihCKohAOj58fLQtgmg6O6+LzaYQjfgxDxTQt/IHiYCkQNAiH/Wi6F2f7aiJch4G+fZMsmUK45HPDCOGiaTPtD19tBAiBrocxfFFU1YesqOh68XsgKxrSafqLdKqbxHD7tPsmkkp2kkycJFrWTDBUTTJxAgDDFyMWbyWXHSQx0o6kqiiBEJKsUOjvQVY1kCTsdAq3UMDJZbFTCQIt84rf1wkx8YYvQihcRz43wkDf3klK7Z8D2Uw/qeTkbKa2nSOfT+APVCArL33y2R+sIBCoIJPpm1KHcG2GBg5T23AhkdgsVM2PbY3HS+dyQyRHTjBxiO3YJrncMKFIPcoZ8pRIMqy4rp51t8xG94+Hw7iOoPdwin2P9nDsuUFSgwUcSyDLxYRStQuiLLysmtmryzFCanFtb01myVW15NM2j3ztAPnUud+/8llBXv/xolILYOZsju8YYt+jvXTtGyGXLFrwFE0iVGEwb0MVy66pm2RllhWJ1osqWHxFLc/9rPhs19arLFqus+WJHIoCay7x091h09s1+u5LsPCy6klK7ZhC230gwb5Hezi+c5jsUAHHLnpH+sIadYujLL6ihqaVcTSfXGqHZdfUk+ov8IfvtGHlpnoM5kV2BpbCmZN0B0GZQ5XcQN7N4gibCrkOQ/LT7RyfcryNhSlOVboFAjE6jpuU/W0K5U0honUBHMslWhdA1WXSgwUaV1VQ1Rqm88Vh6paUkerLEW8KEm8Osfv+dszRpFE1C6IYIQ2EmOQdIIBC2ibeHEJ5ph/31Nj802ALk5PZvdQYrWiyTn/hBDkniSXyHEvvoso3m4hWSc5JkraHydjDFNwcGXsE082RsYfJOSnS9hBVRjOypNCTPzLqruxyLPM8Nb5Wan1zyDoJUvYQjrDJhh0k4YNUCjVWhpvP05k7UIytNRoYNDsxnWypdfsKx6jzzaPGN5vO3AFyZ1gq7nS8OsmjKGbnbI6W0Rw9gwvjGWhuraSqJoLPp5HLmuiGSiBoEAr7sEwHy7TRDZWGxjiO49J2qAefT8O2HTTt3C7bMndQKDwJkkEw+F4U5exxeZIkE/GtPO1+nzq+pEfMf+GU/YZaNWWb7Y7gChNDnWFc4AwwFJ03NlzKRRXLydg5NFmlyijGKaqSwrqKFayIzZ8qv2KgyioVRoy/mXsTlUYcQ9G5sfF1JWV2ZdlCZocaUEfX911Vtoh54WYGCyOYwsKQdeJ6lLB65sGRKwSPdxxhdXUjLoJnek+yqrKeFwd7uKR+NkFNQwA7+jrYN9SH6Tq8Y+5yKvznFrsrSwoxfXziY+K/JakYi+BXJ7tNGEqISmXOtOXFjaZzqv9PgSsE2YKFEMUJpo7BBIlsnlkVMcpCAfKmVVJax9Yyno6ZT64I7MIzTOfpIEsSsxuLcblCCJrqymnvGiIeDVAZH1cUJUmiqryocNVVTW7/ynjojzLh8+eAAI4mhzivoo7WaDmPdbSxtraJvUO92K5LbTCC5TqYrkOZ4ac5HONEeoRkIU/WtjiZTrCwbOp35JUmVhYkVlZ81069F0uXz5r0G6CuPk5dfXzKsRWVxXs8q6l8yjkerw62k8eaoCCMIYRbfEBfI/fI5yujrvFC4hXz0LQg7qiFUJJkNC04JSZ2IoX8yFQX5WlwnAJ9vXuYW3Y98cr5pJKdCOESLWvG54/R3fEcZiGJpKrk2o8iXAc7lcA1C0iygpNJke9sRwkEsRMjpPfvQdI03Ox4AhVNC6KqBrnc4Gktm68mhUJiWmVbuC4Tc3G8FHQ9hKxoWGa6ZA2fiGkmcR0LXQ+hKPokxdYspHDdqQNkIdyzSlS7MMol75+DERgfN9qmy/O/6mTT944w1JGdVr/pOVhUehe/roZL/2ouZXXFcY6iypx3fQM9B5Ps+MVJ3Bm5kY5jBFWqWovfyuywyRPfPszzv+okl5x6fYMnspx4fphDm/q57h8WUTM/Uvquaj6Fpa+vZc9vO8mnbHRdwjIF/b0OilJMXKVp461TPivIpR+aO8lSa2Ydtv38BFvvPnZat+KufQn2PdLN+TfO4pL3zcEIFttR1WVW3dDIyd3DHPhD35TzXk7ys+kYFv2cdNpoUuZTodThCAcZmV73JJ3OVE+HYv/00j1OhCtQDQVFk3FtgeSX0f0qjuWSGTZJdGWpXVRG3ZIyFE0GIfBHdaJ1AZK9Re8Bza8gKdJkF18B2eFCSQE+F9L2EG320NTtzjDpzI5J23oLR0fPKVpeJ1pgJ/57jKyT4Ghm56RtroCBWhNJj0F6AD1eiTU8SCY/SFtm25QyAHJOiiOnyHKuvGqKbTG5kiBnW9NmxZWQCGrapAyeE/H7dfyjsXXB0Lg1QFUVOEVPEkKwYHF9MaX7OSq1xfNzqNoShDsy6o78x8NyRujPPoIqh4n5LiCR34HpDhPzrSaR30bO7qA2dAN+rekVs/7pskZDYKqyLEsyjYEzL+SuKDrNwXElvW6CMhTTw8T0cQuQJElEtCCRl5AsKqhqzI2Wo8oypuNwNDlIyiqQMPP0ZNP05dKj4yyJBbFKAmdZKuV/K7qqoioyly9tpSwYoGNopGipKwtTFQ3Rn0i/ooNV4aZwrOfPepwkSfh9Ggtmn3nSZjpl54+tAKmywocXX/SyXd3PFQmYF6tge18HXZkkZYafsGZQ5Q+SdSwODBcHA2HNoDoQIqQZOELQlU4S0gwqz3Fi5xWReZrl216JYz1eHYRwX/EB5p8aTQsyZ8EbKIu30t+3l76e3RTyCRzHQjdCLFp60xnPd8/h+ocHDpPN9FNRuYiezh3YVpbyyoW4rk1/bzFBkbBtzIHxGDx7ZELCqEIBJ1OMMXXNM7iqvrwx9x8N1z3bBMDLUBRK48Rz/064rv2Satb9Cmvf00K0dnyM6Touu3/VySNfO0B25MzjwULGZtcDnRQyNtd/egnBuFEq96J3N3Ni5zC9bS9tgsLMOzzy7wfZ8cuTZ3RHFS607xzisf84zJtvX0YwXhwbSZJEzfww5bOCdO5N0NFuMX9Y530fjeK6sOu5PD1dReVJkmHNO5tKrs9QVO6f+1k7T3zrMOY0FteJZEcstv7XMXxBlfW3tpbicoNxnVVvmcWJ54fP2pYvFzEaK5oWCU44hzBFHosCWZF+RS3DxaUEYOBYCtt0kWRI9+fxRTQ0n0qiK4sR0sinTPJJC9VQMIIq+VTRhfzYM30UUjapgTyx+gA9+xOk+8bd5BVdJt4YLHqlTjcpIsuEz59LdOMyrP4EA/duwklN72Yv+/yEl6xAjcTInTxOtu0A/qZWAs2tuGaB5O7tuPkcwQVLMaprsUaGSL34PKF5i9ArqzEH+0nv34Os6YSXrixOYAmX5J4dhBctQ43G0SJRrKEBjLpGgvMXk9hWXJlEi1cQXrICZBk3myX5wk6M6jr8s1rQ4uWk9+8hc3DfS7oFr4pimzZNfn/0ML8/dpjBXBZnGsU2Zvj4p4uvoDEyNbD4bBTjNfpxrf041m5cux1ECgmFnFWJoi1E0VcgKy3F5XukUbeCafzsATR9Fa7bh+N0IcszszAL4YzKcBjHegHXOYFwRwAbpACyUoOiLkDWFiOrTYAxGoOgosoRQFBw+hgp7MCn1mM5g4T0BRhqHX61aawSXHcA4Yy75UhKHZJcOdllVIzgWIdxrD249hGEOwzYxaU35CpkdR6KthhZbUaSg7zc0O1iB2QinD5c5wSudbD4f3cARK5YvuRHkuPISgOKOh9ZnY2k1CBJUx9JWZLYWD8bQ1FRJImL65oZKuSYH6tEUxTOq6wjqOrMiZZT7gugSjLGGWI+/1QI4SCcLhxrz+gz0Dl6/b7i/dcWIWvLkNUmJGlMaZI4dTmpidiuy+b2dg4NDDArGmVDczN7enrY3dNDZTDI9QsWcGRoiKeOHydsGFw+ezaHBgc50N9PfSTCisYaon4fAaPYuc2pGc9k7Nc1ooHTu5zO7JoFUEC4CYQ7jGPuKr5/E49xB3DMF2aYhE0pPhvyzJU04WZx7SMwFhsjh5GVpinPlhA5XPsYjrkH1z6E6/QBeUBHksuR1ZbiPVJn0RqpnHCPpr1wXOckwp04Gyojq63nJPsYrtODcHppCQhamgWQLF6DHKVxdB3apnnnjVadwbX7gGEIwMqKOUjSqMVbpLDyW7ELmxDuAJIcQ9FXoRobJ30niuXYuHYbdv4xHGsfYCMrDajGOhT9fJDCZ1Q+hZsZjaWe2O7Nk/IECDeNY7fhWLtwrcOj7eUgSZFie+srkdX5SHLZaV1DPTzOhVCkjlh8NomRdo4e+u2k5ESSJL+iz1mhkGCwfz8Ns9ZRFm8lm+knEmkoLsFzStbll4JlZXEcE00PoeshCoVzX+PxtYpppnAcs2iRVY0pCbIMI4qiaORyg9NadF8K9UuizF03+TvZ25Zm84+OzlgRE67g4JN97FzSwfpbZpfcSiuaQiy5qpaB9jTONMv/nLFMITj0VB/P/6pzxjGWx7cPcuL5IRZcWl26HiOoUdUaonNvAtOE392X4bHfZIs5aioVDEPCtgSVLSEWX1k7aWjY+eIIz/60/axK7Rh2weW5e06w6IoaypuCpZjbWctj1C+OcXjL1HClVxIDHzVyE0NuLwNu16TY2VcCR9i4wiUohRhAwrUFQ+3j35qJWaCt/GgyqoI5pZye5Pg7PXBk6qSHJIGsyhx+qmfS2sBjKCEf5W9Zj39ePbiC3KEOklumVxCFZZHvOIESGia0cClmXw/BOfNJ7HwWJ5PGNU2MmlqM6lqGt/6hGM4Rr0ArizOybQvhJefhq2vEGh7EqKlj8A8P4+QyaNEytLJyEjueJbZ6HSBR6O7AamhCNopjTNkwUCMxhp58hPDy8/HV1uNraCa9bzehRcuxhqZahWfKK6bYCiEouBaqpKCeolS4wsUVxZhKR7jcf2gf/9+zmwloGjWh8KS1IMfQlZllKz0V1xnEzj2Ilbsfxz4EIg+jmb2KyFgoSHI5qrEOLfAOFP08QDpt/KzjtGNZe5Ew4AwLP0NRmXHtY1i5B7ELjxUH2MKkONibOOMoASqSUo6qr0ELvB1FX4nAReBgu0nC0mLC+hKEsPGpDQhhkiy8QF5txq81AAI79xvyyX8eb7fQ+zDCHwcUhJvAyj+Klf0FjrUHRPYUOYrtAQqSXIain48euAnFWDtDpePUa7cQThe2+SxOYROOtW9UmTMp3oNTX0K5+CdpyMqs4v3w34CsLZykREiSRH1ofIKjMRyjMRwr/Z4YF7g4/vLdtB3hYLkFfMr48yCEIO9m0WUDRVJHPQ4cVHnqsyuEi3A6sXK/wMr9elSxOzXxmEzx/teg+S5DC7wHWW0FSS1OtpyGrmSS/X193LB4MUFNw1BV6iMRDFXld4cOsW7WLI4OD+NTVVbU1pKxLDa3t7OmsZGnT5xgfkUFtcYra80WbrZ4r+224p/Tjut0IZwehJsAJn+87fzvsfOPz6hsSY4QiH939B2dGa5zjOzQrQi3mPFRMS7AH/u/SMqY27ONYz2Pmbkbp/A0wh2k+F6cen9kkAxkpQktcCN68F1nuDeCQvrbWNl7x2WXfATKf4iinz4k4XRY2XsppL8JY0kcJAV/7N/Q/NdNOdYx95Mb+SjCGQAJ/LF/R/VdhXB7KKS+hpX7NYjM6PVJWNn7UPSV+KKfRlaXjMZK5bGyD2JmvjX6vI5952TM7P9D812JEf4oKM2nVW4d+yC5oQ+O3nNQ9JX4y76BpFQghIljPouZ+W8c89nRY079Jsog+VG0JWiBt6D5rkKSoq8Zd1ePP09UxUCS5FGlcKIyIhEra0bTQ5OU3ZfLQN8+qmtXEq+Yhz9Qjqr6GOw/8LIzFUNRcU6nuiivXEhF9WK6Tj47jZv0mWP//twQwkEIF0U1zhiDm8sMkEn3EArXEYnOYnhwfCkgWVaJV8xDUXSSIyewrdNn250piiYzd10lgdi4TK4j2Pv7boZPTnXPPxN2wWX3b7pYdk0d0ZpivgNZkZh3cSU7fnmSka4zZ2Q+FSvvsuO+kyUFaSbkUzZd+5LMu7gKRR3NhC9BvDFIVY2CaQpicbmUL2XVWh/PbcqRydjMWVdJuHI8O71VcNj7SA+J3nOTO9Gd49hzg5Q3jU/2+qM6TavKaHtmYIbZfcfxEyQgh1HQCEtlyCiUSdXIsoItLNIigUnxWXCwyYssNcos/FIIZ7SPsygw5PYy6Pa8LGU3I5KkRYJZynwM/FiYSEj0uifJiORpz5P9BmosiJPOndayOhG74NJ78AwTWpKEpI7GgktiUoz+qejVNQTnLMQc7ENWVWTDwLUt7HQSYRbHbbIvgJNJ4eZzo/L6cXJZnEwaJ5tBDgRheBAnm8FOJkC4yJqOWyhgZ1LYqSSl79EpRkxreAA7m8Yt5AEJJ5shvPS88bJeIq+oxbYjO0iZHkSVFUzHxkUQUn0MFJLYwqUlWEWyYPL7Y4eZHYvzmfUbmR2LT+tSK0lMu3zG6RE49nEKyX/DLjw+qsRNR1HBEm4PVu6XOOYO9ND7UX3XgDy9ddhxetC0hdj2cWy7He0UxaskgZvByv8OM/N9XOsgRWVmelmLfybC6cbK3Y9d2IoWuBEt8C7K/RcjoSBLBrpahRAWiuQDZGpCb0KepHQ6wPhH3LX2Aw6u00sh9R9YuQdBnOkBGWuPPuz873DMnejBv0AP3jzBmn12XKcfM3s3du5hXOf4qGXybB+pUWVX2Lj2QUy7DbvwFHrog2j+65Gkl7eU0UwpOHkKbtGS7FN85J0caTtJnb+JvJMl7+SQJIljmQNUGfXEtAoUSeFAahetocUElXFLlhAOjrmTQupOHPM5TlXqJl+7iXBOYGbuxja3Y4Q/iaItAun0Fj7TcdAUhbBhoCsKqUKBh9vaqAmFSJsmtuuyprGRF3p6ePzIERZXV5PI5xnMZplfUUHE9/IsstPh2PvIDf8VQiRAWHDWzsGZwTFFhNDP3U1IuAiRZ+y9EE7P6ASXQIgCVu4BCqmvI5wOTp/lfOKzuR9Eiv5Ejv7kCK4QyJJES3U5AWPid8Bi4rtYDNF5aS5OAntU5lEFUyicvs1cEIVi3QJc+wCIDRTS38LK3gdMHFAXLeqO+Qz5xD/jL/v/QK7Bzj9MIfUVhHuqVcktWn1zDwIKRvTTSNLpvFYmt7vrtBfDN+QQZua/MdPfQbg9TP9dEMXrE2kc8xkcax+OuRMj9NdISqPnpvwaQVF0ZFktxq7qRauMrGgYRgTHNRGui+MUSu7NkiSjKDqSpCArKsroGueaFkDXw8Xl1Fx7kgVOkhQUtais6nq4eK6koBvhosupcHEdqxRTmcsNYVk5ItFG4hXzRpd7UYiWtVDXuGZSpuRXgmymn5GhI5RXLiAQqKRQSDI8dGTG50uKjHCm/264jkXXyWcJR2cxq+VSDCPCyNBRLCuLouj4AxVIskxv187SUkSSpBTbWC7GEytyMZHRmNVXCBfHtXGd8b5KllVkRS+2sRFGkmRkWUHXI0iSMtrGJu4rkLzKsU2ymX7KyudQW38BfT27cV0bVfWRz49gjU46WFaW7o7nmDP/embPuYoTmp9MqgdZ1iivnEd13SrS6V76e/fwSij2vrBK06r4pG9Pdtjk2LZBnBlaSScycDxN175ESbEFiDcEqF0QOSfFVgjB4IkM3fvPfeA/3JXFLrgo6riy449pzF2kI8tw4QZfKVlU42yV7VvzqLrMnLWVU9rhxPPD59y9CQEndo9w/o2zStskGarnhIvuuEkLgUtOpDHJn/EuSppGFU3U0Di6kKKMKfJUqvWUi1qEcDjm7KfPPQlIRKR4cYJLmGiSjoqGhESEODVqE4ft3XS5xbjSgsiTkzK4p0jglmQrcOozlifDIXsnjcpc4nINAkFOpOlncqKzU4msW0T5Gy9i6HfbGP7t9HGn54KbzTPy2C5wXczuIbL7Tp/4rrSediEPioKTzRSTo85qwUmnMIcGsRPDBOfMw1c/q6j0JhP4Z83G3zQbLRojfWh/sbAJMcl2No3sD+BvbEErr8Ds70UJhlCCIdRwFHlsKdcJa/MiSUiKjOwL4JomSjA0qvCeO6+oYmsLh7Sd51i6l6RddGdoCFSQsnNEtUBRlXNsBnM5XtfSyoqq2ldkwCKEQDidFBK3Yxf+wNTBqgToIKnFfSULqovrHKeQuhMhsqdVpGQ5gmluRwgTkFDVximDO+EmMTP/hZn5PmJ0cebJaCBpRVmETVHhGbupAuH2Yqa/i2ufwIh8fNSFT0LBAGl8PV/1DEoPjC2tchwz812s7P1MHtQqIOmADMIZ3Tc5Kl24PRTS30CSw2iBm2a+NI3IYecfw7VP5xMvj7aBWqyz1AYTcXDtNgrJryBhoPqvm9Y1+ZWmI3eUk9k2QKLO34wuGwwUeqj1zWJfcgcpK0FADZN3sphOgU7pGC3BhbSl91KmVxL0hwCpOEAwd5JP3oFrTde5yqP3UqY4iB+zZDu41osUEp/DCH/8jAp9TThMQNO4f98+GqJR5ldUULBtspZFZTCIIsu0DQzSnUyhSDJlisEFdfWYjkPM78evTt+etuXgugLdUHFHE33MZG08AIQ1aoF7+bPkfwyEm0KITFGpzd47qsBN5+ZyGkuHFEHWlpPLwfPHugkaGnnLJuz3Masy9keW/txxrEPYhc3YuQcovuNGcfQwqtwXETjms1i536IaF2Om/3NUqZVGn1HplONt7PwjqL7LkHzXzOi7LdwRhHMSy9xMIfW1UybYTv0enmLNEkms7C8QbgZf5O+RJiTb8/jzRJIUGpo2EI01ISsauh5GVQyisWYWLX8njmPiOCbtRx4rLZfjD1Qwq2UjhhFBUXR8gWLisKbWy6lruBDHNcmm+zh+9LHSOqPxirnUNaxBUXRUzYc/UI4kScxfdAO2ncOxTYYGD9F5YitQVDS7O56jrmE1cxe8EdvOFZfpcF26u7YTL5+L9gotnwfFZXIG+vZSXrUQf7CS3q6d5AvD6PEgdqaAGtBL8aKuWVQiVL+Ga7sI2yHYVE7ycB/Cml7hHhk+ypFDv6Gx6WJq6y8YXQJHTNrf2/186XckNouGWetQNT+qauD3V6AoOnPmX4dlZXEdk8RIOyeOPTlq/ZWoqF5Cdc2K0Tb2oxthhBAsXPo2HLuA45j09eymt3vXy24v287T3bkNfyBOXeMaaupWjcZ2O7Qd/NXoEj0AgsH+gyjqwzQ2rWfO/DeMJ3+SZDLpHk4cfYJMemoiopdCrM5PrHZyX5zozTHQnjnNGWfGMV3adw6z8LLxvCVGWKNmfoQDf+g9JyVx4FiazPDpJs1PTyFjT47LlEAzFJ55Kke8QqG7w+bE0eKE0PILfGTTLpEqH+WzJnszJnryjHSdm9V6jOHOLK4jJliNJWJ1AYyAQj5pUfC5vKjswinkkAwdSVVxC4WiJdDnQzguwjRRKyvoHu6gp3Ac2e8vhgOZJkZdA04miz04WFpGJiiFmaueR0IMcMDejl0ae0roksFydQPVSiM9bjuuLDjm7kNGwdZsJBSUoA87mSVLhl32JlzJQUwzXBgSvSTtodGlhYqKsHNaAxdImop/QSNaTRmK3zjtceeCsBxGHtlJcss+hGXjZk/vKVLoPIFsGEiKSmr3DpxshuSLu/DVNSBrOtbIMNbwEOl9L6BXVmOnEuSOHyHbdgCtopJs+xHM/l5kVSVz5GDpO2QnRsge3o8aiZFtO4g1PIheVo6dTiH7/SjBMHYqSe7kMXBd8p0nkHUd2fAx8txmjOpaAi1zSQxNp0udnVfOFRmBNuqCXB8oJ2z5sVybKl8U3VSJaIHi0jCyTFjXp13I96VXnqaQ/iZ24UkmK7UqsjobRV+Dos1BkiIIUUA43TjWXhxrF8IdRLgDmOnvICmnXwpIkoLIciWGcXHRPW5i9SKPmf1/RYvE6GLNRWQkpQ5FvwBFnYekVAIKQqQQdjuO+TyOvX+CdbmAnf8tkiRhRP4eSa49Zzc84fZSSP07duFRioNFGUmuQNFXoGiLkeQakHSEm0Y47djmdlzrAJOUEpGkkL4LRb8AWZ07o0GspNSgGpdiWgcoWq7k0VjiOmR1PrI6C1muBjlM0UI8gmsfwTG3j8bljc/8CreHQub7yPoyFHX2OV3/S0EgCGtlIASmW6BMr6Anf3LUJdnErwSo8zfRkz9Jo382xzOHCKph4noV1UYDY4EnwumgkP73aZRaA0VbjGKsRlaaQPKByOI6ncX4W3MPiGRxkiX9tTNONgd1nTcuXMhwNgeWS0AovH3xErIFi2CLTkDVSOVl6nMa62Y3cHzHSVYuqIGQht/QcHM2BVdC1RTMfDEDsuHXGe5P4tguVQ1lnGzrQ1ZkahqLmWtVVSlmE9fV6ZM3KdVowZtGrbWntK07gJ1/jIn3V1bnjbrnnn3SRJJ8yHLFWY87MybC7cfOH6OQ+vdRpVYCKYSsNiGrs4t1SAYIE9cdRNjtuM5xhJtCVutRtPk0VZXRl0gznB51yfkztSK69j7MzABCFFCNy1GMdUiSD8d8Div/yKhbMoCNnfsNrnMSx9oPUgTVdymqfgGgYBe2YOd/z5jniRAj2IUnUY1LYSbLnokCZvYnOObuUaVWQVZmjcbRzh11DVdGvwUHsQtbT7Gim9j532Mq1Rjh//OSYpU9XhrCtenr3Y3ui2CPLXkhS6UZ9my2n87OZ0glJq7nKjCtNJnsqGIhxHj/NdbhSxKu5CAZGsKyETjk88NYVgaEIDFyHICAFiNvp3CFQ6GQmrQerm0XyGbGlZfhwbbJslNcO3UM17XoaN9MMnGS8OjSLpaVITlyglSyk3xuCJ+vbIr1MZcdoOPEllOucWak0z0U8gkkv8zgwAFkv0L56ibSbf3o8SDCdZFkCeEKEGBUBDGHsghXoJf5SR3pP203IIRLf88LpBIdRKKz8AfKURQNx7HI54ZJJk5Ocnt2HJNcdqAUSzxC0Srl90lceL6PZ7bnR7NCj9fo2jnmtyYomIJ9B8xJbr9jTMyWXcgnim2V7BrtM8BxirfddR0G+/eTyw5gFqZz+RYMDRykkE8QLWtBN8KsW61x9PgQ6dRkDxLXtejt2kly5ASxstkYviiua5PN9JMcaadQmOD2SDEut6N9C9lM3xTLvBAuQwMHsczU6HmTidX68YUne+YNncxSyLw0K7UQ0Hfk/8/ef8fZdZ3nvfh37Xp6md7RO0AC7E2FKqSKJatZSixbubZix05xys0vuUmc+7n3xslNch2nOi6Je5Fl2bIkq1mk2MROkAQBEETHzGB6Of2cfXZb6/fHPpiZg5kBZsBiytGjDzScM3uvvfY6a6+93vd93uetIkO1JJ6kaYLOkQRmTMdrbJDFFCrmL9VviAwkA7W6trSAMIDiQki5KGkxUDn1iovrKoZuji0JTl1BvehhJQySN9AHw9IIfcXKDMREzsSM6aDrJG+9maBSRY6NY+XzWMOD+HPzqCDA6Mjjzy3gz88T276VxqunwRIkDu8jmF/AvzxBbOcAolLFq8yhWnWp46SIiQTj4QIOV81BBZIwmredKbRMDH+xgjHUhWUZBOUGZlcG6foQSvxCFSNuQ7FKUFzt5AjwWZ+t2Q49myC2tfcNCfC13ZIfEpav74AJG3VqJ4+1feYvzOEvtDuHmpPjNCfH1/1deiHOpRXrsFI445dWNoFfXFz1WViLcojdqcvoyRSxoS3Eh7eiJ1M0L49et//r4XUZthGdKEoA14TGjlR/6/PlB0cIwVC8a+m/U5bNbX2DvDw7zeVqhcFUGk2IG/5ilQoJ3Mfxna/SRtUTccz4R7GSPxkJuKyg70aCShUC7yhe7VcJvaMoOb9mrU2I8naV8tGEiRBWm9iEUorAfRqv9htXGbU2RvxBrORPoRu7IrGkpXtULXGpOYLmw7i1X0OFl1t/C/CdbyP0QezUz62b97vueMgiQfMbrbEw0e17sZOfR7cOg8hwtViMFU7hNb6IV/89WNF/FY7hO1/HTv894PqUcCEszNgDBM1vgQrR7Tsx7He1jOlOEIlV4wYeMhjHq/8GfuNPWRm1kf5pwuZjaMlt1xasWTHXFMsxN8HGVVYzRg5TWIBCEwZFb55QBRS8WUIVIpEsuNN0mN3E9STddj+GMOixB5lwLrA9uQ+lfLzGlwjdZ2izTEUGK/WTWPFPrxLHiuZAkcB9Aq/2X5HBhZbo0foQRMat5itefu4si7Nl9t+6lcWZCn1bOplcqDI3WWT2coEtnXnmJ4tUFmtk8kk6+7IcvzSPZRls3z/Iiecu0DOUZ+/hLZw7MUEiZZPrTnPsqbMEfsh9H7yJS6en2bZvgOmxBQ7esQPDXG2MavpWYpl/uWZ/Q/8YgfskrCj4rVt3EMv8s8jA3xBWX7PQbBDTDWKGeV0DUymfwHueoPlYiwprYdj3YCY+jW4eRmj5peczWhuaKFVBBqME7uMILYPQohJYuwe7OTE6zUBHhu7s29PQksEocBkz8YmIAaBFeedG7EMg4viNP+LKHA39k4TBGRA6Vurz2MmfQGhZlAIj9gEcVSV0H19qO/RPolQJcbX0/JoICJoPE61FMczED2Ml/0aUS06sXeAOl9A/jVf9rwTuoyw7Qlx858vo9t0Y9nt/QEl+iyBlwNTlZ7FGehG9SfSywujMEJYi1XS/02BGP4vMeGi1GLLeROmCRUaZL55DT8WRroeRz6CCkLDeQFYbGJ1ZAioY3TmEaRACU+FJVDPAn4jev6YWY1v+TibKx/DCOqEKl94dmtCpFMcoFy8h0FGEEQlR6Cgkcp2yPGHoUlw8S3Hx7Kq/LcytzTKq12a4dO7bNzR+lp3GtFI0anNUypcRcUFQcwkaHkHdQ+gCM5cgaHjEe9M0Jkv4JQc9Hr1r16MiL0PRdAo0ndWlO65GrTJJrbKaDplKCg7uSjB6vkG90c7cKhXO0N8xTaksuXD2+vnHjrPIxdZYCQHvfWecl094zM2HKBUyO/3SNc9XSlKrTlGrTgHw+c/kWZxt4jZXU3SVkjTqc23OjfXgNstcOv8X612V+dnjLeryaiQ7rMjYWoHyTDNyRtwg6kUPrxG0Gczp7tjmDFsFlbk3nh01st2kq0fn+SebaBocuTPGhTMeybzVVuoIYOutHfz4L99+Q2Nh2BqG3Z73qRmtz6LwO82z51FBQGzXToRhYuTzkZr4xDT+/HwUnW04aJZJUC4TFIpoyQTK8/Hn5iNDuLk8Rk0aBHj0aiP4eLjKQSCwRJxubYCYSHA5PIcWN5Gej5FPkdjVjztdBCFQfoCRTWB2pFBnQhAa0tl8xPxqWH0dmD25193OmwFh6qBrECpUELRva00D9MjRqfywjTFy7UZBGDpo2vJ+K5Std0SNykvPocUTKN8nqL7FObZX6jt5/qtY5l6UunrjuSzUBO0GhqFpvGN4K09NjPNPHvk2H965h8F0BuMqZUJT17ipp4/kdcq2KFnEq/8hqJXqYRpm7KPY6X+KpneiFGt4qTIY9nvQ9EGa5Z9v5UOuDSFsBEZE51t1/cUWjW9mZe8xE5/GzvzjdVSUI/VjoQ9gJj6Lpo/glP8PVDjV+ntEmdStOzDs+ze5mWvlqqFhxN5HLPMv1s1RE8JAGCPYqZ8BfLzab7DsaVIE7qNYyc8tie5cD5q5m1j2FxBaN5oxck0Bqqg/Npqxk1jmn6FklaD5dZbnTpPAewEz8WkQ69PEig2HQEo0ISjUHExDw/VDdvZ0YOgbo1H3xFbTHHenb8KXHmkji6c8smYnI4kdaEInbeYAOJC9den40D9P4HyNdnq1hZ36m1ipn22NxdXlTXSE3oUZ/xia3odT+kcr5sC1USnWqVcdFqZLVIoNKqU66XyCZsNjy64+cp0pegY7SGUT7DuyhVePXqLpeOy7ZSsnnrtAabFGtjPFkfv2oGmCrv4s5UIdO2YysrOXeMqmZ6iDydEFzrwyztD27ra8nPb7aAktrQlj1X1H0Xzj2irD18HlapnL1TLD6SxbM3kylr3+c6LqeLXfAlUDEcdK/DhW6mcQWueqc4QQkROGlnK5dQfRMxHN5bG5ImcmF9jWmyeXijPUuXnV9jcfEqEPYCV/AqGt8AZreczEjxA0H1qRLuGB8tCte7ESfx2h5YBocyr0Tsz4Jwjdp7hiaKpwFhXOgz6wwb5E1EYz8XFimX++yrkWXUsAMQzrMFr2X9Es//O2lBIlC/iNL2BYd4JIX32BH+BNhJIKYQr0TBKhaVgjEY3S6MiAJlBND1l1kPUmWsxC78igA9ZwD8FsAT2bQlgG/lwROjKYQz3UjzqY/Z3o6SRhuYYKwmhDqmtYxBjOHqYnuQNDs2gGFWZqZ+hO7GCmdpqhzE00/BJld5quxDZmamcYSO8nYeQIlMdU9RQ178boa28YhEZn1x4MI8b04tkoGuoq5p+8ymk5UQKgfnHt/m7famCagt5uHddVHD/l4TiKXFajvzd6tw0PGpw+5zE+EWJZsG+3RU+3zui4z/mLAULAru0mI8MGjiM5dcanUJR0dmjccrPNzGxIsCJfNJ0S3HTAQtcFqaSg1NpbppKCIzdZmIbg5GmPuXlJb49OV4dGMqmRSgpOvOpRqyvuut3mJz6bYuTxJhfHfJ496lKvr73xFQKGBnR27zSp1RXHX43uUSno6tS5/x0xKlXJyVMergeZtGD/XotsRmNiMuDsBZ/dO0xitsAPABRCCE6+5mGZgkP7LfI5jZm5kFOnvdYxG/oKiaXNpcjqFThl70ZlEwDwnRC/GbYZtvGMue67dS0oBW71jS2Nk0oLbr83RnevTjwhMEzBzr0mF8/6JPLWkpLzyj7HM29c+bsrSr9Ihb+wgAqjL0rPZTA6O2meOUdYq5G+7y7c0XHc8cvED+5Dz2dpnj5HbNcOlO8jXn2NYLGANThAWCojncgxUldlLgQnGNJ3ske/ZWlLohR4NLkQnGBajqJmAQXC0Ch97xTSjfrhTRdACDTLIGwZtMq7ge9AE2gxC6MzjdmRIfuOgxEFWQjskW7Sd+1d8zR3bC7qw1pNxi3i+0bQrDXMOamonxpD1q7tCDG6MsR3DhAUqjgXpolt6yP/4K3Yg13482VKjx6jfvwSKEV8zzD599+C1d+BX6hSefoUtaNnUd41Hi4BRkea5MGtJA5uxervQFgmsu7gjs9Tf+UijdOXCRt1wsaNUf3b7udGTwzCCYq13yQV/yBCmCjlQiuFO1Q1lHJI2PdhGiNt5xUch//0wtOcKy5S9z2enbqMqWloVxmNnfE4v/uRT7Ez37luH5RShN5LhP4rbZ9rxk6s1E+jaZ2AIFAhL81NUWg2AEHejnFH3zCaEGjGbqzU36JZOn9VqY5l6MYOpKq18lLbH/DAfYTQf5GV7gzdug07/Xc3VBpICB3dfid26m/TrPxCK68NlJzHb/wRhnUbiMx127kamrETO/33NyS8EuXTfqaVI7tMOVLhBDIcQ9ugYStEDMO+e1P9jAyJLFbqJwm9p9q+AxlcQskSQlvfsJ2t1JgqVenNpDg3u0Cl6ZK0LUY6cxs2bNeDqVkcyt153eOUkgTNh5BhO2VNt25riXBdO3dCCA3dugsr+RO4lX/PRmgsSip8L6BnME/3QI6F6RIXTk2y88AQua40Z14Zp3sgT89AjnjSpmcgT6YjwcnnL5LtTNHVn8O0IuW8ZsNj7MwMjXqT0oFBugZyvPL0eXqHOhnY0sXRx1+j/9373lbRsv5kmkLT4ZX5GU4tzvH+Lbvoiq8XRZQtKqyBGf8UdvofbpjWGhnty99fw/UBxcRCmZ39r5ci/eZBNw9GZZJWfGdCCHRjN5o+QtimA6BjxN6N0LrXaGc3QsssPZdKuchwBp2bN9wXTd+CnfrZNY3aVccaA1ipv0sYnFlRxkwRuM8T+q9i2Hdt+Lo/wOtHMFdAxCxUM1qTtFQcQomLwujKofyQYDGyfmS9iTc2DZqGPzGHdD2EZWINduONz6KkxL08h2w08ad06FPIagNvagEVhBBKPBxmqq+RtroYLb2AG9TRhI5tJIgZaZJWB7pm4oaRyElvcjeGZnOp9DzZWD/DmZs5V/gegXz90ZTN4Uq+oEYuv42evsM0nSLzs69yzdySa+BjH05y+xGLZ4+67Ntt8vyLLr/9hRrbtxr8i/89xzPPN3E9KJUlk9MhH/tQkrtutxmfCPjrn0zyn3+1QrOp+Cd/P8uLx1xsS1CuSApFiZTQkdP4a59Mcuq0z9xCiGnCT30uzdYtBuOXA95xd4wv/Gkd04R/8LNZdB2CAH7oAwn+7X8qccctFn/78xkef6pJKqnx4QcS/MIvlujMa+SyOomEIJnQuJZUw56dJn/vpzOMXg7o6dK5+3ab//brES34ww/Eefp5l5sPWHzrYYc//fM627aYvOOuGE1X8RM/mubf/5cSP/W5NMWSZNcOkwuXfLo6dX7hF0sIAe9+R4xGQ/Hjn0nxK79Z4annNqZMLTSBYa02NgNXrg6SbAJhoFaV5zFsba2YyTWg1izz8noQhtCoS6TSMS1BGMIj32wwNxuyLf7WlE4UEOVbnlneg4aVKmG9jjcxib1zG/7iIlo6gdnfizsxiWaZGD2deJOTCMNAS8TxJibxJtoZCgrFtBxlQU5jizg6eisEFOApBxGLo6s4fosqr4IQ2Vy9D1uZr2on8oS+S+BvLNdYGDqdH7+H9J17MbJJ9HQcYZtL78Tsu24i+66b1jx39re+w+LXnllzKTG6sgz87Y9gdq22E6QXMPbzv41z9toCVsmDWxn8Bx+ncWqc2d/7Ln2ff5DYjv6lqGriwBYm/+OXUUHI4M/9MGZ/S1RNQfLQVmZjFuVHjq3duK6RumUnXZ+8j/jOgShiuwKpwzvIvf8Wai+eY/6Pn8C7/PrLPt2QYStEJKBkm3tIxt5Nw30Gzz9LJDiTRddy2OZNuP7pVYZtyjL5sYM3U/Wu/eKJGQbdiettPpstmuPKaK3AjH8Uzdi6lN+jIeiMJTg2P809/SO8Mj/Nrb2DaEJHCA3Duh3duoOguTbtKAjOEIZTgI4pq2haNIGUrLdUh1fQZUQaK/lZNL1vzbbWghAaRvwj6M43CL1nWp8qQvc5Qv84hn3fhtuKoGMmfmTD+bEAmjaAbt3ZbtjKMiqcRin1phs1urEbzdhN6D274voLqHXVrSNs6cyTtCyyiRgdyTi6piGAmPnWlWhWskTgPk2bQSrikfjWVc4NKRWBH6LpEf0+DCPxC9MyMGMfxG/8CTI4c91r9o108qEfvWfp96HtPW1//6EfvxeALbujedjVnwNg58HhpWP6RyKnUTxp8/4fuWPp83x3huEdvTQbLsefPc/eI1uJxd/YEkGvF4tOg6FUhnsHtjBVr2BsQOhKM/djp/7W68rV3DvUTRCGxCyTntwbJzjzRkM3D7Lm8i5iaMZ2Qn+ZGii0LLq5H7FGHW8hMggtv8LhFLTqYG8UAiP2IELfsuE1RLcOYdjvxm98gaV8W1UlaH4Xw76T1QyAH+DNgvKCNk98WFhe48KaE+XcXtnoKxVRldvg4FTqELTTLP3JecJSNcqzbfP0KwLpR85C6REqH6lCvNAhE+un7hUxdIuM3UvVnacnuZ1FZxwnqCCdkN7kbkwtvqZhm8ybNGtBW83QTI9NZW7jZXh23dNBsxpw+UR7TmYmO8z2XR8AIUgkIofXxXOP4jRufJNmGPD0cy7//TcrHLnJ4vM/luYr32wszf5f+c3qEoW4q1Pjg++P893HHS6NBfT36nzw/XG+9s0GMVtw7qLPCy95lMrR81QsSR5/usmHHlh2BvZ06dx00OJf/fsSk9MhmUxkbe3cZnLHrTa/9MtlNAF/83NpDh+00YTg4mjAf/n1Csm44Jf+dSemKXjsqSbvfXecbz7kcO7CtZ20731XjNfO+vz336jQ3aXzH36hg8EBA03AN77j8Pt/XOPd98X4yAcS/MUjDU6d8ajWJB05jVtuttgybNBwFF/7VoMf/lCCbz3c4L3vipPNaJx8zeOP/6xOZ4fGru0GO7aZGzZs1/VFvBFLz9VtvA0qMzkNxcNfb2Bagkpp2WgW+tppgm4jiKjTb1DfGyWPMFhtrHuTU9g7tmH0RfsbFQYEs/MIy1r6uwpCVLmKlk4h1igduhI+Lr5aPQd6+44Q+A6Lk2vT0ldD0D10hFrxMqX51fnn65yC0ZFGi1lI10e6Pno6jp6JnsGw0li33E9YddYda1lvUj16Fqsvjxa30WImZncOPbF5MSqzJ0f3Z96FMHXKj7yC2ZcnsWcIozNN1yfuBSEQpkHliZNocYvEoa3omQS59x2m9uK51Xm9miBz3wF6P/c+jI40yvVpXprBHZ+PUlU6M8S29WF2ZcncewCjI830L38Nb+r6KRbXwuva/etaB43m9zD0fkJjEJTEMnfjBRdo+q8Qt+9ZdU7cMPnwjj2v57JLULLSipYuQ2h5dPteVt6armlsyeTojic5uThLwjDRVq4uIoNh3dPKB1sdTtf1fgQ2QXC+LU9UhqNI/2T7scbuFn1xcyugEDmM2PsJvRe5QmdVqkLQfATduofNFJGPhJzuY1Nfr7DRjd1XxQqvbGKvZK2+iRAphN7f/pnyYI1FaCXipsFwR0QHzcTeGFW5zUKFk8igPXdL00cwrFtXHTs3U2Z+tkwqHScIQibGF0mn4xy5YxuaPoBuHm61tf4bQ0rJwnyNcqlBPG7SN5DDMK7tVa1Vm9TrLj29a0fNnIZHqVSnuyez1JYdt3jHhw9HtNS3UbQWoOA6PDt1maRl8endh8ha18vXtTBjH7ymQNxGMFeqkU8lmCvXqDaaxLJvT+NW00dYmx6uIfR2J0j07K2jOixsWKnSrcLrOpvaYWPE3rXJ+WNh2O9qOQ2vOC0lof8SSjZ+ICL1FkATBgODd+I2SySTPdhWhsnp50nEO+ns3Eu5PMbM7DGk8tE0k3xuO/n8DmJ2llAGVKsTzM2fxPOqiFDR23cL6WQ/F0cfWipDI+tNEoluhrfey+zccUqli62rq9bq18rBRtIMqnQltrHYGCVOjrTVxXz9IoH00VspDbpmLtWBj2cMcv0xPCekONkk02Nz12eGGH2pxMy5GuXZJj3bktz7YyM8/6eTLI43CH1FbiAGCopTDn5ToumCjsE4VkKnMOGQ7rLRdQ0rrhPPGFTmXTRpIFTE3NE0k2LhAnMzr1BaPL9U1uhGUapIwhAqFYlpCkwzGpNiUbblxVqmoCOns3uHRWeHzvRMyEvHPc6c9/nPv1rmhx5M8PEPJ/n136ly7MTaQQXLEmhCUGsowlAtGcHJpCCX0Th8KBL9fPI5l0vjPvt3WywWQxoNhWkIpAJDB28Tt5xKaszOhUgJ9Xrk5I3HonsslSVKRT9jdhT9/fTH4+zeYXLilEcqqaHrUXSx6So8H5ymQsrIKfCJjyS5+3abl4+7ZDIamyFwKaXwm+Eqp75ht+qD3qBFp5siotyugO/JG87bFaaBiMeQ1frG8xzXgVJgmqL1voeuHp1KWRJ4q3N/T357mue/OLai7NHVe8SViies+Fv0uRaLIQyDsFZFaDpaNk9hcvW8VEGINz5BsLAISmF0dSIdh7BcwSyVUUFAWK2BlLCwiHLb94uabmIn8gih4TZKhEHEiDTtNFYsTRh4uI0VRpTQsONZfK+ODDwMK4kdz+B7DTynDEIjlsgjNAOhbc58Un7I/B8+yoL5vaXPOj9yFx0fiViBpYdfpvCNtVMir6VsHBSqzPzaN4Cofq2RT9L30x8mfduuTfUPwOhMEzaaTP2Xr9K8MI3RmWHwH3yMxIEtJG/eTlBpMP3Lf07t5QtoMZO+zz9I9j2HsYe6Mbuzqwzb2I4Bun/knRgdaYKFCvNffJzKM68hGy1qtKZhD3XT/dfeRfqOPST2DtP58XuZ+R/fuja1+Xr3caMnCgTpxMeJJqqOZV4ZRB3b3I9CItYQHVopGBJIyaLToOZ7oCBhmnTEE9i6vqGNkAwnUWG7gIDQ+9H01YJDhtA40t3PaKXEnnzXKoqeZu6KRFPWKANi6NvA2INh7kKI3NLnof8qSpbaRkWzDkZiSZuEEALduq1F+7tCEwxbYi3lVeWFrgVN34amj2xqMykQrTq+7fUyo02sZP0cyjcGQgiESLeus/LNeO3J/XYwuMLgHEq2Ryo0Y0dLBbsdmibo6skQBpKxi3NoQpDOxpGhRNd1dPMAvmOxqvzJClweL/B7v/EEmVycoeEOHvzQzRipa7+1Ry/Nc+bUFB/71O1LMvsrceniHH/xjVf4yZ+5n2w28iBG38kGBuAvAaVmky2ZHE7g48twA3T7LIa9OQfR1SjWGjT9gO+dusRgZ5bUX5Ij5frQW0yBtcfkakE6IVKtZ2+dttpeE4orzATXC3jh1DhSKu47vLZ6udB7Nu1MiNbj3QitExUus3FkOIWS8z8wbN8KCEEmPUi8+yDlymUy2RGSyV6cZrQJHB66l3pjjnJ5DMtMMjhwB77foN6YwzKTDA3eTSLRzYWL3yYMPTyvRve2g8wvvEqpPHrlInR27CabGWZi4umlSwfSI5Q+/el91NwFis3LNIMacSND3S8hhE5nfAQ3rLHQuEh/ej+6ZpIw85SbM3hhg76BJP27U3RtTXLy4VlQ0DEQpzTVpDzrUplzyfbFyPbGyPfHqMy5xDMag/vSZHtjFCYcTnxnll13dzB8KEtxqrmkhmsndW7+YC/1ok/9iSJxkcatLnLi5d8BIrNcSEWn1ocjatRVFQMzKh+CF6VrEaBjoKGjIZCt/xmYhAT4rfX/4D6TwX6dmw/alMqSWk0SVVZo/7qqNcmZ8x4nT3s89j0HyxKUKpJEXHB5MuRXfrPKz/xkmtuO2Bw74aFpYFsCQwfbBk2DSlXiNCUH95qcvyTYs8tifqHJ9EzIxFTAY082mZwOsG3B3HzI/t1rV7cIgsjO6O3WmJ0T1OqRsbkWLo4GHNpvMtCns3XEwPUUC4UQBRw+ZPHCSy5HDlnMzYdIpbjjFpsvfbXOq6d9PvrB9dcBTRO88+4YDz/u8NxRl/vuim1qr6AkOBUfFSrEivdlImdGtOEbLH1sxQ2sqwSpmmW/jUWwGWjZNJn330tYquCeH8OfmkPWN14TdyUGRwx27bP4ztfqCA3ueEeMV466NEr+KgPfb4bMnq8SuBKzuxtrcBCUwi8UkLUaeiZDWK1i9fWBruOOjmIPDSFME+fiRRK7hzDyHdQuvRTll5ppfB+Mri7soSHCWg3ZaGD196N8H396FuV5eOPL6V7e5WvTawHseI587150I4ZSkqnzj2NYSfq334PfrEaluSaiKK1AkOveSSo3xOzYC5hmgr5tdxP4Tax4mpmLz2DG0nQN3ETTKZLKDVBdvHSdHrTj6ohs6LhLPgDZcAkK1bVPvB5U9H/KDwhrTdRGk8mvghCC+vFLuONzoBRBsUrt5QskDmxBGDrNC1PUT0QlemTDpXFmgsx9B9FsE7MrQ/P8skaMsAxy77kZq78D1fRZ/OozlB59BVYK44USd2yW+T9+HGuwE3u4m/Rtuyk9/DLOmc2r0V/B64rYtou/rHxYtWvG96RSjJVLfOn0SZ6aGGOmVkUB3Ykkt/UP8qk9B9jf1YOuXXsTqsIplGr3EGj6yJo5mb6UPD8zQSPwqXhNPrRtD9oS9U5E0UKRAlYbtp73IqZ1hDCYBMNA06KNmvRP0R5Zs9GNnVdtBDcOTe9B6ANtdXBleBkVLsIG8nWvQDd3wTWEm9aEEK3v06Bt1X6dHufN9eGtow+/kZDBJdrfdHpEhWe14dPVnV6aMZ09aXRNoOkauq4BAs3YBsJcM1IdhpJioc7LRy+h64L3P3iIjq408YSF74fUak3iMZNSqYFh6OQ7kgghKJcapNMx7n7H7jYxjDCUlIp1giDEaXj4XqR8J0NJpdrEabgYuk4un8AwdWrVyMuWzkQRPM8NqFYdOjpTb6mDwQtD9nZ0UXKbTNYqJIwNqHbrAyB6KS5WUQrsmEmj1kQIQSxu4bkBbtPHMHXS2TjVskM8YVEpNUhn46QycQo1h/lKnR19nZi6jheGxDegGP6WQ1gg1tvIiVXPmdDS13j2BKudWstrXi4Vp1htwDoRDE3rRmibF9gSIoOmDxGGo8tXDReRsoBQG6c1/wA3CoFAEARNLo1+l2azyJaRdzE69ghOs8j+vT9CItFNuTxG0y1z+uxXCIImSoUIobN15N10de3DNBOEoUelchnHKdDdfYhyeRyFxDQT5PM7KFcu4zSX6e2h8hktHSVj9yx9z3VvkbHySzT8In7YIJAegXQpNacIVUjS7KDgjFNqTiGJIn1CEyTzJvmBOGe+t8D8aJ3T31ugNB2tYxOvVlgcb3Diocg53jEUBwRWXKdnexLd0thyOMcr355h7mIdFGy9Jcfed3YxearKsW/OQGiQ1vI4qkZTLu9FdEzSogMQuKpJn76VhqpQlxXyWg8lNU9e9GIIAx0DHx+FIlQ+hjCZCi+gJHR16PzMT2ZIJwV/8rU69Yai6SnmFtotq2pN8Yd/UueTH01y5JCFHyh+749qJBIan/2RJEEIMoTnjkaKt3feZvOB98TJZTU+/2NpHnrM4dmjLl/5ZoOPfihBoSgplUIqVcnUTMgffKnGZ38khe8rFhZDfusPa9QakkIh2h9IqZidCwnCyMh++rkmn/pokttvsfntP6xRLK29j/juEw4D/Tr/8G9nAcUX/rTOYkEyORUw0Gfw9346Qzwu+P0vRm088kSTD74vwZ23hoyO+9RqkoXFENdVFIpXfkoajuSbDzV48D1xDu6zWCxIiqXNWaO1BQ/PCYmll9e/XH8cTRc3bIgm8xZmot2wrc438d0bs5TDxRKVbz2BNdJPbP9Okvfcgj81S/PV8/izC+1GxPXaChSdPTpdPTqaDvlOHRlCveDiN0Os+PI7ItMTw7A0Ah+s/n78hQXiO3dGxq2MjF0jm8UaGEA2GgTFIsIwEIYBUhIUCkjXJSiX0SwLYZpoto01MIA/O4u9ZQvS8wirVfR0Gj2ZJLgqfXHrkRz739PL839ymYWxtVlEzUaRxamT2PEsvVtuR9NMNKGh6xbVRpFa8fJSfexUfhhQTF98Bt+t0jV4M0LTKM6+Rr53L7me3Zh2isLMKaqFcSz7r56QoVIKb2Jh2TAOJf5cKfJU6TrO+em2+tphuY7yA4Rloqfbaz6b3VmSN21H6BrNyQWqz59Zdz56k4s0To5hD3ejZ+IkDm79yzNsbwRKKUbLRX7hqcc4OT/Lns4u9nZ2I4CZeo3vXDrPyflZfv7ed3O4p/8aSqcqMgBVu9qXpg+xVnRRCLB0gwvlAh2xeBShbPt7FiFSa27PhJbAbT4ChBjmnqX7kMEY7RrYdmsDfWObLiFSaFpPW7xSyeK6olbrtqMPspEaoWucucZnN05vWS6d0gBVieqDyjKoeiQ2piJFVoUPyiP0Xn5d1/tLgVItJeOVLyYDTV977mr68tyMr5G3KvRuhFjbE+42fZ753hmOPn+BUqHOY989xYFDQ3R27WF2usSXvvAswyOdzEyXiMctPv3Zu4nHLU6fmuTxR06RSsf42Z97AF2PBAFefP4ijz38KrGEhe+FuC0FwIWFKl/50gs0mz6NusvhW7fy3gcO8sJzF5iaKPKZz96NYeq8/OIljr00xt/82feg62+dofHK/DSnC/NRrr+mITdAwdK0bkJpc/bkJEpBNp+g6Xh4bkA8YVMq1HCbPj39OYa2dvHiU+foGcgxfmGOHXv72XfzCDv6OolbJkEYMjZXetvWsQXzmorkq55zEUNsipERjbemCVw/IJuKr27zStNaelWEeCMQIo6md10VGGluei38AW4cCmi6ZcLQpemWCYImTrNIGLqEoYeuLc8xgaAjvxPbzqLrJolkD7puLZU3CwKH+fkTDA7chR3L0WwWSCV7icc6mJ4+ipTtSTB1f5G6v+xklipkrh7VSQykixNUWn1UVNwZKu5yVQLD1rjlh/o48dAc6S6LlsYJSkVU0CsMSSVVS41VIEPFwff1ULjsMHO+RvfWKBp4xUC+Qj/VdEG96GMndRI5k/KMS11V0K56fgJ8HFXDUTUkIZKQkpxHoTCEiaXiGMIkUB4+PkIITGzqqkRGdETPo4DHn27yrYcbhCFL1OCz533+v/+6uhTGKyc9Lo76JBIaga8oliWaBr/4XwN0XdBwJJVqpDh88pTH2HjAr/12FCGq1iLK80OPOLzwYuRUdT1F0Krk8a2HI8PXNAVOq52nnnN54aXo2Fpd8f/+xxLlSiRM9aWv1nnoUScqTVNZ37gqFCW//ttVMmmNIIj6rBT83hcjBlQiIfB9KJclUsGffb3Oo086yBb9OAzh6eebOI5icjrAaSoujQU0XcWZsz4vHnNRKqIob8LGA6A41cAp+20KxvmhBHbSxG9uPC/7CoSAnl1ptBV6EFIqChMN/OYNhoBRKN9HNt2oRJSUCNsmec8tuOdHcY6d3nBL05MhpULIx380BQIunfeZnw3J6s2obu0Kw7ZjJEEsbdKsNQnrdayeHjTbJmw0sAcH0eJxmouLaJUKstEgrFTQk0msfB4tHies1zH7+9FTKbRYDCOXw+joQNbrmH19qCBA1mqEtVpkDK+Bvt1p7v7rI5z53vy6hm1H3z5iqS6UDNHNOAhoOiVmx54n272TTMcWJs8/AUAs0YHXXK6DrJsxYslO8r170XSDRnU2EowKmsjQa6sV/VcFyg9X5fMq10cFEqHrBAvlNsq79MKldVRcpWsT29qL0ZFCKUVzdJaguH7ZMOUFkeqzVKBpxLdvXKNoLbzlhq0XhvzZmVNcKhX5l/fezz1DI1HERYDjBxybneI/PP8Uf3TqBLs7utYt96NQKFnlaqqqaCkhXw1DaNzTP8JgKs1wOoe+quSEEUUu1oBl3UqoD0WbrVY9S/BQqv3lIoS5KcrwKogYQrtK2UwFbRHcDTWj5XizqcPr4YoxK8NxQu9lQv84MjiDDGcjkS3lowiIlGrD6OfSv+8zo5Yo/0up9qLwCH2VaNSGIWwQCWD1Bj4Wt3jfB25CNzRGL87z1378HhLJKOcrCCXnz85w253bed8HD6EkJFNRCZzb7tyB0/B46cVl2kyj7vLQt09wzzt2c/ORLTz07eOcOhF5yDKZOA/+0M0Yus6F87M8/O3j3PvOPezY2cuzT55jbrZCT1+WZ586x+Fbtra9qN8K7Ml3cbFcZE++i0uVIs0gIHs9VrCWBExkKMl3p+nsTqMbOvMzZUxTp1ysk8rEGRjpxDB1OnrSdPZkiMUt8l2ppXIHo7MFZss1/CBkqJIlHX/70ZEFOptxbIk1SzJdH0EoKVYaWGvUNl5uPMaVUkmbgjBZq7TPDwzbtwpRST8pW2WelIz+ySuCMWrJf5vJDLF92wMoFeI0FglCd4kNtXJWLRbOMTR4Nx35HUzPlOno2IXnVSlXbtwzv2bPpaJRCRjcnyHVaTFzrkboS4pTTQ7c38OFFwpMnqriOSH1os9tPzzAmScXaJR9Orck0A1B4ElCX3LpxSIH39tD5ZDLxReLeI2Qs08vopRiz31dHPvzOXTfWLN+bk2ViIkETdWgJotIQhSKuqpgizg1VSJQkcq6UBppLU9Sy1KVJUICmk1FrS6ZX2i3yHx/2chtu28FlaqiUl0RUQlhbmH1sdWaolpb3ecghIXC6uOlhMWrPm82FVdKhSpFW1TW89a+7lpwmgrnKsOu1ioPVLuqTJDnw9x8e7tOqw9+NTrWXxFN3WgfNMNChn7bpr0802RxvE5+aNkxl+2N0b09SW1x80aNYWtsuaV9X+DWAmbOVm+YGKfnsqTfexfK83EvXqb2xDSy1sDs6yJ+64FNGbZuU/HCk00W95iMnfepViWBryjPNimMN8gPLI9DpidG354MpSkHd2wMP5lEmCbe1BT+bKSALptN/NlZhK4TNhq4k5N4U1OE9YjZIJvNpX/Vo0dRnof0ffR4HOn7EEY5zv7CQlRHdbMQGpmu7VQWLiFDj0zHVgAMMw5CUFm8RO+W2zHtyIm1OH0SJUO6hg4ze+lZGpVZYslOygsXEUKjWV/EjmdJd2wFoRFPdVFZHN18v97GUGGIvKqMUbSnj56L8Opc3xV/E1cxbK3BLrSWU8LqyZH/wK3tW/yrUrDje4aWPtbTiVYN3Rt7MN5yw7bquTw/PcE7hrfywR27MVYMRtwwedfINl5bnOcbF85QcJxr1LGVKLVGbSYtwVqbtEBKXivM4YQB45UyH9u5H6PNuNUQYm0BGiFiGMaW9g+V1ypx1HbxddvYGIzIsGm/EEpdv0D6SkR9eKujSQqlfKR/Cs/5MmHzMWQ4RXtd17+KCNacB9xAlAoiI0NgrWnia5ognrCwLBPT1EkkbGz7ijdZkc0l2Lt/kFyuPffINHVMy2hjKVTKDk7dZffefjo6U+zZO8Cl83PRBqXY4PHvnsJ1A+q1JpWKQxhK+vpz9A3kOH5sjJuObGFhvsr+Q0O81XMtY8fYke3g1cU5EqZJwtwAFRkdXTfYc9Mw+RXU6XxniiCQmJaBHTPp7MkgBNx+3+41I+69uTR+KOnNpUjaby+l6CUIwea+kxv7/pRSJOMWI3359UkqwrpB2rC+9lqqbix/7AfYLDaopi8MhgfvwdBtXn3tizSbRZSSrRzb9nJYjlOgWLxId9cBypVxstktLBbO4fube7+t3xkNoWlIIXjuz2ZJdVq8+tgibt1HSTjx0CyZbhunEm3cQl/x9Bcuk+wwcSoBx789S6bHxnNCAk+iJFx8ocjieAPD1qjMudQWPWSoCDxJKlcnHqaxiFFQs6u6U1VFqiqiWJfVcvS50FbzfhlSSlzVwCPa13zhT2pR3VUhlu5t6UFTCiVlZLm+GRACdL3l0GvtQGXrmuslzH6fQmg6fTe/j8Vzz+NWloMIXj3gwrMLbL+zaymFJ5Gz2H5HF+PHSpsuudO9PcXAvva0jNKUw/TpyjpnXB/SaVL73osEhRJLRXoF+HOLqGdf2VRb2bzGhz6ZZHDE4Ld/ucJd74xz/EWX+ZmQ80/Ps/3O5brv8YzJnnf2cPG5BbxGQFguUz9+HNlstkf0GsuRVFlrf87D6nI+abhC9Gnl53CdcMe12FpKsjBxjEzXdjynQmHmFDIMMMw46fwIuhGjNH+eZm0Bw0ogA49GZZaO/gNYsSy10gS6YZHt2o6UAW6jwOLUSboGbyaZHaA0fx6vuZo58X0Nqa5pTKpg4+uNkUtBS1U7edM2kjdt2/C5wtARhh6xEG4Ab7lhG0hJzfMYSKdXRU0BNCHoS6ZpBgFueC0vTVSF6mqsl9+qgEuVIp3xBDKK965x1GaGY60Io4A1SmZsFJHhscb5arPeqmvnOL/xUCjZxHf+FLf266jwKor2in5FG9YkiHhU31VY0eYXM8on3mR0+i8fV6LNKyFaUbMbwY3PIdPUr6uOvHQVTURPUBB5RZWKnogwDPn2148RBCGf/MydzEyX+J3/+TgAlm1w8y1beOzhU4ShpH8gR2dX+i9FYKojHifTsEka5prryFrQNEFHV3sUUAiBaeoMb1st9LUW8qk4C9U6xbrDUNfmc0ffOrz5X4plGuRSCTz/zdhcr5XbS4vl8QO8bSAEtp2l6ZZwnAKg0HWbdHoQbZVqqGJ27jh793yc3p6bMfQYxcLrVw4WsRjW4AD2ti1Yg/0Y2SzCNJCej1UswcQk6tIo/tTMKspio+zTKC9HKBbGGmjJBNbIVuLDUf8dz8O9NIa6Sh22suACLuU12DVLfTNN7G1bEHbLYS0l7ugYsr6aOllV7e0slMDo7CC5Zwv2lmGMrk60RDyyMet1/Nk5mpdG8UYvR8bABlVxRSyGvWUEYZmgFO6l0eX+6DpWfx/2jm3Yw0Po+RyaZUaiNOUK7uQU7sVLeBNTqOuUbFzjyi0b+ap+XuGKr7Wfui6L6+pjrvpdiHXGpb0vVjK7QuU2akOGivNPL3DHX3OWopVCExx4oI+T35lm9tzGhX4MW+OmDw2S7loOXEipOP/0PNW5NQI0G4RqugQraNEiZmH2deONThLMb47d0t2rszgX5SkLAamMRjwhUArOPDHH3Z/dRronYoEJTbDn3T2cfmyWM0/MRXPSeeOcjvGMQc+OFLG0iVcPmB+tUyt4q6bDla822xeja0sC3dAoTjksXm4gA0W1MEa1MAZE312mxyY/qBFLnicMJMGsi9BDKguRIrtuCuKdl5DCw0obdI0sUpyaYPFyg46hOF0jSQoTL7M43li6thAQz5l0DidI5CyQiuqiy8JoA8/5X/d9JUwdWnVww6qDrG98nvuFja9na+EtN2xNXSdr24yVSwRSYl6lwR4qxVilRMK0iK3DrY+wjhG4jlydoWm8Y3ArMd0gVBJ9TXXUtQcyomE1WlTjKwvTWnQ/dQNG6MqzFWuqAG9WCOothlI+XuN3cav/FdRV3kcRRzf2oFlH0M1DaPpwS6zGRmC1RGtMhDBolv9vfOfLfH9RkrU1jFiFWmXsvtlY25CRUtKoe9RrTVzXp1xukErFyOWTZHNxnnvmAqFUHHtxFKfhoRQEQYhtGzSbPi8fvYTTiDYwQgh27e7n4W+d4NGHXuWz/9s73nIa8hWcmJ9hSyZPLhbD0N6aAvIApy7Pcm56ARQM5DNvnjKyevtT84MwpNpoUqkrtvSvQ71XAdxQuTDJ2mvh96fA3PcfNjb3lAoplcfo7zvCyPB9uF6VfG47iXgXUq5+F1drkzhOgf6+WygUL1BvzK3R6gah68R37yT9rvuwt21Fi68tmKbuuBVZq+OcOUvlsSfxxi9fc9OkxeN0/PCHsQYHAJCuy+yv/ibu+Qub7qK1ZYSuv/GjGJkoxShYLDDz335tTcO27dbyOTL33U3iyM0YHXnEWrVqDh0g4/t4M7PUnn6O+ovHNmRcGJ0ddP3oj2B05FFKsfDbf0D9pWMYHXky97+TxOGb0LNrl4VL3HoY2XBwXjtD5eFH8San1rjCVed0DZMd2gdCYMbTlCdeozx+CqHr5LfeRLJ7CzL0KVx4CaFpxLK9VKfP03fTe5g79T1i2V5k4FKdPt/esBD0HngX1enzNBYnMOJpunbfwcLZ5xEIuvbciZnI4FYWWDj7PKHnkBncg5XuwLDimIks86efbovSWqkOOnbcQmn8JM3iDHMXapz8i2nu+xvbl9JRuramuO9/2863/8Nr1AvXN+6FLtj77l6OfHRwqQ2IorUn/2KaYDP1ka60aVsYfaudsXo+g711EG/0+orBV6OwENLRpbPnkEUup+M0JIUWlXv+Yo3j357i3h/ftrSUp7ts3vN3dtMoeVw+Xrqh15WV0NENbYlFgYCtR/K8/+/upHdHChkqNE1QmGjw+G9d4rXH5pHh8oWUVOy8p4sH/0EHmS4bK6HTrAU896XLPPX7YwRu1H9NF9zz2S3c8ckhEjkTKVWUcuBKXvnWDA//9/N4ToidNHjg7+6iNNMk3WkxfFOO0rTDo//jIvd9biu925MUp5r8yf95gqnXqiBg77u6ee/P7CTXH4vyTXWBknDu6QW+81/PLYnV/a8GFbTSVpSk/OgrFL75wsbP9YMbVnaGvwTDNmPZ3Du0hd89eYxd+U4e2L6TrB1DABXX5XsTY3z17Gs8sG0n3fFrlXXQECK+6lMl66z1hEmluFBaZKpeRROCz+49fJX4i1qDUhrB857D919DCJN47MNoekdkmK2iyoWrVJo3Bx+1imonVufdvs0Quk/j1X79KqNWQ7duwUr9bQzrDhDp61MSxdtQYfa6MNZwPEiQm6n1uQxFiFLXflnm8gl6+3JtL0nbNhje0olxVY28UrHBV//0KFOTBRp1j9//ze9x9327uf2uHXz6R+/h6195ka986QW27ejBsg1iMZMHP3wzX/mTF/jSHz7Dth093H7XjqVIcCptc+DQEPPzFXbufn0J/mve/4qInCJASheEjnFViRchBM/PTNCbTNIZS2Btpkjh60BXJommCU5PzLeUrN8suKxmAry9IBA0veDaEXvltpRyN/uqCddYCyOBvR/grYCi0VhYqvsY+A7V2jRSBUgVUq/P4bpVlJJcnngSKT06OnYhZcBi4RxTU88z0H874VWiUGHosbB4mkxmiELhLGF4YwIswjLJvOfdZN59H1oicc13ixACPZ0ieesR7G1bKX/rO9SOvrwujTcslXFOn8UciAQANdsmefNB3AsXNxdF0HXie3ehp5bnbPPcBYLFa0fS7K0jdHzyY1gjQ6vy1lbdm2liDw9hfqIXe9tWit/4NmGheM1z2s4XAmuwH29yio4f+TixXTuueU0hBHoyQfLWw5h9PRT++Mu4l8aueQ3DTpDu38Hki98Cpeg99G7qc2MkuoZJdAwy99qTxPP9dO+7l8L5o8Q7+vFqBexMF7FMN7F8L/XZNcqqKIXvVMgM7sEpTpPsGkbTTWTg03fwXfhuncXzR+nceRsdO29l/rWnMZM50n07mTnxCKHrEDRrS21ZqTyZgV1UZy7QLEUOl9CXPPdHY+y4q2uJRqzpgkMf7Afg8f9xnoWx+rpGnZ00OPhgP/f/zC6SHctO0MCTvPClcWbO3BgN2do+TG7btqiG6wpo8RjhQumG2iwsSL72xzW2vmgiFVw651Nt5XIrCc/+wSjbbutgYH+2VQpQMLAvwyf/9WGe+p2LnHpkhvridQx9EdGY8wNxttzawd5393Lm8Tme+YNLKAm9O1N8/P/cj98M+dLPn6A03STVaXHfj2/lw/94L54Tcu7pZVq/ldA59L5eHv/NS1w+WSKWNrn3s1t4109sozTl8Mq3Itq/DKNc4Re/Osn48RKNkk88Y3Lf57Zwz2dHuPhCgdNPzEdd1GD77R1857+c4/i3Z/jQ/28PD/7cLh759YsEnuSj/2wfO+/qZPpsDRUqagWPM0/OM/ZyifJcE8PUuO3jg9z2sUHmLtR44rdH24zx/1UQFGuoUCIMrUWPL72uKOxm8JYbtoam8Yk9BzhbWOSXXniKP3j1FboSEc2j4DjM1mvcMzTCjx08fM3Nqlgy+AxWevYjKuvqwdOE4FBXHztznTwzfXkVFTkyKNZeZKQsYpmHCMJRguACppYELITW7jFTyluzDu6GoZyr6uICwkRoXWse/naAUg5e44tXUYgFun0v8ey/QWymnu5bWVroDYJAW1EztDWnVIhSm6MBLUF5oK5tFN9y+3Zuub29rlxff46f+On7V0VQ8x1JPvf5d0YCAC1cOWbLti5+9u8/EN2HiPq/2HA4Wp7lR//WO8nH40ufX7lWGEoqFYfb7txBOvN68snXhuOP4ctyVFA9iKIBcXM7KWtP23Hbs3lMTcPU9LdUnXjPYDehVBza0v+m5dgqFbbqIr99X4ZKKaqNJo7rkU7GWM+6Vaoe5cWuWyd3vQu4q9dCxA3VCP8BNg8pA0bHHl36vVwZo1wZ58qcPHfhm0v/7ft1RsceQ4w93nqvRp9XqpOsNYdtO0PDWVhRz3aT0HWy77ufzHvvR5hGpFgchgSLBbypaYKFAsr30BIJzIE+rP5+tGRk/BodeXIf+RAqlNRffHnNjZYKApzXzpC64zb0dGSUxvbsRs9mCEsbz6nTM2nie3YvGYrK96m//Mo1N3fW8CCdf/1HMPv7ovtSCtlo4E/P4k3PIOt1hKajd+axhwYxujoRuo5mmiRvPYzQNQp/+rVVeYrXgr1jO2ZfL7FdO0AIwno9ut7UdHQ9w8Do7sYeGULPZRGaFhnEAwPkPvB+Fn7/i9e9XrM0R31+HM0wUWGAbtoku4aJ5fvo3n0XmmlhWHFCr4mmm8Q7BqjNXiKW70O3Yri1tY316sxFBo48gJXuINE1RG1uFFDY2W4Kx47h1YpUJs/QtfduNL1FLS9O4ywuRzSFpqMZFr0H3kl15jyViTNte5HSpMND/+kMn/iFm0h1RVRc3dS4+YcGGDiQ5dTDM1x4boHqnEvoS4QmiKUM+vdm2PeePrbd0YmdXN7LSqk49fA0L335MmFwY2u8cn0qDz+ON9YemdVzGeKHdt9QmwDFRUmxJYzV3aeTSAoaLQGv0pTDd/7jGT76fx6kYzixZNx2bknwof9jP7d9apjRowWmXitTmW3iNyW6KbDiBomcSX4oQcdIku6tSTq3JImlo5rAYy9HeyXdFNz0YB+Z3hh/8A+Pcf7ZaC89ex4aJZ8f/cWbue1jQ4y/UsKtR04pTdc4/hfTvPTnk0slmNxawOC+DDd/sJ9XH5lbitqe+E4rt33FkOuGYOcdnfTvSS8ZtgCL43XOP7uAUnDvj23B9ySvPjyLGdcpTTnk+uJRxDdUXD5eZuJEue2xdhsBu+7pondnCjOmLfV3Fd6+r/jXDXdsLioFZFjYg13oqdiqOr5vFt5yw1YIQV8yxc/f+27uHBjisfFLTFQqEQUhl+fHDx7m/dt20pe8Tm1MISLDUsRBLS+qMrxMREduvzWlFKOVImW3yYHOntVUZFmN/q0BTevE819CqQAhbAy1C02z0cxd0Fxp0DSjPNGrillvFEpWUWG7sITQum5cYfctgAynCP1XWPmECi2PlfypTRm1V+je33dPuhBo+gARLf2KgyVABpM3NA+UXFxbFG0FAhny9Og4NddnS0cOW9cZK5bIxmxG8jlenJgiE7PpS6c4PbeArevcPNjP6dl56p7P7SODnJtfpOQ4HBkaoOH5nJ6dZyiXYV9vN4am4Uu5IiIZbbDOnp7ipaOjjI8t8GM/8Y43pZaopsXw/HPYRh9KBZh696rSXABJ0yYfS3C+tEjd964hMvfGQgiBoYsNqyHfECVdOa/PQfYWwdB19m/rw7aMdYnGSpZQqoZgc4atUg4qvEqQRyQRS6r0P8Cbj6vXYnXNv63WrVjxThAGmqaRTPTQ1bWPmZmX8bwbEI0SgsShA6Tfdd+SURtWKlSfepb6i8cICsVI4EipaI/QynHNvvddxHbuQOg6eiZN9oH34E1N409Nr3kZb2IKb3KK+N7ISDC7OrG3baXx8sYFeewtIxg9kVNaKYU3M4s7vr4CtJ7NkP+hDy4btWGIc+Yc1cefjPJyPS8SdxEghIaez5K64zbS990TGe66TvzQAVIzs5S/88iGRZ7sbVu4om7aPHeeymPfw704hnTd5XHUNMz+XrLvew+JQ/ujmqSawN6+ldje3dRfePGa15AyWDIWr8wKGXg0FicpXHgRlESGIb5TJfSbxPP9FEdfIb/lJgLfQfprR/b9Rhm3ukhu5CCGlaCxOEkkrBWiteqba4aNCoKWc1eh5FopDoLK1FnsTBfxfB+Nxfbv6cKzC3znP5/h/T+3h3R3K89UF/TsSNG1dQd3/9hWGiUf3wnRdEE8a2KnDAxTa2NWyVBx7ql5HvovZ6kXb1xY0xudwBudWeUkCSs1nBPnNt1eT59OLN6+it9+b4yjTzcZu7g8XhdfWOTbv/ga7//7e+jelloqhWXaOgP7s/TvzRIGEhWq5QQUIRBa5FDXdBH9vsYLw7B1Rm7OUZpymLkqf7k46TB9tkr/3jTJvIVbjwwkGUgmXq201RUuTjksjNfpGIqTyJpU5lpzR4FuasSzBlYsokDH0gaBL7Hi7UG0etFvUcQFbiOgWQ3wnBDdjBTTDVtr2/8ITZDIGFgJA90UpLtsArd13DXStVQQKaULIaKc1L9CaI7O4M8WiW3rI7a9n9iOfurHLr4l1/5LSVgSQtAVT/CZfYf4yK69+C1KkKnrxFtiMBvZNGv6YFR7dqVhG4yjZAWht0dTNSG4o28YIBKbuap9GU61tbMSSjkIkUDTUljWvQgRUVJ08ybAZFn510f654AmsJomfT3IcCIqi7Oy38YI2ts4SqHCmVWCT5qxE908sDnDR9W/Lzbza0EzdtDOHAiR4aVWpGpz6sgyuATKv+YxgZRMliocGujj/PwiuXgM29A52N/Lc2MTDGYzjBZKFBsOpq6jgJcmpvDDkKFcllMzc4RK4QYhgZSUHIeq6/LK1Az7+3rQ16GiaZpGR0eS2+64i4HBN8/ASFsHsYxekuZuxDpCWnXfo+RGL7c3MmIrlaIReCQMa812pVJUvCaGppEyVxq3a+X8K25ExVepCjJ8Y0ugvNEQQpBLx8mlr73OKTkXPdd6/6baV3Kxpaq+DE3rRugdb4pD5QfYGOI9KXRbp3Z545FLITR6ew7R0bGbRLwTp7HI3NzxtrSDjULPZcm8553o8ahkR9hoUPr2w9SeO7qmmJEKQ5qvnSEsV+j8zCewt22NNuI93aTvuZPCl7+2pgEoHQfn1dciaq4eKXQmDu3HOXkK5V97fYaIIhzfuwst3no+lMJ57cwqZdjlG9NI3nI4ul4rUuu8dpbCl79KML9aUFEhCeYXKT/0KCoIyb7/foRtI0yT1O230jj+6rpG+6q+alpUa/LMOQp/+lX82dnVIj1hiDc+QfFr30DPpLC3b4s247ZNfN9u6i8d27RCc3X6PF177iLROYQMPELfxauXCJwasWwvTmGazl13IBtlZLCOEagU1enzDBz5AOXLpwiaUSpYdeoc+W1HsJJ5MgO7qUydRV1DjFQGHpWJ05jJHB07byVwG3i1ZdaVDBXHvzGJ74S866d20rMzhW5Exo1uCPSURiy1fiqVUgqvHnDqu7M88ivnKE7cWKrScofkmpF/zbYxh3oJC6VNNfeZn0xTq6g2ZtfQVpOXnmt3KKhQcebxOZpVn3f8xA623t6BGdOXordCB20TaUGhL9vyYJM5C7cerBJdCnyJ06IPG/by/iQMFF6j/VgZKpxKQNdIErN1rNBg5OYcN3+gn+5tSay4jmYI7IRBImuukoAI/UgVXWhR3eelPGjF8hi1BMO7tyY5/KF+hg5msZORwWzYGp3DceZHr52aGFbqkQqxYWINdKLFLGTzr0YlEX+xQvX5M1iDXejZBB0fvQt/roQ3dS2xPR0tZhHWm5ET7wbxl6bEIYRAF4K0dePiK0LvR9MHCOXyAq7CaWRwPop0rvSoCHFVeZ9lKCWRwTmUXPtlrWQZlI8QelTvttWObuxC04eQ4bIXIvSPI8NpdGP7pu5FKUngPg1tpX2MyHjeLI3vLYSSRa5WKhVaz6Zz4WQ4jQyvnavzdoVm7ERoWZRcjrRK/xxSzqBrG58HSgWE/kk2UiLJ8QMuLBRI2xZJ2yJlWcRNk55UkvMLBaSSpO0YlwpFsrEYe7q7OL+4yOVimZ3dndRdj8lShZlKlclyhUBK4qbBfK3OeLFMNhajJ5VcMnKFEOzc3fcG5dWuvwGy9J6I3i20awoFZW0byLI920HWfmMo0V4YUHQdnpkd472DOwmVwtR0YrpB1XfRhCCmm7yyOEWgJO8d3LV8shCR2jcay7mxEilXlwG5HmQwjnqbG7YQGfnVehMQZJJrr+NKVgj9U+jmwQ23q5Qi9I6vqhOuGVve1mkZ/ysg1pWg40Avif4SpbPzpIdz6HGD+mSF1HAOoQuaC3UCJyDZn6YxW6M2VqLZLFGvz1Iuj7JYOEvTLW3+4kKQ2L8Xe3hoSW3TOXGK+tGXrqvQ60/PUHvmeayBfkQsBppGfP9ejMe+R7CwhkNVSpxz50mXSpidnZH687atGF2d+NNrl+tZCaMjj71j+9JeQdbrOCdPrX98LkfytiOIVumysFKl/PCjaxq1K6E8j9rzR4nv271kbBodeRKH9lPeoGELUSmW8ncfw5+59noVLCxSf+kVrOEhhGW1nAQ96MkEYWXtwIBbWaQyeSbqbxhQGjtB4Dq4tQILZ54l0TmEZpj4jXJkqM5ciAxct07p0iv4TiWqn7wOvFqRoFmLaMitqHBx9Dhpz8FK5iiNn6Q6cwFQOIuTCL3dAFVKUho7ie9UaZbnAIVurX6nhL7i1YdmWByvc+snhtnzzh7S3TF0c/1AjJIKtx4we67Ky1+b4NWHZnDK13eMXA9aNk381u5Vxq2eSaGnEzSPn9lUe88/2eT4UbetucN32DiNNZw+oeLS0QKFyw0OvL+Pgw/2070jjZ00rismqZQi9BVuzWdhtM75ZxZ47ZFZlIzGyndDdENDN9rb0TSBbmuEnmzLVxWaWHWsEALD0giD5WMH9mb42M/vJ/Qlx74ZiYI5FZ+OoTgf/ef71+jndYcMiOoaf+h/30PvjhQvf32KyyfLNEoesZTJD/2Tvdc9vzk2S1h1MGMWyUPbyL7rENXnzyC9yAkjdA1h6EjHRTprrHG6hp6M1jNhaGi2iZFNoqfirbEAe7gb2fSRrofyQpSUKD9AOu6bS5AMItGoxN5hEoe2krppO9rP/hClh4/hnJ0gdCKniTB0jFwKe7CT2K5BNNNg9vceRtZuXHTrdRu2nh8ilcQ2jbfcky60NLp1K6G/TINRqkzgPoFu3QJs0GhWVQL3WWDtBScSqVrthRJ6P7p9B7IxypXNrAzHCZuPoyW3RpvzDULJaQL3UVbmCwsth2G/820eoVirb8t5VhtBZNQ/hgpfh0LmXyI0vR/N3EPoLm8KZDhF6D6Lpm/bOB07nCH0XuZ6okECQVcqwU0DffSlI8q+1vKY7unppjuVxDIMJlr5YIcH+8nGY4x0ZPGCkI5EgkqzyZaOHLl4jN3dXbhBQMw0MHWdjx3ch23qb8i8E8JEYLaTGFU1ikqvIf6mbVBkaKxSxg0DJmsVuuJJOmKbZ0ishFSSo/MTTDbKTNcrnCsv8FppDl3TeHf/Do4tTjLr1PjIlv30JTJcrpdWtRGxRAyWHRMhoX8SpT614bVAqSB6FuSN1zZ8K6CUou54HDszyWBPdl3DFgKC5ncx4z+8QlH+eo3XCNwnrop2G+jWXYi3uUL8X3UITeBVXKyMTeehPoykRXO+Ts/twxEt0RDE8gmsXAzph8R6ktSnKpTKlyiV1xAA2gS0mE380AFEq1qCarrUXzqGdDawAVKK5vmLBKUSVl/fkgFoDQ2ubdgCwfwC7oVRjI6IJWDkc8R2bo+Mv+vsfO2d2zHyudalFe74BN41DGJ72xbM3t6l390LFyP15g0gLJVpnr+IvXUL6DroOrGdO6g8+r0Nl+RpXriEe2l0Q8e6o+OopgtW9CxqqWTkLFjPsK0u4FYjA13JkNLo8aW/NRYnVtF+ncIUTiFia5TGT16zL3ami1TvNpqV+SXBJ4gisOXxV1cd31hcQy1YKUpjJ5Z+rUycXvd6SiqmX6vwnV86zSt/PsmOu7sY2J8lP5ggkYuiiTJQNGsB1fkmC5fqjL5YYOylApW55g3JiIy+WLjC6Y3uLZTUVJr4/hH8q0r66Mn4NWt/FicbHP2Ty5ixK/tZxcTxEieebCIl5Do0unp1xi/6nHrFw6mv05aC8kyTZ/9wjFcfnmH4pjxbjuTp2pYi0xMjljExTIGUELghXiOktuhSmWsyf6HG5RMlFi7VqBe8JeMz9CWz52vsua+LTHcMp7Ic5ImlDbpGEhQmGzSry3tk3RR0DMUR2nJadCxtkB+IUVv0cFrH7rq7k1x/nD//t6/x8tenlo6NVJlvfJ8zsCfN8KEsL//5FN/9tQvIVs5099Ykunn9dr2JRapHz5J73xH0XJKez72P7HsOExRrCF2gJWLoCZv5Lz1B9enXVp1vj/TQ/1MfRItbCNtcMoT1K0wqQ6fnc+9Duj5IifJDZNOjcWqc+S8+jmzcmHjfRuHNFpn7wmP0GO8lsWeIxMGtxHYMEJbrhI0mKNBiFlrcQkvYaDEL57XLr3vvuWnDVilFEEqUUhiGzoXJBS5NLfKe23ZjGhphKNG0qI5qKGUrJ017k4wzG92+BxpfhCXvviJwvokZ+yCaeei611VKEnovEXrPrnuM0HKocAIpF9roU0KYmPGPETS/i5KtxHPl4DlfQrfvQTN2b+i+lfLxG19C+isXVIFu3YluHrju+X+ZiPJ/dVY6BZScb+XVXZ+Gq5RCBufxG3/EmuU9vh8gshjWvYTuc0RqtgBN/MaXMGLvQejXj3IqJfGb30EG1y8pYZsG9+/aTsqyVtGGDV2jpyV4Yhs62zrzJFsbkEwsRqhCdCHIJ+IEKkQXGrbR7p2OZ984dWoh0qAlIVwW/5DBpShd4HWofReaDk7gk7fjeNesd70xBFKy0KxzIN9HxXO5WF2k5Dl02UmmGxWqnst0o0Ld9whUSCBDpFJtdGXN2AEiBkuq1pLQfRYlZxD6wHX7oJRC+qcImt/m7f4sKAWzixWaXsBiqc72wfXTJUL3WULvKLp1zwbWY0XgPUvoPUN73n4nhv0ONl826Ad4IyF9iTNfQ9M1hK6h6RpWLkbQ8JBBJJwjNIFfdVFAbayEDDa+m8/0x4mlTObOrXbsGJ2dWP3La2lQKuFNbiIq2WgQzC9i9bXa0DTsLcM0jh1f83jl+TROvEriyE0I04xyWA/so/7iy8jG+ikGImYT37sb0Vp3VRDgvPpaZAyudbxpRuWKrGjdVUrhnDm3Icpz6wT8mTmU70e0aSEwOjvQM+l1jfb20yOatPI2dj1ZryObTfRMxCTTLGvJ2fCmQkC6N0Gz7OE7AUbMYMd7jlCf15g+fhQZvLmb9JXwnJDLx0tcPlHCThrE0iZmTENrlXoJfYlbD3DrAULT8J2AVG8cr+bj1Te2tgtdkOlPcOqRWV59aAahgREz8BsB5mAvKrxMMHNVGlgmRWzfjnXbnDtf4zv/cW3DPZvX+NhfTzE4YvDbv1xh7yGLEy+6zM0s73lvPmBxccynWovWZhkqytNNytPTvPrQDLG0EeUWW62xUNDbqREz4dSpJl49WLe8ke9KTj0yx4H39HDbJwd55Ncu4jUCTFvn0AN9dI4keer3RlflJh96oI/zzxUoTDrohuDAe3rI9cd55gvjNGutsW5lH2qaQDM0kIpkh8VNH+jHTr6OuduiI6+MHFtxnUMP9pHpiTF1+tqiarLpsfjVZ9Bsk/Tte9ASNvHdgysOUCgvWFobroaesIlt71v9WlQK6UbjpMVMtFj7+UGpjjCWg3UqlEjXQ7o+6moKsFRRBFmwOm1DSpQXoHQNtVYqggLnzGWmf+XrdHzwdtJ37MHIpdB6c5hX9gKtkkAqkHhTBeonLi1FrG8Um/5GSzWH7zx3BsvQObx7kL7ONGMzRZRSXJ4tcfz8FJlEjHjM5PJsCdPQ+ODd+7DMN37hE0JgmEcwrFta0c4IMhzFrf13Ypl/CfrA+jQRpZDBBdzar63KE10Jw9iBpnXg+8dbAkfL+YW6dQQj9iB+4wtcoVhK/xRu9ReJZf4vaG1o16yvpxQQEjS/gVf/LVZSUIXWjZn4dFTz9W0MofUi9K426qQMzhH6JxDae6459gAqHMet/GtkcH7N474fIITAiL0P3/kTZLAs3BD6r+DVfg07/Y9BrF2S4so4hN5RvPpvsmwYrw9NCLKx9em3SkXCDVfqQEulEEDJq/HY3Ene3XOQmG7x3dlXuCm3lS3Jnk3d72YgtC40rYewbX5cInCfwNQ/fQNlYCK8Y3ALoZIYmkbCuLEo3sp8IlPT2ZrO82pxhs5Ygps7Bzi2MEnWipM2bRSKbekOdCG4VCkw36yz0KzRE19+PqPUhF5ksLwpl8E5vPrvY6f/PmBdcw6ocAK3+kvIYPSG7uethBCQTsTQNNEqBXUNgQxVxK3+ErHcAJq+dUlQZPVxKhqv6n9HyZWRCA3Dfkck1vcD/KWiOlaMxFCEQEmJmbTQbQO36EQbRkQkIiUVVi5OUPc2lSs1cDBP1/b02oZtdxdaarnsV1gqIxuNdRW5r4YKZXT8yjY7r60V4F4aJZhbwBqMcsStoUHMvj7ci+tHn83ubuwtI0u5smGxRPPs+u83YVlR+1fuIwgjCvImggGy0WjbWOqpJFp8YykayvXwZ+c2zL+MqIwrjGDt2gI5G4ER08kNpxC6oHipSrI7hpkwaSw4oAlSPXEaC036b+7Ed0IWz5epzTVQwVlqsyWCRoX8tjSaruEUXZJdkVJ7Y8GhvvAm1hFVkQqvW1tLkAq6dmQZvKWL0adn6d4dabMULlYoT9fp2JohaIY0Ck10S0P6kTCYnTZJdsVwKz4jd/Uyd7pI6XINO2Uycmcvl56cpjyxNmVcVus4x1ZH9jaC7l6dxbkQ11XR+p7ViCfbv9dPfSTF7/5xlVrdX5ouS/aJVDhlH6fsL3+m4NBAnK3DBkef8q49pRVceH6Rp/5wnHt/dISh/VkWLzfI9sTo25Pi3NMLvPi1qbaod73oEXiST/+bQ8yP1omnTYYPZZk+U+XFr04u+UbPP1vgjk8Oc/9Pb2f4piyhr+jdmcKp+pRnNjc/Vt7C9Okqs+drHPmhfhJ5k/qiR8/OFCiYv7QxcTx/psjM//w25SdOkDiwBas3jzANZNMjKNZwL89RP772etO8OM3oz//OpvoPIBtulMfaQv3YBUb/xe+AlHgz7QrkjdOXGf+/fx+EwJtuZwg456e4/G/+CDSBv7AOy0yBN7HA7G9/h+JDL5HYO0xsWy96JtnqSxNvroQ7Oos7Po8/X45q4L4ObHpXGQQSIeDgjn7GZ4tkW1zuUEoWSjWCUHJ2fI6dw90c3j3IifNTNJr+m2LYAqBlsZJ/g8B7qT1q2/wLmsrBSv0MunkzQluOHiqlUKpI6D6HV/s1Qv8Y0RPQXjpo+Z4vEQSnllSRV0KIOFbq80j/FKH/UutTSdB8CCdcwEr/bQzrdhTZFZtahVI+MhjHd/4Mr/67K/oOYGMmPoNh383bPUKh6f3o5kGCcLm0g5Il3Op/Qmg5dPPwKgGgaPxLhO5TuLVfRfpXaEAWG8kv3TwUIFmLBxSVeboxFeuV0IxtmIlP4Vb+I5F4GECAV/89lKpjJX8SzdiBWFGrVymJkvME7qO41V9GheNE37fGtfJQrwWlFEcL55l2ChzMbUEqxanKZfpiOW7J7yBrJvBlSIdt02ml8dZSiHwDIbQEun3XimcDUDXc2n8HEceMvW9N501k7LmgmiBSqwzg/OukHgNIVcMLZ4kZ21CEHMhnONjRCWgIdIYTOrqWifKLs8vqpg8MNVEqjW209ztKTbivFXW/MtdCvPpvABIr8ddAH2q7l2gOFAi9F3Brv4JcUhg3iObA21MlXAhBZzbBrpHuqCj9dR6f0DuKU/w57NTPRpRiLb/0zCmlQDUIvOcjw94/Tlu0Vh/ATP4Yq+uG/wBvNcJm+3oROtHvdsogltSoLbp0jCQpTzuouoNpaHiaID+UINFpU5l2qMxE0c5Ulw1CEMuY2AmDhUvt0Y1Ul42VMChO1FEqogJfyUGFqDRO79/96Y0nxAkNo6vdkNUS12YVhZUqjVOvLRm2ejpFfM8u3LHxdcWS4vv3LpUJiijQF/CvETnV4jH0zAr2iqbR8YmPRqrEG4QWj6OtcHYK00QYG2PeSMdB1q4tcrMKr6Me5dBWk9lJnyu2cSqj0bsrRWZvL9XZBmbMoPdAB7OvFmgaGkO399AoNOnckcWwdQLHYfs7Bzj5lYs0Kx4oRW5rmu3vHASlcMoedspEaILqdJ3zj84R7xwg9Jo0i7Nr7gOuBz2WxM524ZbmCN2NCwIKAXbSRPph1Hc3ZOt9/RQuVTBsHSth4NZ8UNCsemi6Rs/eHEIIFi6UMeMGdspk6NZuFi9UsFMm4VURT6O7A70jCy32Vlgst0VyY/k+dDtOszhL6K4vWlVYCOno1tlzwCKb1Wk2JYWF9mslk4If/3SaMFT82TfqzC2EfPIjKbo7dZ581uHhJxz6enR+9JNpMmnBI99z0EQ0EHt3mbzz7ji/98dVnOba88dvSp74zUtMnCxz6IFesr0xagWXb/7iJKe/t9CWn1yZc3n1u3N891fOs/veLnbdG72jn/qDMY59Y5ri5PL3NHmqzBf/+XGO/NAAHUNxnErAsW9N89qjc7zjb2yl0BLzkoFi+kyV6oKHlAqhIuPVqUbXDUPF1OkqpdkmKlSUZpt85f85xS0/PMDAvgyxpMGF5wu88o1pDry3h3jWXKInXwuy4VI/dnHTqsHS8Wien7r+gddBWHXWLcUj602aF9ZmxsiGS/PS9TUHAJQfRsbr6OZ1RzaLG7I254s1Tpyf5pa9Q5y7PM/l2SJj0zlqreTmwZ4s+UycZMyiM5tE11fvenwZRtvH6xQgvx6E0NDte7CSn8Or/QorlWkD91FC72U0cx+auRtN5FH4yHASGZxD+he4YoRo5iF0Yy++86VV19D1PgxjG5qWWjPHS9O3Y2f+D5rlf4kMriTtS0L/RZzC30Ezd6EbuxB6P2CCKiODS4TBmVZ5n5UT38BMfAwr+RPfFxs5oSUwE58i9J6LhKQAUEj/FZzC38Kw34lu3bJU81fJRWRwhsB7Cemf4cr4C30LVuJTuLVfu0pA6/pQKkT6p5DBBZSqRmWTVA0lq6Bqrc9qq2m+qopb+bf4+m9GxpOWikSvRAqhpREijdBS6OYhhL7lmsavEAZm/FOE3nGC5rdYNmw8/MYfETQfQzf3t4zbJEo5yPByNA+DS0TzVmDE3o+SDULvyU2NwRWESnK+Ns3Hh+7C1AxeLlxEKsm56jS35NenKL15EJjxj+I3voySywugCsdplv8Zfv130cx9LVGgSEVYqTIqXESpMkJkiGX/FcIYel29kMqn5h5FArqWJlRV4sYOvGAaWx/CDcaR+ARhAVDEzB24wTgxYyuOfx7bGKEZXCBu7kRg4QVT2MZw+50KGyv+CUL3ifa5phy82q/gO38ezQF9BEQSlNNaiy60jo/WT6H1YcY/jNf4k6scXm8zCGg2fSbmSoz0rVWSzMCw30XoH0fJ+WhNKP4DNHMHurEbofcjMJGygAzOEPqvgrpqgy3SWMnPtxTof4C3K/JDSfY9MMiJr1/mgX96E8/81jnS3TFCX+I3Q3bf30/xco3OrWme+73zzLxWZvf9/Qwd7mCxFdlolFpOTQX5kSR3fHYH55+YiRRkdQ09lWxbg/VUCj21OZHClRCtMjYrS5CvglI4x18lfe/d6Ik4QtOI7d+D/sxza9a01VJJ4vt2R7mugHSaNE6cuqZisJZMtBnsQtewhgbXPX5DEAL0Deb1B8HGac9vAD724xm+8KslFuejMdmxz+KOD6R48aLgSo0Y3wlYOF9G+nLJLy3EFad49GUZMZ1Ud4LQkzhFF6FBeaKB3wjwnSAyqDSBne1i24c+T31mlPGH/4DQ27xSffeh++g58h6mnvk6Cyef3Jhhr6BRdPGcAKWieyqMVonnLHRDW2pDBpJkdxw7Y1FfiPpWm3MojddIdccpjlXp2ZOnWfbwGkHbXNU7c2Q/+h6U56NlUxCENF461WbY9t3+IKnhXYx95/epXl4/f7iwIPnaF2ts22kiFVw861Mttxu2moBHvtfA8+DB+xP8xh9UePp5h63DJh95MMnDTzh87INJRsd9/uLRBqGEe26PsX3EYKg/xR/8yfpG7RUEnuTskwucffLawmmnHp3j1KNRXvULX57khS+vkT/dgpIw9nKJsZdLq/72rV86u/TfzVrAN/6/duGtr//75THzGiF//u/ax3B+vMGjfziDlauAJgiqTdxFj6f/cPya/V8LQjcYPPIBAtdh5sR3AUj2bKX/4P1U5y4x99qTqDAg0TFI/03vY/LYt2mWZrHTnaT7d5Ls3oIZSyNDH6cwRXHseEsQDTTdpPfQ/VjxDFPH/gLfaXckxnJ9DB75AKXxEyxefHmVA0hP2SRG1kg5UgqvUMedXY7YJu86jDc+RVh3kJUaWjpJ8q7DCF2j9tRLyMrm9vibxaYNW8PQOLijnz27evFVyN6OXnZv76bsuQwOZPGlpOa7pC2btGUzYnbQFCFWS3E0lJKcHefFuUnihsmhzr4lyuSNw8ZO/RQqnMZ3vsLKqKtSJULvmVYO7ZWX4sovTKAZe4hl/hlKVvGdr3E1HTQIzmIYu4HkmtE9IQS6dTux7P9Fs/LvWhGHK9doIv0TrajklRfNOuJKIo4Z/wR2+ucQb+MSP1fDsO7DTHwGr/47bYIvSs7hO3+K7/wZy2Pfeku1RWS2EM/+32jGLnznW8hgffXIteHj1X8b3/nyimus9fNqhMjgNWRwhboj1vgpsDP/FCv5N1lLQGwlhNaFnf6HKFUldJ9k5TxTcobAnQH3UZZ3Uiv7JdDt+7DT/wzf+XIrx3D1ZqhWcaiXHTp6M5hWi2osFeXFKpqmkelIknXj/OnJp7hj2x7Kfh0FdNsZ5twylxsL2JqJrmmcnp9gIV5hMN5JwrhxdfLrQTN2Y6U+j1v9T+2Gi2oQ+i+2orkr58fyT03fwnqibptDQCBLCC1OwxsjZu7EDaaQqo5sGZSBLKJraYQw0YRFEC7iYmDoOUJVJQgLuGIKSx8gVHWUClexETRzP1bqZ3Er/2457751Pyq8TBBeZikxZ411QIg8dvrvolt34je/iwrfvoatH0guTi5gGsY6xBKBbt2KEXsQt/L/olSRaD18Fem/yvXXwxRW8nNYiRunrP8Abw1qC03spEF+OEl5qkFuIEEsazJzqsz+Dwzy0p9cYupEkT3vHWD/B4aYO1dBNzVq8y7P/f4FQi+M8vH2Zkl22NzzE7s4/d1pLj47HzECdG0pZ/WNx7UsW/CmpvEmJojt2rlUKsjeOkLj2IlVx1qDA5HycmuP4E9PX1cEShjm66byvi5IGdX+fZMRiwt2H7TpGzQ4fFecSilECDh0WwzfV8hAUp1psHihTG3OIWgGyEBx+YU50r1xxp6tRCVhuuIUR6eRvmTxYhnfCSiN17jw6CRm3KA27xBVdBQtI/j1l6ZrFmaoz1xqRXyvb9Smh3aj23GqE6eYfHkB3dKYebWAVw8Yf24Op+yRH04RuDUq03XyWyIate8GdO7IEstZdG7PcPmFORpFF7+5gFN0mTg6hxFbfufo6STe+BTNUxewd4zgTc5gDW+utNpKFBclxcX1mQKNpmJ2PsT1FLYteMfdcXZtN5mcDrDtaA7ncxovHHOpN6Jx0nXYtcPk4qjPYvHNn2dvJfSERd8HD9H74EHs3gxC0/CKdRafPs/EH7+AX9gsEwJ0K06yewuzpx5HhQHp3u2k+3eiW3EWz79IEFaJ5ftIdA1Hz60QdO2+i/yWQ3i1Ir5TwbCT9Ox/B7mRg1x47HfxagVk6BO6Drndd1OZPk9x9FjbpfMjB0n1bGP+zDNrshoy+/rZ//98fHWXpWTqz15i9H9+b+mz2KHdJG47SFhrUHv0WYzeLrRUAuU0Sd51M9XvPLW5cdkkNr1byKbi3H1oG39w7mV2ZDvZme3k6ekxqr5L1opFZUMMk5rvMpLOU2g2cAKf/R09HJ2b5EBHLzHD5FK1QMq02ZvvJvY6xZmjl0gWO/PPEVoe3/nyGjVR19o8WejW7djpn0O3bkf6r0ZCUatKdGi4zYfQtDx27P6lOrbtfdDRrbuI5/4dXv03CJyHWhu5lVjvodZbVNYfj9RDV9D0vh8gRBwr+bcAgd/446vGPsojXhsWunUEO/0P0K27AB/N2HkDhi2ta7w+Xv66hvAGqUtCCDRjJ7HM/4VX+2X85l+sEX1eYx6KOIb9fuzMP0LTt6IZ21siRO2Lout4PP61l4gnbW6/fz/VUgMEZHIJLl+Yozhf5V0fOcJOr5fTp5oM7emkV2Qpl+ukEwmEJ/hQ5hYs08Twde6Su+iIp9EDwcJCGVBkO1I0ak2cuksqmyCZjr3uuSiEgZX4UVAeXv13UXLuqjHYnIr2DfYCAFPrIRbfjZQ1DC2PFraUPbU4Jt2YeieBjMbCMoax9D4CWUQTMeLmHky9O/qb3otCIq5ydkSCch8BwKv9KjK4yOrnfq37FWj6dqz0z2LGPoJSdTR9iDAcfYPH4Y2Drmn0d2cjRW7EGt+gRMkqVuqnQdh4tf/WGo9w6e9rQyD0Qazk38BKfAY2WTrsB3jr0Sh5hIGkf3+OiVcKdAwnQRPUCy5mXMcpeSgJtbkmyQ4boUVGR3XOIWi2r9v9B3I4ZY/6oosK118X3PEJmucvvC5abLCweN3zlefReOUksR3bQdfR4nHie3bjvHq6PdIpBIlDBxB25CRUQYBz+hxh9frRiZU9kE2X+suvrMoHvhqZrEDXBaWiXH0LUhIWS9e97lsJTYPufoN8p8FNt8doOlGt0MX5kGe/V6DcKFOZjN55V34C1Ocd6vPLDvPq9PK4TL28HNUrXFw7xy/+BlQIK108QWXsNWS4gRrGukF+z20oJamMn2b+TKnt7+VGFHiZfW15fzh3OjpGtzSs+AKaoVEcq9IoREam3zpn/my7o1PWHZTrIxsOej5LoreT4Cql5DcS6ZTGXbfGUMD0bEA6JXAciR8ozJYK8Gtnfe67M4auw/xCiJLw2FMO0zMhn/7hFL/1hQpvIUEAAE3oCKERynUqn6DRk92NZaSYLBxDqpBsYpB8coTp4nHcYI1nWEDHXTsY/uxdGCv2SfF4joGPHiasu1z+o+dR/sb3pUqFOIVp0r07MGIpAqdKPN9PfeEyhp3EjKcJvQbxbA++U4mirkqxcO55ChdfjgxYGaDpJt177mbg8AOk+3aweD6aE5WpM3TvvpPs0D7KE68tCa7pVozs0F6c0vQqlfLl+xVo5urgjgpbzJcVkNU61e88iZZJYQ71IQwDb3QSf2KG1Lvv3PB43Cg2bVFqLZVjU9M50jWAqWksNBskDZO8HWemUaUnnqLoOpRch95EitFqESfw6YonONzVj6FpDKdyxA3zDYjWtiAEmt6Fnf5H6PZd+M5XCb2XW3VWm0SbKQGYCC2Jpm/DiD+IGfsQQh9CCA2hD6CZe5BBa7OrD4AwsaybwLq5lWO7fm6fEDqasZdY5l8S2A8SNL9F4L3Q6oPDciRZA2EjRBJNH0KPvTtScTZ2AJssm6SlEfrVlMjrqxGvfQMJNGMYpZY9dhtSrhUCoXVgp/4eunkE3/kKoX+sVf935djrICyESKEZWzHs92LGP7w0/kppGPZtSP8kCj+69obKewiE1rlqHN4obEa9VwgNzdiBnfmX6PY7CJyvtUq+VInUckOWv/80mrEbM/4RjPiDCBE5NHRjF5qxHSVLUZt6D0JoOA2XmcuL3Hz3LhZny5w/OYEQgr1HttDZm6VciBbf7t48E+fnUYHi5NMX8P2QwAsQQlCYr9A71EnvUAcTZ2ax95s4RZdXnj2PHTPZfdMwr700Rr3qsP/WbRy8Y3P1mNcfwzRW8m+im4fwna8RekeRstCaHz7R1k5jeY7EQGSisl0iee3GV13MQtMHUWrZAaXpfaTsWzD0vmiutT63jMi7bbS+Y6UUhtYZRWb0SFTLVMviWleeTYv1veJCxDHjH0M39uE7f07gPo6SMyjpENGNZeteTYSII/QeDPudmPGPo5l7EUQRUN06tFTbWaDDOs+1EDZCH4ycIYDQciDWz68Ton3NiMoUrb3mROtiL0IOt363EOLK86CI2yaNterrASBbdHILM/4RdHM3vvNVgubjqHC6JcR3ZaOhg4gjtC4M+x7M+A+jW4dbmgbfP06+/1UhA0VtoUn/vhznHp+hf18OvxnSKLrUF1y6tqepL7r07ctSGKtFBus69uTY0QUmjhW46aPDNEoulWknykW/qnSNNzVN6Zt/cc3yJtfFBo3i5plzhOUyRj5ao+0d2zE68pHoUgt6NkNs184lNZ2wUqV5+uz1DWffb1MbVb5P9cmn8abac9cMAzIZDU2DUlEyeMBk926DP/+2g2UKEklBvR7luycSgkQY8HYqGtaoKx75eg3DELz4VGOJ5hoEijdA2P7NhZLIYGP6H0Y8TbxzAGdx87mPoSeZPrFxwzRYLNE4egKlwHn1LEY+i3tubNPX3Sj++Cu1aG7FNJ5+oYkQEdW4Vpf8/pciautDjze4944Y27eYVKuScxd9ZuZDLlzyueu2GLYl8P23TjtCCJ2O1DYsI8Fi7RKuX0MTOqYRR8oAP3RQSCrODMOdt6EJHakCGu4iXentGHp8TcNWj1nkb9/aZtRegWYZdNy1g5lvHMfbTNRWKZqVOTTTxoylQEmsRJbK1Fmyw/uJ5XpwqwvEsr24lQWkH6XyuZX5tmbCMKA6c4HQa2Inl9OE3GqByvR5skP7iGV7aCxGbJJ4foBYto+pV/6C4Aao+lcjrNQwh/vR00mM3q5IeOriZcJEbLWy8puAG7IqBXCwsxdbNzA1jfcO7WC8VqI3kWKh2WCiXuZQZx/DqSyvLEyzLZ1nW6aDjBVbKuC8K9vJ6dI8TuBjWtemeF6BGzY4V32WvvhOOq3hNQ1AoSUx7PcS6Ac4V/wiPTFFtxFHqQZC6Agtj2ZsRzN2RcaQMLiycRJaJ/HcL4FqbbaEjhAZmu4TmMYugvAyprkHXb/WplaAyGLE3odh340MZ5DBWWQ41TJuJELEEHpXKzq3pUU7vrE6wGbsQxjWvVeNwY1RbwzrLvTO3297EUdG3fW/n+i+UxixB6L7DsYJg3OocKa1gdVam/guNGMrmr6lFZk229ow45/CiD0Q9UFoG6RkW1jpv4OV/Mm2T6ea8xwtnKIZeiSNGO/svoW0sUkjCQhJcbZYYCQTOWOuByEEQu/AjH8MI/ZuZHAJ6Z9rlUHyIuNA60IzdqAZ21vjsDzGmrmPRMf/XI4UCwtEmlynztD2HnYcHGJuokA6Fxk61WId0zZpNjx8L6DpeLiOh1N3ceoeW3b3cu74BAqF7wXMjC+y9/AIc5MxGvUmsbhF33AHsbhFvdrEc326+3MMbe9e8/6UUsxeLnD00VPc/eAhOnqzG5q7YWjy3CM56pUPce8HfoK4fRkZToOsoAiiuSBS0TOq9yP0fjQtD2LjjgWIhLwSnb/VvqHU4giR40o92fV6u+aacp17872AJ79xDKUU937oZuyYhRAWmnkQ29yFFX6u9SxMoGSxNQeMqD/GUCv/vrc9p17FsFM/i5X43HI/tLXyWK/Ml19bMV+i56ZRbfLkN45RmIu2t/GUzbt/+FYy+R/GsO9fcYOxNZ0Hnuvz2FdOYduf4O4P/IuW+vGyo0cBTtNH17VICXcV1FJqghDGUo65lfhsNB7BeJRPjVxy8mnGXjS9n6tVxJVS+MrH0iw86WEK8/uK1fK/AkqTDTq3pilcruNUPNxaQL3gcvJbExz80BDDhzvRTI2jX7iIDBV+c3UkI3BD6gWXi0/Pkeqy2fvefl760iiBJwmrtbZUID2VjIza4M23ivyFRZoXRknemiOqgZvD3rGtzbC1R4Ywu7uWKLDupTH8uevXZpeNBspfUb/ebpXPueq+enp13v8Bg2pF8eoJycxll20jCoKAoS0GNx0xqNcUQaBIpTQs2+BPv9h4y6Nj14KS8Ng3aygFlh2Vgwk2aOTEu4dIDeykPHoSrxxFas1kltyuI0jfo3Tu5aX82XjXIOnhPRTPvrjy6mimRayjj1hnP5ppETbr1GfGcMvzqxwQdrabzNYDaHqrbjJQGTtFcy2DVWjEO/uxcz0ke0ewsp0oFD2H372kVq2UpHjuZfzaVUw+TcNKd5DoHsZMZkFJ3NI89blxwuZ1jCIB9u5txPZtxxubwhudRMskCUtXuTRU9B6zMp0kekcwE1mUDGgW52jMjSO91crAQtOxc93Eu4cw4ilUEPDy+AyNhQmkt9yvL3+jjpXtIrf9JtIjU1THT/Odx5aNI6EbZO19pPbk+N6LLxI4K8ZZCMxklnjXEFYmj6abSN/Fq5VwFqbw6+XVjLnWOYmeEax0PsrxrBZozF3Gr1e42mNmaDadqa3ouo2UAYu1i3SkthGzMmjCYLb8Gg23QBC6qBXXCqVPeA1xTc02sHsy676HzGwcIxPbnGELePUSKgywknmidJ44jcIkia5h4tleajMXsZJ5CqMvLw+JZmCl8sSzvZjxFJphYaU60HSjLZqqZEB54hS5kYNkB/fQKEyAgtzQfkK/SXX6/IYZitdC4+VTJG8/hPIDGi+9ip6MYw71YW0fpnni7JrnCNMEQVR27NrZIdfFjRm2QnC4a7ku465cF7tyXQRSIpViKJUlZ0eRzfcO71w6riu+vHkaTucYTuc2dd1mWON46TtoQqfTWj86J4RGUwmO1S5ya/4jDKUf2OB9aQi9vfRJGE7j+ycJw0k0Lb8UDW2GNaacM2xNHkYTqw2/K4aeru1EN3eu+jtEC92E8xpZUydt3ABfRghES/TojYDQ4giurTZb9RcoetMMJw6uYwRoILLo1iF069AN9CGFYHP3I4RAiI7llL2ltkwCscDp+gWmnAmOdN5P1ujddJ+8wOeFmUuMVUpsy+bJ2XHOlRbpjMVJmhbjlTJJ02RHroML5SJ+GLCvs4ekaSFEB5rVAdatm7gfsyU0thrDO3uxYyaD23ooLUZexN6RTi68OokMJZVincXZiK7k1F227uljemyRnYeGovpkAhZnyli2iev41MoNcp0p+kc60Q2dWtkBBbWyw+ULc+S61lYsPvHsef7nv/oKHb1Z7n5wY99z4IU89tWXmJsscOv9P0Uyt/n5sREIYS3Vja0Ualx8bYq9t3QTi78+obr14HsBD33xOUIpue3+/dgxq9UPAcQQxhDaJsWvovUjF0Vfr3usveZ8CcMGc1NFRk9PcfHUJF7T5/B9u8l29m+ojJjvBnz9d58m353mjgfejXVVHrZl6BzcGeUTakKsmQig2j4VkVPP2IJmbLnu9ZfaUApPupwov8L+zCFOV09xc+4w+utMYfkBrgMBse40XsVBNq9vPJ5/cpbxlxZxaz7P/94FpFKRyujJItWZBrG0iVP2cCo+uiE4//j0qkjd+NEFJl8pEPqSE1+/TCxjEfoKlCIollCet0T1NfJ59EScsHLtWpFvCMKQxvGTJG6KqMbCsojv2UX9pWNRfVohiB/YBy3nj/I8nNNnkM71S4lIxyEolTG7oz2AME3Mnm7ci6Ntx+kGeB5cHg/p7NaoViWWLYjHBSNbDSxLkB3SmLwccuwljzvusrHttzY6thHEE4IHP5Fmx16bMFScfLHJY9+sU69de0NtZ7roveU9SL/JYsuwTfZvp/+ODxC6Ds7iFI2ZUYSmkd12kM6D91AZW05r0nST7pvfRWbrfnQrEgITQsOrFZl65utUx8+wcjdtxJOkh3djxNNYqSxGPEXQqKxp2OpWjO6b30Wssx8jlkAzLOxMF/k9ty0ZzEpKalPn2wxboZvkdt5M96H7MFPLjlclJfXZUWZf+M41I79Gdwf2nq24lyYw8lm0VAJrpB9//GoVW0WibwvdR+4nlutGaDpoOir0KV14hennvtVm3GpWjI69t9O5/y6MeBrRsjRkGFC9fIa5lx6JnAEtxHI99N3xAQqnX6A63i6upOkm+T23kezbRm3yPIGzHP1M9e+g97b38/9n77/D7Lru+174s3Y9vc6Z3jAog94IsHeKFCVKllWs7irLJbbjktw3b26ee3Nz3ySOE9tx7DjuRbasXiiKpEixiL2BRO+DGWB6Pb3us8u6f5zBDAYzAwxAUtHNq+/z4MGcffZZe++12/qu3/f3/fniLfMETDTIjedRnRtj5Nmv4lQuIemKQrizn5a992JGUwukTUqPWnqK6YPPUJo4t2SSwnYrZMujKIrKVP4kphaiKbKBQmUSnxEhFuikYl2HfFssiDOuvNI1ol4pYNeK+KLNqIavYQSVncIqzOGLpuaXm1QzjXOs6CbNm28n3rsT6Xk4tSKeY6PqZuM8X4ZKeoxqZpxIRz9zA28gpUekYxOl6fPULov8Xi+cmTTl14+iBP3geXjFMvbUHF65ipPJLV1ZCIyeTgJ7d+JVqhSfexmztwtreAy5hufnSnhHRwaaorA92Xr1Fa8TIT3B+9t/C78a/qHN1qtqG8Hgz6EokfnoYmM2dtYa5vX0N+kO7FiR2K4FjrR5be4b7Ev8xPUR2x8ypJSMVI4xWHqTzsC2+Yfdjy46As18LPAekkaUb4w+/bbacj0Pn6bx5tQ4IcOkORDkzekJgrqOqWoMF3JkalWOzU1hKCqmqrMjde0k+mrYesO6hb9vum/bwt/77tq88HeyJcr2/YsS4vXbLiNV8waz931k37L2i7kKM+MZPE+SaF45UiqEYP32Tt732dvo3Xz9RhU/DJw4MMRjX3yZ3/ovn8Lnf7fMZ340EYr6+eQ/f4Ba2eKLf/g9Xnrs8DvavhACXbu+Z9+1QCKZrk1zpniaolMkokV/5J89/ytA0VU2/eoduDWbmZcGyZ+cws5XGxNkK8CuuNiVxkTGgsMxoKiC3bcEiDVp6EYQz5UNB9u0w8uP5Za0Ua8seiU4lkdpdnFgY0/P4BZLKPPEVo1H0VtbfzjEFrAuDGNPz2B0dTbkyD3d6Mkk9fEJ1HAIc13vwrrOXIba4Mq1Jy+HtOrUR8fwbeibn6QV+Dasp/TmoaVRWwnJJoVSSeWN1yz6+jSCQUFzi0qtJikWPEaGJbmsR7EguXDewVlDqZEfNu7/yTCGKfj63+XQDcFdD4a48S6PHzx25ciWlZ/DtS3M+OJ7NdDSjV0poWgavnjzPLHV8CVasUt57HKhEdUD/M1daIEw6ZOvUZ4YAkUh1reTpm230nLDe6jOji0hXZWZUUae+RJC0xuuyLvvWbZPF+HWa0y+8T2EohJIddF9zycojQ8wdeBJXHsxtcsuLc2RjfRsoe3G91EvZpl45bvUMlMomk5k3Xaatt6ComqMPve1+UjkcghDb5CF6TRaPIowjRUjXYpuktxyE8WxAWYOPYtTKeJLtNK8+x6SW26mPDFEbvDI/MoK8Y17ab3hfqxCmomDj1DLTKKafuIb9hDdsBtFMxh/+WGcyvXfe6oZILX7LnyJVmaPPE9p/BzSc9ACEYItjYnPy8sTBZu76bj1g0gpmTrwBJXZMYSiEu7cRHLbLbTd/BCjz36FWvbyEjTzdts0gi+e51CqzZKvjFOzr+8YPMvBmluqIrkUdq6CXbh2Wa/n1KnlZ/BFm9H9IWqFWRyrTC0/QzDVjT/eivRc6uXGBEm0vZ/W7XeRHT7O9MkXsKuFhnNyspNAcvmEumNVyI2don33AwRTPUivER2eOPwU8h3KCfDv6Cd40y48q75wPVoDFyi/cnDZukooSPCmG3Dm0ujNKYSmYW5Yh1epUh9Z3en6SrgmYnvRZt2VHp4EfYVSPZfLxxxZJ22NUnELqEIlqCWI6S1oitGQr0kou1my9Ulsr4ah+EkYHfjVxRC/K20mqmepu41i7CmzF1MNLtkOSLL1SfL2DD41iCqMax78XGwnb8+Ss6eQ0sVUQ8T1VnzoSAmWVyJTH+d04UWK9hxD5bdQ0dAVH23+TeiKOX/cFpn6BBUnhxAKEa2ZmNGCQMHDJVefYqY2xExtkMnqGTzZuKCazG4ievOCnKnRf2NU3Dw+NUST2YUuGpr+gj2L5VbQFZOCPUuzbx22VyNTHydudBDWkpe0Y823U8CnhkiZ3WjCRAiB49nMWOeJ6ikcr07WnkSgkDS7CKoxACpunow1xrniGxTsWYZKbyIQmGqQdn8/ilCZrM5heXWajBhj1RlqrkWrv4kWM7FwbUgpkUhmrSxTtTQCaPOnaDJiS9ZxpcdUbY45K4cmVDoDLUT1RiTX8upcKE/S4U+Rt8vMWVkCmo+eQBuGcm0SRSklZbfGeGWailsjqofoDLSgi6XS8Ihp0hmKMl0uoQhBoW7hSQ8BFOsWjudiqiqaotIWitAcvLrkWcorDzouP453av0rrReK+rnjod0rrnvpeuu2tPNL//bDK7a32rZXr6ix+nEtqXV6FVy+rvQkpw8NU8pVGqrYy9q4nsmxtezHWta9nuO6WrsrubVrmoovYKCbV37UX8tx/bChCIXOQBfvbX0/ATWAIhTE5fKMH+Mdh/Qk1akCrfdspOXODZRHMsy+MsTs68OUL6Tx6mszRfE8ydDxCl0bfazfGeDNZwoEIwp92wJoumCtZUGdTJb66BhaMtFQCfj9BHZtxzp/4YdSrsbNF6idPYfR0d4wkQqHMTf0UR+fQO9oR29afN9Wzwzg5nJralc6DtbgeeQtNyH8jXQE36b1GK0t1McWB3bViuT1VywOvN441unJOq++3JhAODewfEA6O/tu1IR/+2jv0nj4nwoMn2scRyis0Lf56q78djmHUy1jRpsQauP97E+2U5m6gBFtwhdvRSgqim5iRJuo5+caNWfnia0QgtmjL5A5fWBBbllLTxJo6cYXb8GMppYQW+m5C5+d2pWNvJAedrFBNPRAGInErdew8nN49souw6ovSHLrzUjPZeLVR6hML5aHqcyOYYQTRHq2EGzfQG5gOSEAcGYyCE0n8uAdqOEgajJG6YUDy9YTikpldpyJV7+7QEarcxMgBN33fIJw5yZyQ0dBSoxgjOTWm3HtOhMvP0J5anGCpjIzitANoj1bKY5ubvTldUI1TIxQHLucJ3fuMPXixahpQ86MoizJx1R0g8TmG9ECYUae/TKFC4vR+OrsGIph0rT9dqLrti8jtjW7RHO0n0SoTLE6TdlKE/Q14ThVLLuIKnRigQ78RoxosINCZZKAmSBoJqgH2rHdCnVn6cSLW62TOzRC8pb1KD59yTtdOi5zLw3glm2Eqi24jgtVRbpO4/pVFISq4tZqjeXO/DNMelTS4yTW7cZzLPLjZ/Bch1p+GlX34U+041gV7Frj2gwkO5BSkhs5Ri138bgFeiCKqq9cMrQ4OYDdfwux7m14jo1dyVOavXAdZ3Fl+PrXUXrpTaxzIwsDP+mt/L5QfCbSsqgeP416exSkbKSYqNcfd13zLz0pmamUcT0PVRE4nsdgLsPWZEO6qyoKMdO3hEpaXplnpv+a6dogmtBxpYMiNO5IfZa+0F4A0vUxnpz879iehRAKllsmqjdzb+svkjLnZ22kw1DpLSaqZ5isnuU9Lb/Ezvj9C9uReJwqvMDLs1/BUHxoiklIS2B7ay9w3mhHcqb4Mq/NfR1FaIDE8eqsD+3n1tQn0YXJVO0ch7KPM10dpOLmeTP9CEIIQlqSpNmFrpg4ss6Ls19kuHwURWi40saVNjclP8q26D1YboXDuSeYrA5QdvOcLr7McOUoADckPkhEb/Rpycnw0uw/MVk7iyp0bM+i2beOu5p/loie4nzpICfyz+FXw0zXBmkPbEEAU7VBYnor72//5wS1OEVnjhdn/4np2rmFdlp867mr+WcJ60lqXpEfTP8tUb2ZopPG9iyqboGgFuWB1n9Gk9nDcPkIJwvPM1U9hytt3sg8jAASRietvg0oQuXF2YO8lT1Nsxln1spScWu40uPn1n2QG+JbEYAjXX4w8ybfm3y50ePzA+pP97yPfYltCKDm1Xlk/HlenjuMJjQkHoai8zO9H2BrpI+0lefPzn2dvlAHc1aOqmtRtCvsjG3g59d9iIC29vq/w5VJ/mn4caZrGTShYnk226Mb+JnehwhqDVm2oarc0dlLUDe4x+zDp2pMlIrsbGrlTHaWUr3OLe3dtARCdEdiVBybqHH1F/XUcJov/JdHee8nb8FzPZ799pvk00V6NrVx30f307u5HeWSWoTf/cKLTJyf5bO/8z4OvXCGV79/jEKmTGt3gvf/9O30bV2sfeg4LmcPD/Pio4cZPTeNP2Cw6/ZN3PGBPUQTi1JvKSUz41leeuwwJ98colyoEoz46dvayR0f2E3XhpaFB7ZVrfOtv/gBB19crPP2K//uI2zYsTwtwHM9Tr11nme/+SZTo2k6+pq5/RLCfCkc2+XIKwO8+OghZsezxFJhbn7Pdvbdu5VAaPFcvvz4EV5/+jif+PUHOPTCaQ6/fBarZrNuSzv3fmQ/vZsbsthSvsr3v/oapw9e4MQbQ1QrFv/+83+DNl8eaeOOTj7/bz+yBhnRyvt67LVzPP+dg8xOZuna0MqdH9zTkMFfoqSTUlIuVHn96RMceOYEhWyZtt4m7nhoD9v29y0QTc+TPPfwWxx77Ryf+PX7eeWJoxx//RyO7bJxRzf3fHQfnX3NC+egkC1z+KUzHHl5gKmRNEIRdK1v9O3mvb2o1xlBtesOh144w4uPHSY3W6B7Uxt3fGD3gifC/2xIJGcKp3CkQ0SPsiu2e5kj9Y/xzkI6Huf+6mXGHj1GYk8nzXdsoOvDu+j68C4Kp6eZfv4cmSNj1KZLVzRIkh6MD1mEYirpSZvJCzX8QZX12wNoxjVMQloW5TcP4d+yGeFrTMoG9+6iNjBI5cixNRtBXTekpHLsJKEb96FGwghdw7dxPaU33iSwpX+hFq1XrlA9dXpJ3uzVUBu6gDU8gn/zJgDUWIzIfXeR+cbDeOUGqZqb85ib+39/uZTpCYc7HghimBU0TbD3Vj9njl19rObZdWqZKfypDjRfAKEZGOEEucEjBD0HX6IVxfBhhGNopp/c7BiXTqfWSzmKo2eX5BB6toWVmyWQ6kI11j5ueCdgRpIEUp3UcrNovhDBtqVGja5VRVF1/IlW8oq6IjGQNYvC48+hNScRuoaTyeHlV3DwlZLChROXRVhlIwpet9ACYS4mNvqbOjAiSYojp6jOLY2YebZFfugo0d5thNrXkzt3ZM2mWpfDqZWppieI9u2k7eaHSJ96ners2GKU9jKTIc0fJtjWh1MrIxRtWX9J10UAvmQrimYs2a9idQrXsxuBHNdiPHOY4HzAxXatRl84ZUbSB3A9Gym9xnrZIw3jupXyTiXMvXAWMxWi5YHtGMkQCKinS8x8/wTTT5zE19KNUy6h6DqKpqP6AlSnRvA1d+CUCo04sloi0NFLeXgAd34CpZqbwggl8GyLWm66kXddyuI5dcItfZRmhhuTNoBVyqKoOuHW9dQKcyA9/Il2WrbcvqpWul7OkR87RbJvL0LRSA+9hVN955QvTraA0PVGfrlz5QlQr1xFqCr+HVvQYhH8u7aht6Qov3L9kyZrJrZ11+VcNk1XOErZdshbNSrzs6RHZqdo8gWINy+VIc9ZI1woHeL97b9JZ2Abtlej5GSIzhM3gSCiN3Fvy+eI6CkMxc90bYgnJ/+UgeJrNJndCASG4ueu5p8hV5/iG6P/97J9y9WneGX2K2yO3M6NyQ/jSZfX09/iQvnwNXWGK22OZJ+g3d/P3c0/h0Ch5GRQhIYuDIQQ9AZ30x3YyStzX2aw9BYf7/53aMpSiaMqdHbGHmBX7EHCehO2V+O5mb/jaO4pNoRuJKBFua/lF5mtXeBro/+We5p/gd7g7iURF8erczD7GOn6KO9v/20SRgeZ+jhPTPwxh7Pf47amTwEN8ntn80+Tq0/x5NT/4KH232JP/P08NfXnZOoTGEqAg5lHydWneKj9d4gb7WSsMR6f+COOZJ/glqZPAGBLi8nqWd7b9mu0+jeSrU/wyNh/5nThJW5LdbI1ehcbwzfx9NRfUnWL/GTnv0YRy6MmI+VJbmvaxa9s+BiOdPnihcf50vATrA92kjCjnC6c57vjz/NQ+x3c1rQbT3o8PP4D/uHCY/QE22g2E7yePsbzM2/x6Z4H2RvfQt2z+fbYs/zt0Hf437d+bv64K+TqRX55/UdJmjGO58/xpwNfY1t0PXelblhTNK7sVPnayPfRhc6/2vJzxPUIA8UR/vvAV+kNtvG+toYplyKUhfzwi+ZRmxIN4mqoKpqiEJ4nsp3h5aWgVkOtanHm0DCZ6QJ1y2bdlg6aWmO88sRRDr10ht/43U+weW/vwrFMDac58vJZdF3jyCsDtHYn8IdMRgamsWqLEQvP9fjBt97kn/7wezS1xejb1kk+U+Irf/x9jrx0ll//T59YILfpqTx/8q++ytjQDNtv7KO5I0F6KscLjxykpStB14ZF2ZdmaNxw9xaa2mIcf2OQp772OuUVpDae53HgB6f4H//mawQjAXbcvJ5Ctszf/PuHKeWrhOOL7r51y+aRv32Bb/7FM2zY0UXPplYmLszx5//Xt7j3yAif/u0HF8htejrPG8+cYHo0g113WL+9k0qxxrPfOsCRl8/yr/705+hYl0JKieHT6d3czvjQDEpWsPv2TQTCjXaaOxPXRWpd1+Olxw7zN//+O8SbI2y5oZfsbIG/+LffJJ8u0dqzmE6QT5f4u999hDeeOcm2G/vo3tTK+ZMT/MHvfJGP/vK9vP+zt2GYOkjJ3ESWN54+zsT5WVzXY/22DvKZMt/70sscf2OQf/lHn6W5s/ESHj49yT/+/uOkOuJ09jVTtxxef/oErzxxlN/+g8+w+/ZN135cjstTX3udf/rD79HSlWTjzi5mxjP82f/5TdJTOaLJ//nldi6aR20Kb8an+H4csf0hQXqS6nie8fE8k0+eJtiTILmvm6abe9n4S7fhVOpkDo0x/fwAhTMzOKXVCcrw6Rp92wJ87NdacR3JsVdLlHLXJn2rnhmgcvwEwRv2IIRADYWIf+ghhK5TOXocaV2FIKkKaiSC2d2FWy5jnRu6pu3bk5NYF0bw79jaMOPpaMfsaMfcsH5hnfrYOPXRVUpmrAKvXKbw/EsYXZ2owYZxWnD3TqTtkH/q2TWVJVL8fvSWFFpTE5UTJ687P+3dxmNfK/LQJyJ8+pdjuA4ceKnCq89eJSIKeK5NLT3RyJH1hdADYRRNp5adRtENki09aP4gRjiBovuozi49B065sGL0VLpugwD8kM3o9FAMoekxz8YAAQAASURBVOoEW3tZ975fWHU9xfCBUFipnKHwmaihAPb41BXNdjynjl1ZoSa65y0YdS7uVxRFVbHLhRVJa72QQXoueiiGounXTWw9u87UgSfxHJto7zYiPVupZacoDJ8iN3gUK7e0ZrAeCKMaPrRAmN4HfmbVdhXNQKjqYhESGsGvsrWYP6p1tKLv2kNteBjvWCPKWaguzUt2LAss0Jtb0HvXY588vmxbbtli5IuvMfP0KcymECgCa6ZIbSrfMKtVizilPL7WLlTT3/DFUTUQCqo/MG/0qKIY5pJ03Ho515iAETTIKuDaNaziHIFkB9Xsa1w84bmR44Rb+kiu30e8dxeeY+PWq8yde4PUCqpaaERP86MnadqwH0XTyA0vr8n9diAUQfQD9xC8Zc/CBF/tzBDlF99ctq5XqVB8/hWCN+4BwGhrofDMC7j56/d0XzOxNVSVjfEkEgjqjTI9rcEwpqYR0g06I8udUQNqFFMNcrrwErrio8nsJmX2Lnl+6MJHyuyl7Oao2kUkEp8apuIULpXFrwopJXPWCJZXZXPkDkwlCAI2R27ndOGla+gKUFBoMnsuySPdSsxonSdwa3/oCQQJo5OqW6Boz+FKh7DWxGT1HI5cm2Sq5pa4UD5Ms7kOJGTr4yAhojczWjmB7TVeWmE9SVRvAQRhrYkmsxtV6GjCpO5VqLlFLpSP0ObfhJSy0Q4QMZoZqRxnv/zJhX3uDu6kM7AVRag0m+tIml0U7Fk86aJeoXzIpUiYUfYlthLU/Egpubv5Bl5LH2W8OkvciHA0P4AQgmYzzsx8wn5noIXHJ19mrDJD3IhwJHeW7mAru+ObCWg+/NLknpb9vDB7kKHyGG2+FJpQ2R3vp8PfiGbtjG6kO9DK4ewZ7kztXZMMfcbKMlAa5T0tN1Fz60y6c5iqQdwIcyh7eoHYXglx35XNtq4Gz5NMDs/xr//s59i0qwcpJUdePsuf/H+/yve/+hrrtrTjCyxGf8eHZulcn+Zf/tFnaettEKlq2cIfXFxnYniOb/zZ02y+oZfP/ZsPkWiO4Nguz3zzAH/3Hx/hpUcP89DP3A7A8Nkpzp+e4Kd+9T4e+pnbURSB50lyc0WC4aXHpqoKm3Z3s3FXN76gyVNfe33FYypmKzz69y8QiPj53/74p+nZ1IrreDz38Fv8xb/71gKxlVIycGSEb//1c9z7kf18+rffh8/fcHf+8h8/yfMPv8WOmzdw0/3bF9ouZMpohspv/f6naO5I4LoeT375Vf7x9x/n8Itn6FiXIhwL8NBnb6NasRg+M8nk8Bzv/+nbaWqdn3S4zvFLdqbAY//4EqmOOL/9B5+mY10K1/F44suv8Df/4ZEFYus6Li89dpjXnzrBZ37nfTzwiZvQdJVyocoX/vNjfPfvX2T9tk523LxoKpedLdK/u4df+48fJ5YK49guD//1czz8V89x/I1B7p0ntht2dvF//s3nSbXH0A0Nz5McfOE0/+3/8xVe/f6x6yK2M+NZvvfFl+nd3M6v/+7HaelMYNsuj37hRf7ud797fZ31DkMRCkkzxXDlAgkjScyI/zjP9ocMz3YpnpulNDTHzIvnaL5jA+3v20rnQ9tovWcThbPTTDxxipmXh3Arywe7Vs3j0AsFBo81hh3V8rVHH6VlkX/yaYzWFvSO9obcPpkg8bEPEdi5jeqJU9THJ/BqVmPQrqoIXUOLRtFbmjG6OzHa29DicXJPfP+aia1XrVE9dRrf5o0Iw0ANhwns3omWbNyf0vOoHD+JV73G3DopqZ0ZoPjCS0TvvxehaQhNI3TjDRhdHVSPnaB2bgg3X1hw2RWqihIMoCWTGJ3tGJ0dGG2t2HNz1M6ew/0RJbaaJvj63+YWxoFSQiyhEghCNu2uzt9lI8IoEBjhOP5kG06tTL2Qnnd/VfEn2jCiTXh2jXpxqfuw5znvflT/GtAwCITSxCCZk6/hrZLfWC+kkau48+otScwNvRSfew2uUPZKSm9BDruGPbv4q9VaW1xvLZMBghVNjKBxbOMvP0zm9BtEujcT7t5C8667SPTvZ+bQs2ROv7EYqZ7fVi07xcyh51aVeNuVAp59ZbJtjY2hJ5Jo0asHItxSaeGeWxGepDaRozaRW7JY4lBPTwNQGTnHRWMsPA+7kOPS/q1Njy1REtTLWS688rWG4/N8Lq1n15k6/jzZkeNU5hYnbZxaiZHXv4U/3o5mBvHcOrX8LHY5Ry03s+AUfjnqlXxD0pwrUM1dnpP89lA5dJLamaUeA25x9Rx6Zy5D/nvPgiIa3fI2SwKtmdgqQtAcaEStLtWSO57H5kQTEXO5jCNmtHJfyy9yNPc0T039BTG9hS3RO1kf2oeu+JBSkqmPcyDzMAV7dsGEKVufoMW39vqZNbeEpuiY6mKJCJ8axFCuTVqiCI0bkx/GVIO8mfkOh7KP0xvczfbovQt5r2tB3atyPP8s58uHkPOksEEQHdbqYV33qlSdPEPOW0zVzi0sd2R9nsg2oAodRaiN+sKKjio0BAIhGufH8ipU3QKDpQNMVM8saSemL0bYFaES0hIL50AIgSZ0JN41uW4HVB+Goi+0EdT8CMS8LNklWy8yVU3zd+e/izo/S+jhEdNDKEJQ92wKdpmUGce8pJ2QFsBQdHL1Iq2+JjShNtq+WPpBqMSNCNlrMAIo2mWKdplnpl/n1bmj80sllmfT4ltLmaG3DwGs397Jpt09C+VUNu/tZeOubk4fvEA+XVpCbFVd5Z4P72tIhOdlorqx9DY+8fog2bkSP/3QbpraGuUpFFVhzx39fKspxIEfnOR9n7kVRVUIRXxousrZIyPsHpqhfV0Kw9RJtS8vLbN4/cuFba+EieE5Rs9Nc/N7d9C7uQ1FUVA1ld139NOxbrGEkOu4HHrpLK7jcs+H9xEINeSFgbCPG+/dxrPfepNjr59j/33bFt6fiiK4+yduoLU7iaIoaLpK/54eAmEfk8NzC/spVIGiKI3ficbvLpV1Xw9Gz00zNZLmgU/eTOf6FhRFoGoq++7Zynf//sWF9apliwM/OElLV4JbHtyBOW9aFY4Hufej+3ntqWMceukMW/ctGoEpqsJ9P3UjydboQm7s5r296KbGzNiiY6M/aC6JoqvAxh1dRONBsjP5VY0sroTzpyZITxe496P7aetuQsz31U3v2c53/vq56+usdwFSerjSRSBWKS/0Y7ybUAwVf1uU5P5umm7sJdgTxylZjHz7CLWZIqmb17Hxl28j1Jfk/BcP4JSXDi5bu03u/ViC5k6D9JSNlPDN/zFFpXhtgxh7aobMNx8h8bEPobe1IhQFNRAgsHM7/q2bkVYdr1ZrSBM1DcU0EPp8FEdTG3mwjsP1znDVBgZxMlmM1haErhHcswtlPjfWyeaoDQzCKgZbV4K0bQrPvYji8xG67WaEriNUFaOjHaO1lcjdd+DVrEY9XyEQut4w0tLUxrEpSkNqmb4Oh9cfIj75+Sgzky7TEzZvvlxlw2aD9/9Uw6jwu18pcOrI6lF3q5DGtSr4Ys34k+1Y+VmcahlLmcNz6vibOtACYerF3JJ8WeBtlQ+5JqxxO3aliHQd5LzTsHO10j4rwC1VEIaGlojiVRv9Jm0baa0QQFnjfjmVxuSJ5g8jVB3pLm1LD8YQiopTbbjvLjQu5ZLSMhchVA3Nt7rniHRsKtPDVGfHSJ98jXDXJlr2PUDLvvupzI5RnW3UWnVq5UZ0WEJ5YvCSnNwrQ081E9jYD6pKbegc1niDRMpLjdmEwL9hE0ZLK7JuUT51ErdYQE81E9y6HXtuFic9h9HegdnWgdBUPMtCui6VUyeWtrXiQcr5Prr4+fJn3tKTI12HwviZZetUsxNUs8tdst16jdL08km60szqBnbBpm40X4iZ0y9fd9R9NTjT6SWfhWmgJWMrVk5QwiGM7g5qpwYakzNCYPZvwJmdw73cQXmNuKbs3JXMSXRVJaauHLVShEpvcA9t/k3MWSOcKbzMS7NfQiLZErkdD5dX575G3p7mnpZfIKq3UPcqfH/yz67tIBQDT7q4ns3FMK8rXVx5bTInIRpRz1uSH2d79B4ulI9wNPcUBXuWe1s+t8SwajU0nIOPciDzMDcmPsyG8E3owuBo/imO5Z5Z7VfLlqiKjq742Rq+kV2x9y15B6tCxVQvygPFKv83oAkDQ/HTH7mNHdH7l7VjKAEct3FRryQtXo4rz+ZZXh1XXqzbJrE9B4nEUDSEUPApBr3Bdn55w0eJXFZTNqIH5yP2JlXXwpUuOhoSSd2zcaSLXzURNAzMLLe+MJCXSKpuDb969dzWizAVg6Dm56Od72FvfPOS73Rl7bfGxTzh1QiFK10UlJW/F4JUe3yB1EKDvKTa45x4Y4hKcemsezjqp7UreUViOXx2Esd2eOV7Rzl7eNGQwqrVKeWr5GaL1C0bX8Cke1MbD37qFp762uv83q9/gZ23bOTG+7axeW8vgRUKj68Fmek8dcuhvTeFcsmLLhj2EW+OkJtrTD44tsvowBSu4/K9L72yJEKcTxeplS1ys0Uc21kg72bAoKUrsWS/DFNHURXs+rtbz3JuMofnerR1Ny3JPQ1HA0vKIlnVOlPDaTrWNxOJL17jQgiSLVHCsQBTw2msmo3pa0ze+IMmLZ1L60+bPh1FEdiXmPS4rsfcRJahk+NMj2WoFGuU8hVy6RIdfc3XRWxnxjMoimhItJWLzpGCSDxIOH71Z97bgW07lEoWuq7i9xsUizU0TcHvN6hULDwJ4ZCJh0fezlNxy8wi6Auuv+7I+49xDRCgR3xE+1tounUdid2daAGD0nCG4a8eIv3WCNXJPJ7jMfXMWbo/upvW+zaROThG+sDwkqZiTRpDxyvk0w6Hni+w+84IunFZcvoaURscYu7LXyd6/734N21A+HwNMxbDAMNADa8un5dS4tVqeLXri2g6mSy1gcGGg6eioEYuufeHzuPMzl1XuwBepUrue0/hFIqEb70JLZFAqEqDvGp+FP/qCqGGaY2DWy6vatTyo4Dmdp1qRZJs8VGtSDp6dA6/UaVU8Nh3u/+KxNYpF7ArRfypToxIktzQUaTn4loV6oU0vkQrqi+IlZtdyEH8YUN6LkiJavhWJHoXUS+ksbIz+JPtBFp6KIycWhZRFoo6H2ldhZVKid7RQrSzFa/SKNVnnT1P5c3lstm1opqeoF7KEUh14oullpQbEqpGuLsfhGjUv50nRJ5db9RenZdXX0qG/cl29FBs+YYuyr/no3PSc7HLeTJn3iLQ3EVy660YoegisS0Xqc6OEe7eQrhzE+nTbywniELhIskGEKZJ9NY7qJ47i5PP4ZZWyD8GkBKvUqZ2fpDA5m34N2ykdOgtnGwWO5vBaGunfOIYRqoFLRpFDUdwshmUYJDayDBuPrdqf6poRIiTZQ6QKChESZLlyqV1zIiBVawvKFd1v4ZTc1d1pV8LVN2HUFSMUJxU/y3USxkK46ev/sO1QtPAdRtKmUsCCVoqgX/7RuyJy+p6C4EaCmL2dGINXkDaDkJR8PV1U7PtHw6xvRZcdOJ1pYuu+Gj39xPUYkzVzjFTG2JL5HZc6ZCuj9Hu30SLbz0CQd6eJm/PkDRXr1O7BKIRGQaYrA0QNVoAyVR1AMu7thkwT7pYXgVdmET1VnZEmyg7Wc4V36Du1RaIrQA0YeJ4FjWvREBEkUgUVEBSsGcRCHqCuwhrSSyvzJw1iieXvmwUoaGgUXayjciobLSuCAWfEqLFt57p2nmEgKAWaxQzl/V5V9C1jep8aphm3zpmakMoMUFAi863Y6EI9RrlfI2osGVXqHtVDCWAxENBXRhMZ6wCF8oTJI0oHpIT+SECqo9mM4GCYFO4h0O5M6StPJ3+ZlSh4kiXumejK41o88ZwNy/OHGSsMkNvsB0Pj5P5IdR5d2SBwJYO50pjlJwKAc3HZG2Okco0D7TevOZjSpkxWnwJhssT3JzcTlDz4yGpu/YSYltzq9jSRhc6AgVb1hEINKFheRYlp0jcSM5LtjVMpTEQrzhlfKqPvJ0jpIWxPRtDNbG9On51Mc9UvSySKBSBpqtIT+JeJi9SVAVVv/IEhFW18VyPqdE0hezSe2DDjq5G1HT+fPmDJj/5i3ezZd86Xn3iKEdfHWhIWm/bxGd++8H5fNRrYxCu7SKlXBZJVlQFTV9cJiXUazau4zE2OLNs/a37G7mpl25f01Q0Q1s+yXYN+5erVTk6O4UrJc2BILqiMlku0hGKIIGWQJDxUpGk38/ZTBq/prEj1YpjN+5f3Vgqq1K0RkT64gSH50ocx0XTlGXnVlEFmqZh1x28S15Qmq6i6cuPa76nGu16kte+f4xv/NkzeK5HS1eSUNSP53l4b0O649TdxotTX9r/6vxxvZsYOj/LiRPj9G9qJRj0cfjICIoi2LqlnVOnJ3A9yY37+2htjZAymzlVPEFXoHuNk3A/xtuBUASt9/XT9p5+Qn1NuJZD9vAYs6+eJ39yinq+uiQyaaXLTDx5iuY71xNoj5K+rL30VGOwa9cld38kQbXkYtev87qVkvrwKOmvfpPA1s34d27H7OpE8fsRmgYX7zspwfOQrou0bZxsjvroGNXTA9TODFzfpm2b6snT+Ps3InyXTKS6HpXDx962Q7NXrVL4wQtY54YI7N2Ff9MG1HhsIYK7IF/x5uWljoNbqWJPTmENnqdy8vSC4dTKG3AbA/z5e9stla8twux5uOUKTqGRAycrtYaL6RoxM+nw1HeKdK0z6O7TCYQUZiYdxi/YbNtzZZWd59rUMlOEu/pB0DA3kh5u3aKWnSG6bgeqYZIfOsrbDdEKTUcIBaEoKPPeGopuoJp+pNcwFFpwsr0EjlXBLhfwpzqIdG+hNDkE0kPRTeql3MJv7EqB9JkDtN34Plr3vxctEKYyM4p0bFTThxFpwgjHyJx5c9WyOm6hRO5b31+yTNbeXvStXsiQPfsWzXvuoWX/A8wefRErN4uqm0TWbSfWt4vq7BiF4UUibhUyWMUM/lQXyS03Uhg+hZQevmQbqR23o2j6Mim0EYoT37iXanoCKz+LW68hFBVfvBl/qhunWsK+pIatW6+SPn2AQEs3zXvvRWg65ckhPLvecMKOxDGjKfJDxxZq7GrhCELTKJ86CVea7BEKCIGWSKIGg3i1xqSIdGy8cnlxwkEI6jNTaJaFnZ7DbO9o3JOrN4yJjzgpSuTx8NAxSNJKjrkrKo+2fGQjx79yBqfmoOoKfe/pYfSVCSpz1zdho2gGLdvvJpTqQfdHQAgmDj1BvbxC7vX1QAiCN+2idmYI/85+9ObkAglXQ4EVn0l6eyvB/bsxejqJKGrjHKkqeqqJ8oHD170r72qF++HyMY7nn6HJ7EYTBpn6OHWvSrt/M9CQunb6tzBUPsiB9MMIBDPWEKq4dPArydlTTFXPUbBnqLklRqsnUBWNkJag3b+ZJrOHjeGbeW3uG2SsMRAwUzuPfo1S5Ipb4IWZf8BUAoS0BJZX4Xz5IJ2BLZhK4JI1BW3+TRzMPsaLM18kbrRjKH62Re/BUPwkzW4A3sh8m2ZzHRlrjJKdXlbvNqQlaPWv563sYxScNALBuuAeWv0bMBQ/e+IP8tzMF3hi8k9p9fXhIcnXp1gfvpGtkTvXdEymEmB3/H28MPMPPDH5p7T4+vCkR86eZFP4FjZH7lhz/6hCp82/iXPFA7w4+0UiWgq/FmF79N4Fh1JVKDwx+QqDpTHqnsNr6WPc3byfZl+DIO2O93OqeJ6vjDzBoexpQlqAvF3ClS6/0Pchgpqf25K7OFsY5h8uPMrWaB81t87B7Cnub72JTn/zvIOxxoXSBP80/D0SRoRThfOEND+3JHcAYHsOZ4sjzFpZjucHKToVXk0fo6U0TnewlZ5AGzEjzENtd/DNsWf588Fv0uFvxvYcJmtzPNR+O7tijXzFseoIZaeEqZioQmWqNklQCxE3EqhCJW3NoikaaWsWU/HRE+yj4pQZrV5gfXATs9Y02Xoan+rHq3uUnCId/u75XpUUc+UlkTa77lLKVzH8+oKM9VJcjbjHUmECYT+f+PX72by3d/l5VNWFSCE0yO2uWzey9YZ1TI2mef47B3nk714gHA/yuf/9JxDqtRFbf8iHqiorHJeDVVmcjVcUQTQZIpII8vn/4ydJdSyXP+uGhqYvvW+uOVB32bsjU6tyPp/D8TwmSgVA0J9o4ujsFGHDZKpcZLxYoCUY4sTcDIoQdIQjDfMpISjmq0uPy3KwqnWM+T7VTY1wLEC5WMOq2gTCi/tvVW3KxSrhWGAZQb4asrMFvvxHT6KbGv/s33+M9nXNGD6NQqbMqbcuXGuvLCAY9SM9Samw9LjqlkN9JUnbOwQpJYlEiGg0wFy6RLFkUShUaUqFmUsXmZkt0toSxfM8JJKKWyZlpPBWcqj8Md5xCE2h/YHNqEGD0UeOMvfqecpjObza6soI17KxCxaevXwQOTdRx3Uk0SaN576dwap415Vneym8YonS629SOXYCLZFAb2tFSyZQA35QVaRt49VquNkc9lwGJ5PBK5WviXyqpoqqKziWi2fPl4k5O0Dm7/8eRddwag6u0zDhcXPv0CDRdbEuDGONjVOMRtBbmtFbmhtuzIYBnodn1XGLRZxMtiHbKxQbub1XySO1Z9PM/u0XF8m/664eyVoBslQl/aWvLxBjpMTJ5tb8+7HzNh/+6Sj+gIKUEn9QaVRYaFKpXOV6kJ5LNT1BcuvN1ItZ6vn0xS+oZaZIbrsVYEmU8XqgBcKkdt2FEYqj6Ca+eMPwtGnbbYS7NuPZFnY5x8yhHyyTPNvFLNmzb5HaeQftt32oETmWEs91GHn2S9TS8yZFUpIbOISqGyS33Ur7LR/Aq1uNZ7CiIDQdKzdLduDw6jvquLiZd+iam4f0XNKnXkc1fMT799Hzns/g2VZDnWD4qWWmmTzwBFZ+UZlgl/PMHX2RtpveT+uN7yO1806k9BCKSnnqAoXhk4S7lqriFMNHYutNDQMqu75g4qXoJkLA7LEXqc4tNXQqjQ8w+frjNO++l9b978Wza0jPmy+do+NUSxTHzi4ei9uIACqmgXfRWO5Sgj0/mNATCSL7b6J4+CBu6bJJhCUDDtmYBJJyTTnLBibNdBAnhYaGpOHlU6KwKqlVNIXEhhjJjXHa97Xg1Bz0gEasN8Loq9d/XUvPpVaYRdV9lGYvUJg8R3nmAu+YRl9K6hfG8MoV9OYk1uDIAplVEzG0VGLZT9xMjvrIOGokjDObblwDnkvl4FGcdHbZ+mvFu0psU74eUrVecvVJXBwCaoI7Uj9Pd3AbnpR4EvYlPkJAizFZHSKgRdkRfYBCMLMkupm3pxkqvYmLQ2dgK45X53zpIHGjnWZfHz4lxG1NnyauP8dU7RxhPclNyY8yXjm1EM1dC3xKkHXBPYxWTjBVG8RQfOyOPdiQE19CkoUQdPi3cG/L5zhfOsisNUyzr3fhu07/Fu5t+UXOFd9gqjZAh38LO+P3c7b4GrqyOMNrKH7uSv0sx/PPMFcbxqcGFy52IQTt/n4ebPt1BoqvMWcNI4RCi289Hf5+BAoxo5XuwDY0oeNTw6wL7kVXfAvR4pCeWNjX97b9GgPF15mzRlCEQptvI+3+/vnIo0FvcPeyKHl7YDMCBWXegVQRChtDN8/LrY8xaw3ToW5Z8ptWf5L3tN7MqfwQJafChzvu4Y7UHrR5Uh/WAny6+0EO5c5wPDfIZG2WmB5hT3w7PrVB4prMGL/Q9yFeSx/lXHEUQ9H5ZPd7uSG+BXW+HV3RuLN5L6pQGCyN0RNs567UXlp9TfO1eV3OFoc5Xx7H8Vy2RdczXJ5grDKNEIKeQBuKULgpuYOUL86B9Ammaml0RWN7dD09gbaFY3I8G01ohLQwmXqasB4hrDX+BbUQnvRQUTEVE1MxG32qaDSbrWjK/MNMqHjSw6f6sbwa+nz+sJQwMjBNIVMmkmgoAnJzRYbPTNDR2zBCulZs2dvLo3//IqMD0+y9YzOaoS7WEPbkvOdD42l9MdInhMDw6XRtaOEjv3wPb/7gJIPHRvGkvGb/2dbuJMGIn4Gjo1jVOr5Ao7ZzZjrP1EiaYLQhp9MNjc039PLiY4eZHEnTt61zXp20uK9CiIXP1wplPvJdt2ycSyznhRAkfH5cKXE8F1dK0tUKhqqyOZHiK6ePck93H6oQGKpKdyRG2DDpWJfC9OmcOzpKvWZj+g2klMxOZJmdyNLR1xj8+IMmm/f28tr3jzF+foYNO7oQomHKdfbwMLVKnfXbOzFMHe8aIh35uSKzE1nu//hN9G3vRNc1pJRMj2UatXqvE10bWlAUhcHjY9zxgd0Ypt5odzRNZjpPa/e7l29uWTae5+H3mWzY2Eq1WsfvN9i0sRXX9fA8STQSmDcJnCWoBfnhJcv9/zc8x2PwH9+gOpHHSpev2u1CKNj5Guf+5hUqo7ll30eSGg98Kkk0qfPlP5pk561hDj5XoFx4+7JZr1KlXhlfUvf1IvwJH1bBwnOu47oR0HVzK+vv72Hk5QnOPXkB6YEqPHr2BOm8qY3Tjwwy9vqVZYXXDcfBSWdw0hmqJ98hyaDj4KQvj6evDQoK7aKXTHaairy+XN5nvltk804f1YrH1JiDPyjYd3uArnU6T377Kh4ZUlKZHiY7cBC7lKNeyi18VZkZJXfuMHguVnZR8uhaFfJDR7HycytKtCuzoyi6gV1ejA4KIRaitJ5tUZkZpTIzuuR3imasaJ4kPZfZoy9Qy0wSbF+P5gviOTb1/BxOeenxebbF3LGXKY2fI9S+ATPegqIbuFaFWmaK8uR57LcZUStPnce1a0uinxfh1Crkzx+bJ6mL94dbKzP91tMUx84S6tyIEYzhOXUqM6MUxwawS5eRDumRPfsW9UKacPdm9GAEt25RmbpAcewsgeZuPLuOYy2+p6zcDKPPfY1gSw96KI6iG0jXoV7MUBo/14heX2aoJV2H7MAhKtOjhDo34k+2o+gmnl3Dys1Qnhqmllk0QnLyeeoz08TuuBunVMIaG8UaH8Vs78DX04sSDOHfsBEnnwdFwWhuQQ2FGxFboWC0teFbtx6jKYV/Uz9C1fCk1SC1C4Zcqz9XbCxmmQQEs0wgkUg8LK4QdRUQaPLjj5u07krh2h7S9Zg4ME0te/2GcNJzyQy+RWbwretu42qwx+fNsg6eoH5+fGECUY2GMfvXLVvfq1apnjqLk85SHx1/26ZRF3FdxNabN41SRKOeLYCHxFBU6p4zn08IUb2Z21KfXPjd6dw0b81MMhUcJ2b4OJWbptkfZkPkAcYKF6i6Kv5YDwM5P3O1Ml3+CklfkN7gbnqDu6+4TwEtwr7kTyxZ1hnYek3HpSkGW6J3siV69WiopuhsjtzO5sjtK7azMXwTG8M3LVne4lu/5LMQgoTZwZ3NK1uXC6GQNDtJmh9b8fue4C56grsAMNUg97T8/MJ3d6Q+u/C3IhSazG6azO5lbQD41BB3pD6zbPm+xE8sW2aqAXbE7mNH7L4V2wLYHO7ltqZdqxyTIKwHuTO1lztTe1ddp8mM8YH21c+DlJKoHuLelv0rfu9XTT7cec+qv78ITVHZFO5hU7hn1XVafR2EtDCqUC+JtC6Sw55Aw+gsYTQtLPergQW58dbIjsaExfzzr9m8KK9tvLAmh+f4xp8/w90/eQNIePrrbzA+NMunfuu9S3I014ot+9ax967NPPqFF0HAthvXo+sqpUKVoRPjbN2/js17egE4/NJZpkcz9PS3EY4FcF2Ps0eGmZnIcs9P3oByyYvbcz3qdQfbshfK/BTzFYq5CoapoZsaiqLQ3BHnhru38Mw33uDRL7zE/nu3UqvU+d6XXiE7V1wgtoqqsO/urTz/nYP8w39+lFrZoqe/DSEa5XJGBqa48b5tdK5vWXaMa4Fu6rR2N3Hg2ZO89Ohh9t/XeB5IBW7r7JkvcyBASrJWjSZ/gJBh8KktO2nyB1AVhbjPjyIEpqrRvi7Frls38sazJ3nyK6+y67ZNVEsW3/nb55eUPTJ8Ond/6AYOPn+af/z9x/mpX3sP0USI0YFpvvWXP6B3cxv77tl6zRLvUCxAKBbg9MELDB4fI5YMMzWS5pG/e55qeXlemuu41C2HatmiVqnjuR7FbIVSvoJh6uhmQ/rcs6mNLfvW8fLjh+na2MLWfeso56t8+6+fW1JG6p2GEILOjgSdHYszuffcvThRdtutiw7PjufMG+MpPy7188OCJ8kdXXuEIBHfSDpzlsxboyt+39ZjcuFUjc6NEs+VxJo0dPPdTZRWdIUtP7me048MXZ+ET8LwSxOEWoP4YibM1/p0LJfBp0eIdIYxQstVNf+rwsNj1h3Hkdcvd62UJQdfXTwX2TQ88qXCxUfxVVGdG2fkmS8tW27lZhh7/usLn1U0fCJEuZhl9Lmvrdpe5tTrZE4tdfi3ywXGX/z2Go5mZXi2Rf78cfLnr57rKj2X6twE1bm3F2VeDbNHX1j1u3phbtW+8Zw6pfFzlMbPrfj95ZCeS2likNLE4LLvCsMnKQyfXLq+61AaG6A0do0pAVJi5WcX5MZXhOeRf/lF9GQSVA0nl5nPp61QOnak0ZxtY2fSZH/wDIrPR/n0yfnaqxKvWqVy+iQVQDoO9clJpGMjVA3p2NSnp/Eqq6c8SiQViowxhMPa7hnP9hh5qTFBN/7GJO71pmv8T4R19sKSz26hSOXgiRXXldUabi6PuXEdQruoJJTUz4808savA9dFbKcrRV6bGiGkmxiqyvlClpBusCGaZKiQwZOSlD/IbW29aPPJ847nMVMtU/dczuRm2J5oozMY45aWXp4eO8toOUfCDDBZLlByLMbKObJWleQV3NSuBa5XouaM4NfXo4i1Gwz9GD9GzFgukb0UayEo4qLV+2VQFMGN79nG+NAs/+GX/xaraqMogvd+6hbu+8j+63LyDYb9fO7ffIiv/9nTPPqFl/jGny2alsWSITbs6Fz4XMiU+dZfPku5UJuX/DZGFrtv28SHP3/PEpOq1546zrf+8lkqpRrFbGPm9a/+3bcJRQP4ggaf/I33sv/erRg+nY98/h4K2TLf/Itn+c7fPo8vYLD3ri3c8t6djA8tzqYnW6P8+n/8OP/4B9/jC//50YU8VkURdK5vYe+dS+VL1wJFEdz7kX0MnRznG3/+DN/52+fRDY09d/bzG7/7iSXrJvyLkfFLaxH3RhfPvRo0+al/9h4qpRpf/m/f5xt/9gxmwOSWB7az7+6tFPONPhFCsHFXN7/yf3+UL/3RE/zer30BRVWQnqR/dw+f/q0HaV7BdfpqaGqL8bFfuY+v/fen+Pef/xsCIR+mT+eWB3fiCxjUL5OIfvuvnuPFxw5hVW0yM3kqhRp/+Dv/hD9kEk2E+NX/38fo2tBCKOrn07/1IF/4vUf5h//8KLqp4wsY3P7+3dQqV6kLOo/J6Tym3kUk+XdMTWeIRfxYdYcTAw633Hjl33qeZHQ8Q0/X6pFhRShsDG/Cr/ipeT+aZUz+V4SZCqFoCtXp4lXzMHU9QFOin7pdoliaQF4mGZ+dqLP9lhB9WwO899NNVEsu1dK1DdoinSE2f7APX8ykOFXh5DcGsIp1fDGTjQ/2El8Xwam5nPjmAFahzvaPb2L9/T1Eu8IUJ8ucfmSQDff3MPTsKIXxEp03teKL+Tj3/Qt03thK1y1taH6NmWNzDDw5jGd7SFfi2R6quTR1wLM9PGdx/4Ui2PmZzYy/McXcmSz+hI/NH1rP6e8MUs28c9esYmpITyLnn5VaxA8CnEJ11eCRgkqr1ktYSSDxmHFGyXkzmCJAp7YRQ/iwZJUx5ywCQbu2nnH7HHVqhJUECbWFCXuQTn0TARHhgn2SssyhoNChbUQgCChhHOkw6pzGklVCIk6L1o0p/OjCx4w7wqQzhIqGLgxUGhUdyl4eDxdd+vArIeqyRlWWMEUABQVdmNRkhbpsDHIN4cMvFtdTUDGEDwUVTeiUvTwCQZPaQVxtYdI5T9nLY3PlZ1l4WwfxG/swEiEUn87s0yfIvXme5gd34pZrBDe24lbqTH77TaTrkbx9E6Et7XiVOrPPnsSpWLS8dyej//QKQlFoed9OiqcmELpCdHcPQlUw4kFmnzlJ8eRyZcF1QRWYiRBmSwR/Zxx/ewwjGUKL+FBMHaEIpOPhWjZOsUY9U8aaLlCbyGGlS9iZ8hVrT78bUAMGRjKEryWCrzOOvzWKngiihUyUeRWStF2ckoWdq1CbzlMdz2FN5bFmiyuWErsSGgR0aTkbOz3H5SYATmZxgZEMEuxta5SfWfDyFXCJSeQiVjaqq00VqM8WAYGBiYt9TW7+syfS9N7d1ZhQEwK7bHP+B6PY5WucbBYCMxXC35UktKEZf2ccPRZoPEecRj/XJnKUB2con5+jNl1YeLYswTXk4Qu/D9/mPrRkbL4PwR6bpnZy+SSJEgoSfeg9DefkeAwnm0MNh0j/49fhh0lsVaGgKSoh3aDuufg1nbZghHy9RtG26AhGSfmDePPTb5X6aVxpUrQtNCFoCkYI6cZCuZet8Ray9SpRw4df0ynbdZr9IQLa2mqnrgUVe4CR7H9gffIP8ekrRy7XCikl6fo0eXsOU/HT7l933WYmUrp47iSelwaho6rtCLG8JvCP8aMNz8vjOheQXCp5NdG0DYirTKTEUxE+8x8fZPjsFLWyRTwVoaMvtSy39H2fuYWbH9i+Yi7q5Ui2Rvn8//FhPvhzd5KeyuM6Lv6Qj+aOOIlUZGG92x/aTf+eHtJTeaxaHUVViCVDdKxrXojoXcSGHV186jffu8T06CIUIejpb5s/bkFTe4zf+N2Pc2Fgkkq+RiwZprUvSW66SCFTXpBYCyFoX5fid/7w04wPzZJLF0FCKOqnpStJIOrDkx4Cwc0P7KB7Yyvdm5amF7R0Jfjt3/800eTyF0z7uhT/4r9+hrHBGSrFGrqp0byG/lsJF/f1t37/04yem6ZSrBJritC5vpmp0TSVYo1AqJGyoCiCPXf0s2FHF2OD09QqdSLxIB19zfgCxkK/KorCnT+xl/49PbR0Lc1B6drQwr/4r58l2RZdWPeBT97Mzls2MDuRBeHgTw7Su+5G5iYakdlLz9f+e7fSu7ltxVeppqkkmiMLx9W7uY1/+d8+y9jgDNWyRbw5QmdfM2NDM9iWg2EuPotrNZvjp8cpFGsk4kGCAZPBCzNs629HUbfy+HNv0pqKsH1LO8fPnGY2c4Rd2zqZnM6TyZXp62miUq3T1ZHgwkiaaMTPtx47yH13bGHf7p5lzz4pJQU7z4n8MbZFdjBUPkebr/3HBlLvMoSm0PfTNxLoiHLk/3ocp3jlAXChMIqhh3DdlQeecxM2z349w9kNFeo1jwunq1jVayO2VrHOuadGsCs2N/ziDpq3Jxl7Y4r+D/bhi5oc+aeGXLcyW8WxXM59f5hEX5Qj/3Sa0lQZoQiiPRE0f2Po40/4CKYaz6LCWIlT3x7ECOrs/HQ/k0fmKIyuvXyc9CTVTI2uW9rIDOZp3pZE96nUS8v7Q9UFitLwSnGvUSId6m8nfvN6KiNpSqcnSN61BSEEmZfOUD43veJv/CJEUm1n2D6JI+2F6JErbabdERxp06NvIaG0MuOOoqIRVZuYc8dJqZ3zxLDOmDPABn0PmtDnSbQgrCRwZJ1h+xQd2kZSaicTzhCtWi9FL8OUd4E+Yyc5tzGhGVSi9OrbyLkzONhUvRKG8NOjb6bmlQkoEcacs7Sq61CFRk2WMUWAC/YJFBR69K1UvAIBJcKkM4QrHfqMHeTdORwcal4FkPhEEEP48IkANVHGlqtfv4qpkbpvG3PPn8azbFo/sJvSwBQogtDGFuxchalHDzfyqGs2iZvWE9rcztR3D+PviNH20f1MP3YYf3dyvm6rwNcWozqaRvEZRLZ1MvoPL6GFfbR9+AYqI3O4b4NQ6rEA0V1dNN25ieD6FGYqgnItng2uxC5UsWYKlM/PkTs4TPHsFNZ0Eem8/dSAJRACIxEg2JcitreH8JZ2/G1R9FhggfRcFZ7EzlepjmfJHR4h/fI5KhfmkM67E81M3r6Rdb90F4px/dmaF/7mRca+dgDdM2ihixHO4rL2yg1bP74Jp+qQH22MiZyac00mbUJTCK5vpuW924jv7cVsiSC0K7wzpaSeLlM4OcHsM6fIHR5ZMong1RvbF2sItoTvuhGtOUF9eGIhF1naKx+74vfhVWuUnnqBwA07KD7/GuE7bkIJBHCz1yfDv66zlvIHeX9Pf8Ope9EsDCTc2taDQiMvTtCoPThb+gYh8wbe2/neefdgsWTw0haI8JO924EGae6LNGbutXd04DJfR+odacnjbPEI7f7exgMeKDk1qk6dhBlaIOwXUbKrlJwaSTOMmHc9VoRASoda9buUi3+C646CMDGM/YQi/wpN639HyW3RrpG1qnSHrm9QvxbcnNzJpnAPIW31kgQXUa3ZfO3Jg7zn5n46WmLXtJ24EeHn+36CrsD1SVTfDdj1w+Szv4HnLQ6ENK2PePILqFrnFX7ZGLgHQj62rGD0dCm6NrTStWFtOeNCNPJLO/ua6ZzP/XSlR9Gy8JA4rkuuViNsmDR3J2jqjKMpq5QkmkdzR3xVUiilpOTUKNgVFBQc6aIbKpGNEfr9PRTsCqdL42zr6qatp4mJaga9phHWfKhCwVE9YusjdPW3UHGtRi1m4HRhjIQZxq8ahFuDbG+PLLuLAyEfO27ZgJSSN0bGeGZgEL+u86u33oipaYSigRVNtNaComWhKQp+fbGmciDko3/3Uul612Vy6Yv9GIkH2bpv9ZrcQhG09TTR1tO0ZHm6XOHh06f48O6tJAKL95OiSMJtZ/G3zGJq6ynX0xTtJ4i2rSel9ZCrPIqi+FFEkGDHeUIdBgFzF7YzjuNlifjuQlOXmzgIIVbsp97+NtK5MqWqRSQ4X/5JQCZXYXg0Ta5Q5aa964hGAlRrNh1tcXo6k2zrb0fXVVLJEJvWN3N2aJpazWbntk5OnJ5ASkkyEWJqtsDGvma6O5Ps2bG6E74tbQSCgpNjfWjjsmfsj/HOQyiCYGcMp2qvKarj9yUwfVEqlTSill0WsfUFFcoFlyMvNZ6RoajKRSPMtcII6LTuasIMGYTbghghHT2gEe0Mce7JYfIjS4lovVTHtT2sYp16ycYIXTZZPn+fCkXgi5u07GjCjBgEmwNo5rVfYxNvzbDv8zsItwVJbUkwfWxumZQwFNf44K93k+zwceb1HM99eQq7tsqAVQCK0qjveHGRoVIdy+LVbKJ7eqmNZaiOpPF1J1cltpasUvEKtGt9ZN0Z0m5D9qoKjajShC5MAiJMWTSipzlvhrjSStHL4hchxr2GXNSTLvKy8kwSjzl3nKosUfQyBJXGRJxDnYDSmDyzpYUj7flDEtjSYtw5tzDQTyptCARZbxqEQlJtByDtTjDnTtCrbyOsxFDRqXolRpwzJJQWmtROZtxhHOkw4QwticrmvBlUoTPlXrjaaWtUIKhYBHqb8Go29UwZ72IahhDkDl7AmswtrO/vaaJyfpbq8Bz12QJN923DSFw2sXpJBcbqeIbSwDSKqdL8/l0Y8SDV6yC2atAkect6Wh/aSWhTywLxuuaxoiYwEkH0eIDQplaa79uCNVOkcHKCuRfPkjs4jGe9vfJ5ik8n2Jciect6Ynt7CHQnUEwNhLj2/VUX9zeytZ3WB3cw98JZJh4+SG3ynTXPakAA17GfK8DFwaFOkDA1GqouDw+HK0deFUUw9MwIxfG1G7tdhJEK0/bBXbTcvw0jGVxbnwuBmQrTdOcm4jf0kHnjPOPffIvSwDR4Etdy8OoO6gqGpsv2PRyg9MIB6sOXKBNWq1jlOI3cWukhdAPf+h7USAjxNioyXBexFUKgXow4XNpXAi7uipSSmj1ItvoUueqz1JwLlOtHUJUwzaFPomAyVfwHkoGH8Ok96EIlX32JujtDMvB+FMWH61UoVF+lZB0EoRD13UbI3IsiDKR0KNePU6i9iuPlUZUIMf89BPTNDaMWWadYe51C7Q1UJYCmLA7mpHQpWYco1F7DlQU0JU7Mfzd+vR/LGSNTeYxU6JPoamMQX3cmmSs/QjL4EKbWCQikdMnUZ4hoMVJ0kK2XOJgZ4t6WHZiqTr5ewafqGIrGM9PHMBWNm5o2caYwTqsvTmcgifCmKJf+B44zbwohy1i1p9G09YQi/xJY2dX54NwouXqNVn8YD0mrP8JwKUNbIMLBuTFaAxE2hJs4MDeCX9XZnezgdG4GT3p0h+IczUwwWs6yM95OZyj+jpWD7A620h1cG/FyXJeDJ0fZv72HjmvkpwHNx77E1fOnLdfhjZlRmv0h+mOpa9sIMFEuUHHqbIg2XX1lPKSswyUvVkmdHyWjm5rj8Mr4CLd19nBibobJUpGuSJSY6WO8VGB3cxtx39UnJVaCh+R4fpig5sNQNEbLs2wItzNnFQjpPk4VxsjWS2yJdiGRDFdmCWk+JqRHUPNxtjABAnbGehktz+JXDRzpkakXqbh10laBhBHGUDTaAwlafLEV92NTqolMpcpXDh3F8TzeTtKBlJLvnjhNf3OKGzrb30ZL146KbXNgdJwHN28EFs+J6xWpu6MEjT1U6scA8BvbqNZPIoQfiUex9hpBc2fjGHCw7AtI6tTsIfz6lhWJ7ZXw8uEhEtEgt+5ahxCg6yrBgMHGvmZm5oqYhsroeIZiqUZne5xoxM+ZwWn6N7SQTIQI+E3i0QB5pcaps1O0NkcpVyyOn5pAehJdVwn4dE6cmWTn1o5l2xdCkDSa2J+4iYSRXFj2Y7z7cC0Ht2av6TFmmCE01cTvj1MsLZda9m3zIz049WYZTRfc/GCUA08XyKfXNoBWDYVtH99EabLM4DMjRDobREJ6jZzdy6XCjS8b/y69XKQnUeYjF2a4QXSDTX52fLKfgccvUElXSfRFuZ5CyeWZCqWpMr13dWBGDGZPL3f2bO72c+MHUoRiOpWCg+bTcGVD8iy0+fIyfh2nUMVsjmC2RCmdnliIntjZMoF1KbSwD7MtRm0sg1u2rigVdKhzwT5BSInTqvVgCB+jzlm6tH5sLKadYQzN5OKJLrgZUmonzWoXNVnBkleWBF4kqBellhJJ2cuTVNupkGfEPr2EdNrSwruEICtCxRQBYkozSEnBy5JUWxeItMRDoKKg4NHIf3Rx5lUbYr69pTMk1/LmlbZLdSyDvytJ8cQ4048exq3UEXqjjqx3WY106bgIXW1EZ+cH4BedwBuOxgrKJZUHFE1FqAKhqo2AzzVE3i7C1xal8xM3krqrHzVkviPPwIsTlcLQ8HfG8bXH8LfHKJ2bmZfRXh/Cm9to+4ndxPZ0o8cDCPXKk+bXtL+qwGgK0fah3YQ2NnP+r1+geGryR2motQwGJj1soj4/JqxSZoQr5xbbFYc9P7+dzEAW1/GwKw7DL4xdWYosILi+mZ6fvY34DT3XFXEWQqCFfKTu6ifQk2Tki6+SeWUQb/5dcCViqyaiCEPHK1fx72qkkXm1xn3vVWp4heUk3S2WqRw6hlssYw0MErxxL04mhz1z/fXA31VXZCE0dLUZIQxMrZOAsQVF+FGEiSurZCqPEzb349Mb0Y9y/SRV+yzxwP0gVebKD5OrPkfEdxOerDGW+6+0R3+VqO9OqvYQY7k/ImjuwNQ6qbvT1N1JAvrmhnSt9ioT+T8n7NuPECbZ6jO483VtJQ6l+mEkHobWQdk6Rsk6RG/yP6AqAXLV5/Drm4j57wUgX3uFonWApuBPNo4LQW9wMzPWOD41gEAQ14P4VQNPSo7nhhkqNcqE3Na0mdHKHHvjfXhSciI/StWt0+KLoroTuO7lhgEutn0GKasIsTKxHSln6Qs30RmM8fL0EAHN4Ex+hqjho2jXSLgBHOlRsGvzEWJBRDc5V0zjeh5Zq8JUpYipzNIZjK3o7Dc6lWVwdI5coUpbKoLtuOSLNe64YT3hoEmhVOPVI+dJ58p0tsS4YVs3pq5x4Pgwuq4yOVugWK6xfWMbOzZ2oCiCcsXi9WPDTKeLNCdCC061Vt3hzRMjjE5mkUi2rm9j24ZWHMfj2dfPsntzJ+3NjVngY2cnKJRr3LSjB+0qMzq6oqIpCulaGcdLciwzyUy1TG84jic98vUaqlDI12s4nkvE8NETjnMmN0tINwloOhPlAlXHpi0Y4Vw+jeXa7Ei0cTY/S9112RxvJvUO5YG/29AVFZ+mU6zXGcplcKWkXG8UAM9UqwupA9cFKQlqPtJWEZDY0qXiWGTqJeqegys9TEVfUCw0GWEsz6Hm2sxZRSQSv2LgU3WCmo9MvYQ5X9d4tpbHQ+JXDS6UZ9gaXTmyJ4Qg5vfRE4+hKkujLXPlMq9eGGW2XMav69y9fh2t4RCelJyemePIxCR1x6UjFuH2dT24nsdzgxd4+PgpNqVmOTw+yQ2d7exqb13xBT1XLnNwbJI7+no4ODZB0apz74Y+Xjo/zJaWFH5d5+Xzw0yXSrSFw9zS203U78N2XY5OTHF8ahpTVbl1XQ/dseiStqu2zfOD52kOhdjdkUQRfqr2KTS1Cel61OwBVBHE8dK4XhFViaKIEELxARJPVnG8WRTFjxBrT+9wPY9svsL2DW3EwoGFx4QiBLt3dFMs1+jpaQJV4f67t6JrCoahsaGvmXyxkbO9c1snQb9BOOLD8yS6quDz6eSLtcY1EzAxDI0b9/Vh1R3K1TpBv7Gsjz3pcaFynogebShe5DszUPoxVofneGSPjNF8xwb0iA+7cOU80WJpkkRsPdVqGs9bOvhKturc+J4omi7o2xZA00HVxNI6tkJBC4SQroNbW8nlWzRc01VBrDdCqLXx3HUqDrMn0/Te2YlqqCAls2eylKcr2FUHx3LouqWdzGCO7FCe4kSZdXd3Emrx076nmZmTmQUOq/k1kpvimNHGlJhQBZGOEOG2IKqhElsXoTBaQigQ7YkQTPlxLZdoV5jCeAnpScYOTLHv8zsYeWmc6gouput2hfAFF99deiyAsSGOU6giNJVAbwqhKlSH51BMjWB/G7XJ3AKxrQ7PofoNFFMn+/o5/N1NGE1hcm8OrXpufCJAVGnCwcGVDspCCEIgUAgqEfxKiIrbIDM2FkUvR6vWy2C9YbKjohNSohjCR1CJYMnKqvJeAejCnDdwCqKpBq5rr0qQS16OsBKn5OURAsoyT4oO4morQiiYIsCsN4YiVNrVPuJKC3G1hbw7t0wZcBGOtDGEj4iSpOIVr2zeIwR6xI/qNzBboyg+HffN87jV+oqEqXhinNR7tpG8ox8zFcaazFM5P4t0PZru2gzzUmQApMTflSR5Rz961I+dr1JPX1sUztcRY90v3kni5vUo+vVHsq4OSf74OPbbcNkHMFIhkreuRwtdW8nNtUIIgdBUIts76fvVexn846coDcxc/YdrhHQ9pO0ideX6IsyXwMVhhIElZRo9rj6xMXNijkq62sjjl2DXnIW6sKshtLGFdb90F9EdnWuSDF8JQlUI9qVY90t3IVSF0sD0oophJSiC4K170JubQFMRutYo8TO/z7Wz5ym/tIIjs+NQHxmfX2cQa3gMHPdt1QN/14itEAKf3ouuNjFXfpiweQPJ4AcXvnfdK88A2u4s6fJ3SYU+StR/F0gPyx4mU/keYfMmXFnClWVCxh4ivhvnB2yNC0fikK18n4CxmfbIr6AIE02JMFn4CwAUYdAc+iRSOkg8/NoGRrL/EcdN49c3EfXfRbbyBFH/7UjpUKy9Tsjcg64m59uXTFvj+NUA07UxWn3d1OcH6TWvzlQ1h+XWSZoRokaQnmCK/kgHCSNEhz9Jb7AZU9VZLZVBXEVmF9RMmnxBgrqBXzM4lpmg4tQxFY2AZnC+mKY/2kxYM5mo5CjYNcYrecbLOSarBQaLcyhCoCurb2dytsA3vn+IXf2dPPXKaXZsamdiNk8oYHDTzl6+9NibVC2bjd0pXj1ynqm5Au+9fSsvHhxkarbAzbvXYTsuf/2NV/nff+kBWpIRnn7tDAeOj3DD1i5ODU0znW68RGuWzchEBr9PJ5Ov8I+PvMGvffpO2lMRzo+nKZRrfOLBvbie5HsvnmRzX8sSU6PVoAiBqWhYnoPjuWStKmdzs1ScOjXHZrxcIGY2omGqEOTqNTRFoWTXOTAzxkM9m3lteoS72vsQQvDq9DBBzSCkm5zMznBP+3qixrU/uKWUuLJOJBHgwU/fSm9/2xXXr7tFJiqvUXXSdIbuIKwvj2pJ6ZGxzuBJlybfthUfxLqicGNbB7qq8oH1m1EVgTovi9/SlLqunHYpPVxZRxEG60Ot9AUb4XdJI5WgM9BESPexM9aLAAyl8cjpDbVQ9xwEYHsuhqLhShe/ahIIL8ZZHemhIJBIZq0C/ZH2hTauBblqjXytRlMgwPGpGUayOf63e+4gXanwt2+8xY7WFqJ+HyWrjut5KEIhFQqiKgrtkTDrkwnigdWj2TXb4bnB82xpSfGDc+eZK5fZ3dHGMwODdMYifPvYSaq2zfqmBK8OjzJVLPHpvTs5ND7Jw8dPcmN3FzPFEn/2yhv8i7tuAxpPs5rt8OjJM5yanuVzN92AIkyi/vfgySqqEkZKG0/WUEQAgYJrlBBo83ndiy9BTzYG2KoSWWHvV0bddvnBmwO8dOg8D962hQdvbczAup7Hq0fPc+DESOMeMzQ+9eANxKMBzg7P8OiLJ7AdD8/zuGvvem7d3cfzb57DQ/Khu3ZQt12+/YOj7NzUzv6t3bxxfJgXDg7ieRKfqfPR9+yiqyW25BoWQlB1KryVPUBUj9If3nLVes4/xtuEJ5n6wQDRrW10f3Q3E987iV2srehc69ZsFKFiO5UV31/FrMOZQ2V8fpXxoRquK5mbtKlcYh6lBcJ0P/BpqrPjTL70yPJt1F1OfXuQzpta8cd9HP/aWYqTZaSEoWdHqeXrRLvCjVy0U41SNHbF4eS3z9G6M0WkI0R6IMfAE+fpvrWdYCrA6e8O4VQdyrNVTj88SGJ9lEq6xvGvnqGWraGZKi07mrCrDnbNpWV7E7VsDUVTaN6apDRdASFo3p6kPFvBqbkUx0vUchZTR+eQ7tLOUlTYcEMUVVu8dp18FaO1CV97nNKZSXy3bqQ6lsGrO9QzJdSQj/rcYvRMMXV8HYmGjHRjC3axxtyzJ65oquMh0YSBjyBlL0/anQIk484ATWoHpvAz7pyjPv+cuBhxtWSFoteIOpvCR0RpouTlMISPkBIn606RdiexZIMIVbzCAqEMiRhpdwIbi6iSokXtZcQ5hSUrZN2ZJUY6JS/LtKMSVuIN1Qm5eQmnjV8EmXVGqcgCSMGMM0pIiVHycsy542joZL3pZWShIgtk3EkiSpK6rF3RydnXFm1MDrx1viHxnk/JmHvuFLmDF6hnlhLR0tnF/FunZDH3/Bnqc0UmH36L8JZ27GyZ6cePYE0X8PckqU3nEYqCBCa+eeCaZL5qyKTzp/ZfkdRKT+LVnYWomlutNwyAhEAxNbSAgWJoCENF0bVVx092rkr2wPmVzYOuAcUTE5QGZ4ju7FqVFEpP4tku0m7st1Opz/eLRDF1tJCJ6tMXTLBWglAE4f4WOj9xI4N/8gx2/vrMhi5H4fg4w194uTHZETRQAwZa0EQNmGjznxf+rTARezlcXEJEMTCxqFLi6vLpyUMzRLsj+KIG6bPZRhnLK9QQ97VF6f6ZW69Iai8ac7lVG6dUw63aDaXt/PEppo4yXx4S5nlca5Ten7+dC3/3El79CteFJyk+89rq214txzbgR2tJUR8eA89DVmsY3R042Txe8dpl2PAuR2zfDmx3mro7wWzp62QqjwPguFl8eh/g4dc3Eve/h+ni35OtPEnMfw9R/x0IoePJKrY7S8R3G4rwI4TA1LpRREO65Ho1spWnKVoHkDh4XgXHK8wb/wji/ns5X/k31OxhwKXmjJIKfxIhFrvL9Wz8RpCSU5gfdBdxpUvWKrEr3svZ4gRRPYipaPQEUvjUBmnoCaYYrczR4othqu2oajuOd6lcSUfTdyDE6lHAvfFOfKqOY3tsDjQz7RbZEmshrProDzQT1AwMVHYk2tmrdBI1/OyIt7Mp2kzSDPLB7u24nkfY8AEetn0a1xkFBJq+EU1r5AQmo0Hed8dWhkbnuOOG9Rw9O87kXIHRqSynhqb515+/n9amCJt6m/mrb7zCDdu6QcLmvhY+dv9uXM/jrROjTM4WCAVM3jo5yt03buS+mzYxNpXjwLFhACIhHx+5fxeeJ8kVq1wYTzM+naO3PcH+bd185wfH+MBd2ymWa8xkivzUe/csi8ithKpjM1zKUncdWv1hzuUbhD7lD3IsPUVHMErdc4ibgfkiDpKhQgbH81CVRpbnxmiSom2R9AWIGiZJM0iLP0zEyNAaCGOq134LObLKheLTdCRv5RO/fv9V11eEhl9Ncib3TSJGz8rEFslM9TCOrNPk27ZiO0IIQkaDNF6+377rfBRU3QxjpRdYH/0gQW05yb9IBcP6UlJoKNqqBFVTlr+8pZRoQkVXFg2tPC+HXT+IlHWEEsbQ9yKU5eRTSkl7JMyOthami2Wifh9vjY7jSYmgUSNXUxX2drbTFg6jz8um9nd1kAoG2Nneyu3rVi8HBRD1+/BpGsPZHJ6UBA1j4W/Pk7wwdIF7N/QhJQR0nbfGJnhv/waeHRhqVB0CQqbB+UyW4WyOlnAIieSJMwNMFYr88i376Yg2SKmqhFAvOjEKHyqLTo0Kflx3EttqlK9Q1VY0fRuqcu2qAp+h8cG7tjM6laNq2Uga+2nVXV48OMRNO3q4YWsXjuMSCzf6/fCZcaSEz7zvBlRF4Js3nSpVrQWlpCcl+VKVmuUwky3x6IsneOiObXQ0R/n2s0d58pXT/OwHb8S4ZBCnoLAlsp2aV8VUjB+T2h8ChCqI72jHrTl0fXgnzbevpzZdwLMvrd0okJ7H0BfeJGS1kc8PEwl3oig6rrsYzatbkoPPFxECahUP0ydwHZZEw4SioIei2KXVB3254QK54eX1OO2Kw/CLKzvNzp7MMHtyseZqqepw8lvL3TnH35xm/M3lOapnHzu/Yrunvn1ZGwLCHSHadqfIjxbJnl9+HJEmg46NgSUDYc9x8Wo2QoA1nSf76jn0RJB6poRbqSMdF19rw4gIILAuheo3yLx0FqREOm5DLn4F1GWVcWf5MVdliVHnzJJlCgoBESGmpki7kwuRzoosUrmYNnUJZtyRhb9LMgcyR0CE0YRBTZZxFmTKDeJZkxVqcmlEUCLJe7Pkvdmly9y5Rt7tJUuz3vSSZXVc5tzl517iMe0Or9IjS6EGTRRTw5pZvLak44InG/18eduuR/HEOMUTS7dbOj1J6fTkkmX+3iacQpXZZ1Yud3I1xPf10nTnphVJrfQ8rOkCuaNjFE9MUBlJY+cqDcLoyUamqKqg+DSMZBh/R4xAbxOB7gSBrgRa2IfQF+vcF09PUh58+5HPerbM3IsDhPvbUOcl2VJKpOvhVmyqYxnK5+eoXJijOpbBmi3h1ez5+rCNfVbDJsHeJqK7uont6cZMhRArjPuEohDfv474vl5mnj31jkiSKxca+waAIlA0BaGrDUm5riI0FUVXabpzE12fvgnVXD0oIFBopYsgEWzqJGghyyyzXNkZu/u2DjpvasOMGhz5x5O0bG9i6NkRatnlKgnFp9P+k3uI7+1ZkVhKKfEsh+LpSTJvnKd4coJ6prxgFCY0FSMRJLSxhejuLqLbOtAifoTSiFb72mP0fu4O9PCVAzmyWkMCRl8X9sQ0stZ4dijhIFoyjj2x/PmqRML4N2/EHp9E2hIUBd/mjVjnzmP9v4PYXhwaccnAZN4xS0o8WVn4DCqqCNEW+UV8+oaFFhThmyerCq2RnyceeA/56otMFv4ayx2jNfy5+W0oCw61Ul40jmpc8SXrLSYLf0lH7DcJGluxnCmqdkPG04g0r8fUuijUXkbiYGpt+PXFGrQCwcbwTmatCXqD/WhCoz/STn9kMQ+vI7BYumJnvHfh7y3RTrbQOb9frQRDv0q5+Me47hhCBDDMe/AHfuqKksFizmIwM4dpaJSrdcrVOl2tMc7OzjCdKRIJ+ti1qYPWUHjhBZryLxob+C+JzHlennLxv2PVngJ0QuHfRAv/CgABv4GmKvhNnWDARFUVbNslm6+gqoJ4pPGCjkcCKIogk6+gaSrtzVFUVUEoAkNXcVyPqmVTs2ya4yGEEETDfsLBBsnKl2o8/sIJZtJFHNdjfCaP63oIIehf14L3zFEGR2dJ5yqk4iHamtcWddKEwr5UJ1JKmnxBHurZgjv/98ZIE35Np+65S0zKPCkp2RaGqhE1fPSEY9ieh0/VaPaHqDk2Tb4A93VsuC5SW3XSTFcPcb74JBIXv5qg2b8bU43ieBZZawDLyxHUWokaPShCR1P8tAT2Esg3L2lLSknNzZC1zqEIFUfW4Co1Pm2vSr4+REBLkbUGUYVJk28LqvBhe2Wy1gC2VyZsdBHRu/CkTcYaIGJ0Y6oRLLdAoT5CwtxIxZ1jrPQSY+UXMdQIhhKm2b8bVRg4skLGGsB2i/NtdSOEoGzP4MgKICja4/jVJHFzIwKFsjNJvj4MSIJ6GxG9G0U0XuZCCALapRmzkrr1KoXcv0HKApq2mVjiL1CV5aTf8TwePn6KwxNT3NTdiampC3WFk8EAv3Tzfh4/fZY/fP5lbujs4Kd2bVswi1orgoZBMhjg6MQUUZ8PU1M5PD5B2DRRFEHNcZBApW7TFYuyp6MNQ1OZq1QI6jqVesMc6aM7ttEeCeNKSbpc4aXzw2xKJYn616oMkFQrD1Mu/iEgMX3vJxL7D9ckQb4IIQQ+Q0e/TPJvGio37+zh+bcGmUoXuHPvhoV1dm5s59T5ab76/YPcsnMdezZf2ThtfDrH+fE0T75yCk1VKZRr9LTF8TyPRceGhnTrTPEUo5VhUmYzdzXfi8q7Kcn7MYSikLypl/C6JNZMY4Dha15e7kJ60NTSj5gySCQ24XnOivLQREojltLJZxzu/ViCiSGLF7+bxbZ+hJPjrgFCCNr3NhNM+Tn72HnsyvIIRXO3j2TH0sx/PR5EC5oUT4w1oh4nxpZ8n3lxKfH0LGchgiUdb0Gq+E5BRadJ68CRdWaclWsSXw1VWWbWHSWhNkyharJ8zW2VvNxCBPndRnU4Tf7wCImbG2PN8rlpcm+uPKFxrainS5SHro8sqgGD1F39aJcRCikleJL0K+cY/fIblM/PXjXKWrmQJvcWoAj0sA+zOUJkW3vDqbi/FTVokn7lHE75+msUL+4gZF8fouWBbYQ2tOBZNuULc+QOjZB98wLVsSxOvrJM0bAEU1AemGHu+TOENrXS+fH9xPevW5HgawGDprv6ybxxHqd4jdfM1Qooe7IRqay7XN7D1nTh6mXQ0PETZJgz1LHwEaCLDcwxccXyP217mjn+tTOsv78H6UqMiIHm02CFslXxvd2k7tu6Yk6tlJJ6psz4199k5tlT2Nnyis+L2kSOwvFxpp88TnRnFx0/tY/ItvYGmRcC/0Vp/RoQ2Led0rMlnHliqzcnMTf3LSO2WmszgV3bMHo6Cd6yH1wXoWkYPZ1Ujp5cqek14YdAbFUECo6XQ0p5SYjbQBUBqvY5wuZ+XC9PuX4MdT5SaWodGFoLVXuIqP8uFGHgeqX5WT+B4zVy+XxaH75wD1La5Ksv0Rr+HKoI4NO6qdRP4Hp5FCUw/3dDzmM5Y6hKmIh5E6oSolA7gCsXZwYUoZMMPsRU4e8QwiARfD+qaLzQpfSozcuoY0aKieoF4nrquhychdDw+T+EYezH9eYQwoeqds1Ha1ePSMTCfmYyRaIhH1XLpjkRQhGCgM8gGvLR0RwjHFybuYDnzmLXjyBlBdCRlzi1Lfz+shKsPlNHyoZU0Wfq2I6L43r4TR0hGmVJLoemKqiqQm3ehMFxXeqOi0Ty/ZdPceb8NJ/76K0A/OXXX174XShgsm9bFy++NUSpUuOWXesw9bVdtrqq0hWKLXwO6ItJ71eS3SZ8gRWXXzoh4LvOUlS2V6bizGC5OWpOBik9PGnjSZez+W+Qsc4S1Fo5bz9Jd+geukN3rypNt7wcRzN/jURiKBFmqofoCN5+xe3XnAyH039B3NyILgIIoRAz1+NJl1O5L1Nzc5hqhIHCI+xI/BxBrYVTua+wLf5ZTDVC0R7jdO6r7Ev9Fpabp+xMU/eKVJ05PNVpWHrIKqeyX6XqzmGqMQYK32V7/Kdp8m1ntnaM4dLThPUuVGEsENuKM8Nbc39CVO9tpAfY4wQjrShiZfmvlB52/RCeN0PDuKvKaqO7St3m4NgkD/Rv4P5N63nq7CDPuYuDlo2pJL+ZuoXTM3P8wXMvcUtPFxtTycb0mBA4nrfk2bUSFCFoi4R57twQ92zoI2DofOf4KfZ3dRL3+4n7/dzS08WOtoZU25MSx/PoikYwdY1P7dmJojS2pQrBWL5A1O/nV27ZzxOnB/j6keP89A270dUrkzkpXWzrZaSc9xO4QomL64Wmqjxw82Z2bGjnlSPn+ZMvP89vfOouNnQ10d/bzD//1J0cPTvBoy+cYGw6x8cf2NMw9HM9JOB5Hta8pEkIQWtThJ/9iZsIzZtSmIaGcdkLWkqJIhS6Aj3YXr0xsPtx0PZdhWe7nPnTF1Cu6k4pcYsusdA6DCOI49RY6V6Mt+gEwyrrdwQ48VqJ7k0+gmGV3Nt0X/1RgfQkZ767ep6rUGDjvij6ZW7LdrpEcWTtzq6eZePvSWI0hfBcDztbZubxI1fOf1tlf6JNBtFmA19ARSjg2JJq0SE9d5ZS1r5uvizxmHXHmHXHrr7yKlhrtPUigjGN5m4fhl+lVnaZGa5SLS4ne7qpkOryEU7qSE+Sm6kzN2Yx94NT172vFxGKa8RbTfxhFUVp5JCXMnmyL18fsTWbw4Q2rezrUDg5wbk/eQY7U762RudL59j5KqWBaaa+dwx/V4LQphayb164Msm7BtSmC8x8/wSV4TRzL5yleGryunJ3vbpL4fg456YL9P3K3TTdsXF55FY0ZOH+jjjFyyLmV4RQiOzeR2XwDE7hyvegUDWke+3PKm8+oBckgkKZEFFcnKveW1bBonlbEn/CR2pLAs1UcarLt6+FfbR+YDd6dGW1mp2vMvjfnyXzyrk1mZa5lTqZ1wapjKRZ9/k7Sd66Yc35usI08G1dj97ejH/PVtxiGSEERk8HTnq5kZ5XqeLN16pVTAPpuuB6FJ97GedH1TwKGhHWqP8uZkvfoFB7HV1tpiP6z9CUGMngTzBd/CKF2sss2ms3BjeaEqct8stM5P+MkvUWQhh4skJz6NPE/PdSsg4yXfxHBA37cNudpSX8WQCEUGkKfZTR7H/i3NxvoiphQKApMQBC5l7myt/mfOZfo4gGidEvcU1urHMDkr/B8dJEzBsXyIVEUnYLDBSPEdKjpK3JZfb3AEW7yrPTR8nbZfYnNiKEoGBX2R1fxyuzp9kQbiNtFTiau0BMD7Ix0s5rc2eACXqCKW5PbUVfRaoZC/u5cXsPUkp62lZ2OF1rsrttH8fzru0C6u1IEg6aPPv6WfZs6eT5NwdoSYZpbVo9khoJ+elqjfPyoSES0QAnB6dI5xozR1bdwT8vVzl7YZrx6dzC71RVYd/2Hv7TXz+F36ezbUPbdSXy5+tVcvUKPaHkqutMVfO8OH2O97RtIW4uJ7fHs+OEdJPe0FpckldGxOimW9zNdPUQfZH3EdIbUf6iPc5E5Q32p36HiN7NVPUA5/KP0uLfjU9b+Ryna6exvSr7Ur+JLoK8Offf1rQPtlumJ3QvSXPrgiHQVOUg6dppNkU/jK4GqTk5hkvPsCX2qVVaETT5tuJ4VSrODJuiH0ZVGpGImepRZmvH2BT9MIYaoe7muVB6mqRvCwCedOiPfoyg3rzQliOr1N0SbbGbSJj9aMLkSsxFenls+zhccu/ZnscL54Y4ND7JRL7AN4+eYEdbC/2pFP3NTTx+6gwDc2mG0hkCRuN6mygU+dvX3yJkGlTqNqlQkNh8dFQIwc72Vr519ATHJqe5tbf7iu7IPbEo4/kCnbEIfk1nPF/kE7vjJIMBPrC1n796/U36EnFqjsP21hbev2UTD23t509fep3f+8GLmFrD7Ozn9+8FQFMU2iJhfuGmvfz+cy/z1NlBHty8EeUK17/rTuCsIDmEeSkYjZrAV8vjl1LiepJKtU6t7lCp1SlVLAI+A+lJBkZnCQdMbtrRw2vHLpDJl5GdSYYnsziux4buJkanWxiebLzMWpsiPPvGWYYnM0zO5hkan+P2PX30ticwdY1TQ1Ps6e9slBUK+YgEl0YoVKGyNbKdOWsG5g3Ifox3H3Zu7TlrvmQU17NxPXteJbUUc5M2+++LUsq5DB6rkOow8K4UsVlot43UDffgWlVmDjyDUykQ7tlMbPMNzLzxFP7mTsI9W1B9AexiltzAYcrjQ41Q8kUoCoGWbqLrd2ImmpGOQ3liiPy5IwvS5+SuO/DFm5l69Xu4VgU9FKX11g8gPZfJFx/BtSpowQitt7yf4vBp8gOHV9/noEo4oRNp0mnu8dPZH6R9Q4DubUtTArbdFuOf/+XWq5Y8KudtvvlfLjAzUqM6kmbovz6x8J3Q1SW1R4NRjZ/6V+to6mzcQ0d+kOHZf5xYqJdr+BQ27otw84ea6d0eItJkYAYaCiun7lEruRTSNpODFQ5+P83hp9M49srnafPNUR78fCea3rgfs9MW3/gvF8jPrD3ql+ww+ei/7CWSXJx4/vrvnWf4xHIZYv9NUd7/y52omsLo6RJf/73GBOWOOxO89xc76NwcxPCpWBWX8YEyj//5GCdeyi5cCu0bAzz4+U623hojFNeQHhTSNidezPK9vxpjdmT1aN+HfrOHjTc0xpJTF6p8+w8vUM45CAXaNwS49cMtbL01RqzFwBdqEFun7lHKO8xcqHLw+2neenKOwtzaJyB8bbGV5Z8SJh87eu2kdgV4lkP53Azlc4vke+sug7sfDJKecXj0GyXKRUlru8qu/T6efrSMu5YUXE8y+dhR+O4RVMXjOjjhEtRni4x+8VWCvU0EepaP4/SIn9CG5msjttKjMjSAW7lyP2rRGP7uPorHDl7rbuNQZ5ZxWulGw6BOlTGGuJrM4vQjg2z+4Hr8MZNYb5SBJ85Tyy+fqI7u6iK6o2PFcbF0PEa/9BrplwauecKiNpHj/F+9gB4PEt2+XAm3EqTrIS0boSiosQjC0EFK6sNjVI8vd4H2CkUqB49iT81gDV1YUtbs7eAdJbae9MjWMyhCIW40BuNCCFrCnyFs7sPxsmhKdJ5oqqRCHydk7Mb20hhqK6oSwfXyqPNS47B5I31NfdTsQTxpo6sJfNo6QBA296EpCRwvAyiYWtv8dw349U2sS/4nqs4gijDxaT1Yzji6mkIRPtY3/QE1e7jxnd5L3Z2dL+Uz3zFKFENrRVdSGOpiCRuBQtJoxYj6CGsxsr5ZJHJJREdKybHcBeasAhvC7TwzfZQPd97Mkex5mn1RpmpZ+iPtPDt9lFuaNnMgM0DNs3Gkywfa9/P9qUMU7SoJsxEldl2PYqFKLB5c+Fyp1AkEDOp1h1yuQqopjARmZwskkyHMK2j+L0JKF7t+aD5auxRBv0FbUwR9Xlps6BqJaBDHcQkHTX7pY7fxzacPc+jUKK2pCJ/94H7Cwf+Hvf+OsuvKrzvxzzk3vfwq5yoUcgZIAgTZTM1udjc7B3W3ZEXbksdjW/aMba2fw9ge2T/Llu2xLXk8lj2WlSwrtKRW6ByYms0cwIBEZKCAyunld+M588d9qIB6VagCQLKtxb0WiapXN797zz37G/Z26OnILfTbCWCwt5VMysaQgh/60EG+/N3X+e2vvszmvjYeOryNVMLmQ/ft4ne++jL//c9eZFNfG++/ezu5JWp6fV15OtsydLVlactvvFcwVBHHC6MIBJ2JLN8YPQYI9rf0EWrF2dIUW7Id7Mx1k7YcfBVyojBGzkoyVi/Q4WQ4WRhntDbPofZNXKzMUvBr3NOxmb5Uy4aPpxn8qAxakTI74l5Ysw9flQl0fRXTJ6hHs9hGDlMkEcIgY/Wh9I3fHo6RJ2V2LRsIa+EUnioy6b6OxMAxcrQldjahljceHOvhDJ4qMuW+icTAkhlane1cI6ppsxfbyLKUuGatAXa1fIGzxT9FCMnm7KP0JA8jVik3jdQ44XW9YQLIOg539vdyZ39cApe0LBzT4EfvPMCZ6Rn8KOLzB/ZQqLtIKehMp/jc/j0U6nUSlsmWtrZlvrF/4c4D3NnfS80P6MutLMNcil3dnfwfH3qYXV0dSCH4Jx9+mB2d8c+f2bebg309TJQrJEyT4bZWpBBs62jnH3zwIS4X4n7cvlyWlG0hhODzu/dgIWnPpPjpu+4Ec+2AjtaaKDxHFDV/sWsUpWCSlNFCqH2EkGitkMJAChM/quEYaSwZ33FXJub58uNvMDFTYrZYpVCq8dH799Dfmef5Ny8xMjGPZUju2TfM3q3xGHnh6gzff+0CQkBrLsXnP3QQgLv3DnH+ygz/4+uv0NuR4979w2TTsQ3Qz3zufXz96eO8euoKCdviEw/uobtt+bVWKM6U36IclsmaWTalh9e8Fu/hnUf8HlSrTqCmrvj8yX+dwqspAl/xwrcKVIprz5ATHX30PfRZpGkx9v2vENbiHkgzlYvJrJPCSufw5qeIvDrZoZ3kNu/l6uN/QPlyIwMnJG17jtB1+ENEbg13dhxh2XTc8RD5rQe4+viX8Apxb2d6YBtmOkvk1XBau8gM7QCtmXn96QbZbSHdt4XypdWze/kumx/5h5vZvD9LrsOKM7TXip+um3zmOmxyHTf2hSxO+zip5mNh6z1bKb52Obb8AQxLMLw/Q/+O+F1ZK4c89bvjRKGmtcfmo//LAPd+uotk1uCa0vQ12AkDO2GQbbfo35HCThq8+dQcrEJss+0W2w/nsBPxsU1eqmNv0P/XSRpsOZilvX/xTZfKN5+aZtsstt+dx7IlmTaTTKvF8L4MP/Z/bqW1d1HEJ5Uz2XZXjr/4L7bz63/vDKdeKNC/LcVP/P+3seWOLHKJGFFbr8MDX+imrd/ht//xOWbHmle59G9PseNIHiEEHQMOT/y2TeAq7vl0Jx/7q4N0DDSUtJdcUDtp0JY0aO222X44x5FPdPLlf3eJ80dL6+IZVksKjJXjvgpC3KsrM2C3A5YN974/yZuvuLzxiketGh9osaA4/rqH2gD30EGEkxDc98EUr7/oMj/bbGWBaThEkYdGI4SB1s3HhdqVOaa/d5qhn3zfimdJ2AaJ/lZSm7did/chnQQ68Cm++gLK90lt3kZy01aU71E59SZBsUBu/104vQPMP/skYamAkcmR3XsQYZpIx6F69hRhuUzr+x7C6enH7uqmfPx1/MkNkGfApUaRWRyS1KgQrKXQ3UDbtlbMpElpLA7wDL6vj+pkDa+0uK6wDLo+uHuZtdQ1aK0pvnmVyW+fuOksvDteYPSPXiE93IGZWYd5YhjinjyHMAy8i1dQlRtn6FW1hnd29UqXm8FtJbbVsMLJ0psMp7cw402RNFJ4yiVjZrHlAGM+9Cb7yYjGAIBN2tl33VYWFWKFENhGJ7ax0oPUEGkyzv5Vj0UIgW12Y5uLJqmWsZhpc8yBZUR26d8A3PAiXjhKZ/4LDYXRxe0qHfFm4Xl6k5soBwUA9ubvxhKLL6hAR9SjuGTu7rZtdCbyJA2HV+fO0ZtoJWU4eCqkGNTYkxvElAaOYZEyHQxhNMoXYtSqHt978hT33LeNttYMruszOVlk03Anrhvw0gvneOChnWQyCV596QJ33DXM4NDqmclr0GqeMDgJTTLOu7Z0s2O4C9OQ/MXP3INhSDobBuRCCAZ6WvjZH30IpRRSSsxGqcIXH71zWUbpb/yFBzEbYjzd7Vn+6hfvRymNIQUaMKRECPjff+JhlNYYhojFA5a8eDw/JAgjHjy0pZkz0Q1hCEl3IseFygyRVlRDn3s7tjBSnWXer3F/1za6E9lldjfzfg2JYKxWoOjXyVoJNmc6mHbLnCyO053IMV4v3iSxlTSmgQufWDKNEAZuVMAUKWrRDJZMNTKXzeHIHEFUJtQuljBwwzlsYx39xyKujliKhNFK2uxhV/6HSZpt8QsGga8qCASR9ho9vfONXt5rm5INn8Elx2W0kDa62Zn/Aimzg2u99aLR/7syW6gRSPrTD9CdPMRY7XnOFP6YVnsrSbN5djzwj6HV8tIhU0oODzaPLGYcm7uWZFt7sjFxckxzoTy4GVKWxZ396/OwTdv2sozu0mMxpWRbRzvbOhafS601xYrLa6eucmT3ELl0gplChflynVzKwfLhwugs2a0Ob52f4mNHduF6QaPkv9mDoPD9l2EV43eNphRMIYXJaO0kfcndFINx3KhCymzBiyo4RpqBVDyuDvW28jd/5MHFDQiBZcYq2j/1ybuJVJz9NQ3ZmCgK3n9oG/ffsQWNxlgyLmRTDj/9mXuIlEbKWGFByNiKbOtAO3/jRx5sqFELzCbl1lpralGVndldnCwdpxgUaLFa38vcvs2wcgmUHxKtosYpTImRsAirPp5XxHHyKB01xGiWLysNaO+26OiNVU7dasSpV6uo63psr7UbJTp66XvwMwgpGfv+n1EbX16aajhJrHSO0Sf/iPp0LMSSGdzOwCM/TMuuuyiPvAVaxxnfOz/QUFv+KkF5HqQk3buZgUd+hM7DjzD65B/hzU0gpMTOteHNT+G0dhFUihiWjZ3vwJ0Zw2ntRKtogQg3g+1IBnel6Ri8vVYn0jZpe3AnUdUjt39wwTc10dtC6c3V+1dzHRaGKch1OHz+/zfMHY+0Y1pyzXepEHG28fxrJfz67cmi3G5k2yw27c3wkZ8ZoLXXRqtYsd0wY8EbIQT5TotH/0o/UyN1PvIz/Ww+kEUIiML4HpNGw0JKCnYeyXP3Jzr57m+MLmS3V0MibdC3LcWue/N86meHSLeYCwJMUaRRoUYaAmmwcCyGKdh6V5a/+Avb+B8/f54zLxdvyDdWVQM2JNK5/QWX6YzgQ59Mc+i+JG0dBqYl+P53a7T1GHzyCxlmpiImrlaIIrj7gQTZnKSr12RmMuSJb9bI5iSPfCJFNmdw8azPay95PPxoio9+Ls3egw6nj/t896tVDMPGMtOxijqCZKKNan0aU5q0t+5grnCeSAUoFSJlw0tYh+hQUTp2lbDsYuWWl94KIbDbUtidHThdvcw99xTZvXeQ2rIDb2KUzO4DFF97CSvfQu7AYeaefZLKqTdJ9A8hnXieJW2L1JbtFF58BmEYZHbtZ+7px6idO42OIgrPP43yNtbDa2AywDYiQlyqZGklRZYRVoqSLUX3gQ7mzhdi5XWtiQK1QhU50Z0ju6un6frKC5n85rGFgNdNQUPxjSuU3xqn9fDwulerHz+DsC1kLhOXGkerBzyFY+MMD+FdGsHI50jfcxfR7DyVF4+yvtKAlbitT4YlbdqdThwjyZQ3yaQ7Tt5upTvRy2j9CqWgSN5qoc2+Mel6t+CFV5mtfpWK9wZpey9p52DTSaQUBpPuFSId4cgkkY5YGjPZkxtkxisx75dpzfRgCsnOXD+PTbzO+9p3kjYTPNC5m0m3QMpwaLUzRA1rk6yZxFgyYdMa5uYqnDoxSlt7hra2DGdOT9DX10o67ZDLJUGD41i0tmVYr5JEFI2vWrZoSMm1svprwjBySeRQCNH4fPkkdKnQjBACe0k/7OI6K2E1EQTwg5DnXrvIyQsTdLSk2bGp+6bKkAMVcaEyw5XqHDty3XQmsqRNm7TpkDAsXpu7wrZsJ0nD4kp1jryVoNVOcbwQ2ygNZzq4UJ7Gj0K257rxVIhE0J9q3fCxAFgyiS1zXCh9k5w9SG/yCGmrm47EPt4q/AF5exOz7lv0pA7jGHlq4TQF7wK1cIpZ9ySWTNHqbKPN2cHlyhO8VfgDkkYb8/45upN33dQxtSV2kaw9z+niH5K3h/GiEr2pI+TsITJWHxfL36bgX2TWPbUsK5w02ghVjfOlr5EyO+lNHaHV2UbG6uV04Q9pcbbgRSV6Uodotbc33bfWUAlGuVx5kqTZTjWYwDHyyFUEj7QOG5UGt0fa/91EueZy8tIkW/vbMQ3J8YsTTMyV+aGH9tPRkqbmBmg08+Uazxy7wF07BkiuUo2hdZ3Ae2XVfSkd4qkq9bBI2mzBMdJU6/NIYSIxaLF7caM4OiyEwBACY5Xsi2UaWE2y6Uajl/56CCEwTaPpC+fauNBse9cghSBr5jhfOYstbSbqY+TM/HvE9m2EsAy2/ZX7mH9jlInHTzddJreji/5P7OP8b7yAWy8QRSGpVDtCGMDySVjf5gT3f6KFkTNuLBYZNSdXKghItHfT+8CnQErGn/0atYlYVO56FM+9SX3qKrpRy1ubuIxfLmBnWpGmjQo8skM7MJwEhdOv4hcbbTcqojJ6jvLIabKbduK0dOCX51FhiJ1rRxgmiY4+6pNXsNJZUl0DlM4fI9HaRVivEtbKK47lGtxqxCvfmiHfJBO74548XUOJhffY5OU654+WiFbJiF5DvRJSnvGojI+RHGinem6S+tVY6bn1nq1rZmSSaZP2AYcP/ngfd3ywHdMSuJWQ6Ssuo2dqzE96hL4ikTZo603QszVJW49DFCrOvrJSgfoHBem8ycM/1svQ7jSnni9w7Hvz+LWIXe9r4Y5H2rGcOKC++UCWR36qj/3vb8Othrz55DznjpYwLMHhj3aw7VAOKQWmJTnwgVae++NJSrNrlws7KYMHvtBNz5YU6RYTr6a4fLzCuaMl5sZdfFfhJGPyu/t9LXQNJxcId/fmJJ/7u5v4jX94lsmLa7/DwlK9qTiRMCT5AwMU37x623piAep1zcvPumzbbfPsE3VOvekRRTA3HfHGKx4PfCiJNGK+sWOPTUubwXf+rEq9plAR7Dno0Dtg8cTXq9RqGreuePNVj/2HHZ74ZpWxkXhM6GzbQxDWqFQnEUKQy/ThegVMM0Eu00+lNrkgHGlbGcrVMTy/YQ85USQo1VcQWwAznUAYAn96kmBmCnf0MoneAcJKGeXV8afGicolUpu3I50EUa0S93UuvebFAu74VaTtkNq2E4RAeS46CG5YstwMscihZoyLBPg4JBlkW+zIsMZcPXIjBu/rozJRiwWgyj6lqxUifzFjm9nRjd2eWTEv1lpTG5mjePzme9yvIax6zL1wnpa7Nq3LZhPA7Gwj8/A9mG05il9/CmGaCMvCO7NSkE1m0iR2byeYmCJ99x1oP8AeHsS6cJlg4uZ6028rsTWFSbfTiyUtcmaeLqcHpSO8yKUn0YclbFrsmyMD7xQEJlKkaEl9gJbEBzBEpskykt7EEJWwiEYjhYEhlhO6DifHR3vvwo0CUkZsT7E100Pv5g+QNhNIBPe076QS1uOIlWE3RIAsPtRzcMEe6BqSSZuu7jzFQo3evla01tTrAUpDveZTq/nkgpBazaNW8xcyqWshCN5E6fWLVrzT0DpWtB3saeHIvk0LfbgbhSkN7u3cwt3tw6RMm+5EFkuadCYyCAS1yMeWJoaQfHHTIWxp4hgm/akWpJAkDYut2c44+m9a7GnpxVchaXMdpRlNYMsse1p/jGn3OKHyYh8xYbOr5YtM1F7FjeYYyjxMV/IgAhM/KlMOrtCfvh9DWJSDUXLWICmzi32tP8WU+yaWTLKv9S8uvAxWg2Pk2JL9KJZc3kPsyDx7W3+SqfrreFGBhNFKwmhFYrKj5fNM1l4h0gFbso/iqwpmw1YnY/Wzt/UnKPqXFwhvfH4/wVT9NdxonoTRQtKIWxNa7C3YMruCtFpGloTZRqCqpK1ehrMfwZbNS3+VmiMMT3JbpUDfBQgh6GzJ0NOWpa89z5WpeUo1j9lSFS8IqdYDap5PGCpqbkCp5q0aGAKIoiuE0coXxzWYwmYodWdjrBIYwmRL5h6EEEiuZRx+MLMzIHCkgyddOp0uhlKblo257+H2Q0hBdlsH9bHV3xGGY9J+aJArf/YmYtyMsyt6qR3QIpJpyeh5j5cfKxJFGq1pqohsOEl67v8UifZerj7xBzGpbTZ51wpvbnKB1MYfKXToIwyLa6zZaetGhQFe4TotCaVwZ0Zp3XUIK91CbeoKYbWInWvDTKRwWrsonHmNsJYj1TOIbGRu/eIMKlg9C1KeD/jGf7lKs5jLX/yF7XQNLWZyLx+r8OV/ewm3eoPMhIbAV2AEKC9EK41uCDHOv3h+TbufZNbgAz/ex+GPdyAEnH6pyLN/NMmZl0tUiwFhoNEqzqibtiTTYjK0J0N7v8PEhY2L/bxTkIZk7wMtnHyuwJf+xQWmRly0gmNPz2PZkoOPtMVqrlmDh344zmp959dHeey/j1ErhggB54+W+Bv/z+6FMuiOgQQdg4kbElvDEux6XwtCwOyox7d/7SqvfXeWyny4LNtrOZLerUk+8tP9HPpoRyNTLhjen+XBL3bzlf97BN9dfcx1x4tENR8juTJI0vWhPcy/eonyqYnbRm5VBHMzEdWKYm46ojgfH1sUQakQLWtbD0M4e8rn7KlFonXpXMAdRxyOPJjkxe/XiUIozEXUq5qZyYjCXJwpt8wkhdJFgrCGIeNzMwwbzy/jekVctwBC0NG6gzCs4weL92FYdlH15t+PsI2GvVEGYduY2TxhrYryPYRlI50ERjqDjqJYCEqIFRVsOgrj67nkmmqtEIYRC0ipaEPXWxEhMehnCy410uQwsehmgICAOaaa6vQYjsHIM6OUrsbB5iiIVmRsc3v7oRnZVJrK6XH829CDjdKU35qIs+RNBKqaIXXkAOH0bDy3cBwwDZzNg02J7TVSbnZ3YmQzFL/5BOl7DyHTzUVc14NbIrZa19GqxrWXmARaLRshMmQzuYXSjGsHnzPzN9ieQusKLDPSFgiZQqyijhqvp0HXl/eKCgch0svKHuPlXCI1TRReREWTKF0BQgQ2QuYxjF46048iZSuwuvGybEwO2+0uOpw+zOsm6kII0maClNRoXY5fHEBGAqoWl+EC+YW5WSNypwRJY/lx247JpuEOCvNVtu3ooVyqY1kGxWKNhGdhmAbFQo10JlZCLpddwkBd1+uiG99FgNYeWpXwvWdgmWqqRqsaKtqAmJQwESJ3QzGaGyE+Nhel5onCy0TRBFoVed8+HzCR8i08twfDHEbKdoRIrHufUghy1sqyMLNRGmsvse2xpUTrClF0nkR0EaVm8bWHiYWQeWCQhDFM0so3shLXsP5MshCSVmcbrc62ZZ87Rp5N2Q+uWL7F2UKLs6Xpttb6WzPYRpbh7Erv3NhOp4Ph7IdW/C1tdrE5+zHAQ6kSKhoj8p4iUPNoXSOLImvaCOETeo+hZDeW0cVg+jBCpIBF79lmxyuEIGG0sC33yabHHN8bUazwq10C/yhhuLwnQxOh1DwiWn/5n5BZ1nrG10J8TKoxBhaJotHGeFJA61gVVmAhRAoh2zDMfgzZg5AZYLGU2DINtva1c3F8jvZcirZsks58OrbI8AOiSOGHEQ8d3EJbNkmp6pJvCCstPs8+WtfwvRdQ0fUlkh5KzS4851Z8sRrrL/8dTcPXN8fN2AOtvD4hWpWIoqtE0RWUmmuoNAuESCNlB4Y5hGH0IETmuudpOZRWzPqzuKpOpBWbUptv6nt7D7cZAqRlIE1JpCKEkFQqEyi1snS5Woq46+Ec3ZtsfFdTKYQ8/ZV53OrySV12cDtBtYwQkkz/NqpjF1HeysyWVgoVNZngLsw54/tDmlYsnNZEoUmFAUIaYBhEfh2vOIuVbcVp7cZwkrgz44SpMvltB3Bau7AyLZQuHEeFaxAfDYHXnKxE14llRZHGr6t1lfsK26Tjg3uwW9PIpI3yAoQh8eeqeOOFVcN8uU6b+z7bhRDw6rdn+Mr/M8L0ZXfF3FxFEPoRbiVi5qqHNLihqNW7CSHiwMgzfzTJ5GV34Xufn/R58WvT7HmgFTsRZ0mdlMG5oyWe/fIktWLDV1fD1dNVLrxRXiC2yYxJe7/DhddXz8jH+xYYRhzE+Op/GuHFr0w3LV8OPMXIySp/8kuXSeZM9j/UulCWfOjRDl755gyXjq3u1elOl6lemsFqSy8b7655i279m49w5XdeoPD6CNHtsOlZAwuOJo3ftdL41wWmZiZDvvTrJQ4cTvCJL2QYHSksfC+WLRr3lGa+dJFsum8hM6tUhGWm8Pwyldok6VQn5co4UhjUvcKynlsVqoUy/BXHKGOiarV10HLkAaxcnvkXniYslwjmZmm5+36EYVC7eDbW8dlzEKullcyufVSkQPseyvdBx/Nl5fuAJiwUEJZN/u77qJ4+QTA/u+7rptCUKWDjYGDi4+FRx8BCEXsNN3t2q9M1Ovd20L49TgZ6FZ/a9Hm8oOENaxukt6xs04RY0b50avyGVkTrhTtRwJ+trJvYyqSDe+IsMpWMXVUsszkBB6JKDR1FZB84Qv34W0SVKsK2UN7Nl1DfErF169+gWv4VWOLuZDn3ks39I2Qj23L9w7gWtK5SLv0igff8kk8N0tm/TjL1hTXWVNTrX6ZW+bWFT2znPjK5/wMhMgvE1w+O4ta+iu+/gFKzDVIe37ggEQ0yLI0eHOchEsmPY1p7WToRhbgHaMIdIVA+nqrRlRhY9dzc+teoVn6FdWeXhEU6+7dIJj+98FEiYfG++3cs/N7dnWfrtsW+wP6BRdXcDz+62HesdYjWVVQ0RRSNxRPM8DxheJYwHEFFV687rpB67Xfw3G+u71gBw9xOvvXfI8TawjqrQWuN1lUC/xU897v4/kuoaAqtq41JcBzhQ9jIxmTYsg/hJD6MbR9ByPyaBDfefvwSvPZvU/U4rdFqHs97Grf+NcLgGEoVGuWuEYv3Rw7D3IST+AiJ5MdjeyYEQiT48+g/El+/MoF/FM99ksB/JQ466Erj+wlgIUxjIsQ1MpfFMDZh23di2ndgWQeQsoWlJHetfcZBjgJRNI6KRgnDy0TBWcLoPFE4hlaFZetE4SUKc39tQ4Qsk/tHOImVRH7tY1NoXSMKL+D7Rwn8FwmCU2hVQOta45qE112TJEJmMIx+bOd9OM7DWNY+EElMQ/K+fcML2+/vXAz+vf+ORe/sjny6se96TBIXnudLhOE5wvAiUTTK9f21vvcc87M/tdDffCMIkSbX8q+w7NX1C9a+PhrwCYMzeN4TeO73iKLLaFVuEP6I+DmJr4uULZjWTpzEIzjOB5FGD/GzJq7bJrTZ7Zwpn6I/OfBeCfLbCGkbSNtEOiZCxr18zYRDzLRN+6EhACI3JJsZQukI02w+Fs6M+/zeLy2KrtgJ2bQE152fYvTJL9O6+zCtOw8RVArMHnuuidXG+t6pYa2MkAZGE6V7K5VFBT7Kd0Ep/Pkpku29JNp7Ub5HUCmgfBchJYmOXqSdwCvO3Nbyz/VChxGl1y6T2tpFalMHc8+fxcwlye7uR5iS1fRoDEMgJZx7tcTXfuUKU5fW1yP4g0xqr6Ew5TNy8jpfTg1jZ2uUZ/0Fwqq15vRLRQrTyy+SimJye/fHY4JgJyTZthuLeUFM7N56vsBr35m9YU/u7JjH4781xtaDWdIt8Tuqtddh930tXDlVXXX9sFRn7vnz5Pb0YyRXJk8y27vZ9nc+wvxLF5h64i3Kb43HBPcW78/AB7WEFG3ebnHv+5MMDJvc/0iKV59zCYKVLZC79jvsP+RgmoKZyYgw0CgVE95HP5PmxOseLz7tUqlOUKlOLKxXrS8GZOcKcXtcOtmJ55ep1+dWHF8z1fUYAq0U7ugIlVPHUL5PVInL6YtHX8DM5tBRRFguIaTEHbuCNxH350fVCpHnUnjpWZTvQeBTePH7KM9DuS5z338M6SQIK2sHPa6HImKKURIkMbEaxLa5JdpSXHhshEx3CisV07QoUARL7H6sfAq7Nd10PqW8kNrl9ZPvGyEse3jT5VWJ9PXwL4+RPnIAo60FmXCQ6SS1V080XVa7LuUnnkGmkkSFIihF7eXXm9oDrRe3RGyVKhCGZ1hKbA1zcNnvG9wiKhprbHNhiyh14xNU0ezy9YTZmHynUdE41eqv4ta+vIa1TdSYmNZQapowOI5b/zNS6b9EMv1jQH5JxErQYnVwrnKMdmfvmuWfi9dovQONvUIU52bh+y9SLf0SUXQVpYpoXaaZUNRSKDWzMfsfYXNz33esoBmGZ6hV/gtu/btoXVh1WbSL0i5KzRKGp3HrX8N2HiSd+atY9p0IsfxWjiKF74dIKahWPBJJi5npMl3dMXFwnEWCpXVEGJykUv6P+N6TCx6gy7Hk/vAnCPxXcOtfIZP9OziJDyBkBiHMd2O+87ZBa0UQvEmt8v/iuU+j9VrPYcS1rKrWFVBTROF5fO8JhMhimttJpj7feJbWLuHWukyl/Mv47pMoNY9SRZqZki+HT7RGGW7z/ZS4Jmx142U1Ws3iec/h1b+GH7yKiqZY+95fck2iAiq6SuC/RL36+ySSnyaV+emGb/X6AiJKTVMu/hOC4GT8PKsi1/cxrjzuCtEqffTNIET2pnuXtdYoNU69+nvUa39EFF2h+XgTk1+tfaKoSBRdxnOfxLL2kcr+dRLOI2gW+xAVEecqZ6iEJToTXWtMat7D7UD3w9sZ+qGDCNMgPdCC05Gm64GtK5aTtkGiI83sq1eoT5TIt1jUqnOEwWIV18KyMs6uTY4sPsf3fqyFucmAYG75PRyU5vHmJpg5+hRWOk/HHQ/hVwqUzh+7qQl7dewiLTvvItWzidrkZa7Juko7QXpgG355bqH31p2fotVJkOjsJayVCOsVlO+hAp9kV/ys+sXbN2HcEJTGmyxid2WJaj5R1YtL/WwzvsBrwKsrvv+Hkzfs6fyfDaUZn/LsSkZfnguolSOuqbmEvmb8XK1pIKWwxJpISEEyYywEwteCV4849r156pV1zH80nH+tzOUTFfbcH2fgDCMWrHr6SxNUC6uM4xpmnjlL271bm/Y4CiGwW1J0fXgvbfdspXRyjJmnT1N88yredPmmMnaeq/mz3y9TLi6O3aWC4qVn6rz0TJ0w0Pi+5qlvVQmuK1y4cManWlWgYXI8pF6L9/8nv1umq9ekWl5Hq4uI/1d1Z6h6M/Hv1+beIu4vXvOdqTUq8Anmls9jdRAQzC0+u1opgtmVInBRtbywnWgJiY0q5WW/rxcSSQ+byNNKRISByTTjzDC25nqbHuin/0jPApn1Sj6ViRpew/LHzCcxc80r1IJCjbDkNjI6EJdjXfdz4xzjxBFr3vBaadzx9fOS+msn0UFIYudmMAxqr53CO3Np1eVVtYaqLlbc3mxv7TW87T627xZUNI+KJtDap1z8Z3jud9gYAdNE0VXKpX9LpKbIZP82QrQ0/iboTPQxnN6JJZ13PHsQZ4Uk8aTRBl1tlAQvv8lVNE4QvLEKUXt3oXWI5z5OufSLROFKf6sbr1/Cc79OGBwjk/05EqnPLsvWTU4UGR8vsHlLJyMjs0RhRKlUZ3ysgOcFvO/+HVhW3A/m+y9QLv7ThkL0el8EEWHwBqXCz5HJ/QMs+641y+X/Z4PWCs99jHLxnxJFl25xW2WC4ChmuJ/kDQIr8fI+YXB8hZ3PuwuPauVXqVb/G9ySaJVGqQlq1V8jCs+TbfnnmObw+tbUNXz/NVQ0egv7f3ugtSYMTlAu/SK+931uRLhXIiAIXqM0/3OEmZ8mnflfF8ZbgaTNbudK7TJ7cvs4Vz2H0uq9rO3bhLmjV0Bp2u4cJNmdQ/kRYRNlTVWImPr+eUa/fpyo5lMyrmKZKbSxPHBlWoIHP91KuRBy+AM53Fo8BrR2WZx8afUyzLBeYfLFb9P/gS/Qc8+jhNUStfFLGz6fytWzVEcv0L7/PlTgUhu/jDBNWrbfSap7iIkXvkVQjbM610hrqmeY4tnX0WFAFAZ4xRmyg9sJ69UF39t3C9VzkyQH2+n9/BGUH1J4+QJRbe3A39SlOm89X/hzFXiFmJQ2y3Z6tWhZObhbjSjONE9pL+1vFgJMWyAkrOI4s4BqMWTkVBVhmWitSWzqwhuJfbZ1GCEsIy5pVRoihV+POPV8cYHYAnQPJ2nptFcntoA/U2Hkd57Hbs+QGm5vSuqEEFj5JO3v20rr4U24YwXmX73M7LPnqJyb2pAyrtYwM7n85GenI2anl3/m1lde92pFc+H0yjL9SklTKS3/XFgGVj6JlUtiZhOYuQRWPoWZsjGSNjJhxpUjjeqR+GcDI2E39bG9hvql8wSljSkXv50wsUiR4QKn8KiTIsMAW5llfE3xqI7dbbz+WycojVYW24eWBCrMlNO09xogKLlkc8Pkk0l0FDA3foqWru1Iw8SrF0nlegBNdX4U00ljOWmK0+dxK6sltXQcKFknEru3kjy4C9EIuKXv3o+Ry1B99tV1b+NW8OeW2GpdxvdfJwiOriC1QqSQsgMhMiAM0F4jMzTHSvLrUq/+Dwyjj1T6LyOEhUZxuXqa3blDRDps9NI1jyBZ9j6SqR9BqblG1rQWl+RpD63rjWz08kFNqxlUeB4hW9FqnrgU2gSRRKsy4IHIoMMLSHPLAnHVGoTRBSIbH4+wEbIFVLPyTN3oSb5+EEqsIMhrIS5B3lgJrtYBbv0rlIu/gFKTTTaawJCdCJEGYYIOULrSyJAtP94oGqFU+mdoApKpH17I3JqWgVv38byQcjnuSU4kLCzbiKPcMu5sCIM3KBf+T8KwmS+hRMp2pGyLM9M6ROlyowc5HjiVmqVc+pek0/8LbOC6rRe1us8Lr1/kuVcvMDtfJZW02bapk0fu38lgb9yvo5RmZHyO5169wMmzE1TrPp1taR44vJUjB4dJOBYXr8zwW19+kUfu38mDdy/29mqt+c4zb/HSG5f4mR++j76ufIOkvEmp+I9WIVF247pkGxl7QAdx2bsqNO7H5QO2EHkSiY/Bqq68S5ZFNHouW1ZZImgSrDHi+2WdJbfxjtZXchbDwbL3I6o2mmbE1kLKVoTMLZalaw+lCnGP64pxJcLznkKWf5ls/heQcqVI3UpIpMihRfNAlcZrQrqtRp/z+p5RIbPxM7chaILgDUqFv08YHGdlcMhAyk6kzDWeo6hRGTOz4nvUuky1/J/RqkYm93eQMhZwa3c6yFktnK2cIWEk3+uvfRvhzVQZf+w0k0+fw25LUTg2xqUvXTch0Y1ywCVfdbncPOASBprnv1lgYFuCp78yz5Uz8dh5z0fyNyx39YszTDz3dQY++EV67/9U7Dk7v7FofuTWGH/2q3Qd/hBdd384bl0RAuW7TL3yGHMnXljIVkRenaBSJN07TH1qUVG0PnmF/NYDcb9v+Pb2Mt4IZiaBDiNqF6cQQmCmbIQhm/YQX8PIqQrV4kaDTT/4qBaCpmRdKd2w9IkReIp6ufn1uT6LG1sArdb5uIj5CZ8gnSdzRwb38iQyYWF3t+IMd+FdncXIJDCzScJyndqJEbTWjJysEIUao+FJnswYdAwmGD27tkhX6fgY5375Owz/zEPk9vYhmijPLxy/ZZLa1EFyqJ2ej+2nenGGuefPM/fSRepXZlH+u1NjLgyJ05UlvbWL/MFB0ps7sNszWLkkRtq+cSZ2nYhqVaJ1+Ke+U1AoIsKGaJRJmhyKiBQZIiJc6jS71+qzLt0HOpGmRCuNChWViSqqEcgxM07cgtAEUcVDaJPS9HlyHVtw0q0IKUnmelAqJPRrICCZ6yKV7aZencFO5FYnthqC0voD+vbmAdxT5/EvLqp2K/cWbIc2iD/HxLZKtfIrjbLa+EGWsptE8pM4iQ9jmJuQMg8YDYI5TeAfpV79fYLgDZaW0Gldo1b9HWznQSxrNxB72R6df5qc1cbu3F00N7IAy74Xy76H+MbVsdiMrjX2WaBU+AeEwZvLjz28iA5OoUUG8NDajcWtzG3o8GRMXI1uUAVUeDYmwNEYOryCdB5EmA2PTvsBzLb/hm6Sqdbao1L6NwT+i0s+NUmmfoRk+ovrvs5CpBqEYn3QWuF7z1Ap/ZsVpFYa/SQSH8NJfCD+fkQehBWL46gCYXgWt/5neO5TjTLSxjbVHJXSv8UwBnASDwHQ2ZmloyP2rOvpyS+8/Jb22kbRDJXyLxGGb11/VnHpbPonse17kEYPQjgNYjtPGF7Aq38T1/1m3Fup5qlWfgWt11ZS3CjCMOLrTx7n977yCvfcuZlD+4eYK1R5461RdmzpYrA3jvwqpXj5jcs8++oF9m7vJZW0eePUVf6v//oYf/On3s+HH9hNe0uaat3j608e58jBYRw7vl/LVY8nnjuNbRlk041Mi3apVv7zClIrZBuJxKM4iUcxzWGEbOWax3MsSFZGqSnC8BKB/zKB/wZRNILWFSz7AJbd3DrregiZI5v7hyjdPEIY+K9SLv5LlpYnG8Yg2fzPI5t4Xq8G0xhm3YRPiMazfBjfe5xY1K4Ny9yO5dyHZR/EMPpjcivSgGg84zME/jHqtd8j8I+yPIgV4da/jZP4BInkSkGv62EYPeRb/wO6WTOdVrjuN6hV/suyj237HtLZ/w0hV/YXNj1PDAxzZdnpWgjDK5SLP7+C1AqRxXYeIJH8DKa1AynbYtLfCBBF0RU89ync+lca/f7X4FOv/Q6G0UMq8zMIYSORHG47Qj2qkzSSyI0EMN7DTUFHitLpScJ6gI7Wn+ozDLBtQX1JRsetKc4fjyeb15RVX/hOcaGMUwh435GAnPwaj72+vOWhPn2Vke/8DnaubUG0qXLlDJe/8VvUJ5f7t6rAZ+L5b4IUqHBxfPCLs4x+749xWjoxU1nQCr84h1+eW1aCF3l1Jp7/BmYq27AYijF/+iju/CR+YQYdvrsEUfkR/mwVBDidOdK7+ii+eQW9iqAOwNRll/AGlkLrgmHctLfk2wGvplbnn0s+j0K9qqDXzaI8GxBhIGwTYRoY2SRGJol0LAQ6Jp9CNNSr44MpzwXUKyGZRp+tnTSa2kKtPBdN6cQYp//V1+n95B10fWRPU5uXpRBCYCRtsrt7ye7qpe9zd1E8dpWZp05TfPMKQfH2lKVLU6LC1a+tkXHI7+2j4/27yO3rx+nKLhDzH6QApSUcBpK7cYw0I7Vj1KISAkm3s5l2e4AJ7zyz/sbtc3Sj3amHQSIiTEwiIvrZgo/LFc4RNZmjB/WQ/iM9dO5pR0car+xx/Eun8Yrx+99Iry58GbkBfqVEFPoEXgVDWkjTwavNE3jVxnqxC0Lo15CGjVtdu8XiRlUhSxHOFkjfeweJXVsWyuG9s5eovvD6urdxK/hzS2xBL5ksCSzrLjK5v4ftHGGlEmoWKTsxzV3YzoOUi7/QEFBa8sILL+O5j2OaOxEIDrbcj0YjEMg1/Bev3UCLv2eBmHhq7TUnhcJCmEMI2YvWBQQ2ECJkG7AbhIzXsxzAaZQhJxHGZoTRt7AZabQhjbaV2weUqjfEfJbtGMPsw7Zvzgt1PYiiK1TL/6nRf7e4X9t+H5nc38OyD9JUqdbowDC3YjsP4Na/SqX8S8uIl1ITVMv/EcvahzTiTObSTVz/s9YKt/41fO85lr8ZJbbzANn8z2OaO7heyEbSimFsxrHvw0k8TLn4C0TRlbiv9DbDCyJOnBlnqL+Nv/7jD5JO2iit8bwQyzIWjsswJB97/14efXA3yWR87T50/y7+6X/4OkdPXOGhI9tIpx0ePLKN3/jDF7h0dZadW2Lxscujc1weneMnPnM3mVRMUsPwPL734rJjkbKdTO4fkEh+thHMaDKgGp1ovRnLPkIy9TmUmiPwj+F7T2HZ98QVEuuAEBam1dzzFuK+dSGMZZF6IZJoYxezYSsdiTSWNKiHQVxaJiTVMCBvr8wWl3wXLwppT6RuWNoqZRvJ1GfRuojt3IfjPIxp7eZ65edFLI4rjvMglfIvUa/9IUtVXq6V1DuJD6zoE195XRwse1/Tv2kdEQTHVq4jW7HsgwtifjeC0pp5v0bRn1mwvFoLWntUK/+5QdoXvxDDGCad/d9IJD/eyL4vv7aSNgxjCNu+m0Tiw5RL/5LAf3nJdmvUqr+NZR/Cdu6OJ2kYZMz13UPv4dahI83o109sWBNv81aTHTtNvv0NdxkHut5JqlJYXgLa26OwxAXc6euyLVrjzU3izS0GQoNKgaBSaHLQitrEJQDMzg6EkARTcYZXhwHuzNp9bWiFO708oGd1d6GVonzx5NrrvkMIKy6Vt+LzqF2cpvMj+2NyscY69XK4rIwRYv9I6SRQtSpIiTAbSqRKIdMpVN2FKMLIZlCeh/YDUnv34F25Qjg3f8sCRbcDoa/WdRixb/LtPV63FuFNl6nPTxNVPfzJAtCYX0Qa5My1nS8MjX49ihWwW+LfDSu2I1ovvKkyl3/7OeZevEDPx/fTemQzVssq7+MG4uo9sNvSdDy4g9bDw5RPTzD9xCnmXrxAML8yu2mlTIQUCBk7mwghsFIm9XkPO21iOiZe2cdKmvQc6GD01SncwnLiI0yD3P5++j51B/k7BjEziXX7oL4bCLTPhHeBrelDmNcC9ihm/CtkzDYS66qqWgmNpkIBl8XqJB+XeWbQ6KZWPwCnv3qe0185v2RDmihoLCvizPxqUGFIafoCKgiZd0torSnPX4mPZtkDE3MYxNoVH8CqStTNYLbmqR89gXd5bEHTQFXfuf7+P8fEdhGmtZdsyz/Dsu5YVUE3HhgMDGMT2dzfJwxPE4VLbip8Av8ltP6JWMnzFu0w1oIwtyPMPQhhIOhYxruE2bLYSL/wh+vLZn4wB4+4BPlP8P3lZW2mtY9sy7/ANLevqXAck9UsydQXGhnnf70sc+v7L+N5j5NIfoEbBQKVmsKtfZllFlGAae4im/snmOauVV8W8YsiiZP4OFoHlAr/eA3hq5uHbRls39zFl7/1Or//1Vd4+N4dDPS0kE4tJ/5CCNIpGz+IKJVd/DDED0JymQSVmkcYKRJCcNfeIf7w66/xzCvn2bG5C63h5TcukU7ZHNwTK3trrYmiSysExOLM2yeQcu3s/GIgx8EwepGJnkYWXQKSKxPzjE4WuHP34ELW+HbBj0K+e/UMj/RvpyeZ5Wq1SNZyMITgxakRPtC3DVNK/CiiHgW0Okkm62WOzozyiaHdCASOYeJGAUnDwrhOkEUIiZN4FNu5DynbuV4tfa3rYZi9ZLJ/myi8iO8/t2QJTRCcQKk5DKPrtl6Pm0U18DhdnMSUkr5kftVz1Frj+6/g1v+MpaXWUvaQyf39BqldfZyMt+tg2XeTzf88xbm/vizgFUUj1Gt/hGntveF99x7eHrjTGwvY7d1v8sUfTdHTa9A/aHDs9YAXnvNJZwQPf9Chp89g5FLEM0971Gua3j7J+z+YwDCgp89gcjwilxc88uEEbe2SuVnFk4/HBPnhRxyeftKjWND0DRjcecjiW19zmyYQjXye3EMPgBC45y+gajXC6RnswQG8kStYHe14I1dxNm/Cam/HHxvHG7mC3d+HPdBHVCrjnjmLTKfJPnR/7Hl7/iK1Y8chene9nhO9LXR8cA8Qix25Y4U1fWwhFu5aFgi0LNJ3HEQmE7jnLmD3dBOVyvgTk9j9vRj5PNp1cS9cxNm0CSOfo/LyqzhDg0SVCmGh+AORuVUbEUe6zTw8ChT+bJmo1rgODeK8sJsmRDoMNGGweP8IAaazseoTHUSUToxSvTBFdncvHQ/tpPXQJuzOLHINn3OI7xcz7dBy5xDZXT10PryL8a++zvwrl1DeYiVC1552sj0pzISJX/VxsvGcozBSpm1LntpcnchTlCeqdO9tZ/5iaRmxNdIOPR/bT99n74wztDcQN4P4faIjhQ4iVKjQkYJIxZ7NSqGjxt8jRaI3j+HceA5uyySd9iZsmcBTVSa9S2itaLcHSJstaK2Y8i9Tj2IhyUC5qOuaq0MdEOpbaz+QGI3/BGlyuNSZpUkb3hJserCf0ZcnF8Sirocw1ph7qEV7s2ve9Pp6CzYpwDAW71fN2s/IBgJDyvVwdm/F7OtaILb+havUXn1n9An+3BNbIXKk0j+DZR1ckzQtLi8wzK0kEp+kWvmPLC1JDoPzKDXfJNO5HFrVUeGJuN9NZJHW+kowF48hvTx7s+qqYpWfby8ipZBCEGlNGEUkrJsj9VE4glv/OktLSIVIk87+zRuS2qUQwiaR/CS+9xSe+90lf/Gp1/4UJ/HxG5ZHB/6rK0qQhUiSTP9EIwt3o+spEMLASXwUJ/F4Y3J/eyc8piH56Pv3EEWKp18+x9Mvn2Pv9l4+/MAuDuzsx24QwzBSnDw3zhPPnWZ8qoTrBYSR4vLVOQ7s7m+cm6C7Pcs9d2zi2Vcv8EMfvQOt4bWTVzm4q5+u9msZPdXo+15+LoY5vKGS82uIr+NipjSVtJkt1fCDkLlilYujs7Tl0yQdi5HxeRKOxfZNnZy9PEWp4rJ3ey897bl17Stl2bQn0iitCXTEifkJNmfb6E3lGKuVeHbiIrtbu3l24iK+itjX1sNwto2EYREqxbG5cQbSLZwuTvFw79YVxBZo9MLeTORWII0+EqnPEgSvLVMeVtEESs3+QBBbAfSm8nhNfEhXwqNe/b3rrJdMEqnP4SQ+vCapXbZPIbGsgyRSP0y1/O9ZfLsqfO/7ROFFhLWXalSlHtXImjkc6fxAlbH9eYa0DOzWFFY+EffBXfd3DVQvzxHVA6anFJMTijCEl17wmZqIMAz4xKeTDA4ZvPS8zwMPO9g2PPmYxw99MQUC3joZcP9DDpPjEaYpqFY1U1MBH3o0gedpnnrCY+cui/k5zTPf83jw/Ta2LVbN1kXVKsHUNKpexz17nuSuHQjLwhnehPJ97O4ulOuS2L4V99wF0nfdAVqR3Ls7JrybhtCuh3fpMuHUDFG5jHvu/LtOagG8ySKTX3st/kVpIjdYswx5NQjTJJybJ5ieweruwhsZIarXSe3ZBUIQuS5WZyfCtjBb8qhqlWBunmB29vaS2uVFbTeB9U24b3t+eT3Syc0OYlmlUaOy7MYtvSsQ1QMKR0conRwntamdtiObaT08TGpTO0bKWTM7GvdmO7Qc2kR6ayeT3znB2J8cxZ+JA1lBNSDVkURIgVfyyXSnKF6pEHoRQS1g6uQcnTvbqM7UKY9XKU8sZiONpM3AFw/T95k7MTKrj9M6UoRVD3+mgjtRxp+p407M4BdqhBUPVfeJvBDlhyg/QvkhOowwMw67/vGnSA93rHl9JAbDqYNEOqAQxCRSaxVnKNFUwjlyZgeDyd2cqby45rZuBYqISRYDtglS9LE59oxf40tv397K5Jszq/pBrNkeso6byuxow9mxZUHkrP7maaK5wqrLb8SNoPbaSbxzlxGOHesxeB5R8fZXNa6Gd4zY1uo+jm1SrXmkkjbmDSJLtwuWfWejzG/9+4szMw9Rq/7qsoyeUvOxcJC5+QYbsAALTRXUOHCAmx2545spIPbEjP1UuRY9Eg5c83oVKcAHHcWiUZjL6283gEgp6kGAKQ1MKTk2NsFgawv1IOD05Az3bh4gacVkIGgQ3UgpQqUwhcSQEjcMMKVcIMFaa3zvGaLwwrJ9WfYdOM77101qr0HKdhznA3je90EvKuCFwXGi8BLC2rNGpinCcx9fYWtimNtJJB7Z0LFImSKR/Cye+xh6lZ7Qm4UQgrZ8ih/99GEeuW8nrxwf4YnnT/Nv/9vj/I0ff5AHDm9DSsHlq7P8h994ktZcik9/+AAD3S0g4D/99+8t255pSh68exvfffY0J8+OY5kGM/MVfvwzd2Nb154PgWgiqqSiWbT2101WVoNtGliGJAgVpy5M0NWW5a2Lkzi2SS6d4OrkPMmExZnLU1imgdzAPRwphReFuFGIKQzydoJaGBBpxXS9QpuTQgi4WJ5jONuGROBFIV4UotH0pHK8PjtKXzqPY9z+oTHu0z2EkG3oZWX0ZbR65wb9taC0ZqQyhxcFFPw623PNybbWmjC80CjlX4Rh9JFMfhopN6YQLoRBIvERatXfRKvFXp9ITeL7LyGtXbxZeJ16VKPFbuVg/k7MDYtcvYeNwsw4DH3+Drrfvw0z7TR9pehI8cY//Qal01NMTSrGRiOCQHPizYAwhERScPiIzW/9WpUTxwJcV/PJzyY5/mbA8BaTX/m/y4xcjti8Nf4+3bqmMK9o75A4jqC716Be07z6ss+Re21ee8Vn34F4e2o1nhmGqHodVa2iKhXC+QLO0ADh7Bx2dzdRpYKRy2G2tmJ1dRIWCshUCqurC1V349LbIEA3thNVqqjKBtwFTBOi8G1gU3HGLphbPJbM7j5qF6aWZdxuBJmIg41GKoXd3UUwPoHyfAgj6qfPYHV1ERYLsbqvbeGePQda44+NYXV2EJXKt43cLoo1/c8FwxQbnmJJUyDNxZW01rGq8y3cJ8oNqJyeoHpuiolvHSe3u5fWuzeT3z8QZ0uXtC1dDyEEdmua/h86RKI7x6VffwZ3rEBpvMrUyTmiIKI2HZPXVHuC8kSVyIvwSj6FyyX8SkBpvErLUI7pt+ZACro+tIe+z96JkV5Jaq9lZetX5ph/+RKF10eoXZ5FihSZ9i3MnTtB5NeRpo1WqiGIAtdsarSK0EEUZ3NvAFsmSRt5Tpa/j6cW5/ECiadqJI0cQkiSxvoC5zcLiSRP+4IOj0P8brzRV14aq7D1w5uYPTOPihSRr5g9M0/kR6BBBas/78KUYIg1jWCi+RJRsQw67geX6eSaxFZsgLNpz8e5ay/2UG88bly8SvXFNxb+bjgGXXs7mLtQwCvcflGpd2xmcO7cJIEfUa26HDq0+R0itjaO8yBSrh3ZuYa4tC7EcSyk0YOUHUTRyJIlwobC6doQwkQag4TeWaS5iVsLR2oIjoHshPAcGD0QnIg/d+6PPwsvQ+KD4D0PMgvWfpB9N9zyars7Nz3L8fEpbNPgYF8P33nrHPt7u9nU3sKJiUlmqlXuHOjl7PQsFc9nT08Xk+UKbhCwrbOdUCneuDrBnt4u7hqMj0PrGr737HVk0sR23r/u/r+lEEJiWvuQIodaQmxjn9szmA2Rr6anqAoEK9RbJbZ9GGn0bvhYLGsPhrmpIZ5z+6B1XD5mGpL+nhb6uvPctXeQn//lr/PSG5cXFI/PXZ5mdKLAX/uxB7n7wCYAZucruF58L1+DEILtm7vYOtTB0y+dI+lY9HTm2bmle8kLSCBlN3GWdfG6+t4zhMGbWPaRDQWJrj+fydkyY9NFZuYrOI7F9HwVKQTppE1Xe5aa6xMpRRRpetrT2BsYJ+a8OrXQZ7RapM1JMufVcKTJUKaFDw/sIGla+FHEB/q2MeNW6UxmmKiV8aKQiVqZrmSGSuCzJdv2tk20pGzBkF3XCXNFN+0de7shBGQsh4l6CVMYC/1VK6EIvJdXCMBZ9kEMczM3M+YZ5iCmMUiwdIzVLmHw5oIwWykskjLW7il7D7cJQtD98DaGf+QuyudnKLw5RuQ3mUxpTVBcYq+hV9YSGQYL4kW+r7EskEZ8v4VBvE7gx3//9A8lGdpk8MzTHsWCurYLjr0R8MEPJbjvQRvf11y6cAMPZ99HZjKIRIKoXMZsa6X6xjFS+/fhXx1F+T7B1DS1196Ie0wNg2ByivqJUyjPW/BVVL6Pkc0gEg46CEHEREyH4WLwWKlFYSXTJH3oAO7ZC/HE8TYRQGFKsvsHMRLLg4vZfYO4o/MbIrY6Cgnn5xFCEhaLhDOLz1wwNU0wtejvGYxPLPzsXdiYV/h6YCck8p3Jc9xWOCljQd14vbAcib2k9DgKNV719twfOlL402VmpsvMvXCBRE+elsPDtN+3lcz2boyG/kazoVlaBh0P7kCHigv/71O48zWuvrT4vRevLgZey2NxUKU+HxOSy88s9q2nBtvo/8KhVUltVPWZ/PZxxr/2Bu5YYYGgCrOOk+qN53WJDNn+HUjDJKxXkJaDjkKCepnq5PrvPyFk3MF6XXN/q91Lr7ONaf8ynqqRobkOze2CQJIkjUWcMIgIGeMSN6K2KtSku1I4ORutwS/7FC+XYmILRDV/1fez4VhI01hYthl0EBCMT5LcuwMA/9LawlhGYv10MX3kANK2KH3nGYSUpO7aS/KO3VSfPdo4N0W6O4Vb8AhrIa1bWwBNeaxKfjCLtAzmzs2TbEuQ7kpRn60zf3H9ZczvCLG9cHGKYrHG0dcus2/vAMYaUuW3E1LmsOw718zAhWHE1FSJKFJEoWLkyiwPPbQrFmOSmesiHjq26lkH4p5LhVZz0FBFuxkIBFp2Q/AGiASoWYiuxgQ3mgI1t/gfHtiPIuTNR6AUmstzBQ7293BsbBJDSrZ2tHF4Uz9VP2BzeyuDrXkuzxV54+oEWzraqPkBbhCwr6+H4bYWxktl8skEJXcp4ZwmWFH662Dbh2/62hhGb3yuaqn9gyIMz7CQ3W6CSE0Shdcp/opko1x944+ENDowza23ndh6fsgLr1+iozVNe2saKQRXxudxvYB8NolslMomExZSSs6PTLN1qAPXC3ns2be4NDrLHbmBZdtMOhaP3LeT3/ij53Esk09/6ADZzGKpsBAC09yKYQ4QhecWPo+iy5SL/5x09m9hOw+tLiB1A7Tl07z/8HZaskkGelqYLVTJpBws08A0JF2tGS6NzZFwTKbnK0zNV2jJrU/RtzuZ4Se271r4/fObDyz83J/OL/y8Jde+7PM7O/oJVMSr01fZlm+nLbG+/d0crHhcWQbNxn1f3x5IIUmbDrNe9QZZ6wDff5Hre/tN68BNlaxD3DYijZ4VDmRheBWhq+zO7SFfz9OX7H9PFfkdgDQlnfdspnJplmP//Ju4U+urKiiVFPsOWgxuMpibVVQrmrdOBdz/fgfP0zz0AYdTJwLmZhSzMxH33m/z5usBB+6wee1Vn+EtJufOBIyNRuRbJLOz8cR0fk5x+nTAF38sxZe/VOdG4sTe5RHSdx8itW8P7pmz+BOThLNzBBMThHNzhMUSZnsbmXuPEM7OUTt2HPfsOZL796Jdj+prb6CDAO/SZdKHD5HauweZSyFsO85injwDpoGQEvfUWbIP30f1xaPYmwZJ33MIq68H9+QZ3NPn1j7QdUImLFrv3kLl3PJg0mqWH2tB1erU3lgpNvduIJ03Ma3/+Z7nTIuJaUvWTItdh1TOJJFZZPGBp6jM3/6xX/khtZFZaiOzTD1+kvy+fro+tIf8HUOxTUwzL1xD0v7gdsqnJxj/yuvryopej64P7SHR19Kc1NYDrvzei4z9yVHUdQGy2OIPEAI7Hes6JNt6qYyfx8m1oZXCrxY2dCx+VCPSAZ3OJuaDcSQG9ahEQmYItU85mKMrMbwg/ioQmMJGCiP+FwOFwhQWhjBRQmEIk0hv7PtaJLIbw9mvX2DkGQcna1GdrKGUXlZ+HFY8dKSaZlKNtI20jBvemapaJypXQetYLG4NmJn121maHa1Un3+dYGQcAJFwSGwfXvi7jjR+NY5otmzOk+3PgNZkutPkBnMUR0q072ilbVsrwhAUTPmDR2wdx6KzI8v7H9qFYcibrZDdMKRswzAGl32m0YTKJ9IRprAplz1eefkira1pwkgxM31NjMgEri/JXP8EVMhWhGxrKBnfwgkLAUYfeE+A8xCIDDS8bZF5CL04myvyIPualpFuBBLBru5OXrh0hXzCoT2dojub4eXLo+zp6aInmyXnOFjS4IGtm5ip1ujJx7Y6GTved80PqAcBySWqbSoaQ0XX2fvI1nVn05tCWEiRXekQGo2yVr+riibRevlDIkQCw9q2yho3OAxhYxhDxPfM7XtJBWHEE8+d5q3zk5hmrM4cRYqdW7r42Pv3YDUmNAd29vPQkW186WtH+caTJ3Bsk+2bu3jw8FZqK0RFBIf3D/E//vQl/DDi0P4hzOsCTdLoI5H8NNXyL7N4HTVB8DrF+b+D7dxLMvVFbPvehur2+i1z2vIp2vKLxDHVs/x+TTgWOzZ10ZJNImXcF/xOwJIG93Zvetv3I5DQREV9rV6bdxq2YTKQbiFprG4noFWFMDy77DMhkhhG/01n9IWQDf2C5b1BWs0SqTLj9Sp78vs4WTxOzspjrKFG/x5uAwSYOYfSqcl1k1qA11712bbD5Ed/Ms0z3/N4+kmPP/y9Gp//kRQ/+dNpLl8K+cqf1CkWNX/4+3U++/kkA4Mmrx/1GR+LePkFn89+MUn/gMGJYwGTE40MRQSvvxrwgQ8leO2VRTEXs7sdsz0OXOlI4V8eQ7s+UbFE6bEn41MxTKovvopWEZXnX4pXNCRhcRbllRe2456/iHt2qWgkRIUipceeAKDl04/inr9EVCyTOriXcGYWHcbHZ7a2IKTEO3seb8smKk8/T1Qscbug6gETXzmKN7H83eVPllYQhXcK+rqeUWmIDWcx2/ocnFTzZ1maDk6yhcCrEPobKAV/B9DabZPMGJRm1mnzJ6BrKIG1JGPr1RRz42+vv2dYrDP77DnmX71Mfl8/fZ+7i5Y7h5BNxBsNx6L7o/uYe+kC7mhhQ/uxWlK03bOl+R+VZubp04z96UpSC+DkOrCz7WQ6a6QSPr40cecn8cqzaK2Rpk3QILbClGv6+F5DRMj56lH6kzvJW53UozJX66eY9a+SNDIMpfZSi4rMBXHGOWt20JvYhiksehJbSRhp5oNxehPbSRstaENhiP1crZ8iWGeCC8DAoJUuCsyQp50u+pjgCvNMr7le711d7PjEFqy0xWu/fpz2na1c/t5VvFI89oVVj6jmI3Mr236sfAqZtOEGlk5WXxe67oJpYHZ3EFwZb75gQ1V7vQhn5kneuRsMCVKS3LeDYHRx/m8mTTI9aVSgcAsesvF9Bn5AdbpGZbxCsj0ZV9EWfYojpQ2V678jxLa/r5XnLs8wNVUik0mwZXMnjvP27zf2H13+pc/70xwvvIRtOGxJ76E918uHP7KPRMJCKU2hcOvGzlorVDSGkK2ga9xKxlZrBcFxkO0IYwCECclPLy5gLhlIzNswMRcw1NbCUFvLwkcPbhte+HlzR2vT1YaXLL+ts51tne3L/h6GF9HXKcspNUex8HNc80LdKLQOCMPzKz9XRdZ6CqLoKtcTXyHzSHmzJSmiUcK8MWI77ZZ4Zvo0D3fvodVOc7k6w0CqjdHaHJXQZXeun5/7K48wMV2iWouvXS6bYKCnBcdetJfJ5hI8/Jkt3PfQMBmVIJNOMNTXSqniUql5JBOL5FEIyGWStOSSDPS0MtDT0uTIJKn0TxH4L+J7zy77S2xP8x089ylMayeJxEdxEh/CMLfGVQ5rRK2UjlA6QgoDpcOY5DWW1zqWvZdIEo7Jpr63tzzo7YDW0YJHNdpHE4AOYx9pHQIRSs2j1e2b7N5uaK2ZdstM1EtsW6W/FuKqB7VMNAq09qlW/hP12u/e9P7D4DzXP7uRqjBSO8dLc5e4Wr9CynhPIfmdgFYad6KM3ZqKFTTXoUBrW1Apa37zV6sIAVIITAPcGvz3X6siiDcjJTiOYG5a8e/+VXmFBs+//ufL9QqkhHyLZPtOk5ef95ieWhy/sx+6h9yj9yGkJKrWmfzFX8O/tFgeKQyDZN8mrEwevzhLfexyvM1kgo6f+Rz2prj9pPbaW0z/ypfQ9dWJhg4jVLUW99tKuVh+LASYxrJ+wKav/OtOdCNBfh0pvIkiRsZBmgZBoYYwJP5MeUNWHLcToRe3jVyDnZQk0usPOFmOZHBXGtNufiFsJ0My00EUvr3k72aQbrHo255i8tL6SI5hCHYcWa4yX5z2mbm6+vqf+HCKJ5+pU6trDAO2bLIYmwip1jYeCFVuwPwrlyifmaT/83fR/0OHMJIrEyHJ/lbyBwY3TGyT/S0kepur6PuFGhNff3OhXN4woH/AoFLRpFICISYxy5PUCoqBPRZHX7m4UJFRn11u0WWknKakvBlqUZGzlZeWfRZqn/PVV1csWwqnKVVWks0L1aPr2tdqMLDI0kKVMh30MslV2umh0LD7WQ2bHhzgzd85xeYPDqGVJtWexEpbi8S2WCcsuVhNiK3dlsLKJVYEwa6HqtaxB+LxbynxXAEhSPS13PhkG6g89xqZ++8i95EH0ErhnjpP7eiJZctMHZshdEMq4xWCWhwcqk3XMJMmYT0kqIXkN+Uwkyadu9upTq6fm71z4lE1n507e2nJp3Ccd2a3UuYbQk4xfOUx7Y7RYrfTm9xE1mxZKIv+7neOc2Vkls1buvjgI3tued8CA41CGP3cWo+tAGtf/N8GBZbeLmitiIJjSKMTaayvlzfO1i5/+WpdW+ZdefuOz2ctYquimRWfSZG/pWy3lC1c763aDGfLE5wujjGYbmd3vp+kYeOrkIl6gd+5+Cz3d+4gbyV5Ze4i58tT3NU2zHh6lqrjsa9lkPH6PHntcLpQQGvNxeo0RuNFUkl5dDgZDvbswxCShGMtUTuOobXm+JkxJqbL/ORn72lquSOEQMpOcvlfpFz6l3juk7BCm88nDI5RCY5Tq/4GlnUQJ/kRbOcBDGOgqchUNZxnvH4Gx0hRCqawZYqUkSfSAZ6qotF0OJtot4c2cunfFcT9zxWi6CphcIowOEkYXkapWbSuxC0L2kPrEAgaPaJh4991RvjfBWjAEgY7c90kzdWFwpQqotX1L5qQMDjRdPlbgSBiMDnAR3v20eF0IoVoZL7fw9sJHSrGHzvNjr/+AF33b2H2lRGi+ur3biYtuGOfw9XxkME+ky3DFlGkKRQVHW0GfqAplRXliiLhCK6MhgwNWDz+dI01dFAAyOUFf+EnUiQSgt/77eqGxGh1FOHNTMTEt35rgWuRcEjs2Iqq1ohKJcKZORI7t5Lctwszl40VQKMoFk/ZOox3YYRovrCwvu8uD6gmM8YyMaH1IL2tB2mbFF46D1LQ9sAOpr9zjLC8/izSNVhOBtNKEvg10LrxcwUhTUwzQRjUCYPVr1m1EOLXFclGd0U6b9I5lODSicq6Mizt/Q7bDuVWD4gKQTLXRRjU8OuFDZ/f24lE2mD3+1o49r15Qv/GJ9sxkGD7ocU2Ma01F14vs2PI4MBHcmitef24Tyop2LbZ4vHv1xnoMzm416ZW1xRKirvvdPjWExH7dtns3mlTq2mefanOg/cm6Ww3+Oq3q1y6svbDFJbqjP7hK1j5FD0fP7BCPVk6JpmtXUxZxobUtp2ePDLR/J1RuzhD/er84rKOYGDI4NKFkPsesDFMQSIheOpxl2RKYFmCMGx+Te22NGb6HciM3SZcC9j3MEiVEmWKtNN9w/WCWkBuIIuTtWkZzmE6BqG7+N36xRr+fJVE/8rSb+lYpIY7qJxZ21IomivGOgBKxYJwq8BIWCR7W254zNeg6y7lx5+j/MTz8QfXBUXDesjMqcW+/uLlxWB/UIvPMXQrjL08gekYVCaqqHD9pfHvGLHt6c4zNlagUKiRz6feGfEokWBpn6Ub1XBVlUD5jNcvYyQNEkYK3w/RWtPb10JwozfsenYrJFokEcJBR1MI4+YFpBZ9QTeG2WqN8WIZQwi2dLbhmOv7qrWq4Ndi6xrD2oNWRaS5mSg8G2eadAlEGnSdKHgNaQxhWPuJgth+wLAOEgVvNn6+E2nEpcbqBlnU24u196P1ypKmOLN/849DvP7ak+1IK0p+HVcFnCqOsiffvzAgdTo5BlJt3Nk2zEh1luFMJ440OVkcJVARWzJdnCqOUg09uhN5JtyY2AYqpCvVRiV02Z7t4VjhCvXIJ2Mu74eYL9Y4eW6c+WKNrzx+jP07+ziwq3/VCcU126tcy7/Grf8J9eqXCMNzrCRlGqVm8LzH8bxnMM1hnMQHcJKfwrJ2I8TicVTCWepREVsmSRhZQuUR6QBDmDgyzYw3Qof99pcD3wriaoxxPO9JPPcxAv8YSs0RZ+rffV/HW4UUgq5klq7k2iXgsVr8rXn7rR+xifykN8Gr8y/R4XRyuO2e90qR325IgTAEYcVjz9/9IMVTE7hTlRUCUlpprvzpm4hKGdsWmIbAtgWWAbNzCiGgUFS0tUoqFQhDmK5E1FxN3VXLs5amgZFLE80tr2ooFjS/8V8rKAX+Tdx2QhqY6RyRt3Hyt+xcXY+oXIk9Xy9fRXt+rCpqGpQeezruU1OK6itvYPf3IOzlE/3i1PKD79qUJNtmUSuuf96hvIDUcAdWWxozm0Q6Fnojfq4NCCHp6D2AYdhUyxNYdooo9GOdBStJGLoYhsPU6NEFT8zrMTfhUS0E5DvjoLBhCg4+0sbx789TL689HlqO5N7PdNE1tLqCehR4eNU5Au8HqwwZ4jzDvofaeOnrM5x7de0qHMuR3PvpTtr7F9+H9XLEqefmyTuaMNIIYMuQiR9AZ7vBts0WHW0G778vyW99qUyprFAKEo6gt8fk+CmfO/c79PWY9HYbTM9EzBfXN/kPKx5T3z1B+31bsduWaz4IIXA6sxiORbheYttQV242n9Ba482UCauLwXHf15w6EVIpK1583sdJCEwT5ucVlrXGPoUgNdSGmXn7iK2RT5PY1k/tjfMLbQa3goCAGcZJk2WGWJBrjqkbth+d/dYldn1qK7mBDMIQXHh8ZJmnrfYjqhemye3rX7GutA1ye/qYeuzkmpU2Vl8XCBC2hdXVQTDWnAg7XTnszvXbHNpbB4kKZVS1RvrIQWQ2TfX514jm1t8nq5Vm/nxh3csvxTtCbH0/ZHi4g77+VsbHCkTvkBdcHNVffNCyZguDyW0oNJa08aK4/jyZtNm7b4DJySLyNmVFhUgTBUcbQk7vvILnixev4JgmLckEakPhbQ+lJjHtw0ThGbSqIGQbUXCmIayk4vJKXcG07iAK30JrFxWcAplFyA5UNIGV+Ahiid+vxuOdI7Zr4/qSaCAu8b6FLNB6RKeUVky4BZTWZK0kU26Jq9U5smaCjvYsOSvJqeIoLXaKNjuNFJKU6TBRL3CuPMnWbDenS2McK1zBkRZKx4p/SivShkPOSpK3mk8S5opVvvLYMWbnqwwPtPGTn7uHdGrtDLUQAsPoJJX+yzjO+3Hr38B1vxmXfzdV8fUIw9OElfO49W/gJD5KMv0XGh7FBl3OFjqcTQgM4q5ShSDuHfaiKkIYmPLWesTfTihVxXMfo1b9TcLg2DIrsBtDEPfWSuLgwLvzLJR8F4EgY9lEWiMFRFpjCLlEPVIghUBpjdnEyxcAHaD1O0fkFYpyUCZj5vCUF9ugvSeM/LZCmpK+j+4h0ZVFR5rcji6y27tWlNNqpZl88iyliRLPvewShZqrYyHPv0yjTDVWYpUN289IxWrvWsHEZLQsW2t1ttDy6QeY/q9/tuwR0RrcW+Gk4to53ZpdWVSt4l0cIZxYFCz0zl5YudzcPPW5+RWfX3mriorgmi5be5/D4Y918N3fGMWvr29eVLs0Q2pzJ92fvAu0pvTmCFH95oJMUhp4bhG3OovtZPDdEslMJ0Ka+G6ZVDbZUJdt/qyX5wIunajSuy3V8GQV7HuwlXs+2cnzfzaFV2t+Tsmswfs+08UDn+9etQwZQKuQ0K+hoh+8KhchBO19Dp/62UH+6N9c4uqZKrrJ6dpJyaFHO3jwh3sW+o+11px/rcT518rsHJJMz0RICbYlGBowcT1Ntaa4fDVgcjpiy7DF7FzE8KDJ1LRNpaqYLyjmChG2JTAMgdKQSAjW29ZduzKPP19bQWwBZMJEGBsYYEVMplaD8sJlBCsMYzE4gMuXlt9bhTXEtIyUTcudm9busZUCmUmiqi7CNBCmRHkhRj6NMCRRqYb2A4RpYOTT6DAiKsWtBWY+g9mRwxnuoXb8ItwGYguaInMUmVv4ZI6pNZaP4RU9Xv/tEwghUKEiqK+0Dyseu0rvJw/G1j5LIQTZXT047Rm86dUzsTqKEI6zqPLeDAIy27qwW9bfApQ8sIv666ew+ruxh/qIyhWSB3ZReert8wteineE2E5NlTh/YQrPC5iaKtPZlSWbbaaw1XjbvU0QQuApl1Iwj2MkUTqii36U0oRhxB133L5skcZHqxJCZLiVHtubRaQ0dT8g0zBIXjeERMquWPxKFdCiRhS8DmiEzBNPzlVcuhBdBgwMYxCtphGyHSE7G6JZLcvInmhy/tLow0l85KZ7bFeDaWxhzVu7qbjNdSoYG8aNM+umMHi4ew+BCrGliSEknx08jC1jv9YP9+4n0oqEYS2YYQsh2JnrJVQRWSvJUKqdoEEoXpg5h21YVAKX+zp3kDYdWrsyJIyVk7ehvjb+/v/6YSKlSSUsUsnVhYFWnJmwMK0dpM3NJFKfwXe/H2crgzdQap6VmcqQKBqhVv11fO/7pLM/SyL5caRwMFbxwU0aefqTu5DCXPdxvZNQqkSt+pvUKr+GUs1EHyyEzDYE62KrMCGzDfXoBEI4CBJofOrVLxFFt982Yz2YrFe4Wi2wOdPGeL2MKSRZyyFl2YzXSsy5NdoTKRKGiRdF3NXRj9GU3DZR1RRpnMSjSKPzth6zFFlM2c6WTJ5iUMSN6hvyN34PNwcVRFz4zRcxkjcmg9WROYRl4ksDkgahHyBMC+W7IATStlC1mJnKdALl+vE7JIwnodKQaC8AQyKTDjKdRBgGqu6h/VsnNUIaSDuxgpRvFNUXj6KDmz+eK6eqTI/U6d4c6xFYCckHfrwX25Ec/e4s8xMeSjU0Iw2BkzYaqsGCS8cq+K5C1X1mHjuBmUuiI0VU9dbV/3w9jEZVj2klcVKtVEpj2E6OSvEq2dYhnGQLlcLVNUll4Cpe++4MdzzSRiobv3NTOZNP/uwQXZuSvP7ELNMjblyqK+LS68Fdae54pJ39D7eSyplU5kMMU5DKNXlnNyrWZJN32rsJrTReLcJKGOy8p4W/9Ivbef5PpzjzcpHitN8IXgg6BhPc8Ugb93yqi1zH4jmUZwO+93sTlOcC3ijH3/W1Ec22BYaEclVx/JQf22PZAq3h13+3jOtpgkAThJrxqZADu21KZUU2I0kn1z8u6kitqnysQ7UwB1nfxlizz1va5rr79NdCdmcPub1rt7/JlEPmod0Uv/Mq9kAHVncrwVSB1N5hokqd+slL+ONzpO/ajtXVinBMKi+9hdmeI7l9AAy5Ic/Wm8F6xCK3fXQzpmMwfXKWuQsFQi9apooMUDk7hTdTxulaXs4vhCA50Eb+jkGmvnty1X1ExTIynULV6gjTjP23ryO4RtKm/b6tG1JfF4ZEODaJHZupvXYS7Qckdq0iLPY24B0htt09sWJhOuMwPV0mnVqFyGi1amTwdqHF7mDcvUwpnGdHNrYDCYKISxdncByLVMomn78ddh8ChGxkKt/5Sdie3k7emphGA1EYxdc9l8JJWhhrPLRC5LASj4BwkLILTRhn54SDWHK7aFTj8wRCZLGMPiBCyBakfAi47kUkklx/HQyjn0z2f0fK5UJT60EYRXh+SCphMzZZpCWXXHJfCdbKvjYj0nEW9+aDKnEvZfPBSmuNryJsaZA2HbS2CZXCkJIWy8CNQjSapGHjhiESuUyp2JaL1z1jJRa2eX/nDtwoIGnYZMw46mY2DAGV1rhhiG1ITGkgpSCbS2BdZxgYizaxDqIgEMLGNLdgpIdJJD9FEJzAcx+LPW6jS02yuCFheIpS8efRqkwy/aOsVBpvbF0IzNsc4Lhd0DqgXvsy1fJ/adh4LYFIYll34CQewrIOYZiDCJGOiaywiIdYY+GlE0VTeO6T7xqxlUDF95molzlXnCFt2mzJteOrkKl6mfFqmYRhMlKZx5EmmuaTCCEshDCX8QQhMqTSP4Vl33Xbj1sjkOEUO7M7mXAneC9d+w5AQ+XSjX3bryF5YBupA1uRSYdwvoSRy1B79S2iSp304V3MfelxhG3R+tmHKD3+CuFskfSRPSR2DkGo8EencM9cxWzJ0PLx+5CZBOFMkeJ3XkK7t1b2Hrl1vOkx/OLcjRdeA9q9NRGjuQmPF74yzcf/2iCWE2c4c+0WH/npfu79TBfluYDAUximwEkZ2AmJaQtmrnr86t99i7lxHyNl0/q+7djtcaYtLNaZeerkhnxsAZQKqVdnEELiVmdxa7NUGQMhEdLArc4RhWunybWG0y8Wef27s9z7mS6kEZ9TvtPmgz/Zy5FPdlIpBLjVCMMQpPImmRaLZCYW2qoWQr77m6NsOZjljkeWzwNir/q4AukHjdiqSPPKt2fp6HfYcSTP4O40vVuHKc8FVAoBfl3hpCTZNptsq4mxxM7Iq0c8+bvjnHy+EPuT+rB07lCrL/7sN3p3g0a/ab2+fH4chprXjvtcvhoSRjA3v/75s92WXtXCJSjVN9RfC5qgUGvqqyqEwG5LYyTtOAhzk7Da0vR84gBW69qZQyEkMpWIWyksE5mwkUkHYUi8i+ME00WMVILM4Z24lyYwUwmSu4awOlsoP3sc4VhkDu246eO8Xbjw+GU6d7fTfbCToQf6KV4pce5blxZ6UAG8qRLlk+M4nbkVr0TpmPR8dD/zL18iWEUU1+rtwt48SHBlDKu/B06cJbi6RBlZQHZPH7kDg03XXw3+lQkyD91NNF/Cv3QVe8sgylv53UvTRkXhbU9oviPE1jINwkhx4sQolmUwONBc8VQTxoqibyOUjrCEjcYjUHEk0jQlWmuOvXmF7u48B++4dfEaIVuRxgDiVuxsbgFjhTJKw3ihhBgtc+mli/Rv62Hz3gH6t67RuC4MhGz01wm78azkVy523efCWPJSaiLCJGUr8bR6cbDUugo6XJbZ9fyQCyOxuFNvV57RyQJhGLFlqIO5Qo1iuc5gbytjkwVOnZvgnjs389b5GSxTMtDbSn93CxdGpnEck97OHGOTRcJIsam/jVRDAVCKlhXHp3UF9M1H4uO+3eYPZz0MeerKBR4aGCZpWkRaMVIq0p/J4UYhX73wFo9u2k7Wdvj6xdPs7+hmZ2sHgYq3Z0pJpBVagyEEmvjflOGQNRMLL5K45zZeJ1SKb106w47WDva2d1HwXMq+x6ZcC4FSaOIy04LrMufW2JxvQ4h4PUNIBBBqhURgSnldNFAijDYc40Fs516iaBTfewa3/jUC/zW0Xl76otUslfJ/wDA3YzsPrOkr/XYhCEKqJZd8W3qhgKJe9eNAzw2sA8LgDLXqb6wgtVJ2kM78LInU5+IM7Q+IuNtaGMi0kLMTZCyHHflODClRWuMYJn2pPEKAY5iNMve4RLkZhMjGGgJ60QZG46N17aa8oNeC1poZb4rnZp5he2YHM/40XU73bWsbeQ+rw2lLI9YoMQRAa/y5GjJpx0JNlyewulvxLoxiD/finrmCkW9MRqXAaMkgTBOrr5P0XTspfP05gukCAEYuDYZB9ehpVLVO62cfwuppw780cUvnIZ0EKvBR/rurrqsVPP2lCbqGkxz+aDuWE4+tpi1o63Vo620e3KsVw4UxOLWlCzOfYv7F86A1KohuShVZRT5zk6eaHmS1OLby81VQL0d87VeukGmz2Ht/C9IUDY0GSb7TXui/XbYLrSnPBTz2m2M8/QcTOEmDgx9sW/ae0VoTBi71a0q1P0DPuzQFhQmPp39/nB/6uWG2H8phOXLN71BrjVuJeOr3xnn8t8YI3LUn88IyMDMOYdlFryGc43ma8cmNff/CkLTctQmnY2UZso4U7liBaCOBEg3eVBkdRIgmgpSpoXYSPXmq529cgtsMRsqm91MHaTuyeYXYVdODAYQUyIQNQlA/dRnt+aQP7UCmE3gXJ1BhhDcyRf2tEaL5Cq2fvBflBwit0eqdaZdcC+68x8TrUwT1kKH7++na18ml711dRmx1EDH91Fu0Htm8QlBLCEF2Tx89H9/P1T94uek9pP24csYe7EN5HsJa/t05HVn6PnsnVn71PvhmqB89gX95DFWpoqp1gisTBFevs/s0bVqHD1KduYJbmIjnT0KgVYSdaY3fK9Wb0+Z5R4it1ppz5yYZHGwjl01iWc1flFq7DauWtw+WdOhJDjHnTVEMZulwerAsk77+VoIgorPz9vhm6mgctI8KTmEYvWidWBHJejtR8TwGWnJcmS9SrdRRSjN+cYrNewbesWNYCsPoj0uAl5BHFc2idHmZBEwQRMzMVzh7cYoDu/o5e2mK3q48b5waZXquzFBvG8dOj9KWT6OUJulYBGFEKmlx9PgI07Nlzl2aRmnN4f1DnDo/waF9Q8vIizRWEnulCrcUVFFqbtWeQ6UVb81NM+vW2N7aQXcqw6uTo3QkU+Qch7ZEkkBFpCyL7lSaQEW4UchzYyOMVcp8cGgLz4+NYEuD3e2dXK2U2NXayYXiHHf3DGAbBlprxqtlnr56iY5kivcPbqYnnSFQEaFSvDE9jhSC9mSKPzx9HMcw2NPRxUS1zNGpcT63bQ9uGHJmfoa2RJK0ZXO+MIdtGHx66y5S1mqZVgvTHMYwNpFIfhzP/T616q8T+EdZGsRQaoJa9b9j2QcRYmWg5O1GFCjGLs9gOybjV+YwTMnElTn23b2ZTHb1QVtrjet+kyi8tOxzIVKks3+bVPonmypArw7NrVQG3Cocw6SzIWF6vepxagP9h1K2NdosFjN6WtVQarJp1P5W4RgJehK95K0W+lMDGDfplfse1g9pG+z8Ww+R3Xp9cHb5d6sjxbF/+W0UEM2ViQplpGkQFSqYrSszCddg9bQRzpXwr06hG4JURi5NNF/GuzSOkBJVc5HJ5lmljUB5LjqRisvt1kj+CiGx8u3YuTaCahlvfgqntRNp2Qhp4s6MIgwTaScISnMYiRTSThDVqyS7+lGBjzszDlJi59sxnCQ68KnPjiOkQbJrgDAM+fK/u8LUpTr3frqTzqEEco1+Rq2gXolQjTJE5YcQKZQXoMIonrDqleuopWWft1iCfSNMX3H57X9yjg/+RC+HPtZBe18Cucoj6ruKi2+UeeJ/jHP8+/MErmJqpE7gKUy78Z5uWCZZdops2ybC0F0IHGqlF85trdPSevEarJUQWrrc4r7XhhBxmfjIqSq/9Y/O8vCP9XL3xzpp6bGbWjgFnubq6SpP/e44r3xr5oakFsBuTbPlZz+Ae3We2RcvUD0/fUsZzwVIQf6OQfo+d2dT25yw4lE+M4mQJlqH8TOjwWppJSg2+sa1jjsHo0WS5U4U8WYqTS1/7M4MXY/s5tLI7AYzwWDmEvR/7hB9n7uzqT3R9dBBhHZ9MvfuwRnoxLs8iTPYidmSQXsBwjJRNQ/v0gTOYCdRuUa9WMUbmSR7b+yIIox3//2y5cOb6L2jE6/kM/bqBLOn56nPraygKL55ldKJMVrvHl6ZLTcl/V84jDddYfqpt1Zc+2B0Mm4R0RqjNU84vfg+t9vTDP74vbQeWrndG0EHIeHEYstWVFjZ+K1Cn6BeQhoGhp0kP7ALadhUpi6Q69+JYSaYOfsSQX3j9oi3SGybKaBFK0abV49eYuTKLDOzFTraM7zv3m1NVZG1KqLUSiuW2wk3qnK+coJA+WxO7wagVvU4/dY4UgrGxwp8+CO3Y+JtoXU1tv4IRxDmdt7J8rlDm/o5NT7N5o5WBocGuZhIkEjZdG/aeNnv7YBpbkWKFGqJsbVSBaLwIpa1a+Gz0ckCoxMF/CBCa01nW5buzhyT02XQ4AcRUgpa8kkMUxJGilTCYrC3lZm5SmzmLQWbettIpxxacykGeluxltxvhjFAXBK7OMPRqkIUjWJa2zZ8blpromiUtWxcOpIp3tc3xOm5aXa3dZKy4nLk1VDxfUqey0S1zEy9Si3weXT7XjKWzUS1whvT4/RmslhL+h/PF+bY1tLOoe6+ZQaJlmEwmM1zsThPpBRSCu7pHeRCcY6tLfH9sCXfxrcvneV9fUM8N3aZku9xV3cfp2anKPv+qsT2GmLhkDYSyU9j24col34Rtx6ra19D4L9KGJ7Ftg/f4IrefkSRolJ2mRyd5/UXzmM7Fplc4oZqolqXG5ZUy6PXln0XydTnN0hqAe2jVeXGy/2AQxpdSKOr0Wd/DR5hcA6SAauVnN8MhBBkzSx7cvsQgoVKm/fw9kIrTW2suMJsVRgCK5sg1Z9HGJKxb53Em61itXUu9OUt9JAJIFIIKUFKpBOXBQKomheXCJrmArGN96sgUnFP3rVt3CKU7+JNryMLKQRmMoO0bFp3HWL+1Mt03f0hamMXkXYCK5OjPj1KfusBZo8/R2ZoBzqKsLItKN/DTKQxkxm84gzdRz5C6eJJnNYuhGHitHXHE8hECr+Y55v/9QQvfnWK4f1Zhvdn6BhIkMyaoDVeXVGa8Zkd9Rg/X2PiYp3ibHzfKzcgvb0bp7cFHSmC+QqTX3sd5cZ/rxZCfuMfnsFOLr7zpi69vZVwAIUpnz/55ct8/48m2bQvw/C+xjllDLSCajFk/HyNs6+WuHKqSq20+J2/8cQcExfqCwR/9Eysghx4FeqVGYQ0UFHAWy/U+Pd/6fhC1m5uzKOZYHMUaH73n58nmTEb21HMjTUnheePlvi/fuLYwu/z494yb97V4KTiFp+Zqx5//O8u88wfTrL9cI7h/Rlauh1MS1AvR0xeqnPuaIlLxyuUZ9c/dglDkBpqp/2+bfR84gC1y7MUXh+h8PoV3NF5/Nnqqj2yTSEFiZ48HQ/toPdTB3G6ciuX0Zry6XH8mYjkpi1E1TJmNo+OIsxMFjPfipnJojwXd+wqYamwsKo3Xab81jiJ3pXzZ2ka9HxsP950mYlvvLmusnlhGeR299L/hcO0Hh5et3et8nyK330Vq6uF2rGLqGp9oVfbG50hGJ9DByGl772B3dsOhiSq1Ck/fxK7vwPth6i6v2xMejdQvlqmcKmIChReyac+V28adAnLLuNfeY3M9u7Yc3wJhBBYuSRb/sYHSA60MPGNY3hTpYXtaD8gnIw5VzgVk1qZsMjt7aP/C4dpuXMI+Q442NiZNlJt/fjVAsKwqM9PLBDfm8EtEdvmvYo19HUT/H17B+jrayWTdnC9YNWMbRie3qDS6M1AIJEkZJKkEd8Elm3gJCwunJvk8N23p8FZiCQ6mkaaQwhzxzuara16PqY02N7VzvmZOWqX5tm+q4+2npbF47sd+wm9hsLvjSPq0ujFMLeg/KU9TgGe9zRO4tGFaOxQXyuGIZFS0NGaIQgjErZJX1ce1wsoll0GelqwLIO79g4ipeDArn5SSZv33bWFXCZBT2dcUtnVniWXSawQv5FGF4bRQxSNLHymdZ0gOIHtPLTx6JSuEYUXWc3uxZCSvkyOlGnR6iS5XJrnYnGOFifBUC7PxcI8hpBY0uDM/Cw528GWBpXApzOVJms59KSzWDLu1dycb+XxkfPc379p2bFua2nnqSsXmPfqHOzs4fTcDAnTpC+d48TMFBO1MpvzrfRnsiQtixYnQd5OMFOvcaE4x3CuhefGLtOeSNGaSJK1bTpS6WXk+UaIS9D6yeR+jjA4QRieWfibUrNEwQWwD3Erd+DNrGnZBkNbu8i1pHjgI/swDInvhyRX6/dvQKkCUXR9GaSJbR+JfbI3CKXmVhGfervw9mRqhEhg2YdW+FD7/isoNY/RpCriVqC04lTpOJGOCHTAgx0PY97mkuf3sBw6VJz71eea/k2YksxwO1v+4hEQgqDkXq+qsIBgah5hGrR+5kGEZWBk4goJ7+IY6Tu30/r59xNOF4gqdfwra/suvt0QQmKmMtgtndi5NgwnSeTWKF08gZHMkhnYSvnSKVTok+zow0rnKV86RWZgGxPPfh0r10Z+y178SgGvMEXpwjGym3Zj59vJDu8iKM0jpIGOQrSWzFz1mLnq8co31x/Qr4/Mcv7ffmPh98RA2zKCE4WakZOL9jjJZDummcU05wjD9RFcISSpZCeGuRigikKPam3tUlKtYHrEZW5U8db3TPxgBt+/cSCvWgi58PpK9dYwqFOeu7Twu+9CZX51ldeF49AwdVYDPoFykcIgabYQUoj1QZbuuxje0K6nGaRcjPmoSDNxsc7ExTrf/8Pbew8LITAzCXJ7+8nu6WPgi3fjTZdxx4tUL05TH5nDnSwRVlyUH8WBIR2XG0vbwGpJkdrUTnZXL5kd3SS6cquqCvuFGuNffQO/UMVuTaKjiGB+Ni7ldxx0GKKCgKBYIKxe9z0ozeS3j9N27xbMJu9VM5Ng+K88RH7/AJPfOU5tZI6w7MYVCDoeU4ykjZVPkt7WRccD28ntG8DMOsvardzxIqUTo3R9aE/zuZqGqFwjKi/nElFxuWWU9gK861ocvIuLvwtTIi0TYRpIy0BYBtJs/GsZCNsgtal91WuZ7G8hv6+fyA3QQYQKVePfKP43iNBh/HlTUS0h2PuFuNdXGIKxlyc5/93LTf1c51+9zOS3j9H/Q4eaBgCsbILBv3APHQ/uYP6VSxTfuII3VUJ5UayxYkms1jTZHd3k7xgiu6MHI70oMKojxfwrl0hv6cS5TVWtppMm2dJD6NUoj5+lOnsVISRBrYgKA/L9O/Ar8wT1Gz/vK7Z9KwcmZQvXTzNVNN3ou+pa+CxSipdfvsD27d2Mjs5z153DtLcvr+3XOsD3XkDrW/OZuxHqUZVqWCJvty9M+QxD0t/fyvbt3QwO3r6MpjSHQNyem2AjmKnWOHZ1AqU146Uy22omx58/S9dAG0O7+kllE40R+foHUsN1VjiBipj1qgQqwjFMkobFnFcjYzmM1grUw4BtuU4ypsO8H4sHdCayK2xCpGxvTIRfY5EAKnzvGaJoBNMcBiCZsNm2qbmqaj6bpLtjMcq4eXB5iVzCiadWW4YWP081KV0xjG4Mc3gZsQWfwH8FrSuIDX5nKpogDM6s+veEYfKBoS1IBD3pLKDZ3d6FJO5F+mt3HFn4+S/tjYV3pBAL2VRDCDblW5AI6mHA8dlJ9nV0k16SRRVC0JPO8MWd+xfW+ck9dy5s65NbdwEaKSRbWtqQCHrTWQTwo7sOLohH7e3obiRKYpXGwWzLTRBJgWH0Ytl3LCO2EKJ06TaUqjap9iBcU3jOdix6BtrQWpNc0otyw+PQfpMSdbNpOfuNoLVuEL+3J2PbvMc34O0pfbZwnPupVX9rmWhYGLxF4L+CTHz8tgbzrvl5tzsdeJHXtNzvPbxz0KGifG6aicdOs/Uv38vo10/gnr2KsAy0HyJHJlF1n2B6nqhQZvYPHsfu7ySar1B9+RTBbBFd95j74+/hDHUjEjbhdIFwtkjha8+B1ugwovTUa4RzNxe1vxmY6Ryp3mHmTryImUwv9HzpKOJakEhHEfWpUbLDu/CLswSVAlpFGIkkZjKFCoPG8S9anGggKM0z/9Yr+OUCqGhVb9hVIWN/0cgLsZcI6LTeu43Jr79OGDQnrcNDH6C9bTunTv8xs3On17Urw7DZPPxB8rkhpDQxDJtiaYQ33vwtlL5xJquzYw9bNz/K1PRxzl/8NkrdvuyXY6RpSw0RRC5lf4a25ACRCqgFBfKJHrTWzLujdKSGMaXDWOk4lpEibbfhhhVak304RgY/quFHNdyoQtpqox6WyDnxvHW2dplQrb/s1xZJQONrFxCYwiLUPqawiXS4gkwLBI5MESiPiPVfGyEEwjZJ9LWQ6Guh5a5N8b2mNMoPUV4YBzka3soyYSLthtNAI8u92rgcuQFjf/Y6haOXUV5IMDe7pPpSwNiVBX2K1WrAS8dHmf3+2Zh0Xk/4GpZA7Q9up/WezfgzFfz5GsoN4ko7y8DMJLDb05jZxML6S0mtN1X6/9j77yhLsvu+E/zcG+7F8y+9Le+rq6vaG6C70Q0QHgToRBAkR4byK412Z0YajWa1MyNpdM6sVjM6koa7FClRIkEHEgRIgPBooNFo39XV5X1lZVV68/x74ePuH/EqTWVmVZZpcHgOvud0V2ZGxI0bNyJu3O/PfH+M/foPCCotup7cibFudZW7gzWQZ+jTD6HnUmi2ibR0NFNHWskYypU/W3pCbjW5HFlyE/o//AB9HzqY5MD74dL9Wf1zsi1yA+K2T/30JHPfOwexYttzI5z+owtULtewu1Mc+Ond2F0pWnNrnX8qiJj68jFSQyV63rdrXbItNIk92oU90sXgp44QuwGRlzghpamj2WYSCSHF6lz3WFE7cZ3Lv/oie/67j2L2ZO/Ltz30WsyeefnGSfCvHgcEqJjQbTHXWLxrUal7I7baQEdAZPnFjON5wuA8ur7s+fTcAN8PmZur09ubJ7tOceUwvIzvv857n3+WLKoFcmnBLoVASsGZ05NMTVZ4/zN77/0sqkkczSO1G2VkfnQrsdFigYxpYGoa5bZDXHZYuDJPs9Ymim58TPV1PO4xUTy/inhUfYdvT52jFXh0WRkOFge51Jin7LV5pHuUk5Up3ChgwM7z2vwYSsFzA7vYkVtNOoXQsFIfwm1/iThetvpG4VWc9hfI5v4fdx7WedewMK334XuvsNLLGvjHCINTmNZTm24pISuvEkUbh7kJIdA69//G/1fOhXJFvuBKdeKVP984PqXpfGBkB4aUa5SME2Xh5b/pG7TFqr7car979auuF5mh3VOrkOS33myUUXF9U9EedzwhC9mph73qbOvXQr4N4ngez/0m8F4Y7yRCrFWLjONF1D2Iom0EIQS6cQTD2N/Jp06gVA2n/QUM8xE0beC+nU8ieazrcYRIhP7kus/Wj/Gjhl9z0DMWRi5Fe2LZ23FjVo1qiREnnKsSzlXXHB93ym+shHdporNR4Y/fm2jULbFOhbbYd4jcNvkdD5CUMPEJ2w2UilFhSOS2USi86hxF8wjuwjRx4NMYO0Np/+NATO3yKeLAI3RaKBSRn+Sw1S6fJL/9IHEU0Lh6Dq98Z549oUnS2/uQKYPsngH8xWRsrf5bR44IIRFCWxNSfitEoceVq9/BNLJkMn3s2P4TnTbYVBCI5zdptedxnEXUfVY8zVq9uEGDmjdNyR7FCepYeoac2UusYvyojaVlaAdVYhXhRW1iYvKiDyk0TC1Lw5+nYA2gSZNIBWSMEqZmkzV7CGIPU0vfEbFNawVsLcu0dwlDWKRkhmZUptsYph4uECiPSIWY0iZWIZEK6TKGaUZlmmGFGwMrEJsiukvfsRtGaA2koUHm7ioLhG2P6S8fY/pPji2HCa8ir2r5vt/i/sdeyPXff4PUYJH8A8NrhJ5u9FuzDOzhEvZwaVP9Szy1Vcb/8yuUX7uEnkvhLzTuL7HtyTH4ycNIywBxF2uFmyA0uXxf0hun5iyVVVIKLWMy/9J5VJwYK4y0gZHRMdJGh/NtPPj+QpNr/+UVpKnR9dj29cmtEMm1ycTrrN9m/FQcUz8zxZX/8BLuZBVnskr+geHNDcBmsHJuUDeV3LyHeeOeiK0me5HaAFF4ebkvqo3rfA3TehYpk4VWV1eWj3/sMCnbQAqx5oFRsYPT+jxReI33Gnm9i63pvUghMWUSEhUrheP46LpGPn9n6l8bolPyIyl786N1L0gpuFauca1cJW0abIlM6uUm7YbLtgMj5IoZQENqfSQE4cYDFBMG51CqihDJhKOUomDYZPVkwjxXnyWIIubdBgpFzXeIlaIV+jR8l5FMCUtb/7EyjAcxU8/htr+44pwRTuvzGMbBTk3buyO3yeQQkJRWufWiVwiBZT1HW/vPxNGytHkcz9NufR7dOLDpMNM4msJp/yFwf9U2Z2oNvnvuMtW2wwv7drJ/sG+p7zPVBt87fwUvDPnYA3vZ2l284/a//O4ZDgz2sad/tQEiWYQkOZJ3P7Er4rhKGKz2Dghho2k99/w2SFlAiNwqRd44rhEGZzr52vfTU2gjZP6mKPOAKLyCUtFtn7UbUMrDaf8BgX/0vvXtZkjZBSIFK6JeomiSKLqGpnVzv+chKUvY6Z8n8E+yMr/c916h3fzPZHJ/567CtW/gRgmtpLRQ4gUBftTT6Y+xAaSpkd3eg9AlcfjelumzdgwRez7B5P3T4BCalsSTrkDkOiyeeCURzolD4ijEry0QBwGR5+I3ygipYxV78euLeNUkraA5eRlnfgql4qXavZVzb6PCgNbEJSBRWvXKsyDEXakzqyCi8tZlrL4CzbNT+ItJiF7x0R2o+zz+CkW7PU+beYKgdcce12r1Co3GJHEc3Hdi64VNCtbA0s95K4mecYIaUmiEsdcpc+hTTA3R9BdIG0VsI49tFAhjlyByCWIXP3IoWINo0qTuzWFoKfzIwY/uLCXOi1ukZJLaZkmbvN5DK6qiCZ0uY5BWVEMgyOlJFNaEex4vbnf2T5PWCkQqIFIBjShJ11KxWvJmvlepbCqKcWdqTH7xKHPfOUPUvreyWgDORIUrv/Z9tv3KMxQOjSTE7h772Lgww/XfeZ3K21dRYUxQd2hfK5PZfn9rpiPlJlSX7y+WjRRilff36ksT7P74dsRPbAUFk2/N4FZvbRRvjy8y9msvETZcet6/e1NiWxsh8kKq74xz7bdfpXVprtP+QkJAb/E8apZGqmghAK/uEzgh0pCkChZSl/itAL+RPGdCE6SKFpohCZwQr+6DAjNnYmYMgnaQ/O0OcY8e2z504wBReIVlph3jeS/iOl/BTv80olP6JbOOJUkphVItnPbv4bT/iJsFWt4L2HqG7dn9a/6esgz27Ruk7zbWz81CyG406wX4kXkhV2OqWmdnbxfFtE02lmRti7FT12nVHXqGSslCUd8LwroplPAMnvtdUvZPIYRGWjfZU+jtRFQp3Cik6juMZor0pXL89NbDNAKPfjvP473bCOKIgrG+cUCILOn05wj8d1YZQ+J4gUbtXxDHTVL2hxGisKnSKQmZ9ZdITRAcx07/HJp26wLeALqxG8v6AE77C6wMjfbcb9Fu7SOd+WtLhpmNzh3HZVrNf0/gH7/t+e4UGctkW3eJ3754lW3dpSViC1BIpxjtKvB7bx7nyOjgXRHbF89dJmMa6xDbFu3Wb6HrOzDMhztlmoxNf1iTd7qB0/4jgnB1KQkp+9D0XXfkOVgPQpbQ9FFif0W9NTyc9h9hWs+gaX0bHnunkLKIpo0QBqdW/DXG914jCsfQjZ3cimkl49HGdb5Iu/kb71k5MyEEUhtGyh7iaGK5p9E8rvOn6PoupFxHLOTezkoq9TFc68/wvZdZCtVU7SREmQA781fQtKE7MACEKNUgDMcI/LcSY9gdRFD8GPcPQhP0vX/nGkESACEFqf48fc/spH29gjt/5+H1wtARtonyw0StNGUueRniVuLlFKaBsAysHUOEi/X7S2wtA2Gu/j4rFCrwWSksGMedn5VChTF6poCZK9EYP5+Q2M62yFtBhpRChYmxZ6VybOTd4/sfKbzp6qo/VY+O3Xdie69QKt50Pu+doukv4oUtQBHGHl7YTDzj8Y2SSDfmIYUXtQgjj6ZaxAnqRLFPy18kVhF+q40ipikXiFWcbAsqCARhfGeLaU3oaMJAIAmVjxASTehINCyZphFVSMscmtDx4jaysz1WOi1VIye6MYTFQrA8d/vlFtd/9w16n99Lbv8QRsFGGNo9k1ylFCqI8BdbVN4eY/7b52lfWiDyfVZ/y5biju/wBNC8MMPlf/ddhj79EN3v341ZSm+Yi7phM1FMUG2z+Oolpr9ynNbVheVc1EjRODNFz7M/Wv2aHyUqYzXe+Y2TGBmD0E1IX2IkiNfNs70B53qZsV97iealOQY++gD2SBdCl5sepziM8OYazL94lpmvn8SbXU4FaV8royK1YeUtM2vwwM/vJVVKEQcx11+bYvKtGXr2drHtuRE0U0NIwTv/8SRu1WPL+4cZerifOIxpzbU5/9UrpLtT7Pv0LoQUCE1w9o8vUr16Z+ko9ywelUp9GN/93up6hnGFZv3/jYqrpOxPIbUulj2XCohQyiUMLuI6X8Rpfwml6iTeQ41bqcu+FwiCiLGxeYQQTExWeP/77704c+Lyv7EgUB0SFnf+S35O8olvfkCTMEcV31Byk53/kp+TyJPbP6Bp0+Dd69N0Z9JsUxZTpyaJ4pj8itwcwzyCJlcrmyrVpFn/3xFYmKlnyOhp9uZvWMVuhApEHStsSOLZ60YIQb9969xUIQSG+RDpzF9Lng9VW9oWReM0av8zvvcSVuqjGOYhpOwG9E62p+oobUYo1SKKponCcYLgNIH/NmF4GYFBKvWx9SNg1/TFxk7/QkJQoqsrrr9Fq/HvieMy6fQvJLWIhcnyhB92nt2ztFu/jet8jeR51Vm+v6sRxTFXFspcmF0gjGJGSgUODQ9gaJKpWoMzU7M0PZ/+fJYjo0PYhk4uZXFkdJBvnbm4pr1S2uah0SG+fmp1Xq9Siqlag+PXp1FKcWCon61dBaSUBFHE+ZkFLs8vMlDIEW6kpqh8XOfLROEEurEb03wawzyCru9Gaj2dsdBZfiZvPNchKnYJw4u4zp/gtL+8ymACAtN6P5p26xrRsUpq7EqWJ2KlYiIVoctkESplCcM80vF+3ljQKXzvNZr1f0Um+7fR9CFWR0t0+qmiTi5uiBDpJcPbxkhhWk/hud9jpVc+DC/RbPxrsvl/2FHZNliZC3Tj/Y7CMZz2F3Daf9h53t+7OU7TRjCM/XgriC2EOO0/RIoCdvrnkFoPy/dvxZy0NC4xQmTYTC1aIQRC6yab+wfUwvGb5pEareZ/wvePkrI/g2k93jE4GUuh3Wrp3B5RPE8UXiMMzuH7bxOGZ1Fxi1zhn/6Y2P45QWiSkU8dIrdnraEoSbNTtMbLXPn8WwTVOyMxwtDJPHEAvSuPiiLaR8+Tf+ERokYbmUnRfO00wcwi+eceQtgW5mA3zcUz6zd2k7r8Zkt1aLkMMr1xKJ6d6qJU3MFi5SK+38C2u8lmBtA0i6jiErgKb52Fv66lyGQHsFMlhNAIgiaN5gyeV1u1r6ZZ9Hbvx3HLNBpT2OmkfSl1PK9GvTG5hhymUiW6Srtot+ep1q4CLJXwkEKnVNqJaWSYXzx707EKlMKyCuSygxhGlijyaDSncZzFNddwN9B1m97u/Uht2VjQbM5Qq1+7TfsC08ySSfdhWXmk1IkiH8+r0WrNEYTtVfvqmkXKLmHbPei6hYojPL9OszXbEapaPpeSgsG+R6jWruK6VTLZvkQUS+r4QYtGcwrPqy8dE8Z3niYikFgyjRACU6awZAaUwpQ2jWiRcjCNKVNUwzli4oT4ItCEDtJCRIJYRcREhGr5G6OCiIWXL1A5Nk56tIv8wWGyu/uxR0pYvTlkykBoAnHDy9gJM12FTkirimJUGOFX2jjXFqmfmaL6zjXa1xbRI4usPUBbLWKZuSWnQhg6aJpF2y0TRndopFAJwbr6H3/A4muXOkJQw1h9+fVzU5VCRUk/Yz/Enakl+bqvXaZ5bprIWfu9bJyfIai0ESs8wpHjgxAIy0pCdz1/w3zgNV2OYqKWl+weholjUtcQpokKAlTw3jveYidYenz3/eROatfquDWPxbk2pe0FdnxwC7XrDS5/6yqRvzG5Daptpr98jOrbV+l+/25Kj24jPdqFtI0kRFrK5Wel83zEXogzVaV2/DoLL1+gdXmO2F9tMPNm63hzdfSVka1xUnoMYOjRATIDGY7+2gmiIEr6qKB6tcbZsovUBI/8rQcpbMnhVj36D/XSnG4x9tJ1QjckDmN2fXQ7zdk2116ZZNeHt7Hjg1t597+cviWZvxn3XO7HtJ7DMB/H977Hygkljmdo1P83HOePMYyH0PQtSJFB4RFHswTBOcLgHHE8u3ScYRxB07fgOl/lR+G9Xe6rQilYWGhg2/fuYVUqJo4mCMNxlHI7/7WT0j+qhYqbSQ5uXCcML910dITT/iJhcBohsgiZQYgsculnGyFSSVinvnND9dGuTJqGm6gWZwtpDj69h4WpMnZ2+UOu69uwUh+g3fo8K2Mto+gqteo/wjAfxjAfRMoeBBpKecSqiYqricJtNINhPkgu/z/ChpqYqyGEiZ3+mSTst/nrKLWsVKdUDdf5Mp77baTWj6YNImUvQqRQxKi4RRwvJjVj4zpxXGVlvqKQd+apM8zDpDP/Fc3G/4FSy8prSjVoN38Dz/02hvlI4u0SORR+59k9Qxic7ajbKsAilf4Mgf9WJ3phNd69Ps1//OHb7OrrJmXotP2A/YO9SCE4dm2KC7ML2IbOn757lp999BAfPbgb7Y6VmRWz9Sb/+7d/yGAhh1KK7567zN/9wJPs7O3i5OQs/+EHb3JwqI+Lc4tcmlu8VWMoVSPw3ybw30aIHFJ2o+nDaNpWNG0AIQsITBRBp1TSNGF4kSgc64zL6klI07eTzvxiJz9242tohQ3cyKHH6idSiVpiO2ox1rrIgfwRNKEhhJ54Cp0/I44mV7Tg47R/H99/C9N8HE3fhhTp5NlRrc4zk6gSx3GDfOF/wTAfvOW4CiGwUh/Eaf/hTV7bENf5KmF4ESv1EXRjP1LkAJmoZEdTBP47yTMRTXTGQ2CaT6Dp23HaX+R+h68LYZOyfwbPe3lVOLKKKzSb/w7X/Tam+QiaPoIg1bl3LWJVJY7KxPEcQqTIF/45mr7ZetcCw3ycbP4f0aj/r8Srcs09Av9NAv/Y0vusaf1LucBKOcSdEm833ufEQKo617Pxs/JjvPeIw5grv/Umem6daKtYETY8nJka3mJrzXaBuOE3W7dtvadA+oEdOOfGsXYMYe0aQebS1L9/DL23SGrXCEQRWj5D7dtvkn/+4Q1FWmLXTzw5MvEky+wmnhshMIb7bklss9lBdu/6BNGFP0FKjdGRp7HMAlJqKBUzN3+ai5f/jChafo8z6T62bvkAxeI2dM1Kwo7jEMdZ5Nr1HzK/cGZpTEwjy/ZtH6JWv0a9cZ2hwcewzDxSakRRQKV6mbGr36XtLHupc9lB9uz6JFPTR5eI7Q1IzWBk+Ely2SHqzdWkWClFLjfMyPBT5LKDCflUCtetMjb+4qp+3S10PUV//xEsK49ppNH1NBOTr1FvXF/OI7wJUur0dO9neOgJMulepJYYvpSKiSKf6xOvcH3yVW7UiLdTJXZs/wny+VF0PZVEgihFHAc0m9OMjb/YIdIs7b9758eTNuKY/r4HMcwMUmjEcUS7PcelK99YdcydQhGzGE1jdSniIE2tPEctXK0e3Y4TI74bNNEKWaKaz7SXrP1SWhYpNCrB+vnkUdOjcXaaxtlppKWj51IYuRRWXx6zJ4tRTKNnrUTwyNQS0kLieYucgLDu4C00caerePMNgkp7dcixkcK2SkSRRz49lBgW4gAvaKBJkyB07pzY3ui7E1A9Ok7txARWdxZ7pER6azdWbw4tm0J20hhiLySotvHmGzjXy7hzDYLyrcsZNS/McvIffWHpeiERwJI9vRQePEhUq9N85S2UszljRWtsgTP/8pvYD+ylffQEyvMxRgbJvu8xgpk5mi+9fldjcCcIm+7SNfc/2JuE9GoCqWt07SxQvVYnP5Ql05ehPnFrtWAVxbTHF2lfW2TmaydIDRbJbOsmNVBAL9hIU0eFMWHLw5up07q6gDNZueW4O5MVTv/TL60uAaQUQc0BAaXtBeZPL9JeWH5ehBT07Oti6JF+lIL8UBbNTI4fe3GcXR/dzoOf28+1H04wd6ZM164icRhT2JLDzBhUx+t3nH50z/USpOwmm/u/UYvGV4WXJvAIg1M3LQjXh6ZtIZv/R8TxIp773VVE471GJmPy0MNbmZ6usmvX/ShTkZDTVvP/1xGZuRNl0pgweJcweHeD7Xon5yxHNv+PSWc+u+5eI6U8edvixMQM506Mo7UCaotNCt05tuxNQnWFsLEzv4zvv0MYnFx1vFI1fO97HYPFxpCyizv9IEqZJ5P92whh02r+f1Fx9aZzt4jCK+uSxPsJIQzszC8QxTO0m7/FalGfaJN90LDTnyaT+/s0av98zf6xUnzh7ZO8f9dW/tKjD6JJsUpK7CMHd/PxB/YiBGQti1OTM3xw3841JYpuB6UUL10YI2eZ/IMPPo1S8C/+7Hu8cnmckVKely9e5cBQH3/3A0/S9HzeuHL9DtpuEEWNjmf7lTvqF4CU/eTy/wO6ceiW4TBe7HKucYqUTGFqFufrp4hRDKSGuNq6TCOssyu7jz4rUVy20z9Pq/GrrL1vF3DCCxudBgAhMpsSmwLQtK1kMn+dev2foeKV5aoiwuAMYXCGxGNrAaLzzq8lrYZxhFzhnxLHTTz3m8S3ESfZaDF4A3XHI20ZSwrkQkis1AukUh/Bdf6U1UIM7m3mlRvXun1NubbbQQiNlP1JhNBp1P9V5zuwsu8BcTRBHE38iGNxfox7QqyonJi8/X43IWv20J/ZgxvWmGleJG0UaQXlVWq6wtCJ/ZBwvoo/OU9cb2NtHSBqtNGynZBLXU/KizgeUdPZ0PMS1ZuoKEq8K7qOuXUQ5/it1X9FyiT90P5Vi+KN0N/3IKlUgXL5IrV6QtKymT4ct0oULRME08iye9cnyaT7mJ45SqV6mTiOEkI59AR7dn0S329Sq9+IbEiup7trN5l0L9MzR6nXJ9B0i+GBR+ntOUCsIi5e+ipheG+Cc7puMTT4KIuL57k+8QpR7FMqbGdk+Cl27fwYjlum2Zy+fUO3gOfWOHPuC0hp0NdzkO3bPnibIwS9PQfZteNjCCGYXzxLtXqFMHSxrAL53Aj15uQSqQWIOjWsFxfPU6lewfPqHUJ9mL6eBxgdeT+tC19a4+ke7H+EMHSYnn2HWm0cKXX6+w7T3/cg27e+wMnTv0t0h+HHq65E0zD7B5JFfmVx7bOqa5iD3YSLNazhHsJsKvGi+iGqkKHSqhH7OrpWAAHhfG3d88ReiO818ReatMbuT1h+ELaZq5xJBJr82tL6xDSyKBXj+ev35U6gggh3poY7U6Py9tV7bg8g9kPaV28y0Gsa+Q8dwbt0FffcJZS/+XsauwGNU9dojy0Q1RvJPbwyj1v2MUeHaF35UZbpg8ZUk1N/cJ7SziI9+7owMjqVd+bQLR3DvgPqpiCotAkqbRpnNlHL+1ZNBRHOtfL6GwW4VY9Mr70qgt3MGez55A4uff0q82cXKYwuR3bOnylTGavTf6iHfZ/eRXP2BE7ZZfroLBNvJPNRFMTEwZ3l6d8zsU3CSx8nX/jnNOr/kjA4zZ0SHd04QC7/P2FaT3c8lfaPlNi6TkC53KLd9jl9apL3P3OvocgKpZz36BrCTh6aArXxwvjKQoUr82ViFTPSm6faXGTfozswbqpxpev7yBX+XzRq/6xjgHhv6l7ejITc/i0M4wDNxr8h8N9lozqwm4OOpo0gxJ2p5ElZIJv7vyNFjlbrN28iLreBSJFO/wLZ3H+DkMVOmO3q0DQ3CFlottg70It+Q76+sy2KY05OzPDSxau0fZ/Lc+VOvuyd34NIKS7OLXBicob/4Y+/CcBEtc5QMYfjh8w3mjy+fRRNSvIpi978BvnDQkPI+1WiSscwDpEt/GNM8+nb5lmmNJttmV1Mta9R9hbI6DksLcW8O0PBKLEtvZM5d5o+axAhLDLZX0ly9Fu/syoV4n5DCI1U+tMo1aLZ+LedKJObEdxCfVjHSj1PLv9P0PQ9xNEUUhsijm/hNQfaXsBcvUkpY7PQaGHqOrqUmLqGlIKr8xW29pSYrtbJ2RZbe0pImSWX/3+ilIvnvsiPKq1DCAMr9Qk0bTut5v/ZMU7eyz0RSNnbMZz9GH/eEJok1Z/DLNgIKQjbPu5cg7C1euFoaVm2FR/BDZtkzV40OcZAdg9TjTO0guW5NVysE1UbaKUcou0SVdc+K2G1gUhZZJ84iLU9ybFdD8H1WZTrg2WCrmE/vI/mK8eIFjdYkGsamScfJHVw52aunEJhC+fO/zHzC2e5MTcvrBMW3d9/mEJhC1fGvs3E5GtLokm1+jWCoMW+PT/F8NATa0JzhdC4PvkqM7PHlv7WbE5zyMzS3bWH2dwo5cralJQ7gRAa1epVLo99a4n01evXiVXEzu0fYaD/CJdbs/ck9KSIl2rWen7jtoY5y8ozMvwUUmpcvPw1ZueOrzr/1PRb3Oyq8f0G585/aQ0JbbXnSds95HJDGEZ6DbHVNINLV77O7NwJbox9ozlNJtNHNjtIyu6i1bp7BW6h6YTVClomu+52vZgl+9AumscuIm2TVPcQWj5NMFfBHOklmKksGXD07jzNDYjtvcDIlRh+/2fwqvPMHv3OUn64UjFhlPwcrTC2BpHTuYfL97G452EK2x9g/vhLtGfGV7QuEkNUFCI0vZOmohMHPtK0iL3lc92o47w0NnaWoff9JJHvMvPGN1bnqt8BhGWRefJh7MP7MUcG0fIZmq+8jd5dIvPUI8iUhXflGsHsPPahfciURVSpIws5Gt95OSHFzz+NiiLq3/5BEsacdHr5JFKSffYJ3LMXCWcXSB3ci9Akzomz63dqHdhkMLBwaBKwMfGeP1vm8b/3ECpWuFWPVMFEf2IQ3daZeH1jgiqRZCki0YgIaVJbU27qPYGC669N8fjfO8Kjf/NBAidk4WyZ+bOLOIsug4/0072nRKYviaiRhmTvp3ZiZg10S8Nr+HgNn8vfusq+z+wiO5BBMyUTb84wd/LOjDj3pcK9EBqm9SzFri20W7+D53yDKLrOrcOJNTRtGMv+KOnMX0XTtnQEUHqQWv+qkjDvNcIo5tLFGUqlDO46sfx/EXFouJ/9A71Yuk7Q9pm2U8SRotS3WhxLCIlpPkWx9Ku0W/8Fz/0mUTTJZjzMQmSQ2t3X/RXCxLReoGQcwXW/gdv+EkF4DhVX2Ay5S84/gGHsx0p9FNN8EqkN3nE/pCySyf19DPNR2q3fxPfeRKnqLc6bRjcOkM78NVL2R5fItKZvByxWehA1KZFC4gRr1Q2vLlT4d997jc8+dphDw/187eR5Zup3RwYEgoxp8siWYT73xOGlv+ftFIauYeo6TpA827FSBBuIjQiRI1/4F7jOV/G87xNF1zse9c1OjAIhS+j6Hmz7J7Hsj9+ZmFPnI9Jl9TJfn6Ee1hixtzLWvMBY+xK7sweWdpWyRDb3DzGMw7Rbv0UYnNokmdKQsidREN7sVQkLO/NLaMYe2s3/iO+9gVKV2xyVQjd2YKc/i53+OYTIJx98WcQwDqyJkrgZlZZDve0RhBGvXbzGQDEJMS+kU3hBRBBF9BeyBGFEvKIMgKYPUyj9a5zWF3Daf0QYXmZzYc8mUutG3OVnQQiJYT5Avvj/IfDfwGl/Ed9/q6M8vhmjlYHU+tH1HVipD2JZz6KtKBv3Y/z5ID1SZPvnHqXr4VHMrjRCSsKmR/PqItf/9CRzP7iE6uQ/mZqNGzaZaZ5nMLsvEaohXlXSDCBuOdS/8xbGUC8qCIkabeovHiVuu/gT84TlOlG1Sf07b6F3F/DGpgmr6xuKg6l5vKuT2A8mQjLW9hG6Pvdxql/6LsH0AtwIq9M19O4imScfJP+RpxCWgYri24raNBtTLC5e4FbfJCEk3V17iSKfMHTIZYfXbI8ij2ymH123CVfkjfp+g1ptfNX+vt+gUr1CLjdMLjtIuXLplue/HZSKqNbGbgpPjimXL7Jl5BkK+a1o0lwiOD8KZDP9pNM91GpXWVg8twGpXnvNUewjpY5hZNA1CyE1DN0mjkM0aSDl2vmr7ZQpV1ZHkoShS7u9QCbdn4SN3wuUImzUiJz2upEFUdOh8dY5omor8dJGEQiB8kP8iQW0XJpgsU7s+oSVu3CICIluZ5JyVBvUR5a6QXpgC0LTNhWpsN79yA7tILd1H/Xxs6uIrVnoJju6G3dhGs2yEZpGHPp4lXnS/VuIwyTXNXRbqDjGnV+OBBGajt03Sui2Np0fv25/PY/Wm8fQijncs5fwLo9DHBM1mjRfeQtpp8g9/zTEMTKVIqxU0fI5iCL0ni788Qmar79D7tkn1qilLyGOUY5Lavd22vUmqV3baB+7fUTqDWTIc0g8hU2WeSY5q44SbWB8HvveNWZPzBP5EV7DR+qSvoPdRF5Ec2Zj8m+S4gHxBGmRo6lqHFMvEZsuwb0LXt8WzZkWr/7rtyltT3hGdbyO3ww4/ttnKG4rELohV168ht/wicOYuXdnSHWniYKY6ngdt+LhLLo0plvkh7OEXkR17M6NPPeF2EIycWvadnL5/z5Rvg1OEAQniMKrnVqKHgIDKUto+lYM88FOTu12kvDaZMEvZTf5wv9MFM132hXoxsHbnF2Ssj++ZhGk6aOsrdW6Fum0yUMPb6NQsPE6NbykzJHL/+NOHueNa9QwjFvn5CXQSaU/g248sIl97w5CaLccF9swltJeT78zxpk3LhHHMXbOYnT3avInhETTd5Ar/I/YmV8k8N8lDE4QRdeIowqKAIGOkGmk7EZqg+jaNjR9G7q+i83m165ErBR1xyVjmRhaN3b6F0jZn6TaPE3gn8XWx4iiCeK40nl2kvMLUUDTh5fOn+QZ95GEgi5PRm4Q4vgBxXRqU2pwCcl+FsN8mDA4nQjYBKeJohmUchHCoO3n0Y09lPJPoxtHkLJr1TlTqZ9A0/q4UddZyiyG2ccjW4f4xqkLDORzpAydIIoZLuZxwxAQDOSzuGHI6ak5ip2cLy8IqTsuXhDS8v2lsZJC4AYhddfFDyMark/D9UibBk/t3MJvvnKUlhdQytg0XY84VtiGzt6BHt4am+CxrSMsNFtcK1c3GAcN3ThA1thHJv7rhOEYUXSVMLxKHE11cpwbHXXfiKS8ko2UXcl90Xej63vRjV0ddevNJ0fMe7Ncap5jIDVMXi/wSNfTyTgiGbJHgaR+6co2pbBJ2T+JZT1DEJwiCN4lDM4TR7PEnfxtISykLHRUmUfRte3Js2tsLjJDKUXL87FNIxHTKh1KVLj9dwiC00TRdCesWSJFOlGL13egG4c6Imj9q7zVQqRJZ/8mpvV853eBsc5c0Z1LU8yk0KTE0DVSho4fRqQtk2rLQUqBbRps7S0R37SYkqJEOvs3SNmfTOZi/wRhdJk4mkcpJ6njLWyELCVkUtvaeZ+2Ie+x/qyUGUzreUzr6Y7A21nC4AxRdJUoWuicX3TOn0VqA53zb0fXd3YE2yxg80qOP8Z7g1RfjgP/7QvYQ0UqxydoXaugwhirJ0Px0BB7/84zSF0y/a1zAPiRgyFTlFLDmFqanvQ2TC29bvmUqN4mqi8vjoPpJIIhbrvE7YRghQs1woVbL2ziZpvWy8ewtg+j5bMgBenHDmJuG8K/OpXU0pUSrZjFGOrF6O0CTeKeuQIC7IO7btm+41ZXhVGvB123Mc0Mhp5m7+5Pr/VWiqReeRA6aJpOuKK5IHSWQmxXwvWqKKUwzAxJ/ea7j2iK45AgWJsLneRPuuiahaZbP1Jim0qVkEKj3V5clad8K2iaSXfXPvp7H8C2u5dIbGKgz3ZCw9fOGb5XW1a3XgGl4sTYuIl5ZmHC5frZ5TEsT3tL91kYSc6ytKylfmq6he8lmgHK9Qmmk4iF2Fl9rVG9jaw2iZ2E/MXNO89nTXX1M/D4R5h54xu45feu9vPcO9+jevkkzvxNqUwqJmw3ELqOnskTNKvEYUgceESBh9QNYt8jDgLC1v33Ri8hDBNDVhhBlLwvWiFPav8utFwWrZAHKYkaTaJyFRWESMuEG4Q6jm+rNeVeukruA09hbkmMV8Gt9Epugk2WDImBO6dKmFg4BAgBup50WdMSPTwpwas4yTYtyZldONXhRYCmJ3phYXhrfSw7LXnm42nefs1jcT4iX5TouqBei9E08H2wbUHKFkgJrqMQAlJ2sk+jvty4rkNvv0YUKhoNhZTJuaWETFai6bA45xFOLmCaApyYTEZQzIXULs8ThpAvSOw0NELB44dCTp9YZHYipFiUFIc0FuYjzMBBTbs0KjF++84NeveN2MKNekwmmr4DTd9Oyv54Z5F/Qwm4o+wrdG4mIsttWHesgpmQ3z2bXqjeDF3X2L69d9XHSAgLK/XsXbUnhMQwDmAYB26/8wq0vQAvCCll71Mt3Q4yeZvdR7YyfnYKucEEntw7C13fg67vBj5z072DRJVZgtBI1IrlXZduUUrRcDxSho6haSRF5AucmRkijPp4bt8vrXv+5PnRiJXGpdkKw6UCWX2tsu1Eucq716b5zCMH0TfZx+QDl8Mwn8AwHwXld5Rik2f3zMXrxLHGs73rS8xr+jCavrZ49c89cojfe/M4v/7yWwDs7Onic08eYVt3iad2jPK7bx4nb1s8MNxPFMfEseKNsWv88NI407UG3ztzhbH5Cr/05BEGCzm+efoi716fotp2+ObpC5ybmeOzjx3moS1DzNSa/Nar7yCEIG9b/KVHD9GTTfPcru1MVxv86vdfZ6CQ48kdo2St9RWBk2vTEFo3ptaNUg9DR0k4seKuvCfQmWY75E3nTgmJG3lcaU6wN7+Vh0tPostEYVhbIW+tbSR1LURCkrRuTPkspvU0qGDFfbvRP9npX+fZ7fSv7fnECjKWQcP1sHSdWCkWmm2ylkkxnWKm1uQ7py/x2PZhRruLCGFTbu0nYx2kUNQ6Y3PzO2KsOs/N42sY+zGMtWXHVsLulCJRSrGtd3Uh+55ceqntdUP+hECgoekjSG0YK/Whzvu00bjowL2Xklg+vQBS6PoeNH0PLH0LVp/fj+toIo0uc8QqxInmyYjUut+GH+NHDCnof3439mCBM//6u1RPTCa5TkothSbv+utPM/qTh1h8cxy/6uBFTaab5xjM7sXSMxRTg0w1zuBFa0nV/UT73XPo/V3kP/I+ZC7xKhv93eh9Xcurvg6BUWGEe+4qlT/4JqkHdt2W2G6GUCazkCQIWlyffA3fX9/rFoYeYbA58rhEmuj0+zbru2S/jd+bdY9XiVoymyR39xNJXwVKxbcNW0721xgafJytW57Fc2vMzB2n3V4gilyE1Nm25TnSds+6x8ZxtKlz3Apf/jfjaMbyGIWBIvCSsZOmhZBy6RzZ3DCl7l1cG/s+8TpGi1VQirh9b0KC6YGtpLoHEdp9XdKvgV9fxK+vJXJ+o0LQrCX1j6evJgYDBCqOaU1cTES5AVS8aZXi+4Xs+x7Dn5jGvzaFMXBT3dub+yIFQiTfr6WvlBCr1rlRpUbcaJF+7DDuhSsod/PGIB8XDwdTpWhTXwpF7umRbNuqMTsbs3evTqutaDYT4tjVJfE8RaulSKcFnpds6+mW2LbgwsWQa9c2nqNsW7D/oM7VS4k17bkP2Vw465NOC3bsMbg2FnLgkEG+INENQaUckU5LFuYjBPCdrztLhri+QY0Pfczm3OmAei2mUJQEgSKfl2zdrjM/F1FeiNl7wGB6KiLwFZrWcVpqsDAXsW2nwdmTPkGg2HPAZH42ef+fed5GSHjnDY+HHrO4cinAPR3g/HkT2xtIJsiEKN3KY5p4Ql6n6X4P0ChmPk3K2Hdf+6JUjBdcoOG+iK71UrA/gZTrqya+VxP7mYlZgjDC0DV0Kam7Hk3XZ99QL+cm54nimL1DvVyaWeTy7CIfPrybka4783bdjLrjMtdsIYWgb3svQgpKfQW6BopEcZNK6w8Io1l0bZBS5ufQZJIbspl7d3FmgStzZZwg4OFtw/Tls7w7PrVEDB7bMcJ0tcGpiVm6szYPbRvm2NVJ5uot9gz0sHewh4uzi5yfnuf5AztJGQZXFyq8Oz7FdLXBjr4uak7M0bFpvDDk0e0juEHI6YlpnCBgz0AvfhjypaOn2T/Ux9O7t7KtZ/XCP4oVl2fLfPXYWbb3ljgw3M/luTJnJ2cpZdK8f89WrpdrjC9UaXk+B4b7aHk+F2cW6M1neWrXFmpteGtsmiCMeHTHCLFKEUQRl+cWafshh0b68f2QMIgwTR2BQrfHAAEAAElEQVTfD9ENjTCMMU0dlML3Q3KGyWf27sXMGFQqLUI3hCBG0yU/e+gAvooJgwgZg521aFYdjgwPsqNYQtMkV6/MMbKlm758FiEEH9iznYcGBzAMjSCIMAwNMxYQKV7YtZ3+wKR3IE/GtuguZqmUWzQWmvzSI4cJ4ohGxaGnL48EPDfAtJJpwInaOJFD3ihgyGUvfLIAkSTGqLXPg1IxzbCFEDEZzVx6bmMVc6FxlUW/iikMtmaGmHISi2PByDLjLnR+znGidp5G2GJHZoR25DHrLjCQ6kETklmvTEZLsSe37ZbvRLLNAGFsWkRvfLHK5bkyz+3bzjdPXuSRbcMcvzZNpGJars/HDu/l+mKVUxMz5G0Ly9A5cX0GP4xouh6feeQgpcy95SQrpbjQmMaNfB4sbl1zjSt/n3fr9Fi5VX+73Txxw+AYo1P1W3SZOa63F7E1k97UxrWa7xYKhRvOU/HOY2kF0voQFe80pixgaV3Ug8tIdArWXqZar6AJi+HM87TDGdxoEVvrY9E9SRA1sPU+pDCx9R5awSS23k/VO48mU3SnHkS7bbmmH+NuITVJ1+FhqqenWXz72nINSUDFEe2JKjPfOce+//oDWL1Z/KqDLi28sMWFxZeRQkMBWbNr2WsrBKn+EezBLQgpaU+N405fR6ZSZLftRc/k8SpztMcvYuRKWH1DaCmboF7ByJdwpsbxK/Nktu7BLPUQNOu0rp4ndl3q33yNcL5C9pmHMbcMImwrCW2UIvHEuD5BtY5z7DyN779FOLOIzNgEc2WEEIlnd332d9uxCiOPMHQxjDSV6mXq9c2I8yXvra6nkHJt1JNpJu95EDrEnfBSBWtSWpZakxqGvtHaRkPX16ZeaHoKTTPx/QZR+COIVVwB32+iVIxl5dA0Y5UQ13qwrBwD/UdQccjFy39GrXZtKXfQMDLE8a286ne+ONa0hKwKoRFHASo2cBqJgUbvjJthRgRBm6CcfMsMM4NlFdB0K/Emi0T5WTfSibBU0Lq7PGYpVr1/AAiJZlhIK0V2aCfSMDEyeUJ3eS0UeS6xv54HWCANC2kmEW1xFBC5TkI8b95T09Ht3LIjXEHktpLw4htQCqWiZN90jtBposIAaabQjI46eOjfcR3n5NzZJIzZaW4YZr2iG8RtB7UiJCKYmcMcGUAv5IgaLZTvoxwX5Qco10ueoDDEGB4gffgAencXmccfwjl9Hr27ROrAbrRclvRjR3DePY0KAryxa6T27sAfvzNxvQZVzqqj2KSpME/YIbaaBtVaUh+2t1cSTEeMjGiEYUIa222FpsUEQeLVTVmC7Tt04khx+Tb6puXFiJlpwfRUiK4nxPXkMZ9St0YuJ+jt17DTgsWFGClBNwSGKZibiRjdqiM1lrJKa5WYifGQkVGNCy1FoXijBGnSr/nZmEIpKT9143iAK5cCdu42MC3B9fGQs6cSY8/MZMj0ZIidFhRLkonrIZ6n8H3FiaM+7bsgtfAeEdvNQ9H2jzHf+FUEJrZ56L4T21i1WWj+OpXWF9FEFkMbIZv60dZFnFhMCFTaNBjpLhDGMecn50kZOmNzZQ5tGeDKXJlSJkVfIUNPLtPpezLJiM6MEqOQCBSKWCliYgyxvlfo1SvXiJWiaKeoTLW5/PYY/Vt7sLMp+ndoVFp/iBucwjYepJD+JBrrix6sh6sLFa6VqxzZMsR3Tl/iM48c4IcXr/Ls3u2MdhXxwpCvnzjPg6ODvH11EkPTOHp1koe2DlFMp5BC0pvL8P1zV2i6PvmUxTdOXOCx7cPMN1pEseK1i9eou4lH9zunL7Gjr4uzU3M8v38nr10a54UDO+nLZTmyZZC+DYSQbni63rwywWAxT9o02NHXzbdPXWTvYA+XZhe5tljlQwd3U0gnJH5Ld5Hvnxtj72AvL527QjFts39LH1nLRCm4PFdmptbkgx3hkfNnpnAdHytl4LZ9CqUMk9cXGRruwkoZzM3U2L1/kNmJCsVShvmpCtVyi5nxMlJKUraBbZtkcinmZ+vsOzjMxPgiW7b3MHl+jq6eHKVUipxhYnTCZdoVh8pMjf7BIhOX5hJibelEYUwqZVBfaJC3TFJozLs1ro3N4zg+5YUGpqkzNVHBfkjnyqVZUrbJQ49tRzMEP1x4mZcXfsDf3PG3GU3fut7sSjTCBr9z7fOkZIqfH/0F0p3FlUIx4y7QDB10oVEOalT8OpY0yeppQhWhUDTCFrrQyBtZzjXGmHMX0aVOM2yTMzIopRjO3V6tPMnnU0sejs1gsJjjrSsTXJkrE0QRuiaZqNT4W88/ztdPXODKXJm9g73s7u/huX3b8YKQNy9f58Etg1wv15bEne4VtmZyuTHDoeIWrrUWmGyXGU33YEiNK81Z+lNFCobNF669xrN9+zlQGEHreGdmnCpXmomg1ZDdhRN51AKHbZle5twazdClN1VAE4JvT5/kA/0HWHAbzHt1RjPdHCpuwZT6XY3fulCKsncGSxbJGltZdE9gakUa/jjtcDYhEcrDj6qYMo+t96FLG0NmqXhniZRP3b9M0dxDzb+EFCaaMKh452iF0zSDawh0csZWbL339v35Me4OAjTbxJltrF1UdxC2krqRN8o/GNJitPAgU43TOEGDvswOiqlhrlTeAMDs6qP7sQ/QvHI2WeRGEUKTFA48gp7N40yNk9t1MPGYRDG5XQcIGjUyW3bhLc6S33cYZ3qCzNZdtMYvktm6G2la1E69jXI9Wq+dwDl1CWOoD3O4L/He6hrKCwgXKvjj04QLVZSfLKzc81eZ+V9/AwTJQte7O3IXxwG1+jVyuWG6irtoNmfW8dStrKm9/K9pZMlm+nHdZXEtTbMo5EeI45B2e2Fp3zjyUSrCsvKd8ORlIpLNDGBZ+XX7J6VOPjfE/PypFcJLgnx2CMPIUK5cJtxkOPD9Qqs9hx80yedGyWYGbltyR9dtDN3G91u0ncVVgjh2qgs7df+E5oSQ9A0ewU6VMMwsrlshlSpw7erLhEGLweHH0I00um4xN3uSavkytt3N6LZnCUMPXU8RxwG6lqKn/wFsuwshNOq1ceZmOgJWQqDZenIf4zipJRrGSENDhRFaykDFitiPyO/rx51rJKW1Ou9iZnAb3Q88jVXoxSr1InWD4ed+BhUmz50CFk++wsKJl9dcX2ZgK/kdh0j3jiB0g6BVo37lFJXzR9eIN9k9Qww/+9NIw0RoOiqKmH71K9SvrhVQS3UNsPUjv8zMG98gDnxKex/BKvUhpIbfKFO7dJzKxWNLfbwVpG7Sfeh9lPY+QuPaOebeeZHIvY2wVBjSfO0oKlhuv/XWcbRsGhVGiYErDJPY2ShODAZCoMIQoes0X38HXn8n8aK32sRth2CuI1wULR8rNA1v7DpRpXrb61gJRcwia9XH5+djFhaSMOivfNUlipIubtum8dZbPmGQRFffKE0qJVwZS8ohOu7tyd+p4z6j23SuXAy5fCEgiqBaiZiZjkilBKdPBHhuEoJsWoLDj5j0D2icOx3gr5gWdF0QRXD9WsTk9ZBSl0RqCeEd3aqTzgjOnwnYul2nq1vy7lEPXReMbtM5dzqgUY9XpS+fORkwOKJz/rTP66+42LakvBBz7lSAH9y9Z//PmdhuHkEUEQQRpqGhVCL4pGsyIXhxckMMXcMPIqQUmLrWCd8J8MNJICRSdcLbKJFuhDhu44WX0WQBU9/8oh+glLFZbLZx/RApBBOLNaQUaFLQk8/QnUvjlesUMjbtqXlqbRezkGbSmSWMI9J6Ci/yaUUOeT1LO3IIVUwQ+xzI78YQa29jEEbYpkHaNIlFmzCImLu2yJ6Ht9/V9a+EEILhUp7tvSVevThOrBS5lMXu/p6lax1frJKxTFKGTlc2zft2b+PkROLp6itkyVhmkgdMkm/bdD129nUz12ghEExV6yw22/TmMnRn06Bgz2APW3uKvDV2HdswyKZMurOZpXZuRl8hy7aeEkfHJqk5LievzyAQVNoOXhAhhWBbT4kt3QVaXsDbY5MIkYj2+GHEQqPNw9uGE+85EMYxY/NlDgz3U0zbCCFoNVwUELd9untz6LpGHCtMS8dKGTQaDk7bp1ppJeG1miQMk3Bjw5D0DRSYn60zNNJFs+4SRzH1WpuJa2XqdQepSeIoJpe36e5JPIOuGyCkSDyxdQffCzl4eJQLZ6cxTB3d0PC8kMpiEztjIaSg3fIIgohc3qbUnSWKYzwvpFBMI0RCCttRm7K/SHi70KmbEKsYJ2p39KBXT0aWNNENfUks2tMCuswCtp7CizxiFF7HUr/gVcjqaQIzJFQhw3YfvgpIaymyG3gibkApRTWocq5xloeLj2BtUgykYKfozWd4+cJVHtk2TC5loUnJQqNN0/XY3ltCCkHcCZ03dZ2eXIbRrgK7+rsZKq2/kLwTCCFIaQZSSJSCmt9mql2h7DfZlulj2qlSMrNk9BS6kAzapSVjF8CsW2OiXUahmHVrKKXYlRvgeGWcRb/BntwgF+pTHCltw5Q6fakCs26NbivLeHOeLekeelN5AhVwqnaCgdQQQ/bQvVwRhsziRHNooY0pczjhLBBjyBy6TBEpD4GGpZVwwjki5eOEczjhHG60iCkLpPQe2uEcUuhUvHP4cYOcuQ0nnCejD2LIzRvjfow7h4oVzkyN7PZu9JxF2FhNfIQuye7oIfYjgmayzQ0blJ3rjOQfJIpDhJCM197BixJRt/TIdrzFGWpn30kSyQCZSmMPbWHxje/hzU+jopDcroM0L5/FryzgzCTez9a1y+T3HSa36wCR56Kl0qg4xh4cpXHuXeKgk6NYb+HVx/DOjd3+IoOQaLF6X8ZrZvYY3d17GR56jFiFlCuXCII2UmiYZo5sdoB6Y5JGY2LVcZpmMDz0BGHo0mrNLpWiKRS20WhOU1vh/XXcCp5XJ58boa/3QSqVSygUmUwfI8NPoWnmBp5PRXfXXpqtWRbLF4jjgGxmkJGRp4hin7mFU6tCrpPUoCRUWGpG528CKU0SK4AiVivTChKv8I2IrxveSiE0NGkSdyo5rDyH4ywyP3+a4eEn2LH9J5iYfJ1ma4Y4DtE1C9vuJgjaSyrSQdAmCNpYVoFiYSvl8iUQkE73smXkGQwzQxzdP/FPXbNw3QpKxQRBQqjS6W7Ki2VmZ44D0N2zl1LXbqrlK/QOHKbdmmN2+hgDQ49ipQrkC6NkMv1MXX8Nw8wwsuV9VMuX8f0mRj5F37O70DMmQc0lbPnUL8xS2DdA8+oi3Y9uoTm2SHNsgZ4nt9G6Wmb+1StEHYHTOPBxF6bwKnMUjSMYmSL1sVMEzeUcVmd+Ys11mYVuBp74KKHn0JoeQ2ga2eFdDDz5MYSULJz44SrPqFdbZO6dF9HtLMXdD2H3jiDXSf+CxMNq5rroOvgkeipD0KzSnLyMZqXIDu8i/f6txGFA9eKxdY9fbseg+9DT9D70HM3rF1k89ertSW0Ha+rWhiFRdX1F9VXHhRGRu3qOU34ArRXnlRL7wf1YO7bSPnZyyUB2r4hWOKIbjeV36uzZcNW2lXA3QWhv4J03lueEWiWZd30PXvvBWmOWbpB4gi+Ga8KAa9WYl76zPL4vv5j8nMsLwlBx6t0A04K3X/c49a6/1PexS+tHU5w8ttyvlX2sVu4teuQvBLFVSvHKqas0XY+DWweYXKixWG9RzKaptV3K9RZpy+TA1n4uTMyja5IXjuwia1tIaZOxnsQNzmBow9h36RFu+8eZrv5TcqkXGCj+kzs69uDoALsHewjjmLRpsHOgGxQUMyl2D/Rgmwa9+QyWrvPMvu1kLJMwjhhrTmBKg16ri/ONMWJihux+JIKY+JbRNQeG+pipNYhVzMC2XubHFtAMjXwpA9xbvlMcK05cn6HlBWzpLqJLiS7l0lI7Y5k8tn2EtJmQz7RpMFGukU2ZLDbb+GHExdkFri1WOXl9hmJ6G1u6i3z3zCUmynX2DfVyaGSAS7ML9BdyjHYVqLQddC35cGqdkiemrvH22ASPbh+mv7A6HFQKwWSlzkvnxpBSkjZNxherHBzqI2tZCAGy02chBF4YMFmpsXewl4xlIoA9Az28emGcawtV9g31YuoaH9i/gyhWvHrpGs/v30E6a9HTm6fUlUHTJJomKRTT2GkTlOLhx3dg2yaHH95GKm3iOgEHDo0SRTG6rmFZOv2DRVIpA8PUsFIGDxzZgmnqjG7pxjCTcONUavlDMrKlm0bdwTA0+gcKSE2STpv09RcIgijJEUEgpCBlG5RKGfbsH0J1CDeAlIJiKYOua+i6RnQPwiR5o8Bf3vpX0YSGrS17LyWSQ8U9S+n1mpC0Q5dIRaT15f1iFRPECZktGQVCFVEPm6S1FIbUkWwu3/JK6zLfmvkGB/IHN01shRA8ODrAQiMJk8/bFu/bvZUXz1ymJ5dhz0AvhibZM9DDKxfHeWrXFj54YCcnJ2bJpkz2Dd67xzBWisl2mWmnwpxX43x9ikBFmEqnZGawNIMLjWn25YdIaynKXpMuM8MND5AmJCUzg0LhRyEBEYt+E0vTKRhp+lIFyl4TWzMxpUbVb2FJgy4zQzv0lyJD6kGdb8x8nQ/1f/ieiK0Qgm7rEG60iBQGplnADnvRhI0uUzd8T0gMMsYgblTp/DzMqFbC0kr0p59ClzYD6QICiRdX6RUPY2pFMvpwMg/8OAz5PYWKYuZ+eIWD/90H2flXnmTmO+dxF5qoKMbIpyg9OMzoZx6k/O4EwZxD1kzyG72whRPU6c3s4FrtGFJIpNCJVYg0TGLfWxXym6SwyaUSICoMELqReFKijpclCqEj9CMNk7BZR0Uh7sx1gkaNOLpVGOqPBs3WLJeufIPtW19g25YPMDz0BHEUkAhrmmiaydnzX6RxU/ptqzWHUiH79/40YeQhhcSyinh+nfHrP8DzlomK61aYmn6LbVtfYM+uT+B5dRQKXbNoNKcoVy5RyK81vLtejYXFs4wOP83I8FMoFWMaGTTNZGLqDSqVy0v7CiHp6d5PV2knmmZhmjkM3UbaGvv3/hRh6BKG7lLd2eQYjZHhJ0mne5dIqSYNurt2Y5qZpVDticnXcN1ETT6OQyYmX0PXU/T1PsC+PZ8hCNooFSfhu3qKianXqTcmUCrC95tMzx5j+9bn2b3rkzhO4qQwjSyN5hQLC2cplTZTwmlzUCg8r46QOp5b7USyaJhWjr7+B9E0k1S6KwnJFQLb7mJm6ihB0KbZnMEws9jpbjLZfgZHnkgiVaIAcUPwShNEbkAcJN9es2Sj2QZmd4bozDTufBMjlyJseLSuVaienl4itZCQVmd+AmlY2L0jaKZN+exb65LZlTDz3VTOvcXMm99KhJyEJDe6hy0f+hzF3UeonH+H0Fl+SCO3Re3yCQCsQg9271odkZuR6d/K3DsvsnDyh0RuG6HpFHcdYfi5n6a071Gql48vGbaWB1x18vd1ug8+Sd/DL1AfP8fM618jaFbXPY9hZtDNDE7z3qqoiBVrjFuWxlEK//oU/rVJokp9xXFqjVH/RssrjdA3NbbBMctYn9QKTCwy5DCwkucUhzYNwrss7ycQWKSTUkSBydxxRYoARRMP57b9bNQTUgvge4KzRyVZejAxEUgiQlzaOLSI76ms5+bwF4LYRrFifK7C555/CC8IOTk2zcO7R3j1zFU0KSnl0kgB71yaoO0GdOXTuH5I1k7yRHtyv0Le/jCazGFot38pb4ZSMY5/HC+4TNp89I6PT1sGactY8bu54ufkX8tIbsVQV75zTsXDpUT12JQGvakuIhVjSTNJykcRxMGGYlATlTpvjF0na5kc8Cx8NyCbMhOv9x1fwWpIKdg70MuB4T62dBcxdY1PPrSfbCq5GEvX+PjhvUyUa2hSUkynGOkq0F/IMlTKJ17cTJqffvQgpq6hScknj+zjernGYztGKdgpMpbJQCFL0/PpyWUYKOYIo5hcyuKTR/ZTyth87PBe5uqtpbFbidGuAn/1mUdo+wE92TTFjM1nnzhMzXE5NDpAVyZNMb1Mroppm597/BBN1+fIlkG6s2meyW/j+mINP4rIWhZHtgyiVHKvKq3EQ7n3wDCmqSFXxFd0dS97kuzODU5nkn+z2bV5TlZHVbrUlRyXTt+alJmmvuS9XdVOan3PtdW7CdXqe9BzkELSba0V7RBCrPG02trtS+yYGKTXyQe7FSIVcal58a4I+nCpwC+/7+Gl3w9vGeTwltXK4R/Yv1px/cEtd15W6lYYsIs8a+wnq6d4tv8AbuSTN2wEgoOFEQpGIhb1kaEHCeOYlcqfO7J9jKSTMDyBIFRREn5s5fHikLRmkjdssnqKDw4cQiA4UBhGlxq9qTxp3UIpxZQzSTWo3pfr0aRFRi6T44yx8byb7Wge2HKtkUDTktnK0JbfqYxxf8f+x9gAChbfGuf6n55ky88cYeD53QQND2KFZhsYuRSV4xNc/d23MOMM20uPrzo8igMGsvuIYp8rlTdwwhruzASlR95P6tplIs9BRRGR18avLpLZuhsVRWS378eZGkfdvPAFVBzTnhjDyBdxpq8lZUV8f+0i+T7A95uUK5dotTa7aFYsLp6j1Zqlq7SLfG4Uw0ijVIjjlKnVr1GprvUih5HH5SvfIp8boVTagaZZzC2cYX7+FM3WLCsnZ6ViJqffpO0s0N29D8vME4Yu1doYi+ULFIvbieNwlde2HS6iTJOrEz9gfvEcvd37SKVKNBqTLJYvLHlwlyGwrDypVKlzzohKh8BKqWOaWQwjjblibhdCkEqVSFlJmY8gaFGuXMIwJYZhkbJTZIslpqeTb5HUIFvUaVTqXLrydebmT1Eq7STdUToOAodma7pTBiha6sfU9Fu4bpme7n2YRpYgdJiaPspi+Ty53DBKxasUlsPQpVy5TKM1vU7+tKLZmsEo2wTBOrmfSULzjYFf+nNv3wNITWfi+qt0d+8hX9wKShFFHoaRrCkMI4noCgKHZmMqEZFSiXxtGCb9i4MIb76ZhMMqEFJQODBI5PgITaLbBlGnSoc716BwcJCg7hC1781LGLYbLJ56bVmdWMW0Zq7iVucws0X0dHYVsb0beLV5ymffXPKyqiikOXGRoFnFyBTQTJvIXe1gUVEIUqPrwBP0P/Zh6lfPMP3qV2/Zl3S+n3xpGxOXvn93ucskwpR7xcNkyBPgcUmdpMkGys1KES0mhpkC3ewQB9ExqFPhkjpBdFOJ0wFGGRY71zXO16lwUb2bOKk2CR2DAbYyJLZjk0EXBgpFqHwaVLmuLtGkelsiuhJpcoyInXQziEUKTeiAIlIhLg6LapoJruBw+1KKBhZDYjv9jJIijU4iBBqrCB+PKgtMqEvUuLvI2c3iLwSx1aRg11A3X3n9DEd2DtFfyvHm+WuM9BSRMgmLUcC2/i4uTy+ST6fIdciBQKDJHLZ5ZwrFKxGrJo5/HHXLurz3F0IIcsZy7qilrUdHN87tc8OQA0N9NBwPp+oQeEFncr53RbpSOkV3Ns3eFd6q/vzywlMIQcYyV23f1b+63u2W7uKadvfe5P0aXWcfgP5Ccq6uTJquzPohqinTYKRrdc3ewWKOweIyIVxJiDUpGS6t3h9gR9/6eTuDxcQAkdqATN4OSinO1E/z3blv87Mjf4khe5hYRfzZ9Fe51LzIT/R/mAcKDxKrmLfKb3K8doyfH/0ceT3Por/AucY5LjYvUPHLaEKj3xrg4dIj7MzuQltRWiZSEdfb1zhWfYeJ9nW82COrZ9ma3sbh4hEGUoPIVUqaAjf2eHXhFU7UjtOOWvSYvTza9Rh7snvRO9ZmpRSn6if5+vSfLR25LbOdTw19epXXFsCPff5o4g/oNns4XHyIY5WjXG5dIoojhtMjPNH1FCP2yKq8zkhFXGle5mjlbabdKYKbwqO3pLfymeGfoh40eLP8BuPtMS42L+DHPv/npX+L3gnPL5pFfn70cxSM5XsbxgEXmhd4p3KUeW8OS1rszu3hoeIjdJvdS/04Vz/Li3Pf4VNDn6bslzlWPUrFr5DVsxwqHOZI8SFSmyDqG2HGneYrU3/C093vZ8ge5njtHb4+e5FYxYzYozzb+xw9Vi9FM8kzboZNzjfe5Uz9DO2oRcns4kjxIfbnDlA0l+eKc/Wz/OnUl/nE4Kc4kE/yFS3NIIxDzjWP8W7lGL+w5XP0GwNIFG+XX+d84zxXWpepBVW+MvVlvj/34lJ7nxr6NPty+5fGJYgDLrcucaxylBl3BlNa7M3t45HSoxSN4qr7WPWr/OHE7/NI6TF2ZndytPI25+vn8JVPvzXAs73PMWQvk96yv8g7laNcal6iFTYxpclAaoAD+QfYk9u7StTsx3jvEfsRV377TSrvTtD7vh1ktnQhdIl3vsHi29dYeGucoJaEo52a++aG7aiOlb49NY6ezVE8/AQoRfPKOZpj56gce5Xig4/T/cQL+OU56mePYXb1ETSqRK5DUK8S+S5+ZYHa6aMUHniU7sefR4UB9fPHCZsbLERvAaHLjle4o2WhSYgV5mCJqOHQEgucPPs7CF1bX7xnA9zwqk5Nv7W5fghJEDpMz77D9Ow7t90/jsMlQnoz5uZOMDd/AqOvCyksYsdjsn2cwnad8C2favXKkpd1IygVMTH5GhOTr22q//kunXy3TrX9LcbGA/pGTXxX0ayGPPx8gcUZn8pswCMPFOgabhBOSNI5jVKfQbsRkSsqsoVJKrVrTM5E9AyZSA2mZz3Cm/Ls4jhgYfEcC4vn1vSjXL5A+aYxaTsLnDz9+Q2uM+b6xCtcn3hlU9d5A55Xpyu7m/6Bw2Rzw8SRDyjmZ08xsvV92OkeMtl+wtClVhkjmxtgePQpgsAhjgOmJ99EKUXY8Ki8u7F31Zlefqarx+9MpOhW8OtlgptK7qgwSEL5hbynWrI34JZn14QOx6FPHIVI3Vj3HErFlHY/RN+jH6I1dZmpH355Q7Ep08ph2UWMFWtkw8pi2UVUHOG0FtD0hAMEXjMxyKQKuE55jYEjIsJTLoNiG6CoME+L+i3JoUDQK4booi/JZVYza0gtgCFMshTQhbHGcxup6Bbe3LUwMNkhHmCI7WhCQ3XIZ0yEhk6X6CdHkQl1mWiTXtEu+tkjjpAReQSCSEUEygMEOgZZUSBDnhL9nFfv3JKQpsmxVzxEl+hDIFHEhCqppKGhkxJpBthCF31cUieZYfyOCPid4P+SxFapgDCaJ4wrKBUghMnje0vo2iigsX2gi8f3jq577APb7q0G4zq9IYzmcYLT96k1hVIeYTRHFNdQKkKKFLrWiyZL963MxaNbEyGmStshr+eYciI0Y+MyLEopYtUmjGaIVBMQSJHG0HqRIr/quIe3bex9SdppJtenWoBCigyG1ocUuQ3P/15DqZAwXiSKK8RxYjEVwkSTWXTZjRD2pvqW3L+gc/+qKBUihIWudXfa2fxHQZc64+1xJpwJhuxhGmGT0/VTXG2NsT2zg/35g0Qq4lzjDGW/TEomJOqHCz/g1cVX6DK76TK78CKPtytv8nr5VX5l+9/kgfyhTn654mz9DL937fMgBCP2KLZmU/bLvDj3XUxp0Z9a/b4oYr4583UW/AWG7WEsmeJk7TjHa8f47OjneLT02NIz2mf18UjpURb9Rd4ov4Yu9XU9pkrFXG9f50LjAidqx3Ejlz6rn4AWL8+/xPHqu/ydnX+PwdTgUr+PVd7hDyf+gJJRZH/+IF7s8U7lKLWgynN9z3Ok8BC6MPBjj1AFdJs9XJOJ+MiW9FYsmXzUMnpmieRCQsq+NfsNvjXzTbqsLgasQdzY4Vsz3+Bo5W0+O/o5tqYT9eVG2OB0/RQxMXPuHN1WN2ktzbX2Nd6tvsucN8snB3/yJsPA5uFGLleal8nqWb49+02qQZWCUcSNHC40z/Nk91Od8VNUggq/d+3zXGxeZEt6C1k9x0T7Oserx3im5zk+PvjJJZLdCBtcaJ7nmfC5m+6tYsGb53LzIm6nXmVEhBM5ZPUsBaPIvDdHn9XPQGrZK5rRl41Wfuzzvbnv8q3Zb5DXCwzaQ7TDFn82/aecqL3LL4z+IgOd+wgQqICx1hiWTPH64qvMerMUjCJB7HOxeYHHupa9fFW/yn8c+3Vm3Bm2pLdQMIo0oybHq+8y582xI7sT4y5qZv8Y9wYVxpSPTVA+dusQxxvk1dTSpPQcsjMXKhXT9BeJVABxRP3ccernjq86NmzWWHj126v+5s5cx+3k17qzybn9hUQkrXLszsjIGmiSwpN7UXFM3PaIWh56KYN7dT4RwspY6IUMWsYie2gr7YtTOJdnV7chZZJHatwoKBklodOd4o5aIUvseCjnzkWZtK4ceuf4YL4KCvRSFqFrSNsimK8St1xkOoXeV0wUn+erCTEf7qHw0cdpnxwjmJxPVJQ1iTnUjQoigrkKygtASoy+IjJl4s+UUa6PMDS0XAZ0iUynCDp/3whSgwfflyMKFd2DJtcuOGRyGlZa49KJFqU+A6cZUZ0PyOQ1RnanyHfrVOYCdjyQZm7C49EPFWiUQ7JFjcnLHtsP2qRzOn/6H967eqy3g1IxC3OniCI/EQKLgo4gWEgYuDjtRTTNZHH+3NL3UGUXmZr9PrFnMj93CiEkjlNmrvEahioSuSzl7N4OueEsXt3Hb9x/peo48DdWF75Py7PId+/Yg2r3jmD3DiN1Az2dR7PsdYmtmcqzZc+HaDfnyBaGcZoLIATZwhCpdDd2pod2YxanvUihazvXLnyHXGkLhe4dXL/0/U7ZudWYZ5IRdqALkx4GmVZX8dn4vbWwKdEPQuArh3mm1t1vVk1Qp4qu9A5RLDLKLnRxZ98xgWCQ7QyxDSkkvnKZ5AoLapqIEB2TbtXPoNjGFrFnU4S5QDd7xUOkyRGqgBnGmVdT+HgIkpq7A2ylhwFyFNkjHuKkehWXtbnOFnZCaulP9E6YY0qN0aJOjMLEpJtBBtiKKVLs4QiRCpnj1t+Uu8WmiW1SmucVyq3fRxM5+vL/NYY+uGJ7SLX9JRru9wBJLvU8pczPrGrDC8ZYaPwaCp+uzC9hm0eWN3ZKirjBBcrN36XlvUoQTaGUhxA2hjZINvV+ujKfw9S3b0gAY+Wz2PgNnODUmm1S2PTl/8FtxZ/iuI0bnMcLL+MFF3H8kwThBKBoei9zbfHvrtN2mq7ML5K2Htq4XeXQdF+j2v5jHP8kYTSPIkATWUx9C7nUBylmfhpDG7pngjs2X+b83ALbu7sY2jvA3kNbAdB0SRivSK4XBkq51J1vUm1/Acc/SxQn6oyaLGAZuyjYP0kh/XE0mXgp1yOACkUUVag736LufA03uNhpR6HJIpaxm4L9CfL2RzsEfm0bTfdVKq0/AGIK6c+Qtz+44fW1vaOUW7+LUj45+0MU059edz+lQhz/FNX2F2l7RwmiaWLV6lyHjS67MPUtpK1HKNifwDI2ztGJlU/bO0q1/Ye0vXcJolkUPlKkMfVRstYzlDI/e8vn8waEEPSYPWS1DFPOBPAENb+KF3lsz+xgxp3GjVwEMOPOMJgaxJSJ1/59Pc/yUPEReq0+TGkSE3O8+i6fH/8vvLH4Og/kDy3dk9P1UziRw9/Y8bfZnd0NCEIVMu/NUzAKa0Jk/NinETb4G9v/FsP2MAo4Uz/Fb139zxytvM3B/KEl1eM+q5/n+/qoBhXON9Za0G/GlDPJ0z3v41ODn07IjQr4wfz3+dLkFzlePcbgQDKfOJHDm5U3MKXJ57b+MsP2CJB4hH9z7DfoNXvZnduDRDJsjzBoD+HHPpPOJLWgwicGP0XeWBZ1unGNSikuNi/wrdlvcqhwiJ8Z+Tlyer5jPDjLH1z/Pb42/VX+8ra/ukTmvNhnoj3BL2z5Rfbl9iOFZMad5j+N/QZvl9/kmZ7nKJkl7hYREW+V3+SZ3uf4K70vkNGzRCqiETYoGUm7kQp5af5FzjfO8ZdGf4FHS4+hC51G2ODLk3/MK4svsyO7kyPFjeeejWBLm+f7XkAB35v7LtfaV3m86wkeXUE4V41f4zwvzn2HfbkD/MzIz5HvjN/blTf5w4k/4KX57/PTIz+DeVOpsHeqb/NU9/v4udHPUjSKxCqmHtZXedKn3EkuNS/yU8M/w/O9H0QTGjExtaBGGIdLhp0f4/+6MLU0u7vejy5TWLpNEHkoFGfnv0N0H4V9ADI5SVevhm4IAk+xOB/itDbvAYj9kKjlomVTmDk7CbHO2ciUgcxY6Dmb2AsIa23Uzd5aKTG3DqDCCGnqCENHWCZxy0FmbaRpgJR4lycI75TYSkH64HZkzsYa6aPx6im88Rm6fv4FoloL5fkIQ6f61dcofuIpYs9HplO4F67TfvcSek8BY7Abcz5Rfw7nqxjDPWQe3ou0ExJbf/EdMkd2YR/cTtRySCuofvVV9FKOrp/9AN61WVQQEjfahLcgtgCeGzNxySWT17FSErcdY1iS0FeUZ33azYgohIWpgIlLLj1DJioGM5V4bp1GxPh5h70PZRECNF1w+vXGGm/tnUArFcg88TDSMql98/so10NYFpnHDmMM9NJ87R2CybXqtCtxIxeYAKydW5HZDN7xRAm42VjtQTVzJv0P9jDxxhSpUootB7oJ/Yi5kw47PjKEW3W5+r1rdD1Qwu7eztyJeXLDWcysSXOmhTQkjYkGxW0FquM1+g/3MfXWNEKYDD6SGJ/dWpIGoKd0Qjdk5t27zSv9EdSRvctatQvv/gCEoO+RDzLw1CeY+sGXCJ3VIbDpXD++12Dqyiv0DB3CzvSAUtQr13DbFeI4xM70sDB9kp7BQ5ipPPmubdQr46gNSkK1qFGnQpfqJ0OBHCUW2diwUqCLTKeSSI1F2qwfLu3j4rO83nZUk2GxHe7QQGuTZUhsQwqNUAVcVqeY4uqqfOAaizRVnT3iCJa49bdSx2RU7CZNjpiIK+oUk1xZFRbdoEpVLbBbPMiA2EpelRhkG2OcZZVoHJIhsY0SfSBgQU1zXr2Dx2qjRFUtUKfMXh7GECbb2E9DVXDuUfNn/eu7A8TKoeF8F0WQELAVxDZSTWrtr9NwvwWAUg7F9E8iVlgm3OAM1fafIIRJV+aXVrUt0PHCiyw0/gOOfwyEhhQZhEgTx03c+DRucB7HP8VQ6Z9h6Xs28LDFOP4J6u53USqAFeEBUmTpzv5l4NbE1gnOML7wV4iVh1I+rHDr++E4fji+5hgp8uRSLwDrLy6juMFi8zdZbP4WYTSLQEfKLBKTWLVo+0dx/JO0/DcZKPxjUsaBeyK3C802XhBxvVJlV18XurG+J1EgqbS+QLn5u4TxAlKkkcImVgFBNEMQTeF4xwmiCXpyf3up3u1qKILwOrO1f0Pd+TqxaiCwkDIRuAnjMoH7Em3vKG3vbfoK/wBD27Lm/vnhNWrtr6KISJkPABsT2yCapNb+GrFqJ3nT6xBbpSLqzreYrf0rvPAKifc4ixQZFDFKuXjhJbzwIi3vLXTZtyGxjeM2lfYXmK//GkE0CUg0mUOSIVYOjn8c1z9Ny3uDgeJ/T9p87Lb3L6Nn6bZ6mHKmiFXMhDuBJjQeyB/i3dox2lGLMI5ohHUeTz+xNF49Vg9YPauscntyeyiaJSp+ealkC0BGyxCqkIvNC/RavRSNEiktxWh6/YgHTWg80fUkW9LL9VS3ZXbQnxpg0V/Ejz3SpJe2JdIIclOG3qye4+nu99PVCffVlMa+3H6yepYZd3mR4cc+9aBG0ShSNEpJ2I1SDKQGMKRBLagmXgjZEU9CQyI7NXYFUshV4dg3EKqQ49V3iVXEB3pfoGgkBhYdnf35AxwqPMgb5deYcibZndvbOUpxqPAg+3L7lwSp+lMD7Mzu5O3KW7TC5j0RW6UUJbOLF/o+SMEoAmBgrApxrgV1jlePM2yP8GjpMSxpIYSgaBR5uPQIJ2rvcqZ+mgcLh+/YeyyEQJCM1Y1nRmwwfkEccLp+Cj/2eab3OUorxu+BwiF+MP8SZxtnaAQfodtaTWwzWpYP9n2IbrNn6dnp1VanHqRkClOaXG2NMZOfZsBKjDm91o9L+vy5QEDxgSHswTyzL10i9lYvCoUu6XlyG0YuxfS3z6HCGEvLEMQu1+vH6bK3MNs8z1DuIPIOPRS3Q/+wzt/4h91s35M8Z41axOd/tcLbL29OOZUopvHOZZTqGGo7eY4qjpfmEUSiDO1eW0j+LsGyBK6TpPQIXUOmU0TlGnpfF3pvkTCOE3Lb0Zu4EeZ8R4gV7eOXkZkU0jIxB7vxxhNvcfPVkwRzNXr+8kewdg0jLJ3an/wQva9I/gNHcM5cxTl3jcyje2m+cZZgtowx2ENUa1H77tto+Qz5Zw+jZW0yj+6lfeIKwWyF0qeeRu8tJiVQBDRfO01Yadw2d1nFcPWsQ6sWce5ok9piwMgum9qiy8KUv+TJ9d2YC+80qZdDnGZMKiOZGXeRUnD5ZJvaYsilEy0Gtlr4bszOB9Ncv+jQrN6d0ExUb+KcPk/xEx9C6DoKD+X7OGcvYo4OoxVytyW2K6F1ldC7Szgnzq5L2oJWQBTEGLaB3ZXCKbsYWQPd0mhMNalcqSZRU08P05xpkR/NkelLM39mkdr1OgOH++g/3IfUJTPH54i8CMM2yA/n6NpTwm/4mFkDM2tipHUql1eGEndSzAQdB9FfTPi1haTckO+i21m6DjxJcKTC7NvfJg6WjUNCaB2Ps1pSwdYNm/4tjxGFHoaVQ0qdMHBp1afp6t+PYWVp1Ta+3xER82qSkujFwKRL9FNRc+vmv0ok3WIQDYNIhUte083gbk0KXfRhk4RdV1lglok1Ilc3SgktMsAgW2/ptS3QRRd9AFSYZ4qr616rj8uUGqObAUyRoo9hJtWVVWQ9RZo+Rpc8yePq3BpSCxATM88URXoZYSdZCvQwxASX1g1J1nSLKPSQurm6ZvImsGliK4TA1EbRZJEgmsALx8hYjy1tj6IKfngZ0IAYP7xGGJcxtKT+pFIKLxxDKRdT34Ku9a1qXymfcvO3iOI62dSz5O0PL3lW3eASldbv4wanaXmvU27+DgOFf4wQa/MrBQbduV8hZ3+IKG4QxRXqzrdxg5ObHxStl67MLy797kcT1J1vopRLyjhILvWBdcYntSEpUiqk0vpDFhq/RhQ3sY1DFNKfImXsRwiTIJqm7nyThvsiTfcHzAmLoeI/x9DvXpl0d383s40mA/kcBXtj640XXsZrXkIIi+7sXyFjPYEmS8SqTsN9mVrry0SqSrn5u9jmQ+RSL6whpFFcZ67+76m1vwwoMtZTFOxPYBo7EkXT8Cp15+u03Neptr8MQjJQ+Cfo2v2rO7ce/PA6841fxQsvoWv9FNM/Rdp8BF0WUYSE0TxueAnHe4dY+aSt9YXBlIqoOd9grvZvCeMFLH0XxfSnsc1DCGETxrM0nBepO9+i7b/FbO1fMVz6V1jGrUsr6UJnxB5d8qpebV2hx+phe3YHb1beYN6bJ1YxfuwveS0hyRGd9xaYciaoBFW8yMWJHBpBg7S2/E5IIXm063Gm3Elenn+JE7Xj7Mvt54H8IbZltmHJ1Jp7qQmN0fRqo4MmNExp4gYO8T1YezN6hl6rd5kUC4EhTTShr8qhtTSLbrObq62rzLgzWNJCEXO1dZVQhfRYfXcV/huriClnkryep8vqWnWNhjAYTA0SxhEz7swKYgvD9siq3E6BIKXZRCoiukvBiqW2hKDP6ievr83vvoFqUKER1olUxNemv8LKeLFKUMGPfap+lSAONq0GfTfwYo9Zd5ZQhbxVfp0zteWomFCF1MM6YRzQipp0szqnvtvqpmR2bWCMTDBsj/DBvp/g9cXX+PUrv8au7G4O5h9gd3Y3eaNw1yHfP8bdQWiSgRf2UDwwwOKb4/g3EVuUIj1cZPhjBygfm8CdqROriFhFhLGHLk1MPYMmDTR5f7OeXvhUjiNPpvnN/2ORsQs+pim4duXOFj8qTN7dtZJC6/8+tNXghU/l+MP/VMFtK/yryUJZRTFhuQHnx5Nal7HCH58BKW9ZDkSpGM+v4/vNVWGbWj5D4SOPEVabGH0lfNdHALHjETVdlO+DApkyUX5IHITEjofQNIQmk3qdHYXZG52P6m1ix0daZhIqrUlkxsbaMYTeW8Qbn0F5AULXiBptYsdLSO4KCF1P6niuugaYn/BBStpXEhGvs28te9jmJ33mJ5P7Ui8nxzZrCVmduLi6LEvi2VUEvsJtRzjN1efXe7qw9uxApizC+TLO6XMI08Q+sAetkCNuOzinLxA3WxBFRNV6Ehq+orNxo0ns3lQORtNI7d2J0d9DVG/inr1I3HaQ2Qz2wb0Iy0TLZtYVM7sBq2CRG8wQuiFew8dvBahYEYUKt+JS2l7AWXSojdWSkn4TDfSUjlv1iP2YypUaez+9i/HvX8PMGuSGssRRTG28jrPg4FY96hMNBg730V5waJeXiYOKIiLfReomqVJvooq89Dx16uz9BUBSDiomDjzm3nkRM1ei68Dj+M0q5TOvL6mme+0y3QMHKPTspNC9gzBw0PQUqXQXi9OnkJqJrluAorZ4he0HPkFt4TJhcGujV5k5XNqkRY4u1ccE9rrexBQZCiQGWke1qLLwXgzHEiSSvOhCohGrmIqaI2T9uS4koKrm6WekIwK1FgJBkZ4lReUFNXVLYt6khouDSYoUGdJkVxHbHEVsEh2QOhUaVDZsKyZiTk0wxDY0odPNANPq6ho1Z6kZdI8epjpznlzPNipTZ+6olNcdfW10rR9D6yeIruMF51dt88MxwniRlLGHMFokiKYIo9llYkuAH46jCDD1rWhy9UJO4RNEc5QyP0tf/r/B0AaXPF4Z633Yxn6ul/8+QTRN032JIPtfYclda/oohEbGemyJdMdxiyCauSNia2pb6C/8w6Xfm+4Pabo/IFIeafPwqm2rsf7Cyw3Os9j8z0RxnbT5CIPF/6lDipaFeLKpZ5ip/stOOPcPqDlfozv7V+8oZ3Mlwigmn7I6wn4bT2xRXEaXfQwU/hEF+1NIuSz8k7HehybSLDR+gzCep+l+n2zq/QiWF89KKerOt6m1/wxFSC71IQaL/+OqcNyMeh+51PPM1v43qu0/pdb+GmnzIUqZX7hvOcXrwQlO4AWXERh0ZT5Lb/7vIW8K0VAqIIprRHEDQ18/d9gPx1ls/ifCeJ6UsZfB4j8jYz2++v5Zz6LJLsrN36LtvUOl9QX6C//t0j7rQRMaw/Ywb5RfZ8FbYNKZZH9uP71WL2nNZtKZwJQmlrQodryCTuTw4tx3eKv8JlJIikaRlJZCqURI4Gb0W/18dvQXOd84y/Hacd6pHOWt8hsczB/iowMfX0U0oSP7LtcnR/f6edSEhiHXiqDdTHVSMsWT3U9zvX2d37/+ebZndhDGIZebl3ggf4gHCofuSHThBhRJzqcmNDRWv1dCCHSpI4TAv0moKqVZd3W+zcKUxi0JXxAHRCqiGTY52zi7ZvuQPZx48TeB+B6IuFIxgQoIVcSV5pUlIbEbyOpZsnpu3Q+q2VFzvxUszeJjA59gf24/79be5XzjHKdrJxm0h/hw/0c5kD/4Y3L7I4SQgsxIEa/Sxq+5a7arSOFM1zGLacxCCnemjhs2qTgT+FEbJ6ixrfAI7aCGF65V1BS6REtbibf0BmJF2HRvK9S0c5/F7GTAi19prKm1+F7h4MMpHnmfzZd/u4qLQgXL863yVi80NyPO7vl1Tp/9g1V1UgG0Yha9t0jrnYuY/SuMvzfIKoCAYKGGfWAb9t5RjP4uwsUaseN3+hNgbu1PQqgFa72MYYR74TrKC3CvTCWEttpE7+msy27sLgQynUZ5HubwEMHcPEiRhEOnUkv1SKRtA4qo2UrEPDtlmoAkbzdtbSp/c74K89WQ2PGJw+U+y1yG3IeeISpXCWbmkvaVQug6SEm4WCW1fzdIjdZrb9/+RCuQ2rsT+9B+3POXsHZsRWbStF4/Suaxw+g9XbgXr2If2I13dTkfUEubCHN5nlO65PKL1wkaHqGbqB8LKYjDmPZ8GyNt4NU9rnznKrqt4zd8nLJL5CXj55Qdzv7RefxWgBCCS1+/QhTE+E0fZ9FBaAK/GdCYbKBiRRwuz+MqjmhNXSG/7SC9Rz6Ame8m8tpI3aQ1PUZrehP1nDeA0HRSXQNoqTRSN7FKfQipkR7YShwFxEFA6DRwK7P3VZk8bDeYfuPrjD7/8/Q99AGCVo362GlQMU5rgYWpE6SzfdTLYwS+g+/WWZw5g5XuwmnO0aonRie3XSaKfOrlq7fN+XVISKqtsthkKdKzLrEt0UcKO9G+6JDh9xI6BjaZJXXhDRWbO3BoEhKibUDvNHQyorDUnoeDwcYGcQ1tiXjqwsBUy2togSBDPvnmK2hQua3Ks0MTD5c0WdJkMUmtIbamncfO96FUROC1Ns4J3wB3RGylSGEZu2n7b+MFF1EqSsIClMINzhMrB9t8kCCapem+jBtcwjYfBCCOG/jhBCCx9G1IkVnTvqlvoTv7K50c0xWLbSFJW4+Qth6n1v5TwngRL7yKZawltmtxqzpSGxwhBCuHZjW5lLckKzdDqZha+yv44ThSZOnK/jK2eXgVoRNCYGh9dGd/mab3MmE0S935FoX0pzG0uwvDu7xQZldfN1cWKiw02wwV8xuUBhLk7Y+Qtz+xitQCaDJLIf2TVNtfJoim8IKLxHEDucIrFKs61daXiFUNXRugJ/crmPqOm+6fwNSH6cn9Ddr+u/jhFartPyFnf/iur28ziKIyigAhjKRP67y8QhjoWg+6tj4xUCqm4X4XNziLEBalzM+TsZ5Y9UwIIdC1Lrqyn6Xpfg8vvEzD/S5d2V/E1EfWbffGcb1WH7GKmXInaYZNhu0RcnqebrOXifZ1bD1NyewirydqzmfrZ/jmzNc5mD/ExwY/TskooUuDVthk6uJa5UQhBHkjz6OlxzlUOMy8N8dri6/wg/mX0KXGz418FuOmMME/H3mvFecXgp2ZnezJ7eVy6xKxUthamo8OfpwHCg9S0At3JUImhaBgFCj7izixS16ppXZiFdMME8/Jyvzc9x63v460nsaUFlvSW/ncll9adz4zpLGUg31j+80f8uQab1XG4dZ90aVORs+S13P8wpZfpNfqW7OPFIKMtl66wuZgaRZ78/vZkd1F1a9wqn6S78x+iz+e/CMGUoObJvA/xv2BtHS82caGOXOxF4IkUQ4GIuVTcSeQaMy3r1D1polinyBem2ea3tnPtr/9QfTs8rzsLzS5/K+/hr+w9jnNlyT7D6codmts3WVipQQf/uk8UaioLka89XIbz036admCrTtNRrYZWLakWYu4fM5nZiJYvf4WUOrS2HXAoqtXI46hvBBx5ZxHZSFZTG3ZabB1t8mHPp2jd0Dnwz+dx3ViohDOnomZXLAI5+68fIVSMb5y0Io5mFse32C2jHvuGvbeUdwrU0T1FrKYx7s6S+z6qFjhnLlKMLVA44cnSO0ZJXY86i+fTMi2gMarp0g/sAMQuBev416cgCgibru4F64Tuz6NHxwn88he0ge3J+JRQNz2cC9MLHlmtWwWo78f79o1hG5gbduKTKcJpmcwR0eI2w7+zDTECqEb6N0p9EIe98oVlJ8MdOHhbYz+5WeQG6RDrYfpL77F3DdOLP1u9PchdJ3mD98kbq/wVnoe4UIZrZAHFHr3naeF2A/uhyhOvNlRhLVtBPf0BcwtIzS+/yr++AR6MY/ohJcLU2f4c09TemI5Qk8pmP3KO8x+5djaE4TREoEN2iFB+4ZBZMWDqMCrd4wSKNoLy9d44+8AfrA+aahdPomRyVPY+SDdh94PKibyHfzGCu+ZUkS+l4R1rvM6x6Gf1JheYVTS7SwDT34cq9iDkBpSN1BRSHHPwxR2HEKpmPbMOJMvfylRQVZxIhy1Tl1ppRLhKuL4pvlEEQdesm3F373yLDOvf42hZz5D7+Fn8euLuAtTKBVTXbhEdeHSqvYrc6t1PjTdIlMYwnfqtBo3Cb+tA0XMvJqkVwyjC4Mu+plTk6u8mRo6PWIQiUaAx6KauXXd2/sAibZEPGNiPNYaGVfCx79lrVgNjVSnoopEY484clsyanX2Fx215BsQSCxhd0qQxjjq9vmyAf6Sx1nHwCS1JkfZbS4yc/EVvPbG3t9b4Y6IrRAmKWNf0rlomiiuoWtdKOXiBhcAScrYjy67abov4fjHKaZ/KilMHdcJoutIYWMauxBCrll4ZazHsfRt6y5ahTCw9N2AJFYeUXx3F/yjRhTXaHqvABGmPtIhRet7HUx9G5a+kzCaxQsuEURTd038DE3jrfFJHD8gjGI+tH/nuiHJUuTJpp5Fk+uXzdG1HgxtIPHAx1VitXqB4ofXcDre8LR5mJR5cEPSYem7yFiP4YdXcIMzeMH595TY6loPAoNYtTve5vehy9478hLHqknTfQWlPAxtlGzq2Q296IY2RMrYjxdexg+v4YdXb0lsAbrMLmzNZryVWBT7Uv1Y0mLQHuRk7QSGbzCQGsTqCOdMOhNEKuJw8TCj9pYlFeEJ/zqNqElaXzYYKaWIiTumHUFKSzFij/KxgU9ytn6G/z97/x1myXWdd6O/XfHk1N2nc5rpyRkY5EgQpABmUqREWUzKlhw+2bKvrm3d77OvJd3rK/vasuUsWpmSTIqkGAESRM5pMIPJuXM+OVTe3x91psN09yQAJGXzxYNn+tSps2vXrqpde631rneN1kfxpPdDqTR7oX6Bk9UTfLD7Q9ySu+2qkTohBJrQcaWLGzhhDu4amrXGtuR2jpQOc652hryZX3rBV70qZ6qnSekpeqMbq37/INBmtNMd6WbGmsYL3DUG5dI1bp1vVI2ioLDoLOJLP8yXlVB2S4w1xjY8zqW82qbfXHf8TCXCcGyY4+VjzFozbE6MtHKbw3vw0n8rBcmux/1wqfyBQKArOh2RPHcb97LoLPDE3BNUvcqPDNvvJyS4ZQuzLY6iqwTuZYslAUY2FF0KnHDxpytRhjI3Y6hxLj1cgfS5UHoFy6us+rlq6kR6s+jpFfVQDS0sw7MOOjo17n9/kkxOoS2vommCu98bRwYwft7l8MtNbEuiKPCeDyf5+M9kaDYknifJtquUCz7/9V8tcuTlZaNh+x6TX/jH7XT1azRqEqGApsEX/kuR73y5ilDgtvvj7DkYYXibSTQmuPPdcXxP4tiSSiAoVDdhnx3FnZpFTSVRUnG82QWErqMk4kjbJqg10Lo7CGoNvIUienceoSoEDQtj0wDS81oKyhbSdqk8/jpqWxY1ncAvVojs3IK7WEWYEYQfYI8VUJJJ3MUawbFxCAKk66P3dSE0DWd8Bvv8ck5h7YWwqoPvNpb/djwqT6w2xPxKfel7AOm6EAQIXQdVRboefjVchErHwSuV8MtltEwGJRLBr7W+85bvFS1uEu1rQzGvfbmppaKrWLRCD2nQq6jFQOymPRhDA1gnzoTqzTfglVUMA79SRQYBztQM/okzSM8FVVmKygeOg3rJsBUCoy1BdGB5LpKBXHUfX/mArfXDdUahrgTfbjD32uMUTryKaoZrhcB18BrLBoNTLTL67T8k8Fx8Z7VxJAOf6ee+jqLp2JVlJ43XqDL17F+jqBtfO9+18e2wPWtxhnN//Z9DI/ey8wtci4nH/5JUV4xUu6TQehUlsj4x/3vUKxbSW342O7ckaRusUznzJRbHHNxa6brGJBrvIN22idmJV1slma6OCgXqVEjTRoZ2osRXRUhjJEmRDZ1HsnRF2u3bBYGyLOCIv6Q+vxEC/KuUKgpN5UuIsDbIuB4uMT9XOtZDhY4WcxHwriHXOMBfMqTDvqy/no5lerAbJW6EK3idiS8KpjaMImJ4/iJeMI+m5vCDErZ3FkVEiOjbcZUMocLxiTBiRphH6vtFFBEjoq0faQ0Fk64QEm+JESEDpLx+Cf0fBDx/FscLn2BT27SkLLweFBFHU8LJMpBNXG8SjH03dNyt+XaajktHV5yd3XmS5np1cEFVkq3I9/pvBIGGaNF3LxfSArBaUVyAiL4dVWwcrVGUCBF9GwKDIGjQdI6SiNx9/Sd3jYga+zH1LTSd1yk3vo7rT5KN/xSJyL0tA/fqb0HPL7SEp8DQ+tGUjfOChYgs5Y5L6bRExq58fgktQbvZzrHKUZJacklYqSfSy3MLz+JJj4O5W1cIR3WEasflo3RGujAVk1lrlqfmn8DxVz8TVmDx5NzjGIpBXyws9eNLnzO10yw6BW7J3bqqFM71IJABdmCH+Z1uEVd6uIFL0SkSSB9d0TGVyA1TR5t+g4bX4HTtNBE1iiZCmnBcjS+d98rrFyok93K8cpTnFp5lX2b/0neXcmQVobA/cxOvFl7hG9NfQyLpi/ZjBzYvF17iXP0sD+QfJG923lCf3ylE1SgP5N/NH138A/549A+5t+M+snqOgICCU2C8McZtbXcwGAuVz/ORTtrNdl5YfJ52s52eSC81r8bzi89ScTemMXWYHWhC45XCS+TNPDE1jtuqN5vUkyhC4UD2Jt6sHOEb01+j4lUYSYygCo2aV+Ni/QJ5M89tbbdvSIO6El4vvsZUc5LNiRGSLYbCnD3HycpJ2o22pW0/wvcHgR9QOj7N0Cdvpu2WAeZfvLgqmhPJJ+l611asuRr2Quip19UIqtAYr7yB6zeXliTrUZGvFxdOO/zb35hDCPh//W4XiZTCv/i7M7iOJAjAdVqGdACHX2oycdFl4qKL6wSM7DD5+/8iz4MfTnLqiIVthcbuL/+zDkxT8P//Z3OMn3cRCqSzKvPT4QJNBvDVPynztT8r82u/nad/2OC3/+EMtUorPzeVwbxZRU0nEaaOdH2M4T7UVCLMZfUDnIsTYZ5mLkN0zzYar76J3teFc2EcKQP0nk4IApqHlyNOwjSI7BzBXyyibRsOo4XVGtFdW7COnwnb2rsdd3oONZOCIECJhXm9xlAf0nFxp64epboaAsvCOh++/6zTq2vEOlPLJU7cuXkA1EwGe3TsbaWlAnjzi6jxGObIMO7UDELT8BYK6N2deLPzOJPTRLaPwCVKuKKgmAZCVVFMI4zySokwDISmIQwdNDWkZJ+7iN7ZgXNxIlxeuh5B08IvlIhs34x0HCIjQ7g3EJW/HNHeIdJ7biGwmxQPvYBbeuttXoIMfNxaEXeDR036HlZhY6Vfp7K2LzLwsYvXfh8FnoO1EN4Xgzdlmb9Qp1FsXRMpsUvzxDZlMTtjFMZrIEMHSyJZY3hfgrFX4FIqZeAFDB7I0Ky4TB8Zxb9OlexaeYJa+frKydhYFJglJXMYRMnRucqwbacbAxMpJYtyBmeDXNd3DtdWkvJqxuClVnw8ZhjDuQ576krG/LX5la5tL92Mk+3dhWtVqRXGV+SNXx3XGbEV6FofqpJrKebOYmpbcf0ZHG8cVcmha/2t+qAZXG8Sz5/F0PpDGis2ptqPpq5Xa1Zp1QG90kJ4eUD+ZqTD08rfLAFQt1/h4vznNjxHicRxz136JX5QWXe/a8Hx6Vk2tee4sFjE9rwNBaQUEb+isd2S2lvq4eVw/UvqbDqakr8KTVugqV0IYRLIOq7/ztSwugRd7aEz/WvMlH4Lyz1J3X6Juv0apraZVPTdpKIPE9G3oygRNnrYAlnF88MJ33JPMLrwi1fIe5Y43njrL4kfXDkXAkARKoOxIY6UD7O788eWaMHd0W4kEtu36FshHLU3vZc72u7kUPEQRytHMRWTiBrhzra7SOsZ5uzll5BAUHbLvFp8GSdwWnUlJZrQ2Jvey8Nd77thw3benucLY39CwSngBA5lt4RA8B/P/nsMRSdtZPj0wOfIR9bSVa+GQAZkjTYyRoZnF57mxcXnw+1IDKGzI7WTj/f9xCqFXVWo3N1+L+ONMb43910en3sMVWj0Rnv5+U2/RFpJIxBk9SyfHvwsX538Ml+e+FJLDEuS0JK8t/Mh7u94YE3u6A8ailDYnd7LZ4d+lm9Pf4M/G/0TfBl6ZQ3FoCfay51tdy3t32a08eGej/LN6W/whdE/RVM0DMVgR2oXD3a+l0dmvrXucTYnNnNfx7t4ZuFp/tO5/4AmdHRF57ODP8Ou9G4A2o0Ofnrg03x7+ls8OfcE357+ZhilFQppPc2Pdb2PG52nAxnwwuLzfG/uu6GHWoS+4a5INx/u/Qg5o+2qbfwIbyMCyexTZ+l69zZ2/tq7mXv2HOUTswSOR7Q7Tcddw8T7s5z9gxdximGemRfYGFqMTdnb8IJw0edLjwvFl9dEbK+7OwE49iXjNTRmbUsuGbQrMX7BZfzCct7W0dctTh2x6OjSMCMC25Ls2BdhZIfBb/7qLK89txwpmp1cHXVYMpj98LiOLZcoz2q8JdCkCISuYwyGc7XQ9dC4nF3AL1eJ7t2OGo8iTJNQcTn8XwgRikFpamgY2ysWmJKWym0rdNn6jT7Qg5qIIUwjFA4qVUCA2pZFiUVDWrh2ZdqvISJ06ZuYdM7g8/aVYfJLpTXbmuOLzH3nCHo2jn6pnJKpoRgaSkRHS0RQjCvPud5ikeqTzxO7aQ+xvTtxpmaoPfMS9ZffIHHnQZL33o63sIhfa4AQYd7svp2gKCQfvJfm0RP4pQrxW/ajZtPE9u5Ey6SoPf8qjVcOE7/9JpIP3gOeR+PwcexSmdpzr5C45zaS77oLZ2KGoFbjLa08hUJ690Hq50/QmBwlsN7Z3MzvBxRNkO2NEUvrWDWPwlgdhKBrW5Jbf2KQ08/OsTjaYPZMBdcOyPWFUe2Zk5WloazMWoy9USTbuzriPX+hzuSxMpne6OWHXQU9kcF3LILLotCKbqLqJm4jnHeEphPNdRO4DlZpbo2hZKTacOsVFvxpesQwpoguiRu5OGjotItuEAJL1ikwy/fDEpEE+K2AUhi7vfKzraIiNtD7CduTSzmtEsmkPEeV0g32TS7RisMEzvUDaCuhoC6dQ3hm60d5q4tjaHqkpYh8feN83Ss4Xe1CV/O4/kRohJl3Y7nHCWSdmHYAVaRCVTK1Dccbw/Um0dU+bO8cUjqY+iZUZa3nPYwMGvzgM/zeXviyyqVcCi+Yw3OurfaYbN0yN4pkxOTU7DyKEJjaxpdZEQYbiV5dC/wgnOyFUBHXUGdSEdHQMJTB0m/fqWsuhELCvIeBtv9Csf4XlJvfxPHGsb1TzFdPUaj/OQnzHnKJTxEzD7bGYjXCPvqtv4s0nFeu8eiyVW7qKn1EcHf7vQzFh+mJ9i7RQduMdn526OfxpLdKETmmxvnJ/p/i3vb7qXpVNKHRZraTM3Is2AtUvcoSVcRUTD7a+zHuab83VKyVLgoqaT1NZ6RrKQoKoWF4e9sdjCRG6IysdjxFlAgf7v0obuCSaNV3Tekpfqzr4VVqxiuhKzopPXzONUXnx/s+QSCDNbVIc0aOzw79LDF1mQ5zunqKL078JT2RHj7c81Giavhi86XPqepJHpv9Dv2xAX6s8+ElwzxUF87zC5v+NtPWFE2/iSY0Mnpmqc+X9uuKdPOzw7/AjDW9NIbtrTFc+ULYktjK3x/5VfpbkdBLUIXKXW13sz25g3zkylT6sVqRqmuxOdXOZL3MUCKHqoTHyJud/MzQz63q33oo2A1Olee4vWMfI4ktjDUmOFOZZjCRI6OnaDc71qhh35K7jZHEVubtOTzpkdJTdJpdWIHFYGxo3fxYU4nwvu4PcDB3CyWnhEQS1+J0R5bLugkh6DS7+NTgZ1iw5ym6RXzpE1EjtBltpPXMKipyWkvxmcHPEVEjV9U6OJi7heH4JkpuETuwEQhiaox8pJO4Gr+hvOof4a2hOVXmxL/5Hpt/5g46799C7/t3IxSBb3tYsxXO/8nLTH5rmbqqKSa212CmdhK3VS9dSonjv/21Cq+EREph321Rdh2IkMtrRGOCrbsjjJ0L6aqKAn1DOvVqwPh1qimvRFCpYb15EqFpuNPzeAtFhKHjF0OnprTDvEH7/DhqLo116gLe3EKL3qvhlavUn301LAu0IsopbQfr2GnUVAJndBJh6qiJOM2xKaTrobVlsE6fJ6g3VzNXknEQAm/2ykqtnnRZ9KaumIv3dqF+Zpb6me+GH4QIjdqIjhrR0TNx+j5zN5mbr1xBACmxz41in1tdatGdmqH4pW+s2d06cQbrxJk120uTj6zbfO3pF9ds8+YXKX15fSfg9UJLZUjvvIlo/zBCN9Az7ZTeeAGEQnLLLiLd/QS2ReXEGziFeZLb9gCC6umjxIe2oMYSVE++sYaKDZDYshs9mUaNJxCKSuXkYezZSRTDJLXzJoy2DrxKifKx14n2DuLVwzJO8U3bKb7+HMktu2mMncMtF9b2OxlBy4TvFq9q4ZVWG+Mjd7Sz88FuCuN1VE3w8v8cw7MD8puTZHqitA0mUFSFxdE6rh0QTekc+HAfCxfqPPfH568nCLch2rbdSm36PLWp1Tm3RiJDJNdN6dwbQEsYM50n0b2JqZe/iW+tmJOEIL/3PubffIZ6uUiJBTrpJ0mWBGmKzJMgTZxQXK3IHE3eOgvlWuDj42K3zkHBJHpFASkd84rGr4+HRYMUodJyhPgNG7YBPk3ZQIpwHR8TiavaoAYmessA9vA2zBmOxLOY8SwgaFbnkeuIo26E6zZsw7I2W2k4r2N5Z5F4WO7JltE6gqokkTKCqQ1ju6ex3NNEjF2tSJbE1DahrFOm539dLD+5UWM/cfPOpbqRV4IQOlF99w0fdWtnO0NtWVLRyIY05NaRbvgYQKs+oWgpNl59lpKyVYoAgXgLtQ3D/Oyre3GEUDC0YfLpf0Qm/jGqzSepNL+N5Z7ED4qUm1+n4bxCW+LnaUt8GmVNrvEyrcPUtpGMvgtxLTmpQiW2ohzWxv0TtJlttJmro1G6orMluXXd/Q1hMhgfWvNdZ6STTjpX7WuqEXpjfVwta/SSwde1woi5BE3RGI5vWrUtqkbZmdp1lVZDqEJlJLFl3e8iaoQdqZ1Ln33p80rxZZp+g4e7309PpHdp4SalpM1o59XiyyzaC/jSR1sl8iaIa/ENj7VyP1NdfwxXImNkyBj712y/WC1yuLDAcLIN2xc8OXUCTVHYlGzDlwFSSlRF4WK1yGitwHCyDQlMNyoMJLJLT39Mi5HV+nhtYYLz+lm2p/O8tjhBXDPZm+vmSGGKqmuzOdXOy3OjzDVr3NoxgPTTRJDsSI4w0Sjz+NQFuqMpbu4YWHqaFaGse1+Zqkk6vX5pISEEutDpjfatcqYANFyXuuPQEY8v7dcd7aE7euWSZIZqsj21Y9W2putSdWzy8dUGvSpUHMdkc2LLkvH/I/zgUT4xy5F/+W2Sw22Y7QmEquDWbBpjBZoz1VW1WgPpYaox+tP78ANvadto+XWsKwqXvX1IZxV++Z92sG2vyYtP1HnzlSaOI0mmV7x3RRhtCoK3xpqVroc7ucyS8abXd1wH1RpBdXkhvJIm7DfXLux0YdLV6MFsxnBlhpn6BWTBolsPy2TY0w0iIkctKLLgThIRMfLGILoVoeYXmXd9TBEnp/cQSJ+4mqHgTVP0pokpKbqMcD4ftY7ht9YouoiQ1weJKglc6TDjnMOWTdr1PlJqWDd9wR2n7M+TVvMk1Cya0NGEzoI7Qdmfv4YBkwSWS2C5eIBXaeLXriyG81agamFJO99zSGb6qVUmr7lsiK7HicTbqJY21iW4Vvj1GuXjh4h091M5/jrW7CSB65DYvINo3zDlY69h5DrIHryH+Se/SXN6go67fwyA+NBWSm+8sK5RC2C05Yl29lJ49RnMfDfpXTcxX5gnuX0fWiJJ+cgrJLfvI7XzAIFtoUZjgCDaM0Dt7HEiXf3UL5xa067QVTo/eBP5h8N0uLlvvcHkn7+wap9ISsd3A04/M09hoo5TD/t4+pk5hm7OcfSRKebP15Y0oSaPlckfKhLPXj2yty6EQI8mUc0ovmPj1kuAQDWjmJk8vt3Aa9ZQjAgIhfrsxaWfBp5DfeY8sfbl1ZBQVPREptV0+M7x8ViUM7TTjYZOm+iiKOdpE12oqPjSY1FOL0VR32l4uDSpI5GoqCRFlkW5MaU8RmLVuuhy+HhUKdEhe1BQyIlO5uVa4dFrRY0SrnTQMUiRQ0W7YvmgOClMwgBHncqq0kErUS9N0awtkGrfFGoyXUefrt+wRSWihwtRx7tAEJSxvYsowiSibwVUhICIvodK81Ga7lGSwbtw/RkUEcPQhvmbXET6eqGKFGFtX4+Ivo2O1K9cs2F/LQbwRjg+Ncfu3k6i+jtLq1SV0KMicQlkbV3RmZUIZLUViVZaFOgbM6wD2YRrVKMTQiAwMLVtmMkRMvGPUrdfoFT/KnX7BVx/moXqf8HQeklF37+6hquSCA1wGap2dyR/CUVZ3zBYc1xUgiAgNOLDfvh+gBBQLjepVJtICdlsHAEkEiZSguf5uK5PLGbg+5JyuYGuq6SvVZziOuAGNk5gE9dSBDKg7C4Q11IY1xB9fycgpcQNLuXkrN4ecEk9uk7WyC1Ft7/fCGSAG/h4gU/VsXEDnyOFKeKagS8DfCmxfY+qa7Ej00nTd+mIJDhdmiNYofoopaTiWngy4MW5UXpiadzA56b2Pmzfo+G5nCnPkzaipI0offE0p8vz7MjkOVmexQ0CynaThudyaHGSm9v7Q7riOjhXKHBqcZ6hTJZ8PM7r09MkDJ1dHZ28MTtNICV78p0cm5tDArvzeUZLJeYbdXZ05LlQLHBkdpb3b9lGVNd4c26WbCTKQDrN0bk54rpOPp5AVxW8ICCiafQkl1McXpwYp2xZ7Ons5HyxyKtTk7xvy1ZSpsmR2RlSZoShTIY/fOMQ9w8Ns6sjz5tzs3iBz83dvaQjP5j78UcI4VVtikemrrqf4zU4U3hu1RwaRmy/f7TLLbsi3PWeOP/ptxZ47K+reK4kGle4691xovGWCEsA81Mu8aRCR5fG1NjVjR0puWbWgFC1VokKcV25YUvHQtLwK1TkIl3GEO16HwVvmpzew6I7QY+xhRnnPHl9kLK3QK+5FUdaFL1puoxNeNLBDhr0GlsYt0+w6E5iy/AaWEGdojdDv7kDRaj40kUg6DO3oaKx4E6E7yrpAhIvcCgEU8TUFL3mNmqNIjE1RacxxLh9HF1E6DO3U20Uvi8R4GuFEApt+R0YZpLF2eMk031Eolma9QU8t0ks2YVrV/E8C89tYkRSuE6deKIT3YhjWyVSmUHMSJpKcRTHvnEqvfQ9vFqZwHHw6lX8ekuXpLMXa24Ka2oMp7BAcmQXWjyJU1ygevYY7Xe8m9IbL2DNT2/YthCCxsQFmlOjBK5DJN+LYpjEBjYjfZ/EyE60eBLVjFA7d5xozxDS97DnZ4h09YIM8Bpro49q1CC1fxAzH87jWiKyStAL4Myz8yiq4JaP91NbdHjhzy5gVb1WZSqJDORaQfW3wN6Ndw6TGd6N26jiNasUzryGommkB3YSyXSimlHm33wahEJmeA9ImHn9OyuOveLgQpDs20aybytuvYyRXNZPKbFAkxoJkSEjQxGpLCHLqU6VMmuj2+8UJAElGUaQVaGRk3mmuLCuQaihkxX5VtrZRu1JinIOW2zCFFHaZTfT5Kjc4DnVKFGlRJvoJCkzZOlggfXvVw2dLjGAEAqB9K/oIIgkOzBjWaz6IjK4PvbqDVg9CqY+gsDE8+ewvTFcbxxFSWHqW1oKmSoRYwegYbtn8Px5vGAORUlgapve0ZqQP2xQ1RyaksML5nC9KZAByjq1PN9u+DLg8ZPnaUvEuH24n/gVo7Y3DlPbjBAaUlo43gQSZ92yOtAqb+BNEEi7pXJ9Gf1oyeFx5eivlBIvmL8mqu+q5ltlnHS1k3T0Q8TNuyjU/oiF6n/DCxaoNB8hGXkAscLxoCoZNCWPH5Tw/FkC6aCtQ1neqJ/jE4toqko+n8T3JaOjC5gRncXFGqoqWFiocfttmxkbX2Sgv42pqRKRqI7r+uQ7Upw7P4tp6CSTkSXDdsGuElV1YtrG9VWnmxcoOrOoQqPd7KXmlbCDJr3REUrOHDWvRGdkkHl7gunmeXal78BUYsxYFxiK7WLemWDBmcJQTLoiw0w3z9P0awzEt5PWl9UgncDjUOE8TuAxEG9HEQrj9QUyRhxFKFi+Q1KPktSi5CNXdwioQmVbcjvHK8f56tSX2ZPeS0yNYQcOM9Y0h0qv02a0sTe9b0PD1vZdzlSnWbSrrRzaEN3RLNtTb03xWEqJrqqoQmG0VkQIQdlpktBNMkaUI4UpnMBnS6qDktNkol6iN55htFZkslFmqlFmMJFDEYIAyXSjQt21SRkmmqLQEUkQ1wzmmzVmm1Wimk5E1fBlwMVqge2ZTsbrJabqFcbqRcbrJdzAJ6Ff+Z5suA4V28HxfV6fnuJcsYAiBIpQqNoOd/UPEEjJeKXMu4c3owjBYxfO0RlPYKoaHfE4vakU3ckko+USNcfhxPw8SWOEuutwS08vVcfm5MICUkr2dq6ms5dti7rrIBDk43F6kkn6UikmKhUarsvh2RkOdN1BNhphe3s745Uyr01PkjBMupOpHxm2P0TQMlmM9jz21AQSiPYNYM9O49eqKMkUzXJpw/JA35f+6aCqAqsZIAAzIth9U4SRnSaTo63cMgmnjtoU5n0+9Kk0i/MehXk/dMpHBb4HpcLqBVel5JNMK3T16Ti2gxDguhLfAz2WQqgabqOKZkbRYymcRhnNjOHWK/hOc52eXgFSIlBIqBl0EcFUwiibG1iUvDmyWhdFb5as1okpomS0TsrePIqqogqdhJrFDhq40mHOHVtlcAb4WEF9VVUKTRgklAyj9lEq/rKIkEDg45FUs5hKjIgSRwgFgaDqL7LgTmKICO16WCLFuZYCvt8nSBng2BU8z8J16kjp02wsEk92EgQ+jdociXQvvmfRqM8TT+RpNhaJJjoIfIfA9/C8Jp7bIBrveEuG7cZ9XA4EiFY9ZwkgBFosjm83UcwoQlGRV6AWBI7NUp1j0VKuDQLs+Wms6XHgHH6zjgwCEpt3Engu1swE8aEtuKXiurQFsytNpDtzxf77bsCpp+aYOFLiwb+/jdxAnKljZaQfGrSRlI4eUfDsIOyaIlBUgdL61w9CJXJFVRCKQNUUEH6YUq6ErIpL+0p0UgPbqYyfpDZ9/tIAAoLq1DnKF4+S33MvZrqD2tRZalPnSPRuzN4SqkaydwvFM6/j1ApEV0RybRoUmCMhM8RI0UY3MZIgYDGY3jDKeCWIlr7x8ucw+BGuBK48X5aYp06FFDlStNHLJsY5s6r+q4pGJ/20sZ6G0WpUKTHHBH1yhAgxRsRezsk3qVFaY2iqqGjoJMjg4qwxgB0cpuUFUoQMjiF24EiLKuVVpZB0DHoYpp2QFVimwAIzbOTpkDJY8tNf79vkBqjIAl3tQVPb8IMqtnsKz5/H0Dejq91L+xjqAJrShhfMYbknCIIqhrYJXVtLdfzhh8olV5XEv2pUciV0tRtT34xnz2F7Z7G986hK9h3PFxvpaCMTa6AryjtK6zO0YXS1B8c7T9N5E98voGxwjX1ZwXLfBDxU0UZEX01lVUUsjDjJAF9Wl+okXw4pm2EdZVy4wai2EAq62kEm/gkqze9iucdC5W5ZR2GlYdtGxNiO7Z3B8cex3FNr6ixvBClhcaFGo+nQ1pbAdX1K5QYx1yQRN0mlo4DANENDN5WMUqk2EQIWC3WklJw7N0dXV4ZASnpb993XJl5lV7qPW9s3ruNcdGapuAWEENS8EiV3rrU4gtH6ceJaBoC4liKupUloWUBi+XWcwGLBnkRTDBbtaQwlyox1EU3oqyZmADfwOFOdZndmgJOVScpOA08GiPoCcc1g2irSFcmyNzMIXN2wFUJwU/ZmXOnxevFVHpv7LkHgowiFqBpjZ2oXd7TdSV+sf8Nr8MTsUb419TpxLcKiXSVrxFmwq3xi4M4NDdslKftruK4dkQT3dG0iphnoispAPIuqKCR1k85oEgkkdZMd2c7Q6NTMluGfIWVElunCCG7pGGBn1kEXKnHdoCuaQgD9iQwfGNiFAOK6weZUO74MyBpR6p5LbyxNUjfpi6exfA9T0XBsF8/xiSUjayJmccNAFYKLpSLDmSzTtRq9ySSd8TjjlTKnFxcYyGTIRqPkolEk0JtMEdV1BjMZDFWl4brM1qqMlUo0XJeIpqEqCp3xBCnTJG4YHJ6ZIaprtMViq46fiUSYrlaZq9foTCSwPI/pao2xcpma4xDRNAxVJWVGuFAq0h6NkYvGyEWj5GPXVo7gR3hnoESjRLr78K0mXqlIcuc+pOfhzM0QH96Clslhz0yhZ9tQkym8chktlcJoz+NVK/iNOka+m8BqYE/fOOXtWnHxjMPpoxZ/629n2bk/gm4Ich0as1MeK9mcU6Muf/ofC3z67+b4p/+mk+lxD0WBdE7lu1+t8u0vrjZkXn6qzh0PxPmV32hn7KyD58HjX69y7HULNZJAUTUUzSDeOYhTKaA4TSLZLhTNpDF/fXTWbnOEiEgw744RXaFJIgla/0tY4bYLCKgHZZygSdUv0AyqqGgE0rtqjcqVuHyBHVPSDJt7mXLO4EqHjJrnEsvKk+6KvrC0/Z1CR4+OYQrmp10c69qWuo5TI5UZRNUjuE4d16nh+xl8zyUSayMIPBy7SiLZg27EaTYKCKHguRZS+jhWBdepo+nvTPpcc3KU5NY9xDdtQ8+041ZLeLUKkc5eIt0DzD/9bdI7DhDr30T9wmmudYkvA5/6hdNEewexZycRqobfrONbzTDBHLDnp8keuJP66Nl124gN569Ywkiogs13tDOwP0vgSipzFtW50OCz6x7TJyvs/0Avi3szHPraJL4TsOOBTgZvyqJHVfZ/sI8zz83TOZJg8x0d5Ppj3PTRPk4/M09xssHOB7oYPthGJKmx/4N9nH2xgqIZuPXyqjq5ge/i1sthLVzPWVGa6GrKwAKhanh2A99uErjLwm0BAQU5Q7cYDA0yMYQuDFxps8jMVQ1RgDRtxEmhoqG2zMOoiC9VDIiSYJPYhScdfDz8lpDSpZJDK9GkwaQ8H9KMhcEg24iRoCDn8HDRMMiINtrpxsclkD6RKzBDfTzG5VliIkkbnWRFB7u5jQJz1GUFH4+wZq1BVMRJkCZKggscpyIvj+xK5pkmyQX65Ahp2tgpbmWeSWqyQoCPQYScyJOjM0ylkE0uyhPYbMzkiSY6KM+dJdWxCUXRrrlkE9xQxBZ0tRNN7cBxL9JwDhFgE9G3oawo9WJoPehqJ443SsM5hJQ+pr4ZRfzNW6SoShzRGio/KCKlhRBXVmq7BEUkSEXfS8N+Ddefo1T/KyLaCIqS3mARLVuLbHkF9d2ro9y0mSpVWKw16M2kibxDlGRD6yVh3k3BG8VyT1K1niEb/9gadWQpAxr2KzTs1wFBzLwJU1+dt6mpXQhMJBaWe2KpTvLqdiSWe5KG8/oV+xWOoQ8oV1TaFiu4NQJzDf1bETGSkQeoNp/AD8qU6l8kZuxBVdqvcv0ChFDZtq0bx/UwDA3D0Ni5owdVVVFVBVUVZDIxVFVhz+5+olGdVDoaCiHlU+i6Rlsugaoqq47lXaoPdwXdLU3oJLQ0l2qLRpQEcS1FzuhiwZ4kosZoM7tRhIYnXZp+SEWqekUKzgyqopPS22j4VQIZEEifhJFHvey6CgRZI06bmaTgVEkbMeqeTX+snYrboDOSoeDUaDevpLy9GlE1xr3t93FT5maafgNfBihCwVRMElpilejVenh18Rwf7b+NvJnmmfkTfLD3IE/PHUe5wrqr6bocnphhsC1DeyKOrijrHkMIQUwziGnLEdKO6PK81xZZnt/MFbX/ouikjdVzxnpt6a0ah7pQaV/RVkRdzutOGyppYzmCmdRD+vp3/+cLHHv5PL/8m58gnlp9rPZYnDv6+0mZJjFdJ59IoApBLhojYZh4QUA2EuWegSF0VUUAH9y2naptk4tGMVSN92zaTEzXuSMWp+bYmKpGwjDobVGOFxsNLN9jdz6PdpkzbTiToz+VJheNoSkKP7Z5CxFNIx+PU3VsDDU87w9s2YYb+OSiMd6/xcTxfZLmxiXgfoR3HpHeAaQfYHZ2E1gWfrOBW1jEbzTwmw0C18Fv1BGqhp5twxq/SHRwM25hAb9RJzo0gp7OgKLgLMwj3WtboAhVQ4nFkI5DYK+OkLz+fJNIVBD4axeYs5Me/+7/mue+hxK0dWosznp8+4sVYgmFgc0G7pKyMjz+jSrj5x1uvjtGvlvDdSRHXm1y+KW1EdbDLzX53X8+x8G7YsSTKtWSR7UczsVes4oWTYRGUbPeijao2OX5Vm7kZRzOq8AUMRzZxMfDUKLYwcbiW660qXkFdGFSk0VUwjldFdq6R1TRMUUMVWiYSgzf9/CkQyOoktcHEYQR2XpQRhM6oqUCm1byKDeoov92IJ5Sufm+JFYzYPyMxYWTFvWyf8Uc6WZtAd+1cd0GhfnToRHkNJDSR9dj+J6D7ztYjWK4Ro1m8X0nNHLr8xQXz4aU8rcjfU5KmuPn8ZvL17I5cR6hqkS6+gkcm+KrzyJdBz3TRvnNV7CmwtJJRq4DoalIby0l05qbIrDC+9W3GjQnLhJ4LtUzR5HSJzawmcBz8WoVAsemMX6ewLZwy0XqF05hz651NimmRnxLJ8K4AqXVl1x4aZG5szUQ0Cg6NMthBDHwJYe+OkGyIyyNY9fDfo8fKTF9MjTafE/SrLjMnq1RnrkkNAfVeQvfk0wcLTFzurLUXqPooWdLJHq2EPg+Qgjs8kLrsVp5p4cGq6JHUDQdRTcJXBuhqChGFEXTUfUInufiNarE8wPY0Th6bPUapdKi2OZEJ0myCAQVilcUblqJbjFED0NL68/L2XUREWOALWG2QkvLxZc+5+WxNYYtSOaYIEKcfjnSovQOkqePgKClNKzQoMoFeYKc6KSHoSv2r0mNM/INPLGLdtlNRMTpZRNSyFakVSz3WYbGfrABk9LH5aI8iRCCboaIkyIuUq3or2zVu1dAShqyynl5rKUqvTHsRpFUxyZcu/b9oCKHJWJMbRNN5xh1+yWQkoi+FWWFsaeIBKY+QtM9SsN+FYmPqY2s2uftxiWDovWJ0L/prFIXDqTdorBeuslCQsCVjB9VaUdTO/GCOZrOEerOyyTMu1hWE770UK1dDAshSEc/QKX5KHX7JUqNr6AoUXLxT2FofSxHHCWBtHC9cZrum+hqN4nIPTc8Frl4OM626+O/HdJzG0AInWziJ6nbz2F751io/hc0NUcicjeipXwm8WjarzNX+fd4wSKakicb/wSKWD2RGFofpj5M03mDhv0K5cbXycY/sVRHFwJs9wxzld/F8a5WKsij3HwEgUbU2IOm5ltG63LpIj+oUKp/Bce7CKiY+tY1pY+EECQj95OI3E2l+SgV67so5QTtyZ/H0IZXGMKSQNq4/iSWcxwhIqRjDxGPm8RXULOTyfC6hDmjEl1RCQhIpiIoQmAYq422WGwtxXR/dog3S2Ok9RhJPRrewULQZiYxWqVqBuLblyYhRSi4gYMTWKT0HPsz99HwayS1DJpisDV5M0ar5uyO1G2YShRdMdGETlLLMmePYygRKu4iFbdITFseI1PVuatjBzHVIK3HUYVC0akRVQ10RUMATd8hoa2lkl4ag2AD2mJMjZPQkijXyW5QhKDdTJE2YniBT1wzGYi3c+wKIiCOH/DUmQuMv1xmpCPHnZsH2dmdJ24YS+P7wwwhBOm2JN2D7Wi6uua7lGmSWmEgdieWo0Ad8RUG9AoF9bQZIW0uX7euFb9Z2dalv6K6zl39A3RcFmEVIqQfr0RnYtkZsNJwzUaX3w/tP4rU/lBAuu6S4mrg2PiNOn69ivRc/GYjTD/yPJRYDC2RQo0nkYGPGovjNxtI10H6Pu7C7KpIy9UQ27INNZEEKakdO0xgLRu3X/2TjReXUsLF0w4XT6/NGTv0wmqD1ffg5BGbk0euXsfR8+C1Z5u89uxao9drhjl/AM3C1XORr4Yp5yzdxmY69H7K3hyOtPClS9Uv4EuPir+ALz2q3iKutBm3T5A3hugyNuEGNk2niicdKv48Kxf9AkFG66RN78aTLt36JhbEBEVvhnH7BF3GcKsNC8upU/OLLLpTdOmbaQRlFqOL6O1d2PMOntMyYvApewsb59cqCmo2hV+svCWlrosnLaZHbYa3R7n9vSnuel+aN1+s89pTVZq19duV0se2Squ2+V7YT9tfvocu7eO5zXAhTYBjhayxtw1SUjry0upNvk/9/Enq50+u2l49eXjpb2tmAmtm4/VO/dyJpb+9apny0VdXtHOEyyXbqifeWPp78cXH121TTURIbOm66nvPqnlYtfWfadfyKYyvjshd/hnAbfpU1rFx1tu3ePZ10pv2ktt6ELs0h11ZxCrN4jXDCht2eR7PrpPoGSHRvQlFM8htPUjhzGuYqXbSgzsBQXZkP6XzRyicfZ3cyAHUSIzqxGn8FVFbF4cpeWGVENK0HL2iMNJK1GSZBTF9XTxaiaTJ+k4sD5dReZIGFbrFEAmZRsNAoGDTpMQCk/IcFYoELWFNi8YVRa7qVDkpX6OdbjrpJ04KgwgKCpIAFw8HiwZVCnKWOTZm3LjYnJVvUmJhqX86JgIlVD+WDYrMMy0vXpMKs10vUiuMoZuJd56KHEIQMfZA4ys43gVUJYOpbbnMOBREjf2UGl/G9s4hRBRTG35LUcirQcomi7U/xHbP4ssqflAjkDUcL1zQBrLBZOHXUdUsqkigKAlUkSQV/TGS0Xdt2K6mdpCKPoDlnsD1p5gs/DrJ6Lsx1H4kLn5QIpAWufiniBo71vl9F53pX2eq+M+w3BMsVD9PpfkoprYNXesCKfGCAq4/ievP4PslOtP/4C0Ztg3HZa5aY3tXB9nYO+dMAIjqu+lI/R1mSr+N7Z1movAPiZu3ENF3IVCx3FPU7RfDPGsRpy3xGRKRe9dMmpqSJx37IJZ7Cj8oMVP+V1StJ4kZ+0Co2O55GvZLuP4sCfNOGs5hArn+JCAJqDYfo9z8Jrrai6kNYeqbUZU2BALXn6XpvEHTPY6UTUxtK5l1Is0Q0pHzqV/F8xdpOK9QrP8lNetpIvp2dK0HJPhBCdefwvVn8PxFcolPk449tG7fvMDnaHGaRydOcao8h+N7dMfTPNA9wj1dm4nr5hVJXRfq87ywcIZXC+eIqKHhpSsav7L1vQzGw/IzEXW1UbDys66Yq4zTrJFfd79L+/aITcS1NArKqvxaAFUoZIzwN0YrqhjXVkfYkvr6958nA7504TBfuXhk3e8Tusn/sfte9uWuLy92c7KLolNjKN5Bw7f572cfo+TU2Z0Z2PA3mWiEf/Duu5golnl5dIK/fO1NpJTcPNDLHcP9DOQy6OoPRqzqWqCqCnc+vI87WwqWPwhcbjz/CP9rwJoYRcvmkLaDX6vSHLuAdEOjxp6dXsqD8qtVaqeOEjg29TMn0VNpAtehceEM2mIrcnkdho1iRnDmZzE7uzHyXdiT4xsqw/6vhkZQ5py1lpU06ZwGYNwOjZlxJ/zXknXG7GNr9h+9bJtEsuhNsLiOY9iRTcbs42u2Tzih0SUiJsmbu1Bq7RQXTqDkomhKB36hzERklABQzARKxEREjCVDVutqxxjqo/7sa2H5oxtE16DBLe9KksqqnDnS4Pxxi50H42zdF+PwczVQFBTTRChK+E62mtdtSAeBh9X8/gkDXS9Sahu+9PGkDQh0YeJKC11EcKW9JBD2VhHtzWF0XptI5vcTbqPCwtFnV227VM4HoDy6fL9Xx1c7C5oLEzQX1t73M69/d4OjSWYZZ1aO31BfJzjLhFyf5n2j8PGYYYx5OU2EaIvWLHFxsGkupR3MMcGcvFrwJ4SHywxjzMlJTCJoGC3DVuLj4eHiYF0T/TrAZ44JFlr90wirpgT4ONjXlZuc6tjE3MVXyPYM4FiVVj3ba8MN80oi+g7CaKOPprStoZWCIKLvbFFLbVQljaEP8U7mYQSySanx11ju2gm+tQe2d5rLHS6aml9l2EopmbeqLTVdgaYoZOM/jeNNUG5+E9efoFD7o1VtqEo76ej71j2qEIKYcZC+3L9lvvJ7VK0ncbxRHG90nb0VdLUXTb16AviVsFCrM14so6sqVcsmF3/nSiwJoZKOfQQhosxXfg/LPRlGN5uPrtwLQxuiLfFzZOM/gSLWRvCEUMjFP4nvL1KofwE/KFG1vkvVWp54FJEkl/hpsvFPMFn4dZobXGuBQFM7AIHjncPxzlG1vrfOfiZx807yqV8lelnO73K/wnu5L/c7zFf/E5Xmoy0nxHreK4GmdmJo6xtjfhDwzfHj/M6Rx5lprvClzsM3x47xk5tu4h/svo+UsbFYzkPd+7i/c+eqbQLIGu9MhMtQI3Sob010aT1IKZlqlHl9cf0JOG1EqDpXj6Rcjg/0HgzzSjWTnxy8iydnjzKS7OJdnVcun2VqGkNtWWKGgalpfPnQMR49foZnzl5kZ1eeT922n7ZreI481+PoS+d49uuHmBlbwIjoDO/o5cGfvJ2ugTaEECxMl3jx0SMce/kclUKdbD7JXe/bz83v2olh6tSrTb74e98lkYnxkZ+/H62VSiCl5Guff4rp0Xk+/Y8/QCRu8tRXX+Pxv3oZz/HoG+nk5//PjxKJLRuY1VKdL/7H77J1/yDNms1L330Tz/XZd9dW3v2J20hmYgghcGyXQ0+f5NlvHKIwV8F3fRAQiZl87JceYO+da8tP/Qj/6yOMti6Xcgmay4tn6dhLyx3pNVA0QbQvhdAUZCBRLQOv4uMWFyC4Pr+7Mz+Dls7i12sougGqCtdq2IpQxVVLR1GjBkJTQzqd6+M3bNxSg6B540bWDUGAloqipWKoUR2hhgZY4Hhhn8oNgub1CSJeF1QFLWGiJSIoUQNFV0NNCz8Ix8Vy8KsWXt3e+FopCt58ATWbxujvQro+Mt+GkozjnB9H7+tGy+dwJ2cxejpD3pxto7wN4pWaLjjxWoOx0xZOi05uNQJ0Q6CYEVK33IGezoSiWEFA6cVn8UrFq7YrVAU9G0dLRlBMDYQIx6Nu4xbrBNaNXxNVF2y7px2r4nH+1av3ZSW23dXG+NEyjfLyglWgoAhJQslhCBNPuviBR0SJo0oN22/ylmSHCccjsaMnVEH+GwAlqqOn46hxs3VPg3R9/KYT1t6tNt/qkPzwISYI8gYiYhC4Hl7BISjJDc9TaApGRwotFQ0f+YaDs1DDb6zMK/Zb0eK3WHNcEaiZKDIVITB1UATS81HqCmopwG9c27xrN0v0bL0Xq7ZwXUwfeAuGbczYx1D7HyDxQuXYywwxIQRRYxeD7Z9H4qCIGBHt8oWRIB19mIg+AihEjT1XPGYq+h4MbQiAiL59zfeKkqQ7889xg0Ua7jRxvfeackJMbfOqz03f5bm5c2iKStYIF7L7c/30ZP8Fqeh7qVnPYHvnkdJGEXE0tZOosQdTXxbz8YJQkVFVFPwgFFiI6Dvpzf0OTecwNfs5LOcEXrCIQMGRcVRlgI74QaLGnqXzvFFULBs/kEyVKuzszq/6TlVSdGf+OYGsoIrUGvrtSihKks70P8YPfg5FJNCUjvX3Ewbp6PuJGfupWU9Ts1/E9SYAia52EzMPkojci6ltAjamfSsiRT71D0hE7qNqPYntnsQPKggRIaJvIxl9kLhxEIRGT/Y38YLFDcZKpyP5KyQid9O0D2O5Z5mZPIPv1cn35UKWgb6ZmHErcfNgGMldEUG26jZTF+fpHuogGjdDQTRtEz2Z3yQb/yQ16zks9008fwEQKEoKQxsgqu9ecy+sxHSzwh+efnm1UduCE/h8dfQId3YO8WDP1g1pQGkjRuoHoDpamK8gA2jrvPZ82R8EIqpO0alRatZRhcIDneG8shHlGcD1fY5MzvDE6fOMLpboy6b51QfuZGd3nobj8vnnX+O5c6N8aO9aRsblOPrSOf7Lb3yRHQc3cef79lMrNzh/bILiXIWugbCu7MS5WY48f5rB7T1k2pOcPjTK7/0//4Jf/Tef4uC7dhKJmSTSMZ7+69e486G99AyHz3ClUOOJL7/CgXu3Y0R0FEWw69ZNJLMxHv/Sy5w5PIbvrY5SeI7Pydcv8tJ33qRvpJO9d25lcabEF//jd6mVGnzyVx9C01Ve+d4x/uj/+3Xu/8jN3P2BA7z46BFefPRNPvdPP8TgtrBebXGxxhPfOYrn+niez+BwB0deH+WhDx1gaCTP1ESRp797jIW5Coapcd97drFtVy+vPH+WhbkK1UqTmakSg8PtvPvhfRimxpe/8AK33LWVkW3hO+SV588yP1vmwfeF3/8IP7wQmkJ0sJ3c3dtI7e3HzKfRkhGEriL9gKDh4BRqNM7PU3j2FJUjY0sLm8D1NlRPVqIxvGoVr1rF6OjEnp5AOldfEOmZGImdvWRu3Ux8uAO9LYEWNxEtx1Bgu3hVC2e+Qu3kNMUXz1A/M0vgXN/C6RLMrgy9P3UHWjpkpfgNh6m/eIHm2LKysBo3Se7sJXfXVmKbOzHawkW40FQIJIHt4VWb2PMVasenKDx3msaFOaT31lOItFSUaH+O5K4+4tu6MTvT6OlYaAQYGkIR4XWyvSWD35osUjkyRuXIGNZ0acnIlZaNV6zgzRdQohGkHyD9UExTiZho+TaErhJUarhTc5ib+hGKIHC8tyXSnm3XqBS8JaMWoDgfXjctm4LAZ+E731jOQ73KO1JLR0kfGCJ311aig+3o2ThqRA8NW8fDqzSxp0uU3xil8PxprIkiSIkMQkfARogkNbbc0YaqCY4/OU9p2iLZbiIU2P1gHiEEE8cqpPMmuf4Ys+dqWFWPwX1paosOcxcbbL4lS/tANCz3N2uhmypW1aMyVUZBxaGJJswwD1uGOdJhXuR1rAtEWNJHS0bRMzEifTliQ+1E+tuIj3QitNXrtOydW4j05ZaEFq8Gt1Bn4k+exS1eu6EkNIWen7iN+NZlAdKF7x2j8Nzp1c4WVSHanyN3V2ve6QznHcXQlq7fJcdEc6JA5cgY1SPj4f18hf4rUYOej99KbPOKNXMgmf3WG5RfvXDN57ES0cF2ej5xG2pi2dnsFltjU1g7NkJX6f/cPUR6Q30Za6LAxJ8+R2C5CE0lc3CYzg/dRHxzJ2rcJLBd7JkyhedPM/fIEdzF1aWbokPtdH/sVlJ7+9FzYR16r2bRHF1k4XtHWXzm1FWdN0ZHkr5P342WujTP2Ux/6RUa55frdqtxk9TeAdru2UZsUwd6NoEa1UFRkK6HV7Ww5ypU3hyn8MwpGqML4G88x5VnTlGZO9tSA7++9e4NrRqEEKgiRTL6wBX3U5Ukyej9V2zH1Icx9eEN97G8BRasQ2giiqZEqbl1FKGTUS0K9WfxZJO2yH5K9gmk9MlEdqD47RDESEbuounPUbKPE1HzJPRBFqzXUEWEuN5DyT6JInQ6jfya45bdJj2xDAESVQhUIVCUNKnowySj7wEZJkWH2uoKgVRYsJpAlawZ5Y3FKVShsCvbyfnKIgW7wYH2XqTUKXu7SEb2kUsI5ptVFCGwbIsF2yav9aKqkSvWodoIruNRmq/Q1p1ld08ntufTl0mRia32vCnCJBG5/ZraVIRB3Dx4TfuGSsN9ZOOfJBP/eGuMAKEg0FkvB3ltGwIhosTNO4mbtyKlx/I4qwj0pTZi5k1XbEdTcySU+0iYd2NbTb76Z1/CsWx+9d9+GkUoLVq8tm5+9fjZGX7n7/4R//DffZrtNw+v6lvMOIgIdjE5Osn+3ZcimZf6p7FQqPPiiQsc3D9E8jKv59nKAuP10ob9rro2hwtT3Ne1GUNd//GcbZb41tQhppphO770SWpRfmroLrqimQ3bfqt4+puHcWyPn/iljWn7Pwz4zvRhnpk7vmYqvDm3mY8PrH/fVyyb75w4w3Bbjo/t30VfJo3eEu2K6jo3D/TgXWESXonpiwsIIXjfp+9m8+6+sDyV56Np6tK9u/u2EbYdGEI3NRQhuOcDN3HhxCTHXznPgXu3oekaN923nSe+/AqHnztD91AHQgjOH5uktFDlwH3b0fSwvc7+Ntq6Mpw+NMrUhfl1+xR4AdG4yc/+s4/QNdiO7/lUiw1ef/okH/6FdxGJGRx98SwdvVne/9l7SeXidA208fqTJ0lm4qRyIRvAslxeeuY09z64k+efPEW52CCRjPDUY8foGwrb7R3IsX1PHyeOjPOlP32Bf/AbH2Rmqsi3v/I6H/mp2xjc1MEjXz1EIhnl/h/bjaapPP3YMTZv7cTzAl546hTbdvWg6f/71Dv/mwi9LUH+4X10vGc3ZkcKFLF6ftdUVFNHy8SIDefJ3rmF8msXmPriS9TPzuI3HeQ64k8A8W07IQjC8lq5Npz5WWDjkjlq3CRz22byD+0lsaUbJaKFlNTLoOgqWiKC2ZUmuauPjvfupvjyOWa/doj6+bkrLrQ2Om76pqGlWp+B41F47nRo2CqCxLZuuj96C+mbh1Bjxvp9MjS0ZASzO0Nqdz/tD+5i4XvHmPna62sWqdcCoalEejNkbh0hc8swseF8eGx1A0E8VVnuQz5NfEsXubu2Ys2UWHj8OPOPHlkyTpyzowS1Bn6lBqqKUBXc6TmCchVhGLgTM6Aq+OUa1pmLIRW5LYN1/BzSvTHnwSUYpkIyq6Gq9hLD+JKNIl0bLZ0hdeAWvFoVgoDm6HmC5tp7RmgqqX0DdH/sFpK7elEi+ppxUXQVLW6G98nefjres5vZr7/O/GPH8JsOgeVuWB0jktBQNUHPtiTnXyleknsJtQ46TA4/Motr+dz84R6aFZf2gRilGQuhCgb3Z1B1hekzNaJJDavmkd+UQADnXyviiwAtnkIoGgEQNCwC1ydYkQssFBUznkW09DacRgnfXU0BNXsydH3wJqIDbRgdKYy2ROjoUJW1z/Gl8+rJEunJXvP1sqaKTH3xpavvuBJCkNjWQ/b25cCANVmk+GJLxIvQIZF/717y79uHkU+te18vXb98iviWLtru2cbst95g7PNPIa/gxFI0lcSOHjI3L9skgedTukGjFkLnUvrmIYzcsq6ENV1i+osv464THRWKILW7n8T20JncnCgw+803cOYrtD+wk77P3oPRllg6Z0VXUTebRAfaiPa3Mfb5J3Hmw8BJYns3w3/3vaGhLpavq5FLoGfjxLd0EunNMfmF56/o3FOjRjjPdYTznG+7lF+7GBq2iiCxtYvuj99K+qZh1KgRLodXXhNdRY2ZGPkUyZ29tD+wk/lHjjD37cO4pY3p85eu+fXih9odLqXEDcIE/nnrFTKRHUg8fOmz0HyDpjeDoaZpeJPU3Ql6Eu8morahoFOyTxJIl5J9goQ+SEIfpOnNIaXHgvUqirgNXUngBxaWv4iuLgujOIHHcKKduGawI9ONJlQ0oVBoNEkYBqZmrGFUNz2Ho4UZzlcKPNi3hbPlBRQEm5I5xmpFxmtltqTbqTg2hxYn0YTK1kw7Z8uLDCezaIrJqdIMTiC4PT+4pI56PWM1cXaWv/jdR/i13/0MvZkUXelkq1bl90/4JryZ1VBU6S0cNmxHRwj9qvtevR0NXY/zro/eTRAEqErsqgZ2EEjspkOwDiVLCIHnCd44OkelGjCyKU+z6TI9W6KvO0tXZxrH9bFtj7mFecanCiRiJvt29TNv1XCuovC20KzhyoCNyFvfmTlCwanjBR7d0WxYD7VZxFSWH2cpJdVSA93U0A2N4nyVdMtbV6s0ybQlsBoOlWIdRVVI5+IYph7+rtxEN1SshoPddEllY0TjJp7rLwlvuI5HabFGtj25RqzoB43TlSnu6tjOwbbNaCscRKay8b2UiUb4e/ffQUTXUS8rlQNwz8jQNR9/ZE8f0bjJn/zON7jr/fvZe+dWOnqzKOryojbwAybPz3Hm8CiF2Qqu41FerNGoWUslnLuHOth+8xCvfO8o937oJqKJCC8+eoTezXmGd/Ren6CVgM27++kabG8pciv0bs5z6tBFHMslGjfRdJXAD5avse0hkSiXyUnH4yb7bh5m9Pw823b10pFP8di3DiODgN6BNjLZOM2mg+d4HH1jjEY9pDsNDHdw34O7MEydMyemmRxfRFUV9t+yiT/+r09QKtRpNBwKi1V27u1HeQfLlP0Ibw2Rvhz9n7mbzO0jqOaV52ghREjDjZvk7t5GpD/H+B88jTVZJLDXjxQ0L5zFbzQQioKaSCypvq4HsytN98dvpe2+HWG0+BqeCyEEqAI9E6fj3btJbu9l6n++xOIzJ98S9VToKpGeDEJXyRzcRN9n7iY21L6uQbtRn8yOFN0/fguRnixj/+Mp7OnStXdAEWTv3EL/Z+7G7EwjdPW65wkhBMLUiA600fu37iC+Kc/of3scZ6GKN7+cf+qOLYtkOaNrBbN8K3zu/cK1qcheDVbD5/6PZNl5MIbvSRamPZ76eqlFMXexJsZQ43G0ZDIUGlvHYa0YGu0P7KTnp+4Ix+daHO2aGt7vn7s3NAL+/IWQwiklrPP7WEYnltFpVFxUXdC5OU48ZzB5okKt4GDXPXxXMn2qSjSpsTjeIN0ZQTcUakWH8qxF97YkKILyjEV7f4x6yaFZcdHNFD3b30U03YUZz3Lh1S9TnDy66vi6maBnxwPEUp0Y8RwXXvkSxanVKVtmPk37AzvRMz/8An16Lh6mNrg+Zmea3p++k7b7tqOaa9fh60EoAlSF5tgi8gqR9h9WaInQQDfaEvT8xG2rjNpLEEIgDI3cnVuwp0tM/PnzGNkE/T9zH7GRzg0rPKhxk84PHqB+bpbCM6euuU+KoWF2hfNL+qYh+j937zXNc5fmuEhXhp6fuoPoQDvjf/zM9c1x14AfasMWJA1vFjeooilxNBFDVU1Aggzl83UlTlTroq5OYihpBCoNb4qGN03Dm8ZUs1SdC0jp4wa1pbZUEUVXkriixuVPR0qPckv7EJpQ0JXwxVBsNvl3L7zAp/ftY2t7+5qezls1Zps1yk6TQEoGE1kUIUgaJoPJHCBI6CaHFqawfY+C2yAfjZOPJhhOtTFeKzFv1RhMZteUyrjiCEmJ5/o0qk2OvXyWqQvzLEyXMEwNRVNI5xKgqUgpadYsgkASS0SoVZq4totuaMRTUVRNxW46NKoWyVwcTQsNAs/1qZbqxBIRpATP8VA1hWbDIZmJEfgB9WqTWCKCGTWQQWhQReIGgR8eU1EVEukYqnb1iO1G5+Y6PqqqEIkZmDFzabEtpcRqOFh1G98PVpxPeCwpJfVKE6tu0z3YjhE11u1DeB4WjuVgRHTkNeSDmaZGey7B6XOzTEwViZg6Tcsl35FCUxVAMjldJJWIMj5VYHigfY3k+3pQxJX3Kjp17unYznhjkb5Yjl3pfv7g/JMU3TpZc9kr+MTXDtHRk2Fgc57/+ltf5xO/eD+xRIRnHznCRz53D3/9R89SnK8ikYzs6uXdHz2IYWp890uv4Hk+tXKTWrnBXQ/t4aa7ty21a1suT33jDSYvzvMTv/QutMvEoeaaVU5VZtiW7iIfSfL9xu7MAI9OH+JCba5Vciccza3JHu67LDf5EoQQTJWqvHBhjJrtIETo3BjMZXh49zZM7dqnyuFdffzS//vjPPnVV/nWHz/Lo194nns+eBPv+cnbiaeieI7PY198ie/8xQsMbOmiZ7iDeCqJbmiraF6RmMEtD+ziD377a4yemqJroJ03XzzLQz99F7Hk9eU/KYoIn4sVxrWqhvL7Uko0XeXm+3dy+LnT/Om//ib9I12cfP0Cwzt62bxndc1g3dBQNQVNU4lGDRRVEASSIJC8+coFXnr2NKap02jYNJvO0rPU1pFE1VQURaDrKs1GWLKhf6idZDrKqWOT1Os2nd0ZOn7I6e7/O8PoSNH/2XvI3rkFRVvt1JIypNYGtov0A4QSGgZKREfRVIQiiA11MPjz9zP1pZfxNzAivXIJs6cPoz2PszgP1bWpGxBGngZ/7n4yt24OaYhr+uIS2F4YGRagaAqKqa8y+ISqEOnP0f9z96EmTea+ffiGc12FEEQH2kjvH6D/s/cQHVouCyeDVn+csD9CYWlsLo86KbpG9s4teDWLsc8/hV+7RtGVQBI0HfR0bM14LPXB8ZCuh/TCiLhQFRQ97MfKqI4QAtXUyd29FbfSYOy/P0Fgv7Wo61vB2Bmbb/zxwlL/7GawxFCUrkvQbGC0dYAQ+PU68jJ9BqEq5O7ZRu+n7sZoX2scBJ4fRmJdP+SItSLZihlWKlBjJvmH9i6PoR+su5CfOVOjNGWFZW4aPiefWUBRBFbN48STC7h22O+TzyxgRFVcy2fmTA09ouK7Aa4VUJxqrdXSOqohmD1XRwbgWFXGDn+TSLKDLXd+ekXN1mU4VoWxN75BNJVn5M5PIdYTPZQyjPSu61gSCE0Jo7crf+IHLXr8tdFCA9e/Kh38WmBk4mEedFuCvk/fRdv9O1BWlK+UgUR6PtIPWgRKZY1Dxy01qJ+dfVv68/2GGjOJDXUQH+kk0pNFej5ewwEpUWPmqnNVDJ3cvdspvnSW9M2bSO7uA8C3XALLASFC9kaLPXbJuM0/tI/SK+ev2aknhCDSmyN9oGXUDncsrbdl675aNb9E9JARsOKaqKZO7t5tgGTs95/EuYydoupRNCOGa9cIvOvTWnnbDVspJZbnYfseUoKuKkS0MAoihMDyPBzfJ6HrSx55LwioOw4xXUdXVSzPww8CTE3DUHYg1V7aIhHiepyw1pOk4fqkzQDHt7DcGAnt9hbdFRL6IJFUHl2JEwn6kcEirq8R0fpJGJtQhYYmooDA8V3cQOAHAa7vY/k+AojpOpqiIIGG43CuWODQ9BTv27qVQovekjQMtFa9y7hm0B6J0xaJkTNjRDSdI4tT1F2HrmiS0WqRgtWgIxJHEZBORxlJt3NoYZITxVn6Exk+OrwHy3NpeM6qGphXw5nDo3z9fzzFqdcvUlqo8q//3h+G5V+6Mvzt3/oEuXwa3w/47l++yMJUkR23bObxL71EYbZMZ38bn/n1D9I91MGbL57lK//1e/y9f/VTdA2GxvvcZIH//E//kg/93P24jsdrT5wgnopy7KWz3P+xW2hULV753lH23LGFT/yd9+J7Pv/t//oSW/cPMjdR4MzhMVRd5a737eeBj99K7DoECWrlBo/95Yscevok1VIDw9QY2tHLj//Kg+R7w1yPC8cn+fafPsf4mRnspkM8GeXO1rEiMQPP9Xnma6/zzDdepzRfZfftI/zKb//kquN4ns/hZ07xyJ89R2G2TEdvls27+9dEqlZCCEFbNkEmHaNUadLRnsT3Avp7c5QrDaZmy+SyCXw/YLLljTIMjc5oElPRaLD+BCKA3njmihH7lBal4dukjRhvFEeJqgYlp463QgFSCEEiFWVushjWwVUEY2dnybYniSUiPP+dN6mVm/zU3303zbrDl/77k/QMtLPvjhHq1SYTFxb42X/8PsyoTiRqIFqefM/1eebbRzh7dIKP/fx9xJOrjdq6Z/P4zEnqnsO2VBcnyzMs2nV2ZbqZbVapeRb5SJK+2LVTmq4Xh4sX6YpkGU7kUVd47XMrjP7LUbVsvvDqYRQEZ+cXuWmgh2PTs0SN62cMaJrK1gODDO3sYW68wLPffIOv/LfHSeXivOujt1BcqPDInz3HtpuG+Mz/4wMkUjE81+PZbxxa1Y4Qgm0HhmjvTvPSd46y85ZNOJbDvru2XPHeXB8i9Fxv9K0QbNrVy9COHorzVZLZOLtu3cyt79lNe3dmoyZXoVa1+O43D7Nn/wD3PLiTC2dmmRhdzjXc6PimqXHb3Vt54enQY3zbPVsxI2+NqfEjvDNQTJ3ODx0ge9vIKqNWSolXtagcukj5jVGsiSJ+00boKkYuQWxTnvSBoTB3T1eJ9LfR+8k7UOMbq2gb7R2o8QSmpuGVS/iXGSpaOkb/Z+4hc9tIKBpzqS9BgLNYo3xolNrxSazpEn7dBkWgp6NE+9tI7u4juauvJaYSrk2MbJzen7idwHKZ/85RpHdj0Z3Urn5iA+1EB0PdBukH2HNlKm+MUT0xiT1dwm+64dhk48RGOsncPExsU8eqBbuiqbTds43K4TEWnzpxzWlm1RNTVI9Pkrkt1A6Rno9XsWiOLdC4ME9zooAzV8GrWqGoS9TAzKdIbOsmfWCISE92VX6lUBXa37WT4gtnKb92AUU3iXUPoxoGzfkpnEqBWL4PPZnFWpzGLs6F+3QNougGzflJVCOCkWrDtxsoRoT65FmCa6xnvBLdgyaZNg0poTDnMj0atqElkpjdvVSPHkb6Homde0IK+9xyHZn41i56fvL2VUatlBJ8SePCHMVXzlM/PYNbqCEDGUbKenMkd/SQPjCEnoujmDod792DW6xvGJ0KPEmjVc9VUXXshrK0MJdoqJqO71p4dkDgqSA0As/BtcLax4pm4jQVAt8l8BxOPLlAs9JaL0iJ5zRwrVookrUeVu6zgSq0NVVk8s+eX9f5IVSF7J1bSO3pX7W98uY4xRfOXPN96NVtvMrGTItrhZaJoadi5B/eR+7e7Si6hgzC+aZxYY7GhXmc+Qpe3V4y1Ix8imhfjthgO1oqijVZwJq8PvGuHxYIXaXt/h1EejI4izXmHztK5Y1RAtcnvX+Azg/djN4SgESAmU+Rf/8Bkjt6EapC4+I8c98+TOPMbJije9smOt67F72VLyuECCnJfTkaZ69cW3Ylkjt7ifa3ERsKdXe8ukXt+BTlw2M0xxbwyg2kH6DGIy1n3yCpvQOoCXPZENfUMO1hqsTU/3xxleMs27MDzYjhNMqUZk4S+NfubHxbDdtASo7NzfHFY0c5s7iIHwTk43E+smMn7xoeRhWCR86c4amLF/gn9963VNvwfKHAbz39FP/orrvZ09nJN0+d4tjcHDvyHXzv3HlKVpNd+TyfO3ATfakUC/Uav/Pc89w5MMDJ+XmOzs2RMAw+tnMn79k8gqGm0GWSYrPJ10+d4JnRUaqOTV8qzY/v3MltfX2orUnpyNQcXz1xko/u2MFj58/x5uwsmqLwy7fcyh39/czUqvz+a6/x2tQU54tFfvOpJ4np4aLrN+67j72doeBJRzTBj/UvR7VyQF98WS794YFQ7Gogubygl1Jya2c3mtCIazdekqd/Szef/D8e4lt/8ixvvnCGX/n/fBLD1NB0lVS2RTWRUCnWee5bh6lVmtz9gQNEExGqhTqJTCiQZdVt5ieLeCvoGp7jMz9ZpFm3cW2Pw8+e4iO/8C7EHVv4s3/9TT74s/dx/0cP8u0/eY47HtpHvi/HzOgC545O8NBP38Wd79vP0ZbBnMrGufsDB1ZRMq+EN545xSN/9jwf/vn7GdrRQ2G2wuz4AsYKY8P3Ato60xx8YCfxVJSXHn2T//kfHmFgWxe7bt2Mpqvc9YED7Dg4zJ/8zjcozl1e+BomzsyGUaotnXzmcx+kUqzztc8/iX0F71UsanDnLZuJRDSyrfGr1ixiURNVFTxwz3Yipo5lO6RTUYYHO0jETUaUdjan2nl1YX0J+e5Yits6BtCuUFf5rvx2fOmT1eMcKlzkD88/xUiyk57oamOxd7iD51tCP1v39DE/VaJWabJpew/PfPsIN929lXxPliCQdPXlOHd8kn13jIAQbN3TR1d/bs2xj712kaOvXOBn/vHDdPWt/d5QNFJ6lO5omoRucrY6x4nSNLqiMlYvsCnRTnqD8j9vF7qiGdzAp91MrXIQpK5w3Kbr4gcBn7njZv7q0DE+c9sBpspVHjl+OqSjXyOJQkqJ3XQRCmi6Ru+mPO//zN288Mhhxk7P4PsBru3RrFl0dGeJJ6MEUnLhxBSz44tsanlYl/qci3PLu3fz9NdeY3Z8kc27++kZzl8fvfAaMXl+josnpvjsr3+QnbdsAiFQVLEURb7aMS9FYivlBhfOzvHai+ewrkF5ViiC3fsH+MZfvYoZ0di6o+cdOb8f4a0juaePjnfvDtVjW5BSYs+UGf/Dpym9fG5d1cvCc2eY+/Zh8g/vo+tDN6MmzKvm67mFRfS2DrxahcC+LGKpCDrft4/cnVtWGbWB61M+dJGpv3yR+pmZdSOMpZfPM/foEVL7Bun9qTtCY7t1v2mZGD0fvy0UUDq8cd3rKyE8r/DcAtul8MJZpv/qZRoX5sHzVzFYaxIKL5xh4btH6frYQfLv3YOygtqtJiK03beD8msX8KrXFrX16xYL3ztGYns3zbFFSq9eoPzGKPZMKWxjHTZSFVh86gSxoQ56PnkH2dtXOwu0RIT2d+2kcmSMaGc/sY5e6tMXQAZEcp0kBrfTnB0nt+t25l59jHjvZvRYCt+xyG4/iJSh0JSZbsepFvHqZZrzG9fEXA87bo7RM2TQ3q0zetqmd5PJq09UwyBc6HklZPOxxummxk26PnQz0f7cKqNWegELTxxn6i9eWCWUtYRDoyw8dpTEjh76P3MPie3daHET7QoOmZVoG9hHLNPLxNFHCDyXgX3vw4imOf/KF/HsOl1b7wYE06eeRjNitA/dRLpzC4qmY1Xmmb/wCtXFsbdd1deZrzL37cPrfid0FbM7vcawbZydZeavXwMJhhojZuRwvDpeYC/9LRAYWgwpA2y/QVLtQJo+NWeRqJ5BV01q9gJRPYOqaDTdCgKB4zcw1BiOWGsIa3GT9gd30fHePSiGhm85lF+7yOy33qB+ZjZUPb78uikCLRHByKfI3DyEW2zgf79V0N8mCCFI7ujBq1lMfuEZ5r/75pKwXP3UNNIL6Pv03YiWk0LoKu3370CoCvZ0iQv//lFqJ6aW7qH62RkUQ6fz/fuXovJaKkpsqOO6DNtIVwa6whJi9nSJyb98keLzZ9Z1ZlTeGGXh8ePk7txC76fuwsynlo3blrOo8uY4lTdWVooR6GZiVW3ha8XbathWbIvfe+lFFCH4xZsPIoFjc3Or9ilZTcbKZbwVKnmW53GhWKTZqo1XtJp868xpilaTj+3ciRv4/PdXX6Vi2/zzdz2AGwQcn5vjXKHAh7bv4J7BIZ4ZHeVfPfMMnfEEB7q7sX2fPzh0iKdHL/ITu3fTn0rz/PgY//KpJ/ntB9/D/q6w+HTdcXl5YoKKbbGjo4PP7j/AdLVKWyw0VjKRKJ/YtZvBTIbff/U1fungLWzKhi+toUxm1bnNWAvUvBpe4DMU70MVKhfrE1iBzWCsl7gWZd4uUPeaeNIjq6d5av4lMkaKXamtdEc6rntBJ4QgmYkRT0VJtyUxIjr9I52Y0XUyNCW4jsuHfjY0FG9k8ZjMxrnlwd0U5io89ZVXueXdu0lm4zz1ldcoLVTJ9+WQEjbt7OX9n70H3dAY2dPPydcv8NJ33uTgu3ddc9TWsV1A0tGbY2TvAPpl3kUhBCN7+xnZ049EIiXk8mleeOQwc+MFdt26ORRsyMYxIzrxZJRmffVDIqXk8HOnsJsOH/+V9zCwtRspJY2qxf/4za9u2DdVVUi16KBGy8seX1FiJR4zkVKyZ0cvuqZithYr+WiCz225lblmlfF6ael9JYD2SJxf3H4ne3JXvjYjyc7W+1vyy1veQ82zSBsxIpflkOY6ktSrTayGzd0P7+Xpbx2mMF/l9nfvQtdVPDdcZEkp8f0AtRWBEUBknfsnCAJiiQhdfVleevw4w9u619xnuqKSMaKkjChO4HG0FOZe+UGAqWj0xjKkjOszbKWUS4vBy/9dOYBLE6UQnKxMcq42uypf9kB2eKnO7+XQFAVVUULqDHB8Zp64oVOoN65ZBRJCSvtjX3yR04dGGd7ZixHROX9sgkqhxo6Dm1A1lWQ2zuC2Hp795iHiqShBEPDqE8cxomtFTFRNZf892/jOX7zAa0+d4O/9q0+uymlu1iwunJikWmwwfnaGWrnBa08eJ5mJ0zfSuXG09TJIKYkmIvhewH/+jS8ST0VRFEF7T5b3fvKOUKxKU4lEdLbs6CYS0Rnc1EG2LUEsbrB5WxeJVJT3f+xmnvnecV5+7gxbd/aQysQwIjpdPVkiUWMp3793oA17BQ0u156guzdDNpcgk/vhz/v63xFK1CD/3j3o2eXrI6XEqzQZ/e9PUHz+9MYLcClx5qtM/vkLSNen55N3hAq0V4BvWTjzc2uNWiA23EH+AweWFnMQUiVLL53l4n99HGcdB+aqtms2xedOY8+U2Pxr7ye2qWMpcmt2Z+j6yEEaF+ZvLOLUeoQD12fhiROM/+HTS+JLe+9KMDPqkMppaLrgzOE6viexpopM/PGz6OkYuXu2raIDhwIvWWonp9c/nKphtuWRgcStltBTWexJj3O/8yhe0cevu9jFEkJVieT78KolpO9jZNvxGnX8Zg09lQUE9fNzjH3+SbRUhNTegVXzUWJbN3o2jlNeJN49TLSjF6dWwszmibQtq9gqukmscxDViOBZdZAB0vOxFqZQVA2nUkDRr7/etaYLzh2z8DzJ8Vfq3PvBdDjWErxqBXt6ktRNt4bMwMlxnMWFpd8md/eRPji8OsoqJcUXzzD235+44nUOLJfKoVEulBps/kfvI7Z5/ZzF9eC7DrFMF6oeRVF14pke9GgKM5Yh8F1imV7qxXEUVaN35wPEsj0sXHgNz22S69vL4E0f4fwrX6RRvD4nwDuNttgQTbeMLz2y0V5c3yYXG0BBQVE0AhkgZShqFciQ2q2rEdKRbgQKmWgvFWuGdKQbKQMsr0pET7HgrBVp0tsSdH/0FpSojl+3mfnKq0z/9Wv4V3L0BOG85FWaobGmiOsuN/bDBEkYMS88d3qVWrr0AxafPkn7A7uW0h4u5dtKz2fukSOrjFoIlduLL56h7b7t6OnQzhFCEBtuv75xEi0dpEKdsf/x1Frl6svg1yzmHzuK33TY9KsPhcrwl8Ss2pO0v3sXtVNTS2kgjdIUuhnDrhcIrlNE6m01bL1AUrFsdubz7O/uJhON8q5NYX3b6zWhdFXlcwduYl9XGBHVFIV/+eSTnC0UyEXDKMetvX18et8+dFXlpp4eDk1P8e0zZ9jb1cVYqcRj58/x2f37+Ynde1CE4Na+Pi4Ui/z5m0fYnc+jt3IPmp7Lrb19fGrfvqVI7iXEdJ0dHR3M1moYmsrmXI5d+bUqygAvLb6BIgQR1WTeLnBrbh+u9Cg4Zaabc9zRdhOPz71ATyRPX7QbRQjswCGimBhXELZ5O9HRnV1SWL0RxBIRdFNHN1TiqSjReJjvqqhiSXRGVRW6BtuXDFEzatC3uZMTr57HvY6yCgfu3c6p1y7y+//iy/QMd3DfRw5y0/07SLYipFJKKoUarz5+nKMvnaVarGM1HIpzlaW+XA0ykMxNFMjmU6Tblqmq/Vs60Y23JookhCARX23Eq0Lhwd5t9CcyfHfyNKdKcziBx0iqg4f7d7Ar23VV4TDb93h2/iQnypO8p2sPw4k852tzbErkMdXl+yieioZiQH5AZ1+OSMRgdqJAtj3Bwfu388y3DjO4pZN6zWLi/Dwf/dl7rno+W3b38vAnb+eP/+0jPPaV13joJ29blbcJsDvTg6qoRFSNh3p24cmAfCSJE3gkrnNBI6Xk/IkpivNVsu0JJi7M096VYXG2zOCWrrDeqh+w8+ahJYfJJwbu5OMDd65p60pB12TE5O7Ng0R0nduG+/n8c68ikXxgz/ZWvvS1QVEVtuwbYPLcHG88cwrP88n3Zvn7v/O32HNHSCFOZmJ89p98kEe/8AIvfudNMu0JPvxz72JxpoTVsNdQdrsH2xne0YvneOy8ZfOqZ7e0UOXbf/pcOA6eT0dPlkf+7Hk0XeWhn76Lts40mqEysqef7sHVRn1HT5atB4YwTI1qqcGjX3ie/pFO9tyxhWgiFAs7/OwpPv8vv8Kv9/wMwzt6ybYl+PinwrH9sQ8eWGprYDhse/vuPrZfFnUGuPWuLas+3/Pu1bnOjbpDtWLx0IdvWnM//Qg/HIht6iC5d2D1/RlIFh47RunFs9cUVZKuz8zXD4XKo7duvuJ7KNLXjzM3S2A1V5eLEYLOh/etEVFpjC4w8afPXdWoXYnGuTnG//ApNv/jDyxT8xRBat8AmVs2sfC99eukXxUSaienmPzzF1aVOxnaESXXaWCYAt+XjJ+xqFfCc/MqTWa++hrpA4NoK1I8tFSU2ObOKxi2KnoyQyTfS2PyIpGObpxqCa/gEckPYAWTJFJZ1FgSoapI16E+fg4j3UZiaBuV028S69tEffQMyDD6MvftIyS2dKGucNbq2RhmZ5r6iVkW33ye5OB20sO7aS5O0ZwZY+HN51BUFd+2cGslGtUitYkzCM0gvXnvUj7/jYYfTx9uoqjhzx/6WzmOvlhfEtojCGicOUXj3BlCLydL+ZRCV2m7b/uauqz2TJnJLzx/zc6LxoV5Jv/yRTb96sPXHLG1avOomolmxFBUDd+zCeoFzEQbrl1HM2NY1QUSuX5SnSNcePXLVOfPA1AvTLD1ns+R7dlJszS9MfX4BwKJqmgoInQGK0JDIAikj9uiXRtqmO4XlnyMkDI7EUJBESqO36DhlkiaHdScBdrjm1ion2+VLFoNRVNBUwlsj5mvvc7UF1+6/lzvv8FGLYD0AipHxte9V+25CvXzs0SHVmv/uMUGpZfPrfu4NccLeJXmkmELYekyIQTyep5PP2DxyeMUXzx7bWMcSIrPn2FhTz+dH1quaiIUQfrAINGBduqnwnku2T6EazdQVB2BuK5Z4201bDORCD+9bx+//9qr/MJff5X7hod5aGQLm7LZNQbj1dARi9ERWx70oUwWCczVa+SiUXRVZSCTXjJOE4bBplyOc4UCQRAwVi7jBwHbOzqWogSmqrKvq4tHz56l6XlLv40bBvu6uq67j5fDUHQ2JfqJq1FeKhym4TcZb0xRdmsEMiAgIKKY7E5vpd3M4cuANiNLf6ybdvOdyzlcCUVTULUrnefq2ydUSV2Ru6mIJRqVECvz5lYoycJa8SW5ep9rQS6f5uf/+ccYPTXNS48e4S///SM89dVX+eXf+gnyfTkaVYs//O2vcf7YBO/77D30be6kUbWYOj939cavgkuer7cD5UaTx46dY3tPB4NtGZ45fZFsLMrf2XH30j14OaaKFbLx6Lo5nk/OHuO5+VM4gceMVaIv1sZfT7zKJwfvYCix7HSJxg2Gt/fgez6ZtgSbdvagqIJkOsbBe7fTrNt84wsvoGkK7/n4Qbbu6UcI6OjJkFwx4V1CW2caz/VI5+L85C+/my///lPMjC/SM9i+aqxWRmQHEivpytfvpYdQrKhaqlMp1hBCMHl+DlVXsZoOiipQVJV61VoybBuezfPzp5hqFghW3M/bkj3cnV+/Dq2paTy4PSwx0J1Ksrkjhx9IutPJ65oXhBBs2z/Etv1DV9ynf6SLn/8/P3pNbdqWS2GuzE3376CtM73qu+6hDn7tdz9zxd8nM3F+8V/8+Jrtd3/gAHd/IDROX3n8GG88c4pf+91PM7J3YGmfkT39/NYvfJ6FqRLDO3rXtPFW4Tge3/n6G5x4c5y+gTZGtnf/iIb8Q4rsLZvRLxMtc+arITXuOsrk+DWL+e8eJbm7f0MDITayDaMtjxpP4FUqeLXakhiQ2Z0OjeIV75PAdll47GhYG/E6UT40SunFs7Q/uGspoqfGDNru20HxxbNhfu51wm86zD16BHu2tGr7wpRLrlNHUaBZD9ao7tfPztAcWyS5a9k5pBhaSPvbIJpiZNoxMh0ILRShCsvrhfqaK0vZCSGQnotdnCfS0YMSiaEYJghwy0Wc4nKpsOqxCez5KrHB5eujxkz0dBQzmyc5uB2EoDp2Crswg5lqI3/zAzjlBUqnX6dy/ijpLfvp6OijMTeO16jiO03cWgm/Wcd3rlEMa+XYTYeRnLkJl8PP19CNdeaJVk5pZGCIwGrizM1idqZJ7uxb5ZCRnk/h+TM0Ll7f/VJ+fZTaiSnSNw9d0zzlNqt4TpNIsgNFVfGcJlZ1nni2F7teQNVMrNoi6a6tmLEsA3vfR+CHlFmhqJixTFi6R9WQ3g8PlXa+fp6onkbKgEJzjKiepurMtYzvcFySZjsRLUmpOYXlVbC8KgIFy6ugOvO4voUfOBhaHM+3sLzqhhaJlJLKm2PMfv0Qge2hxAxy9+4EKakdn0DLxIh0Z2mOL4KURHpyOIUa9lSB9C0jWFMFrPFFUvsGkV5Ac3SexM7wGSu/fh5n5u1R7n6n4DfsVbWxVyGQNMcLSC9ArGRzTRawN3DyBZaLW6wT7W9b2qZnYuEccx3BUadYZ/Gpk9elNi39gLlHjpC7Z9uqEkh6JkbmpqElw1bRDALfu6HqKm+rYasKwcNbtrCvq4sXxsd55OwZvnHqFH/vttt5eMuW1gJxbS99GQpCrcRGfr2Vu13OEAx9Q/KybWLNZ7nkOVz+nbGBgXE9cAKXs9WLxLQY7UaWyeYMda9JTzTPVDM0thShLPVJAFHVZLwxTVpPktFTN7yoE4CqijWG6PVAN1Rcx1+i60opmTw/S7NxfS/2wPeZujCPY7sYpo7ddJg4N0tnf24NnXgjSBnmylyiMm/e3cfN79rJ/+9X/oBTr1+kozdLaaHK8VfP8/Cn7ua9n7wDgPPHJq6YG3s5hCLo6M3xxjMnKS/WSLeFKr7TFxeuK7q8Epbr8tLZcUpNi5uHejk0OsX5+QL7Bro5PD7NoYtTPLxvKxfnixyfmqMtEWO4I8uh0SmSEZMtXe188ZU36c+lec/uLSQjqxd/Z6rTvL/3AKcq4QSgKSpRVafhL7/4Fqw6Y7UiD/+t20PhNkVw/wcPID+wH6EIDFNj+4Mj7HnPVtoicZRW7TopJXd9eD9z1loV0vs+sC8cMyHI92T4xd/40A2IGF0/Utk4I7v7SKSi1KsW8VSUeqtkkd9aUEdWRBa+Ov4yh4oX6I21MVafZyDezvnaLNuSPWvaLjaaPHbyHI63/rVuS8R4cPvIKqXySt2iWrPo7cy8vSe6AjKQuI6H63i8+MgR5ieLfObXP3hFAai3dsBQRG1hukT/1m5UVaFRbXLo6ZPohkrbNVKarxeqorBpSyd9A21s2dGN/kNWOupHCKHGDBI7emBFNF1KSfXkFM3JwhV+uT5qp6axp0toI53rft8cv4g1NRF+CALkJaEhAckdvRgdyVVLCXuuQumV8zcUmZGuz8JTJ8jetXXJ0BZCkNjWRbQ/t2Gk9EpoThbCHN3LunPuzQblxbBiwNQFm2Z99bs6sD0aF+ZXGbZCCLR0FEVX141UOaWFsLSNDJCBj5HN45QLePUKZq4T32rQmBpFqCpGKofXrOEUF9ATaRrjZ3GrJbzGakVSv25jT5eIDa6IAikCNWrQXDhDc2GKMB8mPMHC8ZdX5LhK3FqJhTeeosVX5NJANOcmWX9ld/2486EUT3+9THTLDpCS6ODw0ndaNkf5xWcAiG3KY7StFg706k7IMrjO+8WvWVSOjJHa27+KBr/h/r6DXS8QS3eiaAaN4iSNyhydI7fTrMwtiTwpqo7nNClMHsWzV9f1tGoLSP8Hp0a9HrzApmovBxCq9tr66WXLoyrmcfzwfOrO4qrfAzh+gKZGWGxcJJBeWCZyHQRNh4UnTuAWwvtUaamJVw5dJDbSRaSvDa/SwOhIEVgu9myJ2vFJtHSMoOkgFIVIbw57towS0YkOdRDYLtZUETOf+aE3bAPLxVlcXxkeCAXP/ABa708pJc58JSxLtQ6kH+DVVn+nGBpCU6/LSG2cm8Oaun5Rrub4IvXTM+i3LbN2hKYS39aNGjPwGw52vYimR64rFewS3nZVZEUI+lIpPr5zJ+8dGeG3nnqSLx47ygObNhFTFAxVwfI8rNaDKqXkfLGA668ezMVGg0KzQW8qLPswWQk9D+3xMJLk+j4TlQqu76OrKk3XZbRUYntHSLPtS6XQFIWzhUX2dHaiCIEbBJyYn2cokyWqXx/191LU9/J+roSuaERVk5yRYSQxgEDgBj6GojEY6yWqRjiQ2Ulca/HaERzI7uJM9SJN3yKjv4USFwJ6N+VZnC3z5FdeYXhnGF3ZvLsf4xoVRruHOojEDL72P57kvZ+8g3Khxnf+/IUbkEgXnH1zjG/8wdNsv2mIoy+dZez0NJ/9Jx8iEtuoOutqBH7Ay48dZWG6xOC2HjRd4cjzZ1A1lVTrJRWJGSTTMU6+doGdtwxjNRy+98WXsFeIBDi2S2m+Sr3abOWbOkyen0MzVLLtKYyIzr67tvLkV17hr/7zYzzw8duoV5o8/lcv33B91vlKnVcvTNKRijNbqbG1qx1T0xhoyxA3dRaqDYY7crx4doxdvZ0cGp0iqmuoQuHWTf0YmspAW4abBnuIm2vHK6FFWLCqOIGHE3hMNgoUnToJLUIgJS/MXmS0Fta11RWVsVqR3liarliK1xcmSBsR9rf18kZhil3ZTuKBx7NTF9AVhVs6+jldXaDm2gyncrwyP8F8s8ZIup15q0bBapCPJrgtP/h9oYwKIUjn4ks1eDPtoeMh07oH1nMEXajP8anhe0nrMR6fPcpPDNzBs/MnmbXWvrz8QFJuWjQdlxOzcziez46uPELAm5Oz3L6pn3K1yZFTk5SrTQ7uGmB2sRr2JRnl7Ng8/d05ZhbCtqfmyvR0pLFcj/nFGsm4ye37hq/bAdCoW/z17z/JqdcvMjdZ4F0fu4WRdSi+bxe27Btg920j/Pm/e4TH/+oVNF2lVm5QWqjywZ+9j/7N66dfvFWomsLOvf1X3/FH+L5C1SJoehTHqiClj56Nh3ULVzxv0vWpn5pCOtevHuyVGjRGF4htXl8ITdo2krWLMqEopPYNrFGkrZ+ZwVnYeOF3NTQvLmBPFdG2dC1tU+MREjv7bsiwrZ2cwis31mzff0+S8TMWzXpAteSta+NdXvYCQoGVy8uvXELg2FizoRihYphUzx7DrRRAUamePboqEttcYcB6tRXz4WWK09IPQlGeFRBCtPog11kTrLNtXdrx9S9SUzmVBz6W5fIMnd5hk6e/UcaaGENLJHEWF7DGwhzNSP/QEn09sa1rzdjZM6VQLOoGUDs1TWC76yoKX47Ac7HqBeLpblQ9wvT0KdxmBUU1SLQNYNcWCTwHz64jA4/yzGkapbU1gf8mwgtsEklB0IQN/MZIglUG70aw56tUj02s2qanYyS2dtO4OIdft9HSMeypIkJXw/JYUoaOYEWg5xLUjk+Q2N4LSKyJAmrcJGg6fyNoyr7t4tc2DjD5TXfV8yf9UBn+SpoHwWWBG6GsLfF0JUgpaVycx7sBRot0/VC5/eAwXNJ2EYJIbxYtFcVvOEjfQ5gqMvBbwirX3v7batjO1mo8ceEC/ek0bbEYJctitl6nIxZbMgyHszlsz+PLx4/z3s0jLDQa/PWJk2vofjXH4c+PvIm908eXAX/0xiH2dnayOZujYttI4IXxMb55up2RXBsvjI8zXa3yd267HU1RGMikuXtgkK8cP0HSMOlJJnl5cpKTC/P8k3vvva5asQAd8Ti6ovDo2bPoqooXBAxnMqQiy9SshBZjKN7HQGw5MnQguzqXbDC+TOcTQpDWkxzM7bmuvmyEvXdv44Efv5XvfellAIZ39NC7KY8V+LiuTzwdJZ6L4wcB65m63UMd/NSvPswjf/48n/+XX6GjN8sdD+1dyqXVdJVcPoWiKuiGRntPFk1TUTWVXFd6SXBI1RT23rmVuYkCLzxyGE1X+cgvPsDBB3YtlXi6Klo38mtPHOeJL78CUpJuS/KTf//H2HYgpAGl25L8+K88yCN/+hz/9f/8Epm2JHc8vA8ZSKItytz0xQX+5394lMJsmdJCFRlIfu/X/5x0W5JP/upDdI/k6dzUwU//2vt45M+e5/d/8yu092a578M3oxsahqkRtCL810pJTcciDHVk0VSFvmwK2/NJRU00RcHQNNLRCBFdpyOV4MTUHBFdIxWN4EuJqWsIIBuLcmp6gY5knNhlxu09+f+bvf+Osuy8zjvh38nh5nvrVs5VnXNGIwMkSIiZFCVRVF6SLY1t2WOP03js+WbZy3kcPo+DLFmjYJmKJCWQBEiCJHJGoxudY3XlfOvmcPL3x6mu6uoKXdUAKMofn7WArrp17snnPe/e+9nPs4s/HnmNocosF4vjaKLMgVQvrUaSumszVM6xL9XGpcIsr04PI4siFcdmplGhSY+wJ9WKIctokkTFschoERqeg0/oM5bRTEYrecqOzXB5gf3pNi7kp6m5NvvT7VwqzGBKGp3RBBl9NWX5Flzf59TsOCdau9ddZlNYrCTbrosgCCjixn7I+mKfsSlrlJ06RaeOKsqM11a/QDMRg589cYh8rc5vvvo2nzu4h76msC3g4tQs37tyg3LNYmq2SDSiEzU16pbD+EwRTVMYnc5TKNeJmBoXrk+hKjI1y4EABrqauHJzBst2MdZJLhVrDVRJwtBW/l1RZLbt7yaWMGnuSrP3xCCKtrVkXLHWYDpfZrAts3TvBkHAdL5MIqKvuK8SmSif+xsf4d03rxOULHzPJ5aK0Le7g0xXmprrkbjL9udLVZIRA1kSKdcbVC2H1uT338f4h3ivEDAiWQwzRaU0Sb2aQ0lFUJIrRb18O6wu3gt828WaLoSTSmnzSR9RVzB6VvaSBb5PbXg+nNzdI5xijcZkHvM2hWRBEokMtiyr1W0SgedTH5lfNXGEUDk81awgiC7rDWFeYzXlNKQYL++XqEhregD7toV/K0j1vRVB7Zaw6HO6ekc2f60EEbJ9UboOpJBUkekrJcbPFfDdrQUSmi7iWAFXzqxMFBhmOCH2a1XsRh0nv7BU2fcbjbDKKQoYnZmQYrl0aAGNqcI9W9HYc6FVkhzbjAhigFXJkWoPq8p2NY9r1/A9h1imh7nhU/ieQyU3iufaNPUcYqpRwnMsBFFCkjU818Jz7qBu/zl2awgCxOIC1UqA74c/16oBZlQgEhFZyPlYjYBESuSTnzM5967NyA2XQt4nFheIxkTyCz6N+ubvg/rI/IrrFfgB9ZE5Cm9ex284COIsoqrgO27Yy70YrDrFGoXXruI7HoHj4SxWPX3HW2Ko/UVofPFqNv4GujGB460M/BbFs9ZdPmCJtr+EFa2Fd4dvu1gzxXtODNSGZkMv6Nts49RkJExQTBdR9CiipKCZKSrC6J9fj61PwLnZGf708iVsz0MVJXpTSX7+0OElqu/+lha+uP8A37p+jVdHx2iJRnhiYABJFFbQgbsSCZKGzn984w1KVoPORIJfOXaMuKZRsix0WWZ/aysvj47yP86eRRIEfvHIEY53dIQm6bLCLxw+zB+cO8fvnjlNw3VJ6ga/cuwYD3T3LPfdyhJNpnnXQLc3meSL+w/wjatXeGN8jJim8X888siKwPZY+gCKcO9UOs8Le27uhY53S/33p//2x6mU6gR+gKrJOJLAd09doSMd55HPH6frvv6Q/uH5NGwHPwgwNZWG7eD5ASee3E9kIIPdcNje00IiaXL/xw6iGypBELDn+ACxhEkkqvM3/u+fIpaOIAC//I8/jxHRlmjM2fYUn/3lx6lVGoiSSCxpLqnubupcCD4DD/fwV492U6hVEBFRdZlYIkJVaFC3bRRBYuDhHn7hYAuCA5qmkEknOP7EPtRFO4q23iZ++u9/kkrDQpUlVEmmYlmoikxLS5LpYhlNljn86G4693Tw7vAkhqnywK5+jn1oL2ZcZ6ZUZqpYYVdb2K9tuaHXsSpLiIKA64fXzfH9JVr7/dt7aDgOCdNAFgWa41EEAZKmzomBLjRZYn9nK/3ZNJoshVVaP4mweC3vG+yi4bhoyupHtD/azC8MPMaV0iRV16LTTLMt3oYqyhAIaKLMzfICEUUlqekU7Qb98QyaKHOjNI8sigzEM4xXi9Rch1YzjimrTNSKlOwGo5UCE9XwZ12SuV6aJ6UamLJKSgv/vVaY52p+nv5Emu3JJs7OTyEKAvsyrVwr5ijZDXanmzmXmyZrRDFkmVYzdk9Ue9/3eXVsjIV6jbRh8kB394Yvo8PpfrzAJ6lEiMg6/+Xat3B8jw+3rk4gCYKAKksIAlQse2lcIAgD89lyFcf18PwAXZWxbJfJ2SKTswXK1Qb9nU28cXaYzz1xkGK5TrVu09OWolSxSMaMUB17nSG5bjk8e+YasiTy+L4BhmYWsB2X1lSchuOw7b5+ItubqFkOb41MoioyTTGT6UKFiK6wr6cNdfGZ8nyfS+Oz5Mo1DvS2MZ4rMjKbp9qwyZVr2K5LTNfoaU5xaXyWw/0dLJQL3JhZQJNl9nS3MGs3GDjez/aOJs6NTFNp2CS7UpwZmWJ4Ns+HDgxiOx5zxQpxU6clGePi2AwRXaWrKcmXXzvH3u5WDva1c31qAUUWycYjXBidoVRvMNjWxPh8kZpl05FJ0N+Svqf74Yf4PiDwESUVWTEQBBE1G1/hbQq36HGrq4ubhT1fwXe8LTE/lKS5JPK0tB+WG/aS3QNl7RYCx1uepN0KtIXQE1IylDUtjNaDbznrVktOPV9CM0RkZYP7foOJohzTaH10G0pcZ/Qr7xIbzFK8OL2lHmcIg2NBFsPK92JVS1i0zBGEUAFb3GIi7U6070pw5HNdlGYb+G7A4c90YiZVLj+3eUsRgPycy/N/lqdaWnmMnhcsiUeJmo6cSGJPh9VO0TDwGw0kKVj2+LyFIMDOlddMPGwGXsPBKdTuald1C1Ylh6LFsKoLOI0y3mKFNpLqxKouAAH10gzTV1+kdftDGPEW7EYJSVKRVIPJS9+jPHcTBIFopodougvVTCCrBunOvahmEqdeYmHiAr5nE8v0EEl3oZrJxWX2o0VS2PUy+YkLS5669wpJgo98wuSdNy0W5n0++aMmb7xi8eDjOrYVUKsEfOOrVbp7ZQ4eDYXSBGBs2OVHPm3ieeD7AX/6R1XWEDxf+xxOF/FvU9H3qhaF164tfRb4Ad5ax+X5K3rk/duSQcEd//4gw284GweQa7Al3kuibzMIbA8nv5qVslnYCxW8hrNinBEUCbUpRvXKFLXiFLFsP43KPL6/tWf1fQ1sW6Mx/t6DD1G2LVzPRxZFkrpORFWXBpaIqvLTBw7wI9u2YXsepqKQ0HU+PDBAylgOEjVJ4gt796FIEo7nkdB14pq2YoDak23myW3byNfqeI5PSzSKKklYloOiyGQNk186dIQf3bmbmm2jSzIdqQT4YR+k6/nsy7bwLz/yUeKSSrVmYegKnudj2x6iFFYNdV1BRuQT/dt5tLsXXwxQRYmmyHIG23U9PCsgEH1ELcD3fRqWgyJLqKqMbbsoioTvB/hBgCSJOI6H5/rIsogsS1y+OoVlu+za0Yaurbb+2Aw0Q12yYPH9gPMj04zOFdjRmUXWFW6WSnRaGSoNi1cuDtPRlGCwrYkXzw8RNzWObutiqFCiZtls09qRZInEbQ3et3oZRUkk1bxMnb5FEV3qzwWMqI6xSWufOzFaneVqeYKeSDMNycHxw2qdV85R8RqooowpaUzVF0ipMWJRA8d3yUqpZe9eQNUUpvwGlxbm2NfRSkfS4PKNWSqWzSdbEpybnKErlUCVZV6dmqDoW2wzTWRFIpmN4fo+V0bmOT02RcLQydfqjC4U6Mkk8fyApqjJ0PwCFcsmV6khiQKt8Riz5SqmqnCwM2CwOXOLbYEkCBhqOJFTZInUbf7Ft8f9uqKgr0OXP50fRpdUjmT6MSUV8TaBEFWSeLJrJ3XPwZRVZEGk5DTQJQVTVmg1Y+E+SApPdu5AEkSiisaBTDuHmjpIqjqaJDMYz5DSTB7v2EbNtYkrOl7go0kyCVXnubGbZCMRzuWmSWk6BbvBpYVZoorGlfwcD3f0YcgKs7Uqr0wN8+n+3Wsey2bg+j5jxQInOrswFOWuGdaHs7sJCFBEmc92HedcYYSobLAvuX7lOKZr9GVS/JcX36C3KYXn+1ydmecju7dRr9uYhkqx0qDWcNi3vZ1d/a2Yusq2niztzQkSUZ37D/VTqVromowkiiiKxAMxA30NATAIr39EV0hFTHRV4cLoDMe2dRI1VN4dnkSVJc6NTANhC4QqS4zMLtCRSTAym6cjnaA1FT53rueTr9S5MjGHrsjcnFlgoDXD+eI0o3N5XN/HVBVaUzEqdYuKZTMyVwi/Vy7RmYkjIDBXqjDYnmF8vrA4/gjEDI1k1CAVMXjz6hiyLNGailFt2JTrFm9fH+eXnjiOpsh0ZOJoioQowmyhQlsqxtXJeQZbM5wemmC2UGFPdytXJ+bobkqibCHZ9UN8nyCEVGTfc6hX5xepyOaq95FbaWxdnfT275frBK4Ha/KH1oYc05HusBjzbRe3dO8TrFuwF6qhAMtioC0IQrg9U9tiYOuGVMjbIAiQyMjoERFVF+nepjN509qyHkZ8MEvgByhxHYKA1P4OytfmlrQG1sRib6yaiaK1JVGbYqiZKErCRDJVRF1BVGQEVQr/VSREVV7Vl7pVdO5PMvLOAmefmSIIAjr3Jtj/8Y4tB7auE+A6qyf1kZi0WLkUUNJp9K4e3FIBQRAxegewJsbw7SLiHfdL4Pm4hXu/XwLbxa1sXvyqUckxN/w2dq2wFHzlxs5iVfNLtOPA95gfOU2tOEOiZRBFj+HUS1Tzk9QKt6jwAopqoplJEEXmh08BoBqhNosgigiegKxF1lgmgSCIK8TE7hWuCzNTHtt2KkxPejhOQE+/zOyUx7NP1/ilvxantV3m6kWbKxcdvvW1GhNjHg8+qjOwQ+Hdty2OndR4+bkGE2N3b2MIgmBxrPBv/3BFoHtPEBfpre8hIfb9QuB4W+o1DWBxbP3gELjeuj28m4HfcPCq1gplZkEUl373PZfpa6+EVOQtph/e18BWFAQSuk5C3ziYUSWJtthKitqdv4e+V6uXux2CAHFV4/K5SYaG58g2xXj0wR188zvneeDkNubmyuQLVXw/YGhkDlEQ2L+nk7rlMDw8j64rHD3US+AHPHvqAq7rs39PJ3O5CteHZpFlEUWWeOKx3Zy7OM7cfJlYzOCxh3auoBY6jsurb9xgaqZIczbG8cN9nDk3xsRUAU2T+dAju3juxcucPDFALlclt1CmrzfL9164TCSi0tvdRHdnmu++cCms/Dkehw50L/mj3itEUaA7m2RnZ5YdHc3IkkjC1GnYLqIokIwaHN/ejef7dDQlmF4oEwQB/a1pCCAdXT2Z+X4hphhktQRpNcacVUQTZXwCTFWjGSg6VSKyjiLKxBWThmcjIiDdMXAHQUBzLMp4ocRCtR72Wns+N+fzSKJIJmLScFwK9TqqJLOzJbZCyEwWRXozKWq2Q08myWy5Qm9TikOdbbxyY4SKZTNfriIIAk3RCBCwUKujKzK9mRQz5QqDzRneT0zW8rw2fxVT0jic7mNfspsWI4EiSGHlXtWJs/wMGvLyvdpsLE9WWs3lxIR+2+cZfSXlMHaHRU9U1lAkkVy9hgBMVctMV0OKjyyKBMB4pchAIkNKN0ioOrO1KrHEvakii4KAKAi8MjpKRzxOSySywp/2TkiiyI3yNNfKU1Rdi4Rq0mokV1gh3QldUfjJY/t5d3yaa7PzCILALz1wjH0dLQReQHMqhigJpBMm8h1Cc7eeU0NTVlOKNwjcJFEgHTVZKNdwXI+IptCajGMssg0uj89Rs2ya4hFkSYMA5stV5ktVXN9Hua2CVq5bXJ+aXz5fosBCpYYkisQMLaxEC1BphAmYsfkCsijSkgyvu+V65MpVcuUa1YZNayrOxbEZcuUqqajBtakclYaNIku0JKPEDZ0LozMUqnUgQJUl4obGfKlGNhElV64xlS+zoyOLQLjfpqqSiho0JyIsVO7uD+y6HgtzZVKZ6KZF536I9wGLHtFGpIlSfgTXqSNHVr/TvbqzIT3ubvDq9mr1/LtA1JRVoj2B670v1QmvYhHcQc8TdWVTvZQr9sfz1wz4JVmgb7dBbtpBN8WtsHqX1714vkRVJra9GQhW7fMtCLKI3pkmcbiXxKFejM40ctxAMtQt9dLdK3w3QDEkZE0MGWSmjLdGgHo36KbIriMm8h0qyAdORrnwVhVBM4js2I3W3oUcT4bbrtdwCnmUpIqo3XG/eMGWEhV3Iry+m7/fPKfB5MXvrvisMHmRwuTFlev1PaoLY1QXxtbZsE9+8iL5276nS1F8Amxv2VIqP3GB/MQ92lRtEtevOHzkEybpJolL52xa2yXq9QDHBs8DRV0ORW6RIRUVZqc8rlx0uHDWYX5u82PHmrT494jotha8uk19dOvid4IgIilh8i8IgpDW7IfevR8EAt/fWmwXrOFM8j4j8Ff36UqShufZi64i4m2VVgFJUvG826rnjrd6nBRDoUIAM9GGa9fwXBvP2VrbwF/42UIQBJTKDQxDZbC/GUWRyBdquK5HveFQqVj4QUBXe5ptAy08+9wF2tqSZJtiPPzAdhAEnnr6DJblYpoqr755g9aWBP09TcznyiAI3Lg5x5lzYxzY28W758fYs7OdnttksnMLVcYn83ziyQNETJVCqc6Va9N88cfv43svXOL60Gy4T45Po2FTrlhYlku9bvNjnz2KLImIosC+3Z1EIirHj/S/b+dHliVakrFwoluuMVOoIEsiOzubaU3FEAUB2/ep1u0lZdzWZIzXrozQ3Zwkm9ha1lZRZXYf66fjPYrNNGtJmrUkAK36MuXnVqB9a1IsCAJ+4DPTKJBUI6vWA1C1bRzPRxLDACkIAna0NlFzHMbyRSRRoDOVQBQFJool9rStVOpMGDp1x+XGXI6UaaAvBjJdqSRvDI8hSxIt8SiaLAMBC9U6V2dDyu/J/vfYX7oGPt5xiJPZ7VwuTvBG7jovzl6kRU9yX9M29ia7iMr6opXfyr6iW+frvUIUBB5o6yFv1YnIKlFFpT2aQBZEWswoGd2k4tgYksznB/cRUVTs96DqKIkie5pbuDw/R0s0ctdjeH3+Kr8//DJpLUpE1inmq3x76l1+ru9R9qd61v5SEBBRVe7v7+b+xWsWEBYEBFmgNfv++0wLgsC+nlbmilVkSeThvf1EdAVREHlwVy+lmsWh/g5Uebmn+PTQJIIgsKszSyqynOlMRgw+cnA7nh+QTUTob01Tadgc7u9AlqRliy7gkT396KpCVFeRJZGupiSyJKLKEp7vo8oSbakYzYkIrcmQPn5yh4iuyOzvbUORwkn5gd42OpsSqLKELIk8um+AuuUgiyLb27P0NadJRQ0e2dtP1bJpTkRp2C6mphA3deS7VGvnp4v8zn/6Lj/31z5Ma8f3xw7thwAIqFdzSPIyjV5QblXHblvK9d6T8Erg+luulgiytKoPLPCD96U64TurxyhBllYoQW8Ggb862AwCyE07vPWdIoIgMDNiYze27l5QujqL1hRF0mTShzqZef46/hriXWpznJaPHyTz6C60bHxTgexaiab38r4YejPHAz/XR9+xDIEXIEgCr/3e8JbXk8jIHHggyvDllVVSaZHO7ddrFN96HTU7RGM8VKIOXBcCHyGtrT729fqHN4nADzZF/ZZUHdmIY5XCPmc92YJdyeO7DkaqFUmP0CjM4NZKyEYMPdkc9v8uTOLZDURVRzFiiIqGKKvU58fx77D80eUYXuCuCGy/H5if9RAEaGmVeOZPw/7Zj3/GJBIJ/Zknxz1cBwp5nwce1Xn7dYtrl132HtTo7pWp1QNuXt9kcuD2qqooYHSmCDwfrTmBnassWvyAnDAwutKIqkxjsoC1qHSsd6bwGw7aolVebXgevT1Jy8f2Y82WqV6boXx5Ere0+Sq8HmkimuzEqufxfRdFjeK5FqWFYfgg/IaDpf/94OC2XuZbMOMtuHYN12mgaBEEQcRzLQRRRjOSFOdvLAf/a4yTICxZFvm+S7JtF06jTGH68mLldnP4gQxs26Ix9jQ3r2vBo8kSe1taaI5EkSSRk8f7mZwq8O3vXeAnPncMQRCwLJdCIeyPkyQRz/PxfB8EAUkSSSQMZFkKacGiiKYp9Pdk2burgxs351A1GdPUsGwXCFAUmXjM4PGHd9G0BkUnWLzxgmD5/R/4Ab4fLNJEBCzbIV8Mg25BgFhMR7stGywI4Lr+PQUhfhBQcSyKdp2qa9PwXBzfww8ChBScK0yiiBL3He0iImvEFI3WTBjYmprKhw9tW15ZDD7ftH/T274dkbjBL/wfn7mn796C5/uUHYuiU6fm2jRcFzfw8YMAURCQBRFNkjFkhZiiEVd0WvXUmudLEAR2tGTZ0ZJd+mx323LQ/eNHlvsuO5Jrq1KnTIMfPbRn1ec9mSQ9meSqz2fLFVKmwYm+D0btVRREMmqUfcluREHgGxOnOVcYZaK+wNcmTvEzfQ+zM96+YiLqBQG5Wo2W6Hujl92CJoXiU/NWhfGaixt4iIJI3qkSlTVSuoEmy5jKYvZNXisw3Nz97Xoel+bmONbRwRvjY+xsWvamXgvPzZzn890neah5F5Ig4vguT42/zavzl9cNbBuOywvXb3KkuwNDUfjdN05zYzbHLz5wlF2t2Q+MuWBqKj3N4Tm6vZ86FTVJRVcLcx0Z6ECWxFWCYrIk0pFZ9rg1VIVMbO1ETyKytujJ7Qrcd66/qym5avmooRE1lqvw6agJi7dX5237YmoqTUSW9gtYs3f8dgRBwPXLU4wOzd2zfdkPca8IbVsqxUkc696Vhu+KHzQ10rWe8TWVfTeBdb5y4okkiiZQzLnk55xVPrZ3g9EaRxAFbn7pbepTRQLvTs9DgdjuDrp/6VGiO9tWqUdD+GwFrodbbuDVLPyGg297BK6Hb7t4DYfA9Ylub910H+layI1UefbfXyHZYSBKAsXpBpX5rVMXC/MOX/+d3JKP7fLn7lK845VL1Mtre3aujfdw7wVs6t4VVYOmnSeYOfcCBAFNux9g+p1vE23tJ9axHaucI961k9mzz6PGM6jxJtRYimhbPzOnv4MWz9J66EOUx6/i2XUa+Sm4LfdiyknaoruYrl4BQJOitEV3IokKC/Ux8o1xomoTrZFt+IHHVOUKca2ZmlOg5hRpj+1ksnwJXY7TGt1GEPhMV69S5+7PvOPA179SRdMEigWfQsHnK39QJdMk8vyzdWrV8Px886kand0yjaqCXNrJm3+qUoucprDgcctgRBVNskYvU7Wr6+pRLJ9TmfbPHUWQRWrDOdo+dZDxP3yTyuUpottbiQw0I8oizU/sYeQ3X8Ser9Dy0X3IUY36eJ7A9bCmCigxHTUdxS1byHF9ywwGSVYRRJHA99D00M9XEIQPJqj9QYUg3DEvElC1GIoSoVaZJRpvx3UtAt9FvMWWW3QEW/p5LSw+1NX8OEa8GauSW5eVsh5+IAPbj+/Ywcd37Fj3782RKP/sw08AIV3t3XNj3BzN0daaxDQ09u7u4LmXLqPIEn09TRRLda4OzTAxXeD+4wOUFlVMIaw+3Xesn1ffuM6Fy5Mc2NdFMmEQAKapEo1odHak8QO4en2GTDrC9ju895oyUfp6m3jq6XdpaY7zwIlBDuzr4itfe4dE3GD7YAu+H/D8y1dQZIne7gyapqwKkPv7mnnupcsAHDvct6GIlB8E5KwqN0rzvDM/zvn8FJO1EgW7RsWxaXgOju/jLxpmS4KAKsnokkx0MRjM6hEG4k3sTrYyGG+izYyTUI0Ng4b3G0EQUPccpmolrpXmOLcwxZXiLLP1MkW7QcW1qLsObhAG/GFgK6FJMqasEFd00ppJf7yJQ5kO9qXa6Iwm0UT5+0ajrjgW10vz+LdlvJWYwDvz4xt8a21oksRArAl9zUAwxEh1judnLnKxOE5M0XmibR/7kz3EFJ1X5q7wlbE3+Lu7P4UiLD/elutyamKSh/t6UURxsbq8eQRBQNFpcDE/zcszQ7ybm2C6XqZg1al7Dq7vIy7eYzFFI6OZ9MeaONnSy33ZHjojyVWq0oIAyp0eDmtAFAUMRebtyQlimnbXcDihmJiyhri4ZNhHrFP31qeflS2LV66PsK+9lTNjUwzNL3D/QDdfPXOBwSceXhJpgrB3fXRolu99412Gr8/gLFZMBKCpNcHP/7UPk87GCIKAuekizz1zlivnxpEkkX1He3nwQ3tINUVxHY+nv/w2o0Nz/MKvfpjobaI4+fkKv/dr36NvWys/8vmjSJKI7/tMDc3z/DPnmBzLkUhGOPHIDo7cP7ikSA7wG//mm+zc30V3f5bnnznL8PVZIlGNxz5+gCMnBwmCgG9+5RQL82WOP7SDF755lvHhHPGkwf2P7+bI/YMoqszcdJEv/+4rHH1wG6985yKRmM5HP3OYs28Pc+aNGxx7cDuPf/wA8qJ2wMiNWV781jmGr8+gGyqHTw5y/2O7iCwqlOdzFX7/N17g6AOD2JbL689fplJq0D2Q5YlPHaKrL0w+vf3KNV577hLn3xlheiLPv/k/v4K22Prx2Mf288SnDv1QdOoDhqrFEEQZx6kRePZq1U1CqitbtLFaAUnYksouLPaa3VEtE8RQJfi9QlTXqkr7WxZmWhMCNLUqxNMS77xQplHz8O4MSjeBxlwFvTlKy8ODCJJA4eI0+dPjS5WT6I42+v76RzB7syu+FwQBTr5G9coUxXdHqA3N4hRqYZ90w8G33bDqfaswZqj0//WPvKfAdsfDzVRyFuV5i/KchayJHP+JbiIplTNfmyA/sTl6oVUPsNagml94q7q0v4KiENt/CL2rl1tc+oXnnl27uioIiO+lt19gmV+7AZxqEbtawGzqgsDDruRx62USvXupzY3RKMxgZjrQ063UZkfx7Qa+YxHv2rm8jnqZhWtvr6rUAtTcAgVrClkM57KmkkASVaYrl2m4oahbXG3G8urM1YawvSqa1I/t1RAFEUNOIAoynfG9lKxZVMmkNbKdkeqZdY9JEhREIXRuKM0L+HhIgowiaFTndOYmC7hBgCyoyKIKdZ2blywaXhlTHkKZ3cO1QngsIhIRJYkqGhhyqPFwt8A2PP8CuRevkn9zCLe8l9SxPqrXZiidHcOaKqKkI5j9zSipCPZ8BUlXKF+ZZvZb55buF7dqkTjSS/H0CIVTw3ff5h1w7Cq10jT1yhzlwhi6mcZurJ0QEKSNXRz+wkLgDkHBgML8DURRJgg8SvlRXLdO4PthIgBxRdVVEMUVisjhKoIlH91Ey3aqC2PEmvqxagV8b/P0//ctsHV9l5ydI6WmUEUVP/C5VLrEYHQQTdpcb13ZKTNjzdAX6UPapLrwrDND34EI9x0fWOotO7S/mwN7Oxd53gLfef4ixw/3cXBfF5IkrmI/NWdjPPH4bnKFKpIo0t/bxM2xHDuycVRFQpJEUkmTPbvasW2XQqmGokhL/XOSJHHy2AAnjvSBIOD7Afv2dnJgX1dIkZBFDu7rYv+ejsV9CiuJLdmV/cNdHSl+6sdOICwex1pwfI/rpXm+OX6Jl6aHuFGap+46+BsOCAFuEOC6NjXXZuE2A/Dnp24gLfZl9kbT7Eu381BLP7tTLTTp0Q8kyA2CgJrrMFxZ4PXZYV6dHeZqcZb5RgXXDzYc3LwgwAtcLN+l5DSYroeDyRtzI/zR0GmyepSDmQ4+1rWbk829JFT9Ax9UrhRn+csv/SG1NV4+W0VXNMWvPfBj9Meb1l3mldkrBEHAL/Q/Sm+0eSmID4KA3YlOrpdnuHOGJokiFdviqUuXaIvFeKx/c3T3ACjadZ6fvMZXhs9xLj9JxbHXvEb+bffYTL3MxcIM3xy/RGckyYc7tvOjvQfojy1bzwgIROS7+xpLgsgTA4Pk63Vc31/zerq+x/MzF8jbFRqew2/d+B5nFm4SUwxyVpkrpUl+rOfkutvwgwBZkrA9j5duDPOZA7vpSSd5e2RiRcICYHx4nv/wT54iGtN58MN7mJ7M8/Qfv8XAzjYe/sheIrHQVHx8eJ7/9M++Tq3a4PB9gziOx7e++g7nTg3zl/7WkzS1JIgnTV797kUefXIf+470Lm3jyvlxTr12nQPH+xHF8Nq+8+p1fu1fP0PPQDPbdrUzM1ngN//9t5kYmeczP30/6iL74+qFCWamCri2ixHRaGlPkp+vULlN/n9iNMfzz5zl7Fs3aetM07uthYvvjvKf/vnX+V/+3se5//FdNOo2b79yjemJPNnWBC8/e4HrlyZpbksiCAJf+vXn2bGvk56BZi6eGeW//uuniSdNduztpFio8Qf/7QVuXJ7i53/1w+iGim25nD81zJVz45hRjYGdbURiOi99+wKXz43zD/7Vj5NMR9ENhf4dbSzMlyksVDl8coBkOqz4dvd/MH66P8QyQoGZsEdKkhR8z8atrqbpSbqCKEtIqokAuHYdWTMXWVEqjlVFNeI0yvOsVSGT7kEg0atbYV/WbTlhQRGRzHvr378dclRfVeH06/Z7Esi6BUGA5k6V3LRD54BOKe+yMOOw1ZjZrVoUL83g1hwyR7tJH+6icC70EpYTBu0/fmKVHZJvuyy8epXpp96hdn0m7Iv7PhTLO/Yl6dyXoDJvcfbpSZyGR7Y/ytzNKgc/1cmL/+3Ge1r//U8mePGpAkEAUjSGqJtYk+PY83OoTVkESca366uunyAKiO/hfhEkcXN914FPdWaERO9eCHxKY2HRQhBE1GiYMKhM38StV8nueRDPboRVsNuSvZ5VJ9hkFbBozSCLGm3RXRStKeZqQ8zVhshGBuiOH2CycntPr7AoJiWgSiaiINFwS9TdEgHrb0+XYiTUFiRBISDA820kUUGXojTcMhm9i+HSGeJaM83GAEVrmppbpOGtDvqyZh8ROQ0ES8H5prAoJgXgFGqYfVkkU6X1kwcRFWkpmF1qW/P90OP6vVsqL8Gq5bFq+aXfG9X1vXhFVd5yO8NfBAiSiKSvnL95boNboat7W1+s565+fwiqhHSnDWIQLPniCoJAJN2FZiZJtu4gP3V50/u2pcDW9V0ulC7g+A674ruYacwwa83SG+lFRGSsNkZciTPTmGG4NsxkfZK+SN/S90eqI1i+hY+PLMg4vkPZLTMYHWSmMcOMNQMBVN0qda9OUkmS1bLcrN7EkAy6zC4ulS8Rk2N0GV1cr15nujFNr9lLvV4jZ+foi/RRcSs0a83MW/N0GV3s3tmOrilLPV1rvUsvD80wNDqP7Xh85on9XBuexTRUXM9nIR9SmiOmypWhWYIgYP/ODnZva1uxPtvzcF2fasMmX67R395ErlRdUiIVRYFipYGpq+iqjOv5iKKA6/rEIhqSKK7bdxYEAVO1En988wxPjV5golrAfR9oD8Fi0Ltg1ViwapxZmODLN88wmMjySOsAn+s9QLsZf1+CQy/wma1XeHNuhO9OXuWd+XFyVg1nC9z59Y8D3MBnql5ierzEyzNDnGzu5We3HeNIU9emKoObhev5nJmYYm9bC7oih9nwwMN5H66H43t3HW8/130cSZCQhZWZQEEQaNJi/HTfQ8h3iGipksSxzk4qlkXzJunIXuBzMT/Db1x5lZemhyg7W6eRuYHPcGWB37r6Ji9ND/Ezg0f5eNduokooaJRQNxaaCxWRi4wWi9iex438Aj9/8BDiHW0KAQF5u8KsVcKUVHbGO7B9hwXLJSBgW6wVb4PrE1VVDEXmP7/wOposs6+9hclCaTEJddt2goCLZ0aZmyryl/63J9mxtxPXcZmbKjI9kWfb7nY0XcG2XL71p+8wP1vi7/+LH6NnsAWCgAtnRvnP//zrPPfMWT7/sw+wa38XyUyUN1+8wt7DPQiCgGO7vPP6DVKZKDv2hQm6Yr7KH/3Wy2zf08Gv/N2PYUY0LMvhD/7bCzz71BmOPrCd/h2tS/t58cwov/g3P8rJR3eiKBKe5yPe8XIt5mv86M8+wJOfO4KsyIwPz/Ov/vc/5o0XL3PfIyFjpl6z2X+0l4985jBW3eHimVH+8t/+EXwv4J/+7T9gZiJPc1uSr/7eq6QyUf7K//4JmprjuK7Ht/70Hf7wN1/kgcd3s+9oLxAmEGo1i1/5ex9jcGcbvh/QO9jCr/+bbzJ6Y45EKsLugz3sPthNuVhj5Posjzy5n47uNLCyb/yH+GBwu/DHrSy5k6+u8nyUojqiJqNoKkaimVp+CkWPYjfKSKqBa9eQVGNdH1gptnUKoFuqh0qct7GdRFVBTq7vp71ZqJnYiv0J1Vgb70loaGldPlw6VWXHoQhXT1fp32su9gpvbXYd7c3Q/PAgdq7K3KtDVMfySz22sb1dxPd1rXgnBL7P/HcvMPY7L+Hkt9iHuU5VUpJFfD9A1SU81yfwQTUlCMCxQjcJu+ZhVV1e/9IIlXmLgfsyzN6oMDdU5cKzUzz0iwNIisBm3vxmTGT/ySi+F9C7U8db9MFt79N48WuF8BR6Hl61glevoja3IOkGgizjVRy8+srrJ8giynu4X0RFQopsLhBrFGdJSTKSZtLIh2rQpfHL6MlmnGoBBBHftVAiCaxSDtmIbnqupYoGmhRBFlUU0UASZRyvTs3JYyph4KxKEar2AroURZdiOH6dmJpFk6LIokYQ+BStafzAw3Ir2F6NQFj/nnT8BrKoLlVXZclEFnWK9hTz9REGk/ejyxEEROpukenatXUD5ZjSxEztOj4+7ZGday6zFgRJJLKthfpEgej2VhoTeaSIhtmXZeIP3yRwPdIPDC5/YY1ugsAPCGwXJRVBimj4Def9YWasATmmvy+Mkh80iIqEHL831xMAyVBXPUeBHywpltdLMyhajEq9RLUw8cH12AYEWL6F53t4gUfFrVB0iozXxtkV34XlW9i+zXh9nKyWJWetzGJU3Aqj9VH8wCcmx5huTJNUkoxWR8k5OXrNXkZro8xb8/RGehmvjTNvz1NySggIZLQMlmdhiAYL9gK2Z9OsNeMEDg2vQc7KEZNj2L6N5VtISEiCROcm6DS33rv7d3agqjKaKlOuNuhuT3Pu8gSyLNKajVMs1WlriWMYKjP5Mk+9coEPHd5GZ3OSyyOzxEyNuKlTbzjULZvR6TymqnBuKJRsrzZsOrIJbMfDdlwKlTpRQ2NbZ5a2prV7PP0g4OzCBP/2/PO8PTeG/T4EguvBDwIqrs2Z3ASjlTxHs920m2vv11ZQc23+bOQ8fzZyjsuFGaqu/YEljQOg7Fg8O3GVa6U5fnnnA3yiezf6Bqq4t8MPAs5OTjNfqbIt28REsUTFsuhIxIloKldm57kxv8COlib0Pwc2vy6tX+UUBRF9jcliw3V5Y2wM1w+IawU+tWvjF4nr+7wwdZ1/e/55rpXmVlUttwov8LlSnOVfn/seN8s5fnHHfWT1KFFFQxLEdYNOQRAwFIWG69KZiFNoNNZ88cuCxKe7jq8QQHF8DzfwUEQJWZBWKWbfjoim8hNH93Nhcobdbc3EdY2SrvHJfbtWeFwHATTqNpIiEosbiKKAosrEEgZDV6fxF1+O1UqDc2/fZMfeDvq3ty4Fldv3dNA72MK5t4d58rNHyGRjHDzRz+k3blDM10imI+RmS1x6d5TDJwdJN4UT+ImRHDevTfPgE7upVhpUF+0mWtpT1KoWwzdmVgS2rR0pjj+0HXPxxbHWnZ9uinL4ZEhjFgSBbEuclo4UxXwNZ5EOJEkirZ1pIlGdZCZCpjlOKh3Ftl1UTaZWs5ibKXLl/Dgf/uQhPM9nbiYU7WhqjhMEAVcvTiwFtgC7D3TRO9iCooZJoZ7BUPSvsDjxDtkqt3w1b6k8/8+X8f5BhSgpIXVMkBAlBc+zsWfLodjTbYlXyVBRMlGshTKCKCHKKrIWCSu2soZrVVA0E1GS16RSqunoklDIZuEU69i5CsZt4o2iKofCMKJwz327oiajtSZWUqsDsGZL+I33HtgCtHSqPPiJJK3dKqouMnp1a0qfAFauSv7sBAJQvj6PZCohJVCSiO/tRLrDXs+aKTH1lbe2HNQKooBkrB419JjM9kdaKE3XcW2fwA9ItBk4dQ89puBYHk7DY+z0AtWcRVNPhHhWo3VHnHiLTiVnY8SVkHJ4S53vLrAbAUMX6mw/YDJ0sUFuJky2aMbymOBWKtSuXwFRRDJM/FoVJ58jcB3cQm1JuTY8OAG1KYqgygT34GUr6sqmA2PfsbAreSjn8ezwehdHLuJZNRQzgVMr4dYrLFx9Cy2RpbEwTSO/aPFWLVAau7Ruf6Emx3D8BhCgyRFc30aTY3iBw0I1VFYWAFNJUrbnKFhTiIJIUu8kCHymypfwAoep8iVSRie6HKfhbexL7fgWsqBieVUkQUYQJWy/vkhPFsOAd/Ed7Pr2htXfgCAcY4ItJiyDALM7Q+cXTqAmDQpv3MBv2NRH5un8sSNYcxWcXAU1riFH1NBSJqKgxDXcio0c1RBEKF+apPVj+0ju72DsD96kMVlgvUTTnYJ1W4GSjm5ZWf0vAkRVRknfu2aL1pxYdV58yw2r64Dn2oiShR7NUJy9xlaSgFs62wIChmQwaU9SdIpMN6YREFBEhYJdYMFeYM6aw5AMZhozCKxsLk4oCZRGSBHIalm8wEMRFVqNVspumZnGDIqooAoqMTmGLunElBiWZ5HRMpiSiSZqzFlzpNU0Db+B7/mk1TQz1gySKKGKKhktw/nieY6nj28q++V6PtVaWFG9NjxLcyaGJIk0LAdNldne14wsS3S1pzh5pI9ypUEqbjCVL/PlF86yoytLZzaB6/kEAZRrDfKVOrWGw0KpRt12yCQi1Bo2qhJasriej+P5iKJIWyZOw16bP+4HAadz4/xf73yTy4WZ76su2mC8ie3x90c4xw8CXp25yan5se/bMQQE3Cwv8O/Pv4AkCHyye++KIGU9VC2b71y5QTYawfZ8ZisV9rW1cHl2HkUS6UwmGMkXPvgDeB8hEPazjhYXSOjZDZf1fJ/np67xT888y1i18L7uR9Fu8KUb71DzHH5190NEZA1NktelcUuCQMY0Od7ZSVzTaIlE17T6EQQBdbGn2PE93lkY4p38UGj3o5gcywyyN7G+mJcgCHSnEjTHInh+SOzvSMbpSMZXvHIFAbr6w/P3xotX0AyFhbkyl8+NM7izbanXtVa1qFUtMs3xFZVSXVdIpiNMjuawLZd40uT4g9t5/pmz3Lg8yeGTg1w+N06tYnHwRP8Sg6NcrFOrWvzp773GN79yaml9tuUiCGA3Vo4fqaYomrZxIscwNWIJY+n5FkQBRQl9wG9NTiQp/ExYFN1TdRlREpaq2IEfUKtYVEp1vvv1M7z50pWl9buORxCAdce+pZtiS/oBgiAgy2G7h/8BZcx/iK3Bc20cp4amJbgVeTiFKk6hitSaXFpOVGXMvizlM2O4Vg3fc7CqeW7piQe+S3nu5pq9UYIsorcl7+jRujt826V6dZrEgZ6loEgQBSL9zaHf7Bb8RW+Hkoqgd6wUIAw8j+r16feNtrsw63D6hTLDl+tYdR+7sfUVa5kI6YOdKAmd0tVZWh/fzuQ3LyGqcrj/d0zAK1cmaUzk11nb+hA1BTWz2mpRUkRUU0LWRbSojKJLJNoNZq+VqRUsFGNxSinA0Fs59j3ZRiyrc+ZrE+gxheaBKA/+wgBj7+bxbB9Bu3tiw3UCZiccKsUynhtwK857XSgtafUIooDe3YuabUYQxLCvTzdwSzb1sRzJY/1hTzfhmKO3JVHixtIkeitQ0tEV3pvrQZQV9HQbshEjf215zA48h/LEtRXL1ubGqM2ttPlx62Xc+vr7V7HnUZUIxfoErh++PxvuSgGtipOj4qwsMM1WV27bDzxmq9eXft8o2RTg4QYWjm/hCjYqsNAYo8UcRI/FqLtFLK+KIcfxguWkgSZFyOjdGFKcJr2HXGOcgjVF1ujFDzy8YPP9k4EXMP/CFRpTBTqf2E6kxcSr1vGmcwR6gDdTZuHFORLbMsQ6trHw2jVa7usmqGWpz1RI7QnZU/W5KsFsjqBmoyc1GpOLwmp39vAjrPJC3ixETUZvT743LYIfVEgiensKUZVX2f5sBpHBllWMHTtXxrnVMiWEjBb/Hgp5WwpsRUGk2+ymy+giKkdJKAm8wMOQDPzA5/7M/eiSjiIqVN0qkiCh3cadb9VbSamLFAlRpcfsoeE3iMpRjqSOYPkWqqgiIqKICjE5hizKtOvtYbO7ZLAttg1FUDBlk7gSxw98DMmgN9KLH/hoosZQdYhmrZmIvLYq6OrjEsguDuLRiEZTKsITD+5a+vue7e1LP+/b0bH081R+edBRZIk9va14vh/6oyYi6KrCyb29RA2VTDyCHwQEQYDnB4t+qh6KJK3wo7wdQRBws5zjX777XS4VNmdqLgsisigiCsJSFixYXJcX+Li+f5d+3MVzgsBHO3aSVNdWUN0qIrLKhzu28/LM5imtIgKyKCItUm5vDQ1+EOAGHq6/mSOB6XqJX7v8Kn2xDAfS7XcN1BVJoiUWIaKp9KSTeL5PUyTCdLmCIkpMFcuLuclwPYookdZMJKGBHwT4i+faDwJ8gvdc7Xw/oMkyJ7u76E+n6UysX4H3g4AzCxP8q7Pf23RQKwsiiigt9WPfutecde61uufwp8PnMGWVB1r60DcIbAOg7ji8PDLCgz09vD4+zhMDA8jCcmb4zuv5Vu4aX584xY54B616knmrzJ+MvkrQdZJD6b41thLu87W5HH/27iVsz+OvPHyCimUzXSpzpKtj2S5HENi9v4tHPrqPr/7eq7zy3YsIgkBbV5rP/PRJ9EUPNlkWEUURx3ZXVAt8P8B1PWRFWrLXGtjZRmt7ijdevMLugz2cevU67d0Z+ra1Ln1PksM2hR/5/FH6d7St2HdRFOjozqz67G5JcEFk3V7+5YVWJifXWloUBSRZ4uGP7uXwfYMrFhKAljusekRJ3Kwg9g/x5wSrXsD3XHx/mYpsTRXQWhLLiRBFIraznVnlTNgfCKvoYt46kxI5YWL0NG09aeoHlM6O0vrpIyv8Sc2BZvS2JNVr01tb3yIigy1LdiC34FYsypcm72l9a8FuBFiWTyIjMzlsrcfQ3hB6c5TS1VkSu1sRZBF1MTElyBJydDUtsDGR37KiKIDekUJJr54/1YoOky/M4Ds+oiyQaDHwHJ/idJ3ynBUmwBQRyYxTnqvx1lfmCVwHzwnwHRsjoRBJKRRnLHwPtlKv1wyRI4/GiKek0Bt72mHoYgMWe2zV5haqly4QOA4Q4NXCKnXlyhSB56+YRGutSfSO1D0FttFtLWtWs++EqBoYmQ4qE9doFOe2vJ27QRAEZElH4H1mswTB2smcxfM3Wb2y1PcrCiKObzFeOY8kKlhejQCfoj2DeNt+Ob7FfGOEXGMMP3AJ8FlojFN18gT4S8GtsIk7wrMcvJqNPV/Bq1nk3p3Ea7iYD0dCQbRiHS0ZikxGOpNMfvca1bECetokcH3sQoPA99GSBtWRHMWr82jpcJ4buGt4UIugZVcneTYDOWESGWj5n1I8ShAEzP5m5HtIEIm6QnRX+4qAPwgCGuMLuMWQiuy7Ni4CjUoOf4t2kVsObGNSPOwNFURMMYrn+wg+KFIYeN66gKqqLgVxzqJJrySKmFKY6fKDADkQSSnhd8RARhJUFDGcEPp+gBSAJEgk1eTSPqTV9NLPcSW+dEIkZHw/fPbajXYiUgRJkBYFbTxEUURefDBv7Zfn+wiEdLvdg60I25YnjJ7v43k+yqIlkOeFU3RJFJHEO2WuFxudDXVpe6qiIUsixl2qJhuh5jn83vW3OZOb2HA5XZLpiabYFs/SF8vQZiZIqjq6pITVHN+jbDeYa1QZrxUYrxSYqBWZqpVoeA7eGm/XVjPOg63975t4lCAI3Nfcy55kK6/Pjay5jCgI6JJMqxGnK5Kkc/G/rB4hpuiokozrexSdBhPVIteKc1wsTDNWLdy1T/dmKcfvXX+b7Ud+BPMugkWaLPHJvbsoNRqkDIPORBxDkUmaOrIgkq/XOdbdgbFoWbI90cyvP/gFKk6Don3rvzpFZ/Ffu0HFsai5DhXXYri8QMm5t8rCvSAIAmq2zdVcjhOdnbwyMsKHBwfXXG6yVuTfnX+eofL6YggQZjHTmsn+dDv70m30RFPEFR1REKi5DnONCkOleS4XZ7lSnKXiWCvelXXP4Y+GTjNdK+FuMPEKgoChfJ7XxsfI1Ws0mQbgEQQ+flDH88uocvuK77w8d5lPdhzlRNN2REHAC3yemXyHUws31g1sK5bNH79zHlNVGF0oYLseVcvm6fNXONDRiiouD5W+H1BYqHLysV08+dkjqJpMOhvDjGhL40I0ZtDakWJ0aA6r7iwFvKVCjcnRBdq7MxiLNOFo3OD4Q9t54dvnuX5pkhuXp/jwpw4RSywnlZpa4sRTJpIkcuh4P8LiGBTcmoT8Ob43k+kITc1hZXvv4R5UbVnM7L1AEEMhPv8eJuY/xL1D1WJoRhJZMXGdGp5r4dVsKpcnie3rWlKyFASB6I529M40taHZLW0j0pfF6EzffcE1ULk6TX0shznQvDzfyMRInRigdnM2pExvAaKmkHl4F+Jt7+ogCKhem6YxvnBP+7geJq43GNhvsuNwhBvna9w4V2Mrc7baeIGWx7cTG2ii+3MHwx5bx0U01bXFQ+6Bmi0oEskjfWtWJQMvwKo4S4HPXK1McbpOIEcRdROvUUPS06iyjOW6CGqUQLBRTBW3WgIjQ3G+hBxPI6g1PHdj6uvt2HXERBTh1PNlAsCq+0v7EXge+D6iouA5K6t/tZtz2PNltEXROwA5opE6MUDp3NiWzpFoqMT39yBsglrq1krkLr226XUbSoKI1oQkqhD4LNTGcLw6ETWNqaZwvDqlxgx+4CKJKimzC8938Bc7lXUljiIZyKKGJMiUGtPYXg0BkaiexVDiiIKM41nka2P461RJAz8IVbJvp28DctwABFx/uTBxS9jb9uvgL1Pr/cBdQUL2A5f6HdXkgGBNUamN4Fsuk3/yFm45nD9Vxwr4todve8y9PUakO0l9toIgCXgJj8KlGURFQlRE3LpDZaxAek8rCBLFa3NoKROn3FjKMPm2i1taTV03epoQNXnLQnKxXe3o/xN7sBsdKSLbWrcc2Jr9zZj9zSvur8B2KV+aXDrHmplEEESMeAtWrUDgb/7cb5n4fXV8jt/79ik+/+gBXj47xPmb06iyxMm9vXzsxE7iEX1pUjM5X+LPXjnPuaFpBAEODLTzsft20ZlN8NblMZ55/TJ/4/MPkYoZfP21i3zn7av80idOcGCgnWvjc/zes+/wlz95H13NyQ33yQ8Cvv7qRd68NMbf+6nHSZmppX0YmszxX596jU/ev4eHD/Qvffb11y5xeXQWWRI5uqOTJ4/vpDm13Lh/bmiar7xwll/8xAleOXeT1y+O4Lo+9+/t5fOPHkBfY2Dz/YBzN6f4vW+f4tjObj770N4l5eStIggCLuSn+db45XUrrJIgcjjTyRcGDnG0qZtmI3pXkaRb9joLVo2JapF3cuO8NTe6aLFTWVK7va+5h57o2t6w94qsHuWjnbt4d2GS+m30tJiisSPRzPFsD8ez3XRHUzTpEQxpY9VM23OZrJX43tQ1fv/GO9zcIBjzCXh+6joX8tMcy3ZvuJ+CIJA0dJLGygy4umiRE7nD49OQFbYn1qf3BkGA43tYvseCVeWfnnmW701eW3f59xt+EHBxdo5vX7vOjdwCLdG1mQyW5/KlG+/w1h2UqDsRkVWe6NjBTw0cYUeyGUNS8IOAuu1gqErIFhAE/CCgaNe5kJ/mSzdO8dL00IrrXnYsvjF2cYMthcmO3dksv3L0GO2xGJY7RaH2ZURBxfPLSGKCtPyZFd/xAh9VUkLLtCBYbJeQN6ycV20by3H5yaP7+W+vvB0ep6bScNxV855a1eL6pUkGdrQxN11EkkXmZ0s0tyVp7UiF9kSmymMf289v/Ntv8s2vnuL+x3fheT7PfeMsM5MFPvHjxzEWg11BgKMPbuPpL7/N977xLq7nsf9YL9JtFYb27gwnH93JN/7oLZqaE/TvbEUUBIqFGsV8lX1HeomsUbH5fiDTHOfBJ/bwva+/S2tnmv3H+lBkiUq5zux0kb2HekikNseeWbHephiO5XLmzSEMUyMIAnRDJRr/4JXO//8ZtlVC0+OYkSYqpeWkauHtmzT/yAHE5PK1VLMxsk/sZfQ3n990QCnqCk0f2oMUvTdlWrdYI/f8Jcz+5qWEjqhIZB7bTeHtISqXp7a0vuSxPhJHelfQeP2Gw8JLV/CqWxfM2wg9Ow0I4MxLZbp36Ki6SL2y+UC8NlFk4hsXWHh7FK/uUJ0IvWwD119zX9Xm+LriXeshur2VzCM7NyXsFfhg1TwinU24tQpaphWzvRdrYQZR1ZFUDVFWUKIJRElG0gwEUUTPdlCbHMZz7h7YihLEkjKKJuI6AdWyj+cFuPbyMQWeh6jrxA4cxnds8H2Kb72OWyxgzRSpXJ5Ea00u09clidTJbcx99wK1G5tPysR2tRPb2/G+jz+qHKE3c4JSY4a43ookyuSqwyT0VjpTh6la8xhqgqjezET+DAQBIiJd6cPUrBw1P0/a7KYtsY+F6jCKZJCO9HJt9nliegudqYMUauO0xHeyUB0hX1u7uACAH4qm4QdL9G0IgxjJUN4XMbV7RhBgzy/fM/PvLI9PxWvzFK/NL/2ev7DMcpz4zvJ8a+rFoaWfq2OhHkR9ZnGdfkBjskDgeEvJC0EQMPuymL1ZKlc2P7YoSTMc5zYpNPaDBlEJGSGN+fX786WoTtPjuymdG9t0G4igSDQ/uR85dtt8JQiwF6qU3h1d+kiPNuHadSBY9Aze/L5vObCt1m3evjzGzakFdve28JFjO7g8MsNvPf0mlu3y0x85giTCZK7E//Xb30JTZB450I/tenzvnWucvTHFP/jpD6GrMpdHZ8mVaiSiOm9fHuPSyCxXRufYP9DO0NQCM/ky2ibEJURBYKCjiV976jXevT7JQ/vDqowfBLx2YYSRmTxdzUmCIODGZI5/9JvfJBM3efTgAJbjLu3X3/3Jx2hJh5SDcs3i1NVxrK+6qLLE0e1dlGoNEFiq/C4jrCycvj7B//Pll9nd08JHjm2/56AWwj7BF6euM9dYe+BXBJHP9R7gV/c8TMsWlPQEQcCUVUxZpTOS5HhzD7+w/Tjj1SKn5sf4zsRVrhZn+VT33g3Fdu4FoiDwWPsgXx05y+XCDH2xDI+2DfJEx3YG4lmisrqlF4YqyfTG0vx89DgPNPfxz999lpdnbq67fNFu8PTYRY42dX1fJ8ahpL6MKoViOZr4/RUSkESRwx3tdCbitMXWptQEi73cXx0+u6F6cIsR41d3P8Sne/Zh3Oa1+9rlYa5PL9DXnOJAbxvJSOiHnNJMHmzt53BTJ0+NnOc/XnxpyaJps/CCgKu5edrjcV4YGeX+zt3oSgueX8b1i6uWv69pO//j5osMV2ZIazEmawu8WxjhCz0PrLsNTZaRRIGRXB7H8yg1GpwZnyJlGkh30GUsy6G5LcmpV69x/vQwBKGftqYr/ORfeoRHntyPJImcfGwXxUKNb/zRmzz9J28RBKCoEp//+Qc59vD2ZUqnINA90LzkO3v/47tWUYsVReKnfvkxggB++/95doXH+fa9nezct37/8AcNSRL57E+dJPADnvr91/ny77yyNIFs60yxbVf7xitYBwfv6+fAa/384W++yFN/8AaqIvGZn76fD3/y4Pu38z/EKgSBT72eR5K1Ff2x1RuzlN4dI/3QjqUgUJBEsk/spXJpktxLl+/aj3pr+eSJwVXWOlvB3HMXyDyyE3Nwmeant6fo+rmHufmfn6UxtrlKa3RnO10///CKyWcQBJTPj5N/873Z0ayF0oJLPCUTT0mcfaVMo7p1NoK9UMNeCOl60b4M1dE8XsPBmimuqrLFdnegZWNYM6X1VrcCZn8zXb/wSBgEbhZBQH1mHFFWcGtlnHJIf/YdG9+1Q02RagnPtiDwkTQTyYhwy2/2bojGJZ78yTSJtEQkLtG/x8B3A6bHHJ75HzmCAPxaldy3n1579xyP+ecvkTjaj3LLK1wI6cidP/MgQ//um0v0x42gtSbp+OL9yJvor90qFNFAFGRylZs4XoOE0YbrW2Rj28nXRpgsnsdUUwxkH2KufA3LrbBQG6U1sfu2tYhUrDlGFt5ClSNsa34EWdIwlAS2W2Wucg1TTdJwS/jBxgy3xlQBr26voLcb3Rni+7vJv3H9+2IX9eeFypUpvKq1QthIjhu0ff44Q//umU0F9qKp0vb5EyQO9f6FSsJqKYO2k10EXoBkKAS+z+g31rfZEUSB5LF+Wj5+kKmvvLXkQbsuJJGmx3aReXjnHertAYW3hqjfxpBZmDiP7zmhQv8WPGzhHn1sbddjV08Lf/cnH0ORJaqNHZRqFu9cHeczD+0lamg8/folqnWbf/HLHycdMxEEgf0D7fyj33yGl84O8fjhbUiSyPRCiVTMoFhtcHRnFyPTC9QaNuOzBZriERLRu/d4CoLAjq4sO7ub+eablzm+qwtdVShU6rx+YYSDgx10NCUIAvjj595FEgX+z597gmwyVPQ6vL2T/8//+y2+9dYVfuYjR5ZOeK5UoyOb4Jc+fgJTV9fs6RMFAVGAty6P8l/+7DWO7ujk5548Ruw9+upVXJtTufF1x4+DTZ38ld0P0GreG/e/WG8wXSrTnogT0zUG400MxDI81DRA0a3TG09/IA9kqxHnr+5+kLrrcKK5hyYt8p63IwoC2xNZ/vGRj/HXX/sy5/Nr91kFBJyaH6dg10lp7//L6fuFqXqehGJiyuE95gc+c40SCTWyrvKz6/tMlstcnp/Hdj2e3L5txd/LjsUf3TyzbiIFoEmL8Hf2Pc4nuncj38EMqDRsPN9nulBmr9+66rumrPJjfQdJaSb/5PS3ma5vbqJ1C7PVKmenp8nXI+jKdlx/FN+voMqdq5Z9MLsLQ1J5afYSpxZuElc0fqLnfg6ketddf0LX+ejubfz+22e5MbfAP/vmCyQMjb/x2P0rBMcW5sr813/9DNmWOP/sv/48RkSFIKzi/u5/+i7f+doZjty/jUQqgqYr7P/4Ns5kc3witgNFkmntSNLUEl+l8qtpCj/9Nz/Ef3jlOU7Firy8cJMnzGXlakEQSKQi/PLf+RGmvnCChbkyQQCxhEFLR3JFtfaX/tZHURQJWRb5zsQVvCDgiY7tiLclqp787BHuf2wXkduyprqu8IW/9AiBH6CoMtnWBH/rH3+W7r6QjfDhTx3i/g/tJhLVMUyVv/6PPkVrZ5qCVUc1JX7qVx7jiU8fYm66iOf6RGI6Le1J4osKosl0hF/9h58injIpOHUSooEiSnT0ZPj7//LH6epd6b+Zycb5q//gE4wPz1OtWGiaTMcdHp0/xAcBAU2LEwT+CvqXX7eZfeZdYns6UJuW3ztSVKfnr3wYKaqz8NLlJZrgHatESUdp/ug+2j53HMm8NzGWW3DmK4x/6VX6/9cnUeJmqAwsCsQPdjP4dz7BxO+/RundkXUnoXLCIHl8gM6fvH8VVdCaKTL5J28u2U68n9i+aPfTqPlYNX/ThVRRFjE7k9i5ClpmuWLe/OAAN7/0Nl7doXx5MqwQ3SZ0o7enaP/CScZ/5yWcDY5Himgkj/XT/hP3YfZmF3VbNhd4Avh2A3+xz9qrb6zA7NthwOvbFqJ29+RGKe/xh/9xa1T3Ves4O0bhrSGaHtu1lFARRIHU8QH6/9cnGf/dl6iN5ljLWFhUZaI72+j82YeI7en8QOZFDaeI7dUYyD6I5VaYLJwDQBaVJWEo17cREBGF9afttlsNe1gXA1cBkUJ9gtb4LvqbHqDhlMlXR9f9/i3UbsxgL1RWBLaSqdH5xckqOAABAABJREFUcw/h1SzKFyfuztDYupvVliDIImo2jp2rENgu4qInqt9wECQxnK/7wXIfpx8gRXUkUw2ps+tQ0Osj81SuTZM81r8i+Zw6uY2eqsXkH71BY6qwJgtCkCXM3iZaP3eM9IPb/0KqIVfGijTmK0iGgp6++zxZMlTaf+I+5ITBzNdOY00X1zw3csIk+6HdtH/h5IoxCsJEytyz51aolNv11UWLzeKezrogCJzc07NUkTQ1heZklIsjM7iej+t5nL42Qa5U41/9/nNLIjt1y6FQrjM+VyRqqHRk4gxN5sjEIzQsh48c286337zKQqnGZK5ET2sKdZNVT0WW+JETu/iPX3mZm1ML7Oxu5urYHNMLJb7woYMoski1YXNxZIb9A+2k48sBVXdzku6WJOdvTmO7Htpi72TUUDm+s3upT3atAU2SRC6OzPDCmSEObevg5548RvQeFdRuR8luMFNbu7IlCgKPtA7QaqwvAjRdKlOxbAazmTX/7nge37p8nfv7ujnaHQpiub7Pi9eGOdTVvqIa935CEgQeawuDqobjcHp8isNd91bRuR2CINAVSfLLOx/g77751ArK6+2YqBaYrpVIqsb78oKyXBfb9TBVhZrtYKoK0gdsTfLVsTd5vGUvOxPhdXN8j6+Ov8XjLXvYHl/7XHq+z8XZWZK6Tt1Z2asQABfyU7w+O7zuNlVR4if6D/HRzp2rglqAXZ3NeL5PWyqOpkirKgcQVo4faxtkrJLn/3vhxXWv0Z1QRJHjHZ1cnp/j/q4uPH+aYv1ZfL+GqR3EV5MU7DIR2UAVFcpujf5olgOpHgp2mUulmyQUlbJTxfJtMmqCilvH9h0isoEp6YiiwPGeLgazGSYKJQRBoCedJK5rK45jZrLA5EiOJz97mO7+ZcVwx3ZJpCLUa/aKMT2tm3zm0EH2pdtWBJZrYce2dv5J92f5DxdeZKax9rMvyxJdfVm6+tanvu/YuxzsD8azoa3CbU24giDQ2bs6QJRkiYHbhKkkQ2Xf4d6l31dWkSX2HOohCAL+25XXOZrt4lCmk7bONG3r9E5qusKeg93MN6r8j+un+OLAYbJGlEhU58CxtXufI1F9xfH8EN8fSJKKZqSolKbBWw4OSxfGmf32Odp/9NhST6ogCChJk55ffpzMIzspnRmhNjKPV7UQZAklHSHS30xsX1cYNMki+AHFc6NorQn0rVQHb0PhrSGmvvxWOKlarLgKokhkeysDf+djVC5NUT4/Rn1sAbdcRxAF5GQEs7eJ2J5OIttaVvTVAjjFGpN//Abl8xu3Y7wX9O8xWJh1mB238TfZ3yksBraxvgyR7hRWLkxAqsnlxH/57Ci1m3PEdi8LXN6qkOutSXIvXqJ6fQavaofjsyyixE2iO9tIHOkjurN9KeFg5SpULk6QOjGw6hxtFlJEQ44ZCLKIKEsImhx6V5q3/tNQ4gbGGsmqxKHekAlTs/DrNl7NxquH//m2S+D6BJ6PW6xtqoLm122mv/o2kf5mjN7bRMtEgdR9g5h9WYqnh6lcnsSeKxN4PlJEQ+9IhfTjPZ3ICRMBsOZKNMYXiO3tev/8SQUBSZBZqI5QtXM4i32sFStHVGumWJ8irrfieA0cr76466HFjihKbCSyIAoyXuAwV76O7dXvWq0FsOfKFN4cwuhIr6Ckm31ZBv7OJyieukn54gT2fGgDJigSkqkixwyUpImajuIUqkx++S38+gdDXRZEkcThXkpnRmhMFdBa4nh1B8f1iO/vxms41G7MYPZlkUyN8qUJ5JhO4lAPuRcu4zseaiqCV7dxS8v9wW6pzvxzF4ntakeOLT9foiKR/cg+ors6KJ0ZoXJ9GmehSuB64b3SmiSys43Y7g7UTBQEgcDzKb47it6S+AvRa2vl69TGCxjNEURFojK+fnBpz5fxGg56RwrJVGn7zFGSR/spnR2lem0ae74SnpuojtmbJXGoh+j21lX96V7NYuZr72xZp2Ej3HM6IXFbJkcQBARxWSzE9wMqdZtUzKC/bWVgtbu3hT29rciyxGBnE0OTC6TjJulEhB1dzXz9tUuMzOSZyZd5YO/my/iCIHB4ewexiMar54fpaUnx+oURWlIxdvWEdCXb9bAdj6ihrkhEiqKAqSmUaxau53NrHFdkCUPbuM+zbjk8+9ZVGrZLrlSlbjvvuVoLUHIaWOs0S2uiTLuZWFfYaaFa4w9OnaVs2Tw62MfR7g6uzuW4PDNLSyzGA/3dNEUjdCyq47qez6mxCW7MLzCcy3Ows23VOsfyRc5PzVB3HHY0NzGYzfDSjWFy1TqHOttIGjov3xjBCwI6EjF2tTbz2s1RqrbNiZ4ustEIrw+PUbFsDFXmaFcH3716g1eGRpkslnh0Wx+FeoM3R8ZRJYkH+nuwPY/TY5PUHIe+TIpDnRsHwIIgcH9LL3tTrbw1v/bEpOQ0mKyV2JlsoVRvULMcEqaOJIrkq3UUWSRh6CxUaiAIJE2dQrWBJArEDI1Kw8LxfBJGGCDenF2gWG9woLuV6WKF/myaquVQs2x0VSaiqixU6/hBQFPsvVWJHd9lwapQcurMW2Wm6wUAqq7FTKPIRi83TZY53N5O2jAoWytfNLbn8tzUdXLW+hn9PalWPtu7H11ae8i4MDZDRFep2w7fO3eDR/b0kzBX93yqkswnuvfw8sxNXp4ZWmNNq+EHASOFAjXHYbZWJRuRMZTdWO4wfgDnitexPBvLd+gyWrhWGWVbrJuqV+d6eZSyUyUqm1wo3SAIAnYn+rlSGqHNaKIv0o4p6QRBQKnR4NpcjoVqnSAIGF0okDR1TvZ1LyUr0k0xkpkI3/6z04BAPGlSKdW5cGaUc6eG+ZHPHSES0/ACn7fnxnh15iZxVWdvevmZyls1Xpi6wXi1gCJK3N/Sy750qPzepEeJKTq3X0sv8DmTm+DtuTEansNgvInH2rdRtOu8NjtMxbFJLaqXL9g1frT3ALIg8s3xS1wpznE8201PNL3Uc1x1bZ6bus7Ncg5JEHiodYC9qbZ1xxPX9zmdG+ed+XFs36MvluZD7duxPJdnJ67w1Oh5rpfmeHHqBg+1DnAo08Fso8Jzk9eYbVTQJZknO3fRFUlyrTTH02MXeXbiKlXXIqWZfK53Py1GjPlGhWcnrjBXr9AZSfJY+zaSmvlDAeU/B/i+G/oI3pHECmyXma+fRmtJkHl459LEXhAEJF0hfqCb2J5OAtdjyahUEhBlCW4JnvkBpfNjjP/uS7R97tg9B7aB4zHztdOIqkTLp44gx8Lea0EQkCM6iSO9xA90LwoLLe6LKCDIIoIkrnyvB6Gl0eQfv8H8dy9sWYBqszj/eoVMi0K15G06qIVQNCf35ghKTCP31gj2YvW16UTvkj2JNVdm5uunQ0Xj2+iyoiITP9RDbE9HGBxWbQLfR1RlpIiGqMoIi5ZeQRDg5KtMfOlVajdmie5oW6UWvVk0Pbablk8dRtIVRE1Z3AZhFfiWAKcgrNnLGz/QTWxfJwQhTTFU6g0I/IDA9fAtF99ymfjD15j/7sVN9RBXb8ww8aVX6f6lR1Gb40v3CgLobUm0lv1kP7SHwAu4RZMWZBFBlpbuFbfcYOqP38Qp1Ylsa33fAltDSSAIEhGtCVNLo8lRbsy9xGz5Ch3JA/Rl7iPAZ7J4Dte3iOutNMd2IEsaHckD5KrDeIGzFPQGgY/lVAjwielZ/MAjZXYjiQqubzGy8Baev37A6dsu89+9QOJgzwqRNkEQ0LJxsh/ZR+bx3YvqUbeeLRAEMby2kkD53DjTf3ZqAyfb9wbfdnHy4XMgiAJGVxNOqYZbrKF3pvFqNo2xHFpLEiVlUhuaxS3V8Wp2yO7Y24nemQZBYPaZMwT2csBfeHOI+T2Xaf7o/hXXWJBEjJ4MRlearOstH//ifXzrOYLwvi1fGGf8916m9VOH/0IEthDSkdsfHUCJahSvzTH5/NrzNGuuxMzXTtPxhfvQuzIIkojZ04TRmSZwvTueIyl8lu6YY/i2y+y3z73vY+49B7YbBXuiKJCOmdiOy8989CjKHQOXKAqIgkB/e4bT1yY4NzTNrp5mmhIRUlGDc0NTNGyX7pat3QiZRISH9vXzyvlhjuzo4tzQNA8d6CO1mHUxVYWYqTFfqIaqy4u75bgehUqdVMxcVSHeTFz9qQf30tOS4te/9jpfevYdfvHjJ95zcOsF/rqqosHi39dDXNfpy6RAEDjY2UbZsnl1aIQnd2/n+WtDtMaj7GhezpIu1GqcGpvk8e39jCwU1lznTLnCtdkcP3pwDzFd5eL0LFdm5tnZkuVbl67x2PZ+rs7O8+n9u3j++jA3c3nihs6u1maeuXiVHzu0lzdHx/nIzm10JeNENJXBbIapUoUH+3vQZYWnL5ylMxlnplzhrZFxulIJzk5O88UjB4jqm6uCxxWdE829vJObWPMcBcBkLcxCDc/nuTAxS3syhqmqzJWr9DYlyZVrXJycpTuTJFepcXUqlOrf0Zbl1PAEPZkkgy1NvHDlJpIgoCsSuUqdC+MztCZivHJ1GC8IsF2PvZ0tnLo5Qblh8cWTB9mARXRXlJw6Xx57g3cWbnKzMktUCQPHIIC+aJY2I7nm9/wgVADvSYbWRROlldXA+UaVN+dG1xVXUkWJj3XtpjOSWPe5dz2fqXwZPwhQZYmaZa8Z2AJkjSgf69rFO/Nj1DZRtfV8n5lqhZJl4QcB+1v6iagHMZQdeGg0qiM062luViawfIcWPcO2aDfXKqNEZANRELF8m6JdoUXPoIsakiCyI9ZLTAkngDXb5ndeP83wQp5sdJnN0Z6IcaK3a8mEINua4Gf/yod49qnTfOW/v4JjeyiqTCYb40d/9gEe/PDuJe/Z/liGsWqeZ8Yu8XPbji3Fqs9NXeOtuTE+3L6duufcla0VBFBxbDojCWRR4ss33yWtRUioOk+PXeLBln5+f+gdHm/fxpncBPtS7RxIt3Mw08mZhUkuFWd4pG0AEPCCgD8aOs310jyPt2/D8j00Ud4weJytl/mda2/yaNsgicUAOiBAlSR2JLJEZJU9qTZ2JVtoN8NkWd110CSZvalWzuQm+e2rb/IPDz1BUjUYjGd5fXaEo01dNOkRorKG7Xn81tU3iSkau1OtvDJzk7xd52cGj6Kuk0z5IT4YiKJEEHj4no3nrZ78OrkK4//9ZQLXI/PwzhW0MkEQQh/MdSb8vutReneUsd96kdrNWRpThTXZHZuFV7OY+vJbOPkarZ85sujlKm5qX24h8Hzqozkm/+QNFl6+it/YWj/XVrDjsElrl0Yx5zB2rY7lbS64DRYDvPrkygpKeSiHf2tC6AcsvHoVNROl7UePI9/uUS0ICFoYYCrJtYXcAj+gMZVn8g/fIPf8RQRFxpop3nNgq6QiGJ3pTYlQ3QlBEjf1PSVhbp7y6gcsvHYNJJHOL96P3pleIRgmiCLCOtToWwH/1J+8yey3z6G3JVb1oL4XJIx26k6BicJZREFme8tjKJKx1DMriSpB4C0pEleseRrO8nvcCxyCwF9i5thenaH5V/B8m6ZoP9OlS5Qb00TUJtqT+5AEGY+NK6m1kTnG//vLdP/So+G5WlIJDq+PdA/X9f2EIIvIEXWpP95r2EimSuD6WNMFvHpoC9SYCpXD3ZqFHDOQTA3RVFFSYVXSmiuvun+8SoOpP3oDSVNIP7QDSV9mLQhCmKzb6Ph916N8fpyx336R6vWZ0HbrPYxz308EQUB5JI+RjW4o2CSZGuXz44z8xvN0/uyDRPqbl57bzTy7bqXB3LfPMfnHb6zdvvIe8IHMGBRZ4uTeHn77mbd4+/IYR3Z0IokinudRadjETR1DU2hviuO4HpdHZnjkQD+JiE5zKsqZa5MkIvpSQLpZiILAo4cGeO70db72ygUsx+XErp6laoumypzc08Mzb1zm2vgcA+1NoW/n9UkmcyU+fGT7GsJQG0OWRHpakty/t4dqw+K3nnmLbDLC5x89sERpvhcYkrKit+92WJ7DcHkBN/BRhNUvbVkSiWgqAgJRTaVYD2+ajsV+2nJjpXqi5XpIgkB7Ik4munZVUQDaEjHaE2FvVaHeYLpcIRMxaU/EkASBhKHTGo8hiwIz5QrbmpvoSMQpNcKAJK5p9KaTpMzwukZUFUORSRg6fhAwvRhwGYpMygxfys2xKB3J+JYq9/vT7SiiiLdGvwzAvFXF9jxuzuWxXZe5UpWY4dKdSdDTlOL8+AzZWITBlgyXJmdpikWoWjaFWgNTVTjS14Htejiux7aOZqYKZWK6uuS5KooCu9taODU8QcMJqcoHutswNWXT9Nu1kFQjfLH3QQQE9iW76Y2GdFRJEIkrBqa0djLF8TxGCgXenZ5GkSTGi0WOdS7T1S4XZxir5tfdbruZ4MGW/jUpyLfQ35JmLFfEW7RmMdT16WuSIHI820NnNMnVTfj7SaLIQCrN25MT9KfS+H4O258hoh5AQWQw2sVobYr+aAcZNUFjcTLebmQpOVUkQaTHbFukINdIqFEGol1ot/Ujlxs2M+UKf+XhE3QklydyoiCseA4lWWT/sT4Gd7dTr1p4XoAkieiGghHRVrzsskaUwXgWSbyy4ngisobluTiBx7FsN03axorBoiDQF0tzsTBN2WlQdW1mGmUSqk6THuGRtgFO58a5v7mPkt0gb9UQBYHeWJo2M74iQVZ2Grwyc5O/vudh9qeXGRAbPV+KKKFJMgW7wd5UO73RFJoUWvrsTbeRVA12JluW1MaDICCtmbQYMWbqZSBgqDyPH0CzEWNnsoWUZnIg00GLEY4nY5U8r88O81jbNqZqJbwg4Hx+iqpr/zCw/T5DFGVUPYEkqUiyhueunnRYUwVG/98XqA3P0/yRfWFAeVu14nYEQQBegFOoknvxMtNPvYM1VQjXM10gsF2E92CL59VsZr/5LtWhWZo/uo/EkT6UZARRFtfNTAdBQOB4OPkq+devM/uts9SH55eqnx8UKgWPkVqdaFJa3LdNUpFFASWuIyor5wTN9/cx8fQFvEbI7vLrDtNPvYOdq9D66cMYvdmwIrvB8x34Pm65QencGDNPvUP5wgSB6yF4AZWr08T3df9P4zsdOB4LL13GnivR+qnDxA/2hJX+deZaQRDgNxyq12eY/urb5N8aIrBdnGIdJ1dBy67fDrYVVKw5WuO76UodRhIVqtY8dSdMYviBu8rH0w9c7A19ooKlILhQm6Ap0k/S6ECRdPK1URx/E4GEFwr6uFWL9h89RmxfF5KpLVfd19tyEBB4/qJl0N03c6+QTA3f9ZFMLQxWZSksHOsK9dEcZm8WUVewZoqoTTHkmIEc0/EtB9nUKJ0dxezL4pYba4oeWTNFRn/zeeqj8zR9OKTzC+raY9ztx+0sVFl4+Qoz3zhDY2IBgrCH9Hal5R9kOKUGC+enQ4uuDZJ8oiYjSCKFt4dwFiq0fPoIyWOLAm1rWKLC4vNku9RHc8x+4wy5Fy+/78rz8AEFtqIg8MSR7Vy4Oc1/+PJL7O5tIWpoFKsNKnWLX/3sgwx2NtGSioV+kXWbjmwCSRLpa0vzzTcu89D+/nuqeva1ZdjeleW5M9d5eH8/3S3JFX//xP27uTgyw//9By+wt68V2/U4NzTF4e2dPHJw4J4zKrIk8dihQRZKNf705Qtkk1E+dGTbPfdbJjWTuKIzyWqRnQB4Yfo6H+/ezbZ4ds19zkYivD4yRiZi0pdJkTINvnHhMvlanYcHerk+l2NoPkfFskjoGroi8+1L15grV5HWWJ8simjyMl1pe3MTw7k8cUOjLR5DEkXG8kW+e/UGkijy0EAv56dmGM7l2d3WjCxJaLK8gu4Y13Wqls3LQyMc7e7ggYEecpUaCUOnLRGjZjvo8sYv5bXQasQwJIXGOgN/3XVCxV7TQJdl2lIxUqbBxclZXM9noCXN6eFJzo/PMNiS4dzYFJoi09+cxlBlZFFE1iR6sklmihW6MwnmyjUCAhYqNboySRKmTn9zmqplI0siN+cW2N7ahKrdO3VJEkSSaoSPtO0no8VIqpuzUFEkic5EWG1tMk1uLCwrz/lBwLmFSSrO+oPLgUw77ebGWXtZkpBEAUNV2d/Ttm619haajSgH0x13DWxDdkLAnuZmtmUyTJXD5EfNPofjzaAr22kzttFmrO7TisomR9PLqpGtty2TUKIrllUkkaim4no+0iKjBFjRm3oLgiAQier3bK/zcOsAmijx8sxNnp24yo/3HeREc8+6y0/VSvz78y+wK9nC9kSWqKItBauaKCMJIoasoIgSkiCuaw8G0PDcMMmk6kvHcjdk9Aj/y84H+M7kVX798qvsTrXyxYHD6/pBO77Hl4ff5VppjodbB2g2bgkNrb9fNdfBDwLSuokpqxxu6qRJi2DcxXP6h3j/4boNKqVJdCOJt4HftluoMfNnpyi8dYPksX7ie7vQ2pIocQNBlQk8H6/SwJotUb0+Q+GN61SvzeDfJhBSvjjJzNfPoEXj+L6HlQ8rLVtF4PpULk5Quzkb9nMd7iWyrRWtJYGSMJFMg8Dz8Kp1nEINa7pA5doMxdPD1EdzK0RLtnSuijXmv3thhXWFW27gFOtrLv/uy2WMmIRuiNjW2kF07eYcM18/veIzZ75E7xcO45ZWXg+9OcbEMyst0/yGw/z3LlK+ME7yWD+xfV3o7SE9+ZbATmC7uFULO1ehPjJP8Z2bVC5NrqicBK5H/tVrK6pV9dH5u8bikqLjORaVq1PMPH1mpReqYiDJGtZiG81akBUD11n7/N2J2tDslqyMILxXyufHqQ3PE9vdTvLYAGZfFjUTRTI1EELqt5OvUh9foHRmhOI7wyu8Or2Kxdyz56leDy1lgiBMAtwrivUp6nYRWVJDGvGiCNT7ganiBTQ5iihKeL6D7dYINkkQDjyf8rkxbozME9/XReJwL0ZXBiUTDWnsshj63joeXtXCLdawcxUak/kwQdJwkQQFL3DZVBJnUR339nMdBAG1m6vnCW6pTu655Xs///r1pZ+9qhWKGN3626uh3Y+Tq2CPFAkIwuTA3MYODU6+ytRX3iL/2nUSR/uI7WpHa00iJ83wuRAEAsfDq1hYs0UqV6covHmD2s25FZ631avTTD/1ztKz5BRruOsEdIHns/DK1aV7C8IxYSPFYWumyNy3zqKqZnhsjos7UUEWVLzARRLksKIviPiBi+qrVM5MINYF3MAhwMeaL+PbLmpcx2yPk78ws6EXvSCJiIYCfkD1+gwj/+U7zH+3jdSJAcyB5jCZYGogifiWi1us0pgoUDofCrlZM8V78tneDLYc2KZiBo8eGlhVTd3RlcXQFNTFrG0qZvC//cSjvHLuJu/emKRca5CJmzx+aJC2prCKkIzqPLS/n4bt0JKK4fk+e/vaePhAP8d3daMqoT2KFwRIwtoZgDuhqzLHdnbxxqVR7tvdQ0RfSZNqScX4ez/5OM+fucHlkRlkSeSLHz7E/Xt7Sd5WrcwmI4tV5PWrxnFT5+EDA0vqyrqq8KkH9uL5oa3Qfbt7iEfubfIblVW2J5q5XFy7ofpyYZZfu/Qqf3PvI3REkqv643a3NZM0DVRJIqqpfGLvDmbKVRK6RiYSqlR/ev9uREGgORbh0/t3sVCt88BADylj9TFva26iJ5MEwvPYHo/xib07KdTqpCMm+Vqd7nSSgx1tpCMmCV2jM5mg4Tq0J+LIosin9u0kepsHbFPU5McO7cNyXeTFYHi6WMb1fdKmQVMkQlNk632pmiRjyip5e+2Xo+17IMCxwXYUUcbyHWzf4aFdPYiCwFRjgcd29yMKAjXP4oEdPYsDoc+AkQIBcnaRgc4YCSWCIsqAwK6O7AqLpHTE4PLUHPlqHUNVMFQF733oOOmLtgCLGUIC3MBHEsR17ZlEQUCVJCq2zc2F/IrrW3Vtrpfm8dYZwEQEjmS6MOSNh4rrU/P0t6SJmzoxQ7vrs6pLCnvTbXz5LvZCluvy9LWrS7+PFgr8ytGDRLXjgIAiri1UtFWosoQfBPyLb7/IvvYWzMWKc0s8yqf370aWtpZcCa9NmDgIxRmDFarq97f0cSTbxZ/cfJevjZ7nRHPP0vUMFpf1gwCBUPCs4lh8tncfmiTzu9fe2iTzLlhaZ7iugJiioUoy10vzdEWSofApYdJkvWvmBwGdkSS/sP0Elwuz/IcLL/Ch9m30xTIICEiCSMNzcH0fURCoew4X89M83r6ND7Vv51vjl3H85WssCaHHse17uL6PJAikNZOUZrAn2cqeVGu474Q0+B/i+wtFjaAoBoIgIUoKnrd+0ivwfBpjC0yPLTD7zLsh1U9XQlVSP8zOe5UGbsVaMwCpDc0y8uvfwzSz+L5HgI+hZrAXXQgUxcBzLRqN9Rklt8OvO1QuTVK5NBkKFEV11HSS7BOfwJqbJv/ay3jVGm7ZwrfeO+XYni8z9tsvbnr5Rs2nUdv4HVB6d3SFnyOAHNNI7e8g/+7Eis9bH9++9uQzCLCmi8x87TRz3z6PHNcRdTWsYsNSRc2r2biVxroTzPKFccoXxjfcX0nWMWPNuE4dx6rS0n2UUu4mldPT1M7MEiyO77IaIRJvw/ccqqVJVD1OoxbaSilqBMeu4rsWLd1HyU1fpFae2XC7G0IQEBBXVpqDsIUivA8DvEqDwptDFE7dRIkZSBFtiXXgux5+3cYpNdZMeviWs5x8EIQwASoICLePV0tj/mZG6wDbq2J7GytK3wsCfBru1lwI7oRbqrPwylXyr19fUhYWVRlBEsLzeut+aoT031vnrNkcoCOyh5ultylYk3ffV89fmdQRRERZhgCUaALPCvUvRFkBQSRwHQLPRZCVsJdeWOzzFSBwXeRoAqdSgMX3jyZF2JV+lJpb5Hrh9U0lDwLXpz6Woz6WY/ZpBTmmI+rKYu81CIFEVG6mND+BU67i+264D7ehPjLP6G88t6lzHbg+k3/0xqaWvYXazTnG/+tLtCq92IGFiISBhCa3U3DniEtp3MBBFyNU/AIxP0XtOxOI36uQ96ap+7clEkyZxGATWtKgMl6kfHNt6zRhsXf2FryaTenMCKWzo2F1PKItVbgDzw9FusqNTbZ6vDdJ7S0Htv3tGf7Rzz6x6vOP3bdr5W4JAomIzsfu27Xib47vMVIuoDgiqiTxyEMDAFQDm3dm52iORfn8pw6Q1SPcLC2QNSKcmhvnREv3uhWC2+H7PqMzBTqbEhwcbF9zstacivLjjx3YcD07u5v5+z/1oQ2X6cgm+Ac/vXKZmKnxsx89etf9vBtMWeW+5h6+NX4Jy1+dqXEDn6fHLjJTL/OLO05wsrlvhZKxIkn0pJNLv0c1jai2XAHPRiNkoysrfsk1Atql/VEVTFb2Gdy+Dtv1GGhK05tJLVE32xIrrYia7tieKAirlum+bZ8B9Hugc0uCuC6NG8KgY6o+z7xVos1Ic7E4QkaLk9WTzDeKzNsl2vUMRafOy3PnyOpJZEEiZ5eISDopNUbOLi0mXXz6oq0UnSo7Yl1E5JWiarvam9nV3rz0Wcl+770Eb+duYMoqO+MdvDB7kW9PneV4ZpBPdR5FWScQaLguV+fnOdbRgaEsX8eS3WC4vP6kMaHqDMSb7qroK4oCb14fIxuP8siefhRp44BEFAR6o2niirZuAgLCc9ibSNIZDylfF3QdPyhRbryCIjXjB1Wi0trK31uDwK7WLF2plZVpXZHviYbX8Fy+O3mV07lxRit5/vv1tzmU6eBApoOnxy7yzvwYUUVjqlbiwdZ+ACZqRZ6bus7ZhUmGKwuoosQDrf10RZPossx/ufQqoiBg+e66Qk+3MNuo8N2Jq7w9P0YQBMQVg/tbeumJpvnJ/kP8jxuneH12mCCAB1r6eLR9EGmdA52oFfiNy68RkVWqrk1HJLnUaysIAkeauvjDG6d5c3aEx9u3sTfVxu5UK98Yu8ilwgxTtRJRZXnsTqkmWT3Cf7r4Ep2RJD/ed5CsHuWT3Xv5jSuv0RlJ0vBcjme7+WjnznX364f4YBD4PggisrK1ViC/7mDfQ7UVQJRUJElAVgwUxSASbaZRX8CMtFCrztFoFNjqRMerhWq6fkPEa6i4JYHGZIHA+WBUWj9IuGWL+dduhkJKt2H6e1dXVIbWgm852HMfXN+wHkkTT/VQzN3EDkohfd2z0YwEqh7Hdx0kWUUzktiNMpKike04iO97mLEWJEmhUVsgEm9lYebSIv39HuiJgohupogkO4gk2tGjGWTVRJSUUAzNsbDrRRqVeWqlaeqVeexGcZEmX9vQDmn1piQ0M40Zb8ZMtGNEm1D0GKIUen96TgO7XqBWmqFSmKBemt7UMQmiTDTVibRo5RcEPrXSNM46Kvl3g6xFiCY7uPUS81yban4c37+3++GWEvVmfH8BTDlBQmtBlzZmlwmIxNQsNSePGyw/n2o8jRpPYRcX0DOtuI0qkh7BrZaQzSiSbuJWSqjJLE61gCiryEYEp1rCWpjByHZQHCqHY9ridiJKGh9/TTbW3eBbDvYdCTFZ0onGM7iVOul4HyDQsIuUqpPcGrM0KYoialSc3Ja3uRFkQSWipCjZswRBQN2v4gQWqqATECCyGFjio4oGAQESYRuEj48b2HjByuNxShbz704iSiL2OsyTDeEHW7pH7oQgiKQyg+RzN5Zsq7aK7zvhu+46XC3MokkyUSWs7BSsOpbnYnkuV/Kz5O06R7OdXMrPcrKlh4bnIm5wEwZBQMN2cVyPS6OzPH/mOp99aB9N64gk/EWAKAg80NLPzmQL7y6snelyA5835ka4kJ/ieHMPX+g/xNGmbmLK3StmtxAEPp6/gCQmEISN+5x8v06AjSSupqW2JWKrgtQ/T9zt6GVRpuZZFOwKlu/Q8BxKdhVRENBFBVEIK1FZPUlcMam7Nqqo0GE24foeIgJV30IWJExJZ7q+gCp+fx6ntxZucCDZw2Q9z3enz/N4y15em7/K0Uw/PZG1bWAkQaBi2bw0PEJnIk5bLLxWRbvO/AbetUnNWBIE2gj7e9oYnc+jyfIqsbj10GbGiav6hoGtJknsb2llpFBgoV5je1MTsIAgyNjeJLKYXPWda6UpeqPZxUp6OD7MNoqM1XIczQysWNbxPPK1ULX6gYHVdGBFktak5t8NkiDSE03RrEf5aEfoR5vRIwiEVl2D8SYc3yOtmXRFwmOIyCo7E83siC/2TosipqySUg3+4cGPMl4tkFB1TFlFFSV0WeEXtp+g2Yjyl3feT6sR4/N9BzBlFUkQ2Z7IMhgP6deiIBJVNERB4OG2QbYlskzXyyiiRHckteH42mbE+dltxyg5FoYk0xVJLVGZAb44eJj7msNxuieaQpVkvtB/iBPZHhzfpzOSoOQ0lhgFCVXnb+17jLFKHlEQiCuhmu2nevZyuKmT+UYVXVLojCQ23K8f4oOB61kYgohuJCkXN67WvV+wGvmwAlPPhcFB4OO5FrXqPJ7v8F6y9265yPRXv4RvNX6wglpZQu3MIqoK9sQcfvWOpKcgoDSn8EpV/LpF4AcIikhqXwdqymT2pevIERW3avOBGobeBXa9iFUvEE/3UimO49o1BEEk8FxULQYai58Ji4WYkEXiOXVqlTn0SJp6ZR5ZjeC5Nq7TWFXxEiWB/T/SRnne4sbrq4MDI9ZMa/9JUm270IzkysrpHQiCgMB3sepFKvkx5kZOUZi5ymbOoaonSLQMkmnfRyTZgarH7rotz2lQyY8xdeNVCtOXN5ysC4JI+/ZHyLTvXfy+z/il7zB++Xv3NMlv7TtJ9+6PLPXELkxd5Prbf4hvf3CJjtsxUblIrj5Kzd3Yk9RUkuzJfIgLue9QspdZioHvIcpa6HvsuchmLOwJr1eQ9MX2gv8fe/8dXVmWnXeCv+vN8wZ4cAETiADCm8xIn5W2HMuwil5NyksjTms0krpX96xZWt2jWVxDqXvUPdQSRxoZiiOREklRYrHIqmLZzKqsSh9pwnsEvMfz7vo7f9wXQCAABBBpSElT31qZ8fDeNeeee+65Z+/97W87bdxGBd9qIZgivtXCqawRuA5euxGNxY/xGv3ApWkVERCQJR3brdO2S9wZTwIiA/GjxJQMF9a+zUf5rOaMQUZSZzi79Af4oUvRm992OyvYWONpgklAQMuvUmNty7aSqdB1ug+nbiPHFOzSXoxbAcPIYlmV6JknxHWaqFoC266jqnFULUEYeLSaqwSBh6alovrmSowwDGi31hAEiVR6iL6BxwnDANdp0qgv8aB99qdu2IqCQFoz2J/MEZOjmp9rVouMZtBjJvDDiPKZUnViikZaMziZ2z7yegdBGPK11y/zjTeuUm60OX2wn5947NDHXk/040aPmeAvjz3K//zOn9Dwdn4hNzyHlxdu8trSJMezvXxu3xGe7tnPvlh6xwjeHYShQ816GU0eRZOHEQQJQdAJggaiEMP1lxEECVkq4PjzCAiIgonrLxGENqrURxDa+EEJWYoik56/gigmkcQkrjePIOgoUu9/VopwPXqWXj2isR5KDm67TUqJ8UTuyLa/jSU2amuu2hWOpIaRtxHy+rigiBJnixOMxgs81T3Otdo8jft4hHVZ5hdOHMcPAlabG560+VZ1x1xkoEMR3Z0O/t7teebLNTRZYrg7syfhtIxqdkrb3B+e7/PG7Gwk+FWp8JPjoxjKIVx/BUM9vGX7ry+8y6CZ5/P9D6GIMlerc/ze9GuczoxsMWxX6k1+7aXXaDoOLceh7XikO/nB5VabM0MD/PcvPrVrBPpeqJLE8ez25alyeoycvtXpltHMdQGme9FtxOk24lu+jyWiMbw/EUWt72a1nNnhWKIg0B9L098xqO9gudFgrd1iLJvbdL2qJDOW6mYn6JLCkUzPpu8MWd303d3XK3Sox9l7xlXkDMgyFP9o6OU/xgdEGGBbVWqVWfz75DoKioqcSCJq0fPit5p49eo67U80TCTDxG82kFNpQsfBrZaR4wmkWByvVsVvRdRL121t7JOMI4giYbuFU6usH+8ORFVDyWRx1lZBElGSGQRFIXBsvGqF0HM77VNQ84V1YaDAdbkfxU3UdORECkFRIAjwrRZeow7+hkEh6gZyPImgqhD4+M1GtM1ddGB9bB/O3ApB6/4ROkEQkHNpks+fpvqdt2lfmLinfyVSn3uCxusXsa5H1OTkWIHU4QJaPs7qG7fpfXGcma+cWxeP+rNASIjVrlCvRE6Q4tJlJFnDapehHKU42O0KsmIiK3qUXysIaHoax65ht0p4noW/ehPfd1hbvLjVWBQg1atvUyJJINN7mKFjn8NIRHPUbusMQRAQJAU9lkOP5QiDoGPY3h+KFmf04Z8j3X0AhA3l7d3OJasGqe6DxDMDzF79HksTr63Ts+9F4DuszbxPpnAIUZKj6FXvEVam38Fu7Y2OfweyapLpPbxu1Aa+S3nxKt59HMkfNdzA2pNQVVLtRpW2MkTcehm3wyhrzFzf8tuu529U9tbQD4Ew9Gm0o/zqhbX3t/wuiypprXdvgl0PiJw++MCRZztsYfs7R1MlTSYMQc/H8Fp7c4CIokzfvsdZmHuL/sGnCAKHpfn3KPSeZGHubboKx5EkBd3I0qgvMD/zOj39D5NI9lOvL2AYWarlaUrFG8QSPahaAjPWjS1VadSX+TM3bMu1FrPLFU4c3H5RZ8gKp/P96NKGKNC+WBQpjN9DNY7JKoIg7Fg78w5EQeCRQ4PkkjFiusrhoW6SMX3PhpTjepTrbQrZrRHHpWKNXCqGIkvUOuJXffkPJn//oBAReKF3jGsHlvnNG2/jbkNJvht24PHO2iznivP0x9I81jXIi/1jHMv0ktdjO+ZgBkET15/Hdm8giUl05TBN+20M9RgN61V09QiymMP1ZwlDF1FMUm7+AZo8givO4XjThHgoUgFRiGN7t4lpj+EHJertlzG1MyhSD3vldIZhiOV7ND2bpufQ9jxqbpu60/nbd9cj/E7gYft+9HcQKQWW7Bar1v1zVSJhv721p9G0sWyXTNqM8m7bDpoqr5d16dLS0TH/lAz3/fECfzh7FoC/sP8ZCKHuttF2iBjbnsdCvc5kuYzj+0yXKxzIRcZD0Wri3SfHtaAn7kvrvoPeTIKYrrJQqu25HxRRJL+NgXcvRFEgpWu8t7jAmb4BwrCG7U0CIq6/giIVNm3/84NP8psTL2MHLinF5EcrV3m2cJTnC0e3HLsrEeO/e/EpmrbDf3z/Ekd6ujg50IsAvDU1h+V5/1k5ZD4uBGHIn9y6wbsL8/yDFz/1wIb8j/FfEwR0M0s82Y/VLm9b8kfJdZF75lPoPX0IkgyiSOi61C68Q/nt1whdB3N4lPQjT2MvzRM7cIgwCCi9+hLJ4w+hdffSnp9m5VtfxW/UQRAx9x8k+8RzyKl0lCPnetSvnKfyzusE7Y2FmNbTR+GLP8/qd/6YxJGT6H0DiKqO326y/CdfwZqbBkBOpOj65OeR40nkVJrq+2+z9tI3CL17jEBBwNw/RubRp1Hz3SCKEIb47Rar3/ka7enI4DQGR8h+4pMoqU5JIVHEbzWpvPM6tfPvgiSg9uVJfvIRGq9fxF2t4C6XwPMRNAU5l4IgxF2rgOcTuh7tSxMYhwa5+90oqApyVxrCcFM5GgDZUGgtVFESOmrGRJC3RqNUPYmyi7Bg4HuEYo2Tny8gqyLtqoueVKitWFx9eZncYIzxZ7vQEwqlmSbnv7GIFpc5/pkefDck1auzervBxJtFjn06z+XvLmNXbLIDBgeeTHDlpWUe/kwPQRCS6TOoLsmc/5MFGlWf7tE4h1/oRtYkpt5pM3m2RBiGFMZjHHhyP4IAV7+/Qvsq9IwnOPJCAc8JyPQblOc3G2WxVO+6UXtH2NJzLexWGatZxLMbhGGIJGuoHWq0oseR5Gh96Psuxbnz7GXh7DktrGYROLh+Lt9zcO06TruG065G0WZRQjPTGInuKKLb0S+QFIOBQy/QrCxQW5vY8Ty1tdu06yuYqSgYYMS7SOZHWJ15MMM2lu7HTG68G61mmdrabSBEl+IMpx6m4ZSYa1zctF/BPEhO38d0/RxNt4QsaoymHqVkzdHyqnSbo8TkNH7oUbEXWG1PrSswA0iCwnDyYeJKVK7TDz1m6heoOZtzpkVBpssYIa31kNX3oUkmY5mncP3IAHQDm9vVs1j+Bg1bRCKpFegyhtHlOK5vs2ZNU7bmt1BqJUEmZwyR0wcRBYmavUzNWY3yrD8EBESSWjd5fQhDTiEAlt+k5iyz1p7B71CpY0qWLmOYpNpNWu/DC2xOdv3EuhNstT3NYvPqensUUSet9ZDW+tDleKfmfJnV1lSHwhxtp4om3eYoSTVPt3kAURA5nv/0urOk7haZrp1bbweALGjkjEEyeh+yoGH5NVbbU9TslS1CYna5TX2qjNmToHJ996oVEBn3jtNAN6KyUKIgYZhZHKeJY9dZXnwfRTFJpAbIZA9G/ShI1KqzzE2/SjI1SL77CCtL5ymt3SCe6GVp/p1t3z17wUdu2LYsh7NXZlgu1Tl+oJeF1SqVusX+gRyNlk1fPsniWo24qXF9ZpX+riT9XWnO3ZxHU2ROj/ejd4RbXM/n7JUZ/CDg0FCB5VKd5VKdod4s5VqLWtOikE2QihvMLpVJmzr7B3Kcv7mALIkcGi5weWIRURQ5fqCXW3NrlGstxoe6uT1fxHY89hXS2K7Hq+du8+IjYxRyCc7fWEDXFEb7c/zByxc4NtrLw4cHuDGzgirLJEydqcUS/V0pVkpR7c6ltRqDPRlGB/If2UJYEARMWeGvjz+BF4b83sR7NO8Tub0DLwyYbpSYbZT51txVDiS7eLIwzDM9BziQzG+hKguCgizmcYKoNIfrL+MFa0hiGk3ej+NNYSjHEdDwghJhaKNI3ejqYSz3On5QQZKyyFIXsljAC4rY3gRx7RMo8j5s9wamehrYwbAOQ2qOxVK7xo3qKjeqq8w2y6y0G6zZTWpOG9v3CQgiIR42hHjuiPREojudfz9AX7uuT61hRaJmKZN228GyXdJJk1Klyfkrc7zw1DiSJDK3VGGgN40oCpSrbSDE0FUkSVxvl/4hylfshme6D5FWTFKKycFEL17g88neEzvWsZVEkbiqIgoCo9kszl0Lu4rTvq94U1aP7YkOOtyVYbZYJaYp68JLu0EUBFJ7iNhKgsjzI/s5Ueghb5qE4TyiEMdUjyF3xKPujAOAXiPNXxl9nt+afIXpxgp/ef/zPJwb3bY0lipJ9KeTLNcaOJ7Pk/uHKCSjyGgQwr9+/R38INiTcf9fMlquw8XlJdrenw5F7cf4zxuRwM/ijhHbwLZxVpZo3ryCWykjKgqph58g/dgztGenac/cBkFEzXVhL82z+t2v0f2ZnyT3iU9SfvMVmhPXyTz+DHrvAM2bV9H7Buj61BexlxcovfYygetgjhwk9dBjhK5D+e1XNyK3goAcS5B98nnas5OsfvccYRgix+K45Q2aqlsusvAffwslm6fnS7+wY0kXvW8f3T/xU/j1GsUfvYRXLSEoGkoytel4frtNe2aS6srreI06cjxJ5vFPkH3qedrTE/h2C+PIMOq+bvTDw8j5Mn65DppC6rOPI8Z0BEnCmV+l9vK74G3jqJYl0p9/AimbJGzZKH2b1d7rE6v0PD+G0Z9m4HNHWTs7Q2BvHEcQZfqGn6J36PH73t9WfZnZqf/EgSdyXPneMic+38fl7y5x4PEck2dLeE7A/KUqvh/y5C8OMX+lht3wOPbpHi5+a4nJd0qc+nwf1SULM6My9HCGS99e4sCTeSRFRFJEDj3Xzcy5MhNvFjn1k32U5lvMX6ry5J8f4ubra7htn5Of76NZcvAcn4e+1M+Vl5dRdYmn/+IwL/2zWzz2C4PMX6lSW7IYOZO55yoEuoYfwYjn1w3NZnWBhRs/pLY2EUUmw0gjXugIOylqDCNZIJ7ZR6rrAIHvUC/NbNdFWxCGAWuz58gUxgkCj9rqBLW1SZrVRRyrRhh4kdHSOZeZKFAYeYzcwEmkTpBGVmMURh6lXpzakVrs2g1Ki1cwU70AiLJKuucQpcUr91Up39QzgkSm5xCipHbaHlJdvbUe9ZVFjW5jP7KgbjFsE2qebnOUxdYNmm4JSZDJGyPElRyiICMKIk5gkZQS9MTGSNQvcav61roQU0hA26siiTJprZe4kmOlfXsbw1bClFNId6XA+YGH1zFQo3/Du7aXGYgfYyh5Ci9wsLw6ppahEDvAfOMKU9V31/NzRUFmKPkQQ8lTWF4Dy6vTFz9Cd2gjCx9Oab/bHOVg5kmC0O+IckX5wd3mCC23Qt2N6L2aZKJLCe7UVgjCAC/YWL/fK1zVZQwzmn4cL3Cw/QaiIJM3hukxx7hSepmqHUWFZVHDlFMdh0nU416njjGwRYFaEXXGMk+T0wex/DpeYJPUuukxx7hdPctC89qm7SVNQs8aCJKInjOxVncXNAvDAKtdJJUexLYqiKJCIrmPRn0Bw8zT0/8wjl1HUQykuwKVVrsc5b/7TsSC6DzHkcbbn6J41G4IgVRcJ50wuHJ7iWrT4vBwD1duL+H5PnFTY3KxxGh/nmbbxvUCrk4tMzG7hqrK7O/PoWejge77AbPLFZ45PYqmyvzo3G0yCQPH9Wi0HQ4NF5iYX6M3l8T3A8aHu7l8e4kbMyvoqkJXOk6jbaMpMtVGm9fPT5JLx5BEkYXVKicO9jG7XGFssIvuTILBngzFahPb9bh4a4GTB3rJJg0O7stjaAqmrrJabnBI6WZyvkip0iRuapy/OY+hqTiez1BvFkX+6KIdgiCQVg3+1pFPMBjL8Nu3zjJZL+6oYns3AkJqrs17xTkulBb4j5PnOZ3r51P94zzaNUSXHkcSZAzlOH5QwlQfQhSTWO51TPUkgqAgCCq6Mo4gSECAJEYPqqGeQhbzGIqMrhzC9eaRxQIQIomZToTWRxRMVKWPe43aMAxp+y6T9RKvLU9ydnWa69UVqo6F5bt7ur6PEkurNd547zZxU2OwP8v0XAldk+nKxRkayKFrCmEIrbbDlRuLZNMxSuUmF68t0N+TxjRUWm0HPwjIZ+MM9n18dMqYrPN4/uD637Ik8ljuwI7by6JIxjDIGQZrzSYDyQ3GQc21CO5j2Cb3mK99dmIOTZF3LfNzNwRBIK7sXtJLEARMRcFMRe12/QR+UKdpvx8Zt1IGL/T547l3WLU31B8FoOU7vLZ6jfOVaQ4l+3iucGzbc0TU6ZCvX7zG6X29+EHID29NkTb1XYWa7kYYhpQti0sry9worlGzbTRZYiCZ4uHefvoTifX+jLZt897iIjeKa3hBwL5UijN9/fTFE+upFDXb5j9duURcVfm5I8c23Y/Jcplv3rrB8UKBTwwOA3BtbZUfTE3yxbFD1B2bdxbmWWu1SGoap3t6OdpdQO1EZOdrNd5bXOBacZW35udQJYl/8tabaJ05rDee4BeOHV9PaXB9n1empyi1W3z+4DiLjTpvzM1SakfHP9Pbz5GuiBL41vwcb8/P8eVDhxlOb16U2p7Hd2/fYq5W42ePHCVv/perh/BfH0KCwEMU5XXK5b3wGzVKb7wCd7GIQj8gduAQSiYbGbYAQUDz5lVa0xNYi/Oo2Tz1y+eR4knSDz8e0Xolmfjh4wiSSPGH38UtRlECZ3UZvW8f8SMnqF16P4rsdiAoCs7aCqVXXyZwdqD8hiGB1cav17ZGae9C8tQjCJLE6ve+jrUwu0ErFoRNFGNnbZnSayubqNGSadL1mS8hxRK45RLNs1fRD+6j/oP3cFfK4AcYx0eRswmKv/s9RFUh9xc+i3VlCmdua8UDpSuNNtrP6r/+erRt32ZhPKdqUXp/Drdu49Ys6jc3l7sRiGiBsnx/xposa4CAVfOYOV9h5NEcM+cq9I4nkRSRwAuIZVSMlIKZUTGSCnbDo1V1ufqDFVplh+GHsphpldtvFTn+2V5uvbFG35Ekb/7uDIEXYjc9rv1ghdXJJn1HkmR6DRprNr2HkpTmInVbM6WQ6TcQZYHcUIzCgTiSLBLPaxQOxjFTCte+v4LV8Bh6aPMcIqsGiezg+hj13Tbz116mOH+ReyOwYbQBvmthNYtUlq6zdPv1qLSQs/PCXdBVBEkiaLUhhGZlntvn/hC7VcZulQl2qkvvu9RL01itEoIgkh88vR65jWcHUY0Udmt7tVmA0sJlevY/jqLFEQSBZG4YI1GgUZrecZ+7oeoJUt0H18eA71pUlq7t3N49IKsPMFV7n9n6BbzQQZfijGeeoSc2zkLzKg03up4g9FloXkNoCgwlTxFL3euQiOAFNtP19xEQ2Z96FFNOMVl7l3onxzaqKrDx3Ga0PoaTpynbC0xU3sTx28iiyv7Uo+yLH6furLLcikr+pNQCg4kTVOwlrpVewfUtVMlgNP04OT0OHzDVXkSiNzZGGAZcXvsuTa8CgCJo6HKCVudvgLK1QMVewpSTpLVeas4y10qvcGdsBmGwKQxTthe4Uvw+TbeIF7oICPTExhjLPE23sX89utryKtyqvomISELJIwgSN8qv4neM5jAMCdiYl/vjRyiYB5iovMVi6zpB6GPIScYzTzOSOkPVWaLpRg4PQRIwexIgitRuFzEKCSrX9ha1tdoVuntOsbp8EUlSyeYPUVy7SjLVjwAsL75HJnsAM7aR1hTeM3dF3/kIotgp+8UHEjr7yA1bWRLJp2Ok4wae59OyXWaXy2RTJuVam6uTyziu3ykNJDO1WOLoSA9xU6M7G99cu1aIjORM0kASRfrySURBYF8hw8WJRWaWyhiagq4pGJpC3NDIpWIkTJ2uTJxM0iRuaMytVhnpz9GTS6BrCgOFNJbjkk4YlKpNTEMlJGRhrUap2qTetNappsmYzuxyhWRMZ6lYZ7lYo2W5DPVkeOfqLD/74klWyg0c12OwJ/Ox5PUKgkBC0fiF/ac4ke3l92+f46WFG6xZzfvWrLwbXhiw3K7zrblrvLp0m0PpAp8dOMRzvQfpjx3DEDe0R1W5f30/xdigssT1p+86YrSNLEUGnK5sGFqaMrL+OWm8sKkdd2jGF8uLfGPmMj9cmmCpXd+VZv1xww8CdE0hn42zWqzj+z77+rpZWK5Q6EpiOx6O66FrCpoq0247VGptMmmTA8NdBEHI2fPTSJLA+P7C7if8EKg6Ld4q3mLVqhH5R0M0UeGTPcfJalvzMAEcz+PdhQVSmk73XerUju/ftwygIau75nBcm19hoVRjMJ9+ILaCgIC2S5rBdhAFFUlMIIsZBOHO/gKmrBL3NwzruKyzz9yIeGjizpHkpK7xcw8d5+sXr/Hbb58jDGEgk+TPPXxiz9HaMAy5Vlzjn7/zNmcX5qLrk2Uc3yMIQv7Pjz3Bzx85htTxSt4ul/n1t9/gncV54qqKLIhUbZt9qRR/65HHeax/AEkUaTg2v3fpAt2xOD93ZLNhPlOr8G/Pv8/PHz22bthOlEr883ffpmJZvLe4QMN1EIBiu4WpqPydx57gi2OHEAWB68U1vnP7JmutFlXbQpNkLq8ur19z03E2jQ8vCPjR9BQXV5ZQRJF/f+kC5XYU9bdcj8YJh/F8F4oo0nJdfuvC+wgC/O1Hn9g0NpabDf7lu2dJajo/f3R7Z8OP8WeHVnMVAXFnwRpBQDJNtK4e5GQ6yntNZ6LF+1009jDw8VuNjpFp4bdbBK6DFPiEfgCShKAo6L0DCKJE4uhJwrsimXI8gZxIImn6JsMWoDl5c2ejdo8QFAW90IezuoS9srS5JNG9E6MgoCTTqF0FpHgCUVHRe/uja+44fkIvIAzC6Br8yACWUjH8epug0SagTeh5SKkYbKPLJcYNQtfDL9cJNAW/utnoig9l6XlxHLvYRO9OoBcSzP/JZUIv6DQ5oLJ2EwiRZB1Z1pEUDUWJYSa6kaTN0aogCAn8jf8gRItJnPnpASoLFnOXq4w+vmFc+26A0/Y6AkwhgghL1+uc+mI/Y0934TkBxakmekIh8CPjNgQCP0SQopKNTttn+WYdzwmYu1hldbLB0OkMVs1l6UaDMAiZfr+M0/YjNtYOFXMkWUNWzfV5xXPbNCvz2298D8LQx7Xq91UbFgyN2KPHCBot2hdvIcgSoe9TWbmOoCqgimALCLIMkkhoOVvGjGvVWZk+S6owhqpHqW6qntjVsG3Xl6mtTZHtO4ogCCh6gkxhnGZ5dsf83LsRzw6ixzbuW6u2RKM8u+t+94PlN5hrXFynBjcCm6I1Q1rvRZcT64ZthDtl5u7f1iD0AZ+wY4gFodeJOG6GiESXMYIoSMzWL6yLUXm+w3zjMoXYAXL6IKvtKcIwIKP3I4s6c/WLtO9s69ksNK7QZQx/4D6ImIEBkiCjSAahW8IPXTxs2n7tnm2DSASvE0G9+/N2aHs12veUZVprTzGUOIUuJxAFqcOui2rwRgX8ov/7gbttv8mCRo85RsMtsdC8up7nW3dWWWre4lD2GTJa/7phK5sqydE8WlpHMRXqs5U9941t1xAEkXYrEgDMCQK2VYUwJJEapG/gcURRxrGj8eP7zrrRGoY+nheVhHPsGu1WiX1DT9NoLLG8+P7WuXgXfOSGbS4V48yRQRRJYqCQxvV82rZLOm7guC5Ny0XXFGRJ4LTaQ9wwiekq6YQBAmjqRpNUWeapkyOosowoCrz46BiNlo2qyMytVBgdyNObTyJL4vpYGenNko7rhCEkYhrjQ90cHimQTpjkUjGabYd0wqCQjaOrCpmEga4qvPjIGLIk0p9PMdSTRZZFZEnkmdOj2K6HpsocH+3l8HABQ1M4NFJgoJAmGdN59qFRak2LmKFx97re8X1mqhVGM9mPhJ4si5Egzf5Ens8MHOKr0xd5fXmSNbtJ8AA3vuE5vLM2y4XSAl+dvsSXho7x6f5D9JiJHfNwIaKGLxZr9OWTyB8gBy8IQxZaVX7/9jm+On2RxVb1z1DLcTMEoFxtkYhpHD/Uz/RckbnFMocOFChXWni+z1qpiWkouJ7ParHO/qEuzl+Z4/KNRY6N9yEIkE6amMaHo7rshpeWLvJeeYq62yanxXECDzfwebFnZwMhJIq2Rde6MRbdwL8veVvZpcwPgKEqnBrpQ5buX2bpXgjwwBTftusiUMILSvhBnRAPXTmAIkr8RN9DD3SsuyEKAkd7uxnKpqlZNqokkTS09cjmXlBst/knb73B2YU5fvrwUT53YIyMYWB7HjdLRY51F9ajv3XH5l+8e5Y35mb5Gw8/widHRpFFkWtrq/zjt17n1958jf/lxU8zmv1gpYwajsMfXb/KXzp5mk+PHkCVJM4vL/EPX32F3zr/Ps8MDpMxDJ4Y2Mepnh6WGg3+zre+QW88wa88/yIJNXIwyqKIss09mqpW+K0L5/jJsUM8PTiMLIks1GvkzRiKGEUmTvf0cijfxfduT/BLx0+SM8x1yuC7iwssNOp8/uA4aX1vZWXCMKS81iCe1FFU+SOZU3+MHRCG64vNLRAEjKFRsk+9gKTruNUygWMjaXqUn3rvcToRzpCNz+uH6hxPVDVE3cAcGt207gtsm3ZlKqpReQ8C+8OLsQiSjCArBJYF91uECyLJY6dJn3mS0Pfx6lUC10VOpNj00u8sPAVVAUkEPyCotxBNPYr+KTKCIuM3OhTvjlLwnVzasG0jyBJi3EBQFcT4xrMhSAJ6T5La9WVW35hEiWsMfPE4oizi32XYllauUVq5jiBKiKKEIEgYsRzjp34eM76701WSRYyUysy5CrIiEM/dw6q553VhNz1m3i/z8E8PcPY/zuI6ATvxdiqLbcrzLbS4TH2qiaJLuC2f5VsNrIaHrAjUVh0UTaSy0MaquRx6tovKokXPwQTLtzbUXcMwILzLIS6KCooW7+TBfkgIoHRlUId6ab1zBUFXMY4fQNRVWu/fQD8yQti2cKYW0Y/sR9BUrKu3cee3RreatWXsZmndsBUlFVm9/5wX+C7F+fOkC2NIsoooyqQLYyxPvY3Trtx3X1GKqMuSFDlywzCgvHgF1/lg5VfuwPLqWN7mCgpeEBnzovDx6tBKokJMyRICGX2AuLLxXlQlExAw5CSSIBPgYcppvMDaosbc9qqb8oEfFCEB882rxNQcR7LPU7YXWG1NUrYXsP0mH07xWEARNWJKBlUykQQFTTKRRCWqyfwBKgRocgxdTtD2avR0Is13kFAjp7+ppNe/85oOiz+aRJQEJE1GSe7OqLsDx65z89of4TiREvXEzT/BcRo4dh3briKJKq7X7jjXBJbm3yEIImO81Vxlbua1Tk5tyMzUK6hqPPr7A7A3P4aIrYAkSZ3Fs4SmCsRNGQERK1wglykgCzpOUCMh1UmoWcLQJ5fWIw9xxxshICKKAom7qI1xQyNuaARByJMnRjB1FXk9r9EnDH1EMSSb0hCIFqT5jL4+KJIxnWRMjyZEBMDHkEQEQrLJjUWXrhnri/1ETOeOpFQ+HSPEQ0BAECS0VNR9pq5i6luNGcvz+N7kBFXbYjidwfF8lpp1CrE4Ldel7thRuY1UmqlKGUNR2J/ePeobU1SeKoxwOjfA5crSeuRzoVV9IAqvE/hcKi9yo7rCd+au8RcPPsJzvQc3CXtBtKBcqzaZXCwxtVTi2VOjLJfqJGM6cUNDU+TI+FfkzRH3uxCGIZfLi/zapVd4Y2USN9jd63gHkRJz9K8sihiSgiYpaJKEIkqooowqSqidvx3f53xpHucBosAxU+PMiSGOjkV5LfnsRuSzrwCHDmwovA70blBrnntiDIC5xTKSJLJ/6KPLsd4Js60SX+h/iLlWkeFYFwcSPfzW7R/S9Gxy2vYllxRR5GA+j+v76zRTiJwN9xsxgrC75t5QV4aZtQoP7+/n8uwyLcddz5PfDfdzpAD4YcB0pbIe0b+yssJnDvQgoOIFa8SlhwnDcFOfL7UrmLJGokPHC8OQVbuGJIg79k8YhsyWq3z90jUs1+OvPnmGUrNNsdniSG/3nl4p7y3O8/b8LJ8ePcjffvRx4urGszCW25wrd2V1lVdnpnhmaJhfOn4SXY7mkt5EgrLV5ld/9AovT00ykvlglPYwDDnT188vHj9BsqNamzVMvj95m1emp1htNckYBoaiYCgKtudHRqwkkjWM9X12QsNxeGFkP3/h5Ol158TIPXTjtK7zuQNj/MNXX+GdhQU+MxrR5Zuuy49mpogpKp8YGn4gqvfs7VUatRY9A1n6BnPopvpjA/djgKolUbVEVJrhHgEPUTfIPvEskmGw8s0/xF5dJnQdtJ5+zP1j9z/wdpNNEOC3GoRBwNIf/wcC+56FZxhuE5n9aFyioecSOBZShxK9E2VZSaXJPfMprKV51r7/LbxahdDzIvGqgeH17fyWjbdaIfWpR3BmVyJF44l59CPDZH/2eQRFwp5cxF1YQ8omMU8eQN1XWI9yWzdmcBeLZH/+BYJ6G1FXIQyRdIXCcwcwBzKY/SligxnUjInXcgn97foiKmnjdxaOjq1tcSp4bsD85SpO22f+chW76bFwtUZ91ebc1+bZ/2iOds3l3NcWaJYcnLbP7PkKvhcSBrAy0aC2bBGGMHepysnP9zLzfhlCcG2fuYsVHMuHMKQ43cT3Qqy6x49+c5IjLxboOZigstBm+Wad4nSTt39/hrGnu9inCKzcajB7scpb/2GGIy/2YKRUrv1wlcrCRs6357Rw2rV14ShFi1HY/zh2u7qr8bcrQnBXSjjTC9gTsyiFHIIkofR2IU8vgevROncTOZ9C3VfAXS5FzoztDuW7ONZdKTKCgLgHplJt9Tbt+jKx9EAkIpXsJpEbpjh37r77aWaGZG543eHiWnUqKzfv77jZA7zQ3SI09KcFQRCRRQVV1BmIH9vSDjewcIJ2Z90uIIkyQeh3IsIbCMIQ/wPWRr2DtfY0llenJzZOlzFMPjdMy60wUz/HUvPmB+ojAZEuY5ih5Gk0KYYbWPihhyiIKOLejct7IQkyoiARU7IMJ09vmTUtr74p71cyFWK9SdJjXQiKSOgF1Cf3IFomiIiiFEVoASWeJDF0BPvaGwS+ux6lRRBJDR8jmL+O29pwOgSBR+BsOE18z6LtfXDH5Udu2Da9BVbb7yOLJnn9JIvNV1GlNBltjMn610ipo/TFnqFkXSHEI6b0M9/8AU7QIK0epO5M4YVtTLmXXvOJbRctohgZqXcQ4jNX/Q0UKUvLncTyZulL/CKOv8ZK8xsk1KMMpP4yspDED1oUW9+nZP0Iy5tHRCGhHaMQ/zKGHFFolxt/TMn6EQey/xOqtOEZantTTJX/MV2xz9MV+/Se+qPtedRsm9dnZ7B8j954glemJ7F9n7bnYcgy14trrLaaeEHAzx4+Sk9893qwgiAQU1Qe7RrkdK6fmUaZlxZu8p25a1yrLt+3hMu9cAKfs2uzXK+u8lPDJ/g/Hn6SLn3DsPP8gHeuz5EwNWzPo227LJXqvHZpiudPH6DRtqk2LE6M9u5o2F4sL/L33/0ml8qLe1qS6JJMn5liIJZmfyLHcDxLXyxJRjPRJQVFlFBEEVmQkEURWRBRxOjzRK3IX//R71G0d096v4N8Nr7JmH1QDPRmNhm8HycMScEJPExZ42Z9iX4zixU4tO5T7keVZZ4bGdnyvdKhoO90T/xwb2T3lu3y3u15VmtNRns+WJRxO9iez6sz03R1cjDnanWCsAtNHiSpPI3tzSJ6M2jKRg3a3595nSfz4zyc3b/+3bnyJEW7wX8z/PSWc0BEuf2ds+fxw4D5Sh3b9Si32nzl3GXGuvOoe8ibv7wa5QY9OTC4yajdDjdLa7Q8l9M9vetGLUSR45OFHgxF5urqCi33g+dEPdTbR0zZcLjJokDeNHF8D2ebCNiDwJAVnh4cum/EXRJFPjE4zG/G3+OPb1zl+eERNFlmplrh3YUFzvT1M5ROP9B5ewYy3Lzc4uq5GSavL/HUp49i7DDn/BgfFJEqshnvRhBE6rX5TYtiUVGQU2mclSXs5cWovI4gYAztR9xl3G+HwHVoTd4i8+TzaN29NG9e3WiJJCHIygfy2u8FoefRmpogfeZJYqPj1K9d3MihlTpzo+8j6gZSLI69OIdbKkIYIKoaxr7hiIp6B55P5euvI3dnwPejeqF+QPkPf4jSk41UkReLhK5HaDs4M8uU56IoX2DZBLZL6SuvoPTmCNs2tR+8h19vgedTu75CY3JzNNK3PIIO5TmdEhFFKFeCPXWX3fB4+/dnEUR4/4/mCHx474/mkWSRqffKTL1bRlYFXLsTDQ7g9X+3keN56TtLCCLEcyoDx1NMvVemthK9g6y6x5u/uyHKdOPVjXqZq5NNXvmN21vaM3exytzFzRG2xWt1Fq9tTxcOfJfy0lWS+WEESUEQJfL7TqPHcixPvkll+QauvXON9l0RBPjlWqQiKAggi7gLK3irZeSuNLFHj2Bdn8a6Po1o6pFQ2DYICbc4h3YS0rwbjlWjvHQNM9WHIEhIsk629zDlxcv3yZUVSOZH0MyNtUi9NE2rtrzD9lshCzs4C/+UdU82nzoSXmp5FS4XX+pERzfDDz28wEESJLzAQRRkpHsEI0VB3PLdB2gNDbfIrcrrzNbPk9H6GUqe5nD2eWy/Scl68NrfcTXHWOZp3MDmSullmm4ZP3TRpBinur7wgVvqhy5B6FGy5rlVeWNbo/tuw9ZvubTXmpG6eMNBz+9N+0JPdaGnClSmLwAgSAqKmdqq0RAG1Oav4z3A2vyD4CM1bMMwwPKKhISUrKuoYoq4uo8uPaIIptRReswn0KQUcaWfinMTJ6jjBA0KxsOstt/HDx26jYcp2VcJQhdJ2MuLMqTtzbLS/Dr52Gdxgyo3S79CQj1OTD3IcvOPiKuHycc+hR+2WWt9F1XK021+Djcos9L8Bk3nOuP5f4gsZoipB5ms/BpV6yx589NRgecwoNx+nYZ7jUHlb+65TwqxGEOpNBdXliHs5LQQRV1Tmh4NoCBAQGAsl991QbwdFFFiNJlnNJnnF/af4mJpkW/PX+PNlSlmG5X7lnO5GzXX4t/dOstUo8ivPPQ5+szkXRNcuK5Wdn1mhXrbpm07DBUyfOfs9SinObE9vWa+WeEfnPvurkatJIiMJnM833uQT/TsZzieJa/HkHepxbu1Pz5cnnMYhlx69TqVtRpP/eQZRGnvx7v+zgSxlMnAwd4P1Yb74fH8QfwwYCTWxb+4+T1eXblGn5mhZwdV5PtBEaX1qOZ2iAyg3V9oj48Ncnu5xGA+vV4Hdi/YLbdal2W+dOgwMSXyhp/q7YVwkZZ7ES9YwwuqBEFzk2FbdZrE5A3RK0EQMCSNkrO043katkPLcfnLTzzEb7z2DgAJXaPtuHum+ddsG1EQyRi7X3+zc9ztIqOaLGMqCg3Hwdulf6Kmbd++tKZtjYYKwkcS69JkCUPePSrfn0zyqf2jfOXqFa4X1zjWXeCH01O0XJfnhkcwlQej7ZfXGhw40kdXb5q526uI/5WrVf+ZQBDWczF9z+be8RVYFtb8LLGDh8k9+2nc8hpaTz9ady9++wPQHYOA2qX30fsHKXz+Z2lN3sStlhF1A62rQOv2DUpv/HCTUNVeoHYVkBNJlHQWyTBRcnliY0fwW03ccgmvGkUiqu+9hTEwRNdnv0z88Anc8hqipqNkspTfepXWxHW8ehV7ZYnkqUdAEAhsC31gGCWd3UKJDloRRfVuhJaDM7V5/gmaFvbE/JZ2h76DM7m45ft7jdp7cfywymdeNPA8mF/0mFvweP1ti2rt/k/8yENpElmV0nybeFYlllaortr4ThAJSQUh5QWL0vzWCIpmypz5mX0ourjJkP3Twtrs+6S6D5DpOYTQiRol8yPEs/to11coLVymtHCZdn3lgYWTQsejfSESI3KmF3GmN+5J840NJeFWqYYoKUiKjhzLIoryet61IIhIsoayg/bFbijNX6J78AxaLBOJSOX3YyQKNCvbG0+SonfUkKOlfRD4rM2ejxSb74Lfib6qktFhSkZrREU0iKs5Pgjt9cMgDEMQ2KSQfDe8wKHmrJDUupEElba39fm4gyD0abgl+mKHiSv5Tbm/MSWDIu59fbIbbL/JUusGbmBxsutzpNSeLYZtVLEhRBQiJut2HLm4kkWVDOYblzftH5OzqOL26+o71UAEQezk324d35ZXp+lWiCkZ/NDD9u/v6AmDEKfcxim3EWQR39l9zjUyPXQfew41libWPcja9TcBUM0kPSeeRxAlKtOXaBXnyB44Q7xrkMXz38NplFHMJNnRhxFECUnVqc5eobkyTXroOGauHy2RozZ/neKtdzalHeyGj9awJcQNmoShT1zpJ6EMsth6DTdo0mM+hiZlWWm/S4/5GGX7Og13jox2CFWMs9J+l6S6H8evIQkGmpjmQR8uRcoxmPplTHmY2+X/jULsC8S149TtS7S8yWgbMct4/h8iChp3irUrYprZ2r/G8YsoUpaYOkZCPc5K85tkjE8gCzG8oEq5/SOS6klMZXhP7TEVmWeHRsjoOglVIyBkudFgvENLvFOaxpAVFuo1REFA/5CKyinV4KnCCE8Uhllq1Xh7dYZvzV3l/eI8JXv3RYcfhryyOMGvnvsOv3rm86RVA1kSefTwIMulBkOFDIamsFpp8tDBAWw3EocY7E5vS6F2A5/fvPEW7xXn7rug7jWS/MWDj/CFwaMUjMQD1Zn9KOBYLudfuUJxocSjP3GavtECq3NFwjDkvZcuUi3W6dvfg26q3HjvNqlckrGHR3jvpUtIisTRJ8Y4/8oVlqZWGDk+RK3UIFtI0yg3OHB6a6T0w+B4enD9839/+AuUnSbdepK4vPOEHQJBEGD7fmecRY9+TFEREXYUIau79p6INUlD49RwZMzv9b4FhFj3USsF1tv6jZs3uLS8zHA6zZcPFRAFA9dfhU5awN1IKAa3G8scSPSiiBK27zLTWrtv/6iShCQKzFdqeEFAw7a5tLBMytCRxL1dT0xVCcKA2r1Uym1wp/xSbZs8QdvzaLluJCglSkBHYGGdaLWBluvgBdvfu4/z+RH2WBZeEgQ+d3Cc/3TlMt+9fYtCLM6rM9PsS6V4uLfvgZdPa8tVXv/eZbr60nz6px5G1T7e3K7/v0QYrtcPdN3mlkhN4NgUf/Rd/EYdfd8wev8+rLkZlr/+H0k/9gm8ZrR4CtqtKKLbYR14lfI61Tf0PezVpfVt/UadlT/5CvFDx4kdPExs/xi+Y2MvLdC8fXOTURvYNtbCHIG1fSmiO0g99DjGvuHo+K0mkm6SffL5yJC++B6Vs69F7apVWPqj3yN+5CTm8CjG0H4C28FeWcAtRZFGv9lg5Zt/SOrhx4kdOEzg2LRu36D8+g/IPv0CgfPh830/LK7ccPD8kJNHVU4dU/nsCwZTMx7V2i4GXRDiOQGNkkt2wMBzAzw7oF3zqK05HHo6y9Kt7SMsVsPjB/9q4qNihj8wXLvB1Pk/xnPaZPuOIivRuk4UZcxkL2ayl579T9Ioz1JauERl5WZU8uZDRh8lWUOPd5HIDhLP7kMzM8iqiSRrkWErSgiiiCBI6wbuB0G7sUp19RZd5pl1Eals39EdDVszWSCeGQA6Qp2NVWrFqS3bOb5F3SmS1fvpjR2ibM8jCTK9sfFO7uUH758odSzK7ZZFBRCQBRVZ1O6iB28+fturQQg9sTGcoEUQRsEey6sT4BMSsNS8Qd4YYizzFJNVjYYbBdFUUSehdlGxF6k5K1FgrT1DO3GckdQZHL9F26+jS3EGEycRP0TEVhF1emLjtNzyetskQSVnDCIK4iZV5DvwQ5e2VyOpdpM3hmm4awiIeIGDE0RrcsdvE4QBSa2HmJzBC10MOcFI6hGkHUUvQ5puiR5zjIJ5gJI1CwhRGSK/AYSdGsLnOJp7kUPZZ5itX8T2mwgI6FKcmJJhqXUD24/aoaZ08g/1QxAiGQqCIDDzzWv37ZN2ZYXq7BX0ZBcrV35E4LtoyS5EVacyewVZM0kNHqVVWqA08S5mtg9RjhyngqQQLwyzfPEHCKJEevAYvtMm0TvK/Dt/Qs/JT9KuLD2QUQsfsWErIFIwHyPER0BEQGI4GYXRRWR6zMcJCRCRGIg/R9hJOjflQud7uaPyJWDIXZ3c2L1DlboQkJGlDJIYQ5W7EZCQBJ0guPPiCbD9RarWWVruNH7YpO1O4Ydtgo7HQ0ClO/4FJsv/Oy3nBgntFE33Jm1viuH030Vgb1EGWZToTyQB1iMThVgcP/SYbp6nWxshrkQ5dGn9o/MiCYKAhECfmeJLQ8f5ZP84V8pLfGvuGi8v3GChVbuvYBDA9xdv8Xu33+evjz+OIkrkkjFyyQ1aQlc68kAuleocHS7Qk01uWUiHYciN6irfmLly36jXSCLL3z/9WR7rHkLuSOL/acNuO7SbFitzRdbmS+TuohVXVmuMHBukb383L/3OqzSrLVq1Nrm+aJvr70yQyMRIZOPIqoyZ0CkulKmu1hg6MvCRt/Xu/slqcdJqjJnmKl4YkFG3p444nsd3bt2i7bp0x+PrtOS0qiOJIp6/vflacdp7qif2Qe5ZGEJ9D3kUfhBgex6j2SxeECCJefLxX+z8VkMUNj87L/ac4DcnXuJCZYa0YlK06zQ8i782+uLGMTsvzjsOlJSh8+zBEb5y7jITqyX+95deRRZF/uYzj+9Z4OpwrouQqMzNc8P7MZWdI5pjuTwxReXc0iI/c/goWsfREIYhF1aWabsuY7k8hixjeTKKJNFy3XWDFyKF4uvFtQ9FV16HEDkRHD/A38FQ/kCHFQTGc3nO9PXzyvQUo5ksN0tF/tyx4+v08gdBq2ExONqN43iRKuuP82s/BoTYVhVFMXZckHuVMmuvfHujNmwIsmzQ+NFr0fs73o2/vMbyH/0+vmMBIaU3XonS/sIQr15j+Y9/f1Pep99uUT33NrUL73byAztiU51tBEFCVgzEhkP5q19F9D10M4fnWXhue0sO4dr3vr5juaJ7F0pevUbl7VepvvtGpCasGIiChBIqyPFuAs/GXV1h5Vtf3SjX5Uf5o0tf/b0HXnhtQEBWdGTFjMorEVFsXbfZiZbvHS8+Y/ALX45z5YbDt15uc/mqw+z87ilJk+eqCIJAEIRUVyxgo5akakrMX6vTLN9njlmfLgQU1USS9U6pqKifPc/Cc9o7K2x/SFjNIpPn/4jqyg26hx8hntmHJG3QaRUtRrowTqprlHZjjdLCZdZmz9FurDywgStKCqnug3QPnSGRG+qoMkeG0scxFwW+S2nxSmS0qyaCIJIpjLN0+w3cu/J2o/OLpLoObIoOV5ZvbNkOwA8dpmvnMOQE49lP4PqRk6jlVVloXKNg7lw+cDf0xg7REzuIJCgYchJF1NifeoT++BH80GO2foHV9uSmfYrWDCvtSXpiB+kyhjvRxSaXi99bVwquu0WulX7I/vSjHMo+s76GFRCx/SYNd4PR0HBL3Kq8yYHUY5zo+gncwCIMA4rWDJL4wc2eKBd2iGTq0Y6Cs79ObZ6tX6LY3spacAOb2foFDqaf5GjuRbzAJgTmGheZqZ0nJKDqLLPYvE5vbJzThZ/EC2wERFZaE/d1Ic/WL5FUuzmYeRLXtwkJKFtz3Ci/tl7Td7U1yQ3xNQYTJzmR/ywhwfox687aeokkAEEScSptrLUmkqGgpaNosVNsMPXPvoekb6xpAtvDXqxAGBD6XpQn623Qmu16EauyjGIkSPYdRBAlQt/ZourtNMq0y0uIikZK2BACNrJRoMS37+/A3A4frWErCBCK1GyHmtMipekkVY2KbdFyW2QNEwGBqt1CEKJEblOOoki275EzTDRJpmy3aTjO+v5Fq4XrB0iiQFY3aTg2cVWLCnK7DsmO117s0BiiBauIsH55G3UjK9ZZbpf/VzS5l6R6EkOKol8t9/am60hpZ1CkLKX2D4mpY5Tbr6OIWZLaqW0nsCAMsIMGbmBH3H4kNClG06vghx4xOY0sqNhBk6ZXYcWaJKV0I3oSbmATkzNIwgdX+gzDkKblEMI6/bDtuFEurqZwPNXLkVSBz/Ye4luLV/nW3DVWrZ1pCW7g858mz/F87wHGU907tqsnm6Anu3NO8HfmrrF2Hz59WjX4H46/wJOFYcQP6NW8F0G4u8z8vbCaFqXFCmbcQNEUJi/Psji5wupciVgqRjwTQ9EVho4MMH11nsJgnnbDolltkc4nyfakuXZ2Asdy2DfWiyRLLE6u0L0vv/vJPySCMODN4i2Opwd3NGzdIKDpuDzS3495l8hFRoshCyI7LaFW2vWOxPxHDz8MKO9h0pJFkUf6+llpNqk7DqIgdBgXIEpdW7Y/khrglw9+movlaRqexZH0AKcyIwzHom29wOdidQJVVDiUHEJCIAzhYHeev/LEw6w1miiSxMHuHN2J+J6fyTN9/Zwq9PKtWzfIGgaf3n+AhKbhBpEAVsYwON5RRj6c7+K54RFenrzN712+wAsdVeQbxTV++/z7DKbSPDc8giiKxBSFsVyelycn+PqNazwzNEwIvLe4wPduT+zqpNoLdEmmN57g6toqby/McbLQQxiCJAp0mbEPtWjTZJmfHDvEr/zwZX7n0gU0SeKpfffPz70XYRjiuT5jxweolls0a20k+cc05I8HUcQrDMP1RYiixugbfhJZMfE9m+W5d2g31yAUiCV76eo9QTIziGakESWVMPBx7DrN+hKl5atU1m7iedamkRpupwMRhlu+l2WdZHaYTNc4sWQvmp5CkjUgxHMt7HaFRnWO0so16tW5dcpppKS8N2NKEET0WJ5s1zjJ7DCGmUNRY9FirHMtrcYKlbVblNdu4lgbuaDbXkcHoijTPfAwsUQkPri2eIFqaRIQMGI5cj1HSWdH0WM5ZEWPRIvcJu3GKqXVG5RWrm4SHrofXnqlzcqqz6Exheef1vnJz5r8o1+vcmPi/o6vMGB9Dons8427ZLd8Vibvz/QSJYV4sp9c4Qjx9ACakV6vk+t7No5VjcbByjWqpSn8DyEKsxN8t83q7PtUV26R6j5Atu84iewgih7viH0KCJKCmezBiHeR7T3C8uSbrM6+j+/urT2yYtI39izdw4+s15eFaG4KPBvPtfA9G89p4Xs2ge8S+C5hGJLMD28qvwMgpZLI3XnsW5P3NbDrpWma1QWS+dF1Ealkbpji/IXN7dNipLoPrDujfNeitHBpx+OW7XnOr36TlFZAFjScoEXFXkIURGrOCq1OCRgvsLldfXtbNeG6X+RW7S3qzhqSFEVkW16FtfY02zMuQyxvay6y7Te5XvohS1oBXY4ThiFtr7YeSbyzb9me5+Lat0mqXehSVBPe8ds03BItt3LXlgHLzZs0nCJJtRtREGm6JepukZRa4E5k80HhBC2ull4hoeQjGrcg4gcuTbdMwy1uSweGkJXWbVpulYTahSTKeIFD1V5ap4B7gc1E9S3W2lMYcoqQgKZbouasklILiIK0qabvHdSc5Y17KGoEoUvLLxGwsW2Az+CpCZZmFmmuZVElvVN2s0HDKWLdla9sl1vYlXYnrxzEzjvWb9qUX7+5Y7+EYYAoKQiSsj4fhoF/hy/NxlgQOs/NxtgI7nEKulYD37Ew0j2Up85j1dZ4UHzkPK75Ro1vT94koWmMZ/J0x+L8ye3raJJMQlHpjsV5c2GGlucSVzRiispqu0lvLEFWN3hxaJSra6tM1so4vs/PjB3l1997g/FsF6utJp/fP867y/M80jOA5XtcK67ypQN3aqjutvgKWWr8PoIgcyDz99DkHkBiqfEHlFrf37SlKuXJGc9Rav+QjPE0VftdUvpjqNL2hoobtLlUeZmmV0YWNVTR4ET6U8y1r1B3V0kq3Qyax7lc/QGiIFJy5qg4w0w47yAJMgk5z4HEY3sk+G1zZSG8dn2aUr1FLmGSMnUalsN8qcojBwZYrTXpSsYxfZX/8cQLPNMzyr+89jrvFed2VFKebVZ4ZfEWo8k8ygegbzQ9h9dXpnb8XUTgk/1jPNs7+pEZtRCJYT2IIjJArjfDJ3/xaUJCjLhO92COg6eHMeIGmUIKWZEQRZHxR0YZPNSPKEuomszg4X4kSUSPaeT7s4QhuLbLzLUFDpwaRlY+rFDBBr429y4rVnVzeQkiw/ZSZZZjqZ2jw7IoossS55eWyJsmXbEYkiDQayRQ7pPDvGY3aXkupvzRlzByAo+idX8RgZAoBz1nmiR1jZvFnWv/3YGIwEismz4jSxAGiIKISDQudEkkIKDpWdTD9npuT8N2+P13L9J0HPIxk0Iyga7ICAh0J/Zm2HXFYvztx57gn559k9+9dIE/uHIZQ1FwfB8vCPgbDz/C0a5uREEgrqr89YfO0HZdfuO9d/n9y5dQRImS1aLLjPF/euQxDmRzCESG4X9z7ATXi2v82puv8TuXLiB28qKfGhyi+hGUPUlqGl8cP8StcpFfeeX7dMciB8mhfBe/8tyLKB+gvNcdCMCj/QP0xpOcW1rk+eH9jOVyD2QsB0HIhbO3mbu9iqLJaLr6Z8V+/K8fAsiKjue18TseeFkxKAw8jG5m8VyLZn0Jx6rRPfAw/SNPY5jZ9Vqud6AZKeKpfnKFwxSXrzBz8yWs+9Tu3K4h8WQffSNPke0ejwzNe94TqpbAjHeRzu2nq/80awvnmZ96Hbu9ByXPDiRZp9D/ED2Dj2LEuzo5kpvH5vq19ByhXp5lfupVKqs318tV7HgFokyu+xC5nqNAtNirlafJdI8zOPo8sVT/lvOpegIzXiDTNUa+5ygzt16mVppmN3ro4XGVpx7TEUW4dsNlcdlnZe1DRknD+wc1dTNL79ATdPedRNUSW8YAWhwjliOZHaar9wTFlWvMTfyAVmPlw7Vr27aGOFaN1Zn3KS9exUz1ki6Mky6MYyTyiJ0oriDJmKleBo/+BFosx9zV7+4aHRdEid6Dn6D3wNPRAl4QIk2ZRpHK8g3qpWna9RVcqxGNiTCInAVhiCir7D/101sMW0FVkfNZnKnZdbr+dnCtBuWl6ySyQwiSgiip5PqPU1q8vIkpEE/3YyYLkY5CGNKszNOs7pyLCiGeVGX/JwJ6h1QuvNlk5WKb0GdTPVU/9Fhsbk9HVRM5ql6NtlclkzuIbVWpNBep2Pc77/ZwgtaWSO46JAlR0whaLRy/1TGct0KLyZ16yVHt5ECusVBdgxAUQ8LIybTcRayaGwWBJAE9qSApIm7bw6p7KIaEKAnIqgiCQLvqEHgbD0Hbq67Xxt0rQgLq7ip1d2s5qDvwOnWB70XZ3pqHfzdaXmWdAq1pcPIhlSuXQu4u+91qedTaZdZau5TCWi8cHX0O3MjwHhhVeeS5BPWKzxvfqdGsbw522NU1kn1jdB9+itLt9yHwO5HWMKpRa7eRdZNEzyhqLENm+ASVWQnfbuPbnXVYGOA77U6+rYGotDCzfQSOjVXdu/gZfAyG7fXSGnnT5Av7DwHww7kpCmacTwwM81uX30cURXrjSeqOTcGM8/7KAgfSeT41PMrvXD3Pk94gmiyRVDXOrSxSd2zCMOQzwwf5/sxtVttNBpNpLq0t4wUBw6nMAy2QvKCGJJjIYpKotucqVessQbh5YhMEkZz5Aqutb7PU+EP8oEbW+ATCDvW6Igq1SE6LIsBNr4wb2GiiSVvQKdqzpJUCAT5Hk8/R9ussWTdp+VWyaj+z7cvsj5/54AaeEOWz1do2bcdFVSTKzRalRgtVlglDuL1c4vGxQUxZ5dneA/SYSX713Hd4a2Vm26hPEIa8tjzJnxt9iNQudde2w2KrxkJr5wkgpqh8ft9RdGlvpWH2ipIdKUzvFX7oIogi8cxGtFNWtr/PkixhZjREOsIQqrTuEY6no/1d2+X0C0fX//6o8PrqdQZjeUx5s8BYgLBryZSwU9ZnPJ9jrlbjnbl5Ht03QE6PkVR1Ks72kdOy3Wa5XSevf/Brud2YYiQ2tOU5LVotart4y70gYKZa5fzSEookMl2pcKKQxg/qyFIGga0KjnOtEl+ff4eS08ANIsl8Pwx4Ij/GZ/tOE4QhCdlcL3YOkNBVfunRU6zUG9xcWeP8/CJ/cO4Sg5k0//fPv4Aqbx4PQRjgBj7aXWNXFAROFHr41Rc+zbmlBW4UizQcB0ORGU5neGJgH9JdglbDqTT/0zPP887CPFfXVnD9gMFUijN9/fQmEuvbioLAQ719/D8/+WnemJul3LZIahoP9fYxnE7TbcY4cFe925FMhr92+sym76LjiDzaN4AsiuRNc9NvkijymdGD9MYTvLs4T822iSkqx7sLm3LnZVHkyX2DZE2DjLH3OSFnmhzp6uJmaY1nh4bX6+TuFaIoMHZsgLnbaxx9aJhr52YJvIA9ZoX8GA+CMMRulZFkne2MKUlWiSV7ULU4gwdeQFZjhGGA71rrdFNRlDsGgIiixujufwhFMbl58Q9x7L1FIFPZEUYO/wSJ1D4EMSrrFwReJwoWEEWWJURJAUFEN9L0DT+FHstz+8rXsXZbxBFFgwcPfpKewUeROoJzYRjie07HaI2y2kVJQRRlZFknnT+AEcsxc+v7rMy9u6txezfMZA+Z7nH2H/kChhnlMga+04lahJH6raQiiJHoUKZrDEWNMXH5a9TKU/c99ty8h+2E7B9S+Ob3WiiywP0kO0RNRRQMQq9zblUldD0EWYrUqA0db7W4oRJ977UkehgZ/yyZ7rGIehyGBIHfuT+dmumCtDEOtDiFgYcwzBwTV/6YRvX+C3YkCSmRwK9GzlxR0wjabeR8jqDZImjvxPYJ8dw29docjfoCy5Nvkeo+QK7/OIncEFKnDJyk6PTsfxyrvsLy1Nv3bUos3U/PyOMbRm0QUFm5wdzV79GszO9hDGztw9CyUHsLSC88TdBqE3oe7QtXCJr3RshDKsvXKQw/ipHoQhAgmR/BiHfRqkWCZIIokeoeQ1ajeT0MfEqLV3eNRu8/ovPLf7+HdE7m4ltN/sn/tYln59cdwo3GEkHgkUoPEfge1cokvu8ST/RhmFlisQL12hy6kcU0u2i3ouiarJgYRpZ6fQHT7EKSZGTZRJTkyCHQrtBqLiMlEyiFHvB97IUFlHweKWZiT88gd+URFBW/UkZKptBHRmhdvkwYBPj1OnI6jVcqrTsFRFng9E/vI5bVMNMqtSWLZEHnlX95A98JePhnhjDS0f27+vIS0+8Wye4zOfmlfciqiCgJvP5vb7PvZIbBh7LYTQ8joTD9bpGL31pAluDEaZX+fRLVSsDZNx08N+TocYWBIZnFeZ/z7zkcO6liGJDNS8zPelw67xKGcOiowsh+mVYr5K3XbDwv5NTDKl0FiYmbHtevuIginH5ExXVC9g3JvH/WwXVDevokLp13kWQ4/bDK9aseI6MSA/tkyuWAd99yCEN49pMaP/FFg3fecrh2xeWdNx0eeUJl36DMwnz0TGayIvsPyFx43yEI4MxjKtevuljt6Ny5vMiNqy63bngEASiawM//t108+8UUthVgtQJe+1Ztk8PLrhdZuvASoqTgWVF+7+q11wk8B6fpsXrtNQLPob5wk/rSBBBRjAPPjrZzbQLPYfXKq5hd+3CaFRrLk+jpbjIjJ1i68P0tAmj3w0du2OqyzFKzTt11EBGIKQrLrQZlq40oCCiiiCqK6JKMLIqEIVTsNhXLQhJEVlpNXp2f5lRX77pYii4rGLKMIokEYcihbBfnVhYRgBcG9+/WpLsgkDGeYbb6r5is/GM0uYeWcws3KCGJWxfuhjxCXD1KsfVd0saTmMr98w4kQY7oxIgICCxbExSdWRJynqZXRhSU9cRuN7CIy5H6XI9+gH7zyIeSIReAwa4M2YRJudFmXy5N23YZ7+siHTMoN9vYrke2U/BdFAQOpbr5bw8/xUyjsqMBOtessGo1H9iwDcOQot2kch+q6Z1yPrerJfan9lavc6pWptuMY95HkfV2vbgn+mwYhvihy0L7Egmli6TSQxgGSIJCgE8QBkiCTEgQUS2EKAe86iwQl7uQRY2l9jW69APIqOs0FFlVSOWTe7qeB8GJzBBf6H+IhLL5XniBzx/Mqvd1ivhBQLnd5srqKi3HpWbbnAn7SSo6/WaKmcb2EY6K02KmUeZIurCltvGStYIfeqhiZFzW3Yja3mv0sGav0fItBs0BrtZvkFJSiAKklfT64nG+VaW6i+iKLIoMJJMEYUBvIsmN4hqC4NGyzyMICqq8D00eXKcmA3xt/iw1t83+eIGrtTmOJvu5UJkm3aFpq6KM0XEO3Okzy/V4+foEU8Uyru+TMQ2+dOIwY935bVW5a26bd4qTPN09jiJKHb2AyIBO6xrPDg/z3PAIkijiBj6SICAKIk5nclY7UZqsYfCp/aM8PzJMEIbIooQTeCy2SwyYOSTEdeVoW27zwsFB9pk5JFHkZm0JTRH5q6cf3uTYONLVzXg+hx/6BAQQsp4L9OzwEE8PDUTqjGHYqU0IkiAhiSGne7s509dHEAYEBMid8e8E0f6iCM/vH+LF/SPID5Cr1HJdZmtV+hJJHu0f2LVW970QBIF40qB/OM+V92dIZ2NIyo+pyB8HBFFGj+URBBHPaxM4mxcUgiCS7zmOLOvIqkmrsUxx+Qr18gyO3QBBwIzlyXYfItM11sm5lMh2H2Jg/yeYvP7tXRcpZqLAyOHPkUjvA6Jcw3p1nvLqdRrVeVyniSBI6GaGVG4/2a5xVD2FKMlkuw/h+za3Ln71vrRXQZToG36KvuEnEDpj2XVbVNYmKK/eoN1YwfcdJFknluwl132IZGYYUVLQjAxDY5/E92xWF86zV7GdeLKX/Ye/gGHmsK0q5ZVrVEuTWO0yYeCjagnS+YPke49HEVBBJJ7qZ/DgC9y88BVsq7LjsU+dUCGEiUmX7rxEX49MEMJaaZtopCShHdyP4DXxSiXkrjyiquJVqlFNXUFAEAW8Ymk7mwxNTzM89imy3Yc6EcJgnXZer8xFdSsF0LQkycwQ2cJhjFgXgiCSzA4zPP5Zbl78A+y76s1KiQSCoiCoynr+spxKETQaKIUC+sEDtK9cRentQRBF3NVV3NU11N4eQtfFq9ai0ku+D5KINjSEoCi0L19hZeptyp1c1b6Dz6DHuzr1ZFW6Rx6juHAJz9mZcp3tO4qsbTB32s1VZq98h0Z5dveb3jnPvQhsh9a5S6x7H4JgxzrKVmON6uot9Hi+IyKVJF0YXzdsVT1JMj/SqeARRa4rK9d3bVoqJ5PJy4iSQK5HoatngHoph6rFaLfLqFoCUVJxnQa6kUWUFOrVGbq6j1KtTqOoMRAEPLeNrJioWhKrXUZVE6SzozQbSyRTAyhqHEWJcoRtq0Is1k27tYqczSIlkxD4qJ6LaMZQ9w3gt9row0NYk5P4rTairhO4Dn5nLEjxGHIuh7u6EQEVBDCSKsWpJvJBkfqahWKIZPpNckNxJFXk7H+YYuB4hmOf6WPpWpXassV7fzBD4Ic889cP0DOexEgpaKbMG791m3SfyYkv9HPjhyucOC7y6c8bvP5Dm87w5PgplRc/o/PeWYfnPqkjCPCpzxl4bsj59x2++FMm5VKDdivkyz9n8vbrNkEAogRPPKlx4pTKjasuX/iyQbsVsLIc8At/3uS9sy5zMx5+EKJqAp/6nMHMlE86I/Lsizo3rzeIJ0Qq5YAXP6NjWSHn33UoFwNcF2anPFaXo3XD/IzPF75scPuWy8pygKzA85/WWZjz8byQz3zB4MY1j2deUBk/rHDrhsuXftbkd/5tk/lZH1kW6BtWkRUBSRbJ9cgIwr1MjhDvHvadf0esNgzWPzvNypYxuLFdiGc3CTwXSdUxMj2osTTt8tKWvNzd8JEbtie6elhrN/n9axd5qNDHsXwPS80GL81M8FjvPhKqStlqY/keSVWj24xRtFr8cG6Sp/uH6I0l6DbjzNarHM/3YMgy49k8kiDSG0uSVDUyukFC1dBlmaSmI+ATV4+st0GRcqSNJ5DEOKKgkNROoSsRTbMn/tOIgkrVehffbZHSHyWpnWS58VVkcXOuqCTqZPQnKLVfIaM/ueX3uyEKMim1B0XUEBCQBJmM2kvRmcUOWhSM/aSUbrJqPxONs6SUAoOxEyxbE8y1r9JnjH+ofhcEgbG+PC3bwVAjr9SdeqJrtSaleotTI32bjBNBEDidG+Dx7iG+MnVh2+M2PYei1eRA8sFzRRuug32fBUy3HkcWRL4xc51HC/sYSWVwfJ/FZp3+eBIRgel6hbxhktNNblaKnF2e5Qsjh3c0bL0g4FJpcU+GbcNbYbr5Lg1vjQHhBCvWTZygxT7zNEvtqwShT595jIX2JYLQJ6n0kFEHmG9fZH/8SSyvzuXqNzkYPENOG2a2dY4w9BmOP0pM/uhqud7BlwbOoG/zgpQEkWe7jxC7j+qvIkn0xhNULKtTkk9EAJKqzmgyz5srU9suzSzf41J5kRf7DqLeVVQ+IGCiOcmytUJWzeCHPg2viYhIzatzuzGFIiqEYUDdrfN+5QKPZE9v7B+GTNTWqLu7UMAQUCWJhKaTUFX6E0kkQUGRurHcCVx/GddbIml8Yn2fNbvOz+x7nLis0/AsPtf/EHktya36Eo/nx/ACn5JTo0tLr+9jex4X5pdo2Db7MikOFboYzqXpSyXvZX4D4IUBV2vzVNwmY4leSk6D8WQfl6tz1Nw2dbdNSjE5lRnicnWOIAwZjndxuTKHIko8XzhCtiPyERLyzYXzaKLCsfQALc/hWm2BHj3NtfoC12uLWL5Dl57kcmWOhKJzJrefP1k4x6FkH88VDm+K4odhyJXaZWpujSFziLpXY80pklZSBGFI2S0hITGeOMzV+mUaXp3jqZNMN6cwZZOR2CgTjVu0/CYH42MsWYs0vSZjiUPU3Crz7TmGYyMMx/am9h2GIZdWlri8usKXx48wkEztab/tMHSwQKE/g+f5D2wc/xh7QxgGOFYtopDtEPEx411RCbzVm0xe/QbN+jJ3G3f18jRrS5fpGXyUoYMvIisGgijRPfAwa8uXqZWmdjy/KCnsG32eRHoAQRDwfYel6beYm/zRJkMIoFaeYnXxIpmug4wc+hxmvBtRlOjqOU5lbYLl2bM7nieV3U/fyFOIkhIZA3aN6RvfY3Xh/BaDuFqcYHX+fXqHHqd//yeQZQNVSzJ44Hla9SWa9Z1Lid0NVUugqHFa9WVuX/0GleKtLcJTpZVrVNZuMXr0i2hGJhIFyu2nq+8Ec7d/xE5GdCohcu2Wi2kISJKApgk704jDkKDRwnfr+NU6YixGaNkE9UYUwRVANCNDJLwnT1kQJXoGHyHbfSiKpAc+a0uXmbr+7Sjv+u5xABSXr7C6eIH9R75AMjOMIAik8wfoGXiEmYmX169fzmRQ+nqQU2nc1VXsmRmUri7s2TlC34sErqw2giQRWBb66P7IKBIERF1HzmYJg4DQsriz8g4dZ91YdO0Gy1Nv4zlt9p/+qfU8WSPRjR7L03C2L1ckCBKJzOCmnNrqyq11o3I3iKK8bbmf0HFwZhcQEzH8aj2yFHaIjge+S3nxKrn+Eyha5KDN9h1lefJNfM8mntmHHr+zRgupr01iNXZnLCxM2dy+atE7qHLhjSblVRXXXsP3bVqtNWKxbhKpAdqtIgICjl1HUeP4vkOlNIGmRQ58z7Nwne3r+N5JEbStKkHgYbXLJFIDne8FJNMgsB0ETUft643o4qJA4Dh4xRKhZeE3W4CAoGm4S0vEzzyMdXtyS38FXkBtuU08r1FdaBPLqIiySGE8SW6fiZFSUHQJt+0jKSLJfp1DL/QgCJAbiaO8E/XZ8s065fnI4BJEAVkTeeQJjR++ZPGjH9jrl3XoiMLVyy4vfdvCaoc8+oSK54X88PsW77zpMHpApqsgceOqS70WMDwq89oPbJqNkMef1KhWAxwX4gmBg+MKK8s2jg0/+r7F7HT0XCgKNOoBB8Zkurolpm57VMoBU7c9BvZJBAHku0RcFyZve6yt+Fy66FJcjfpmYd6nXNrop1IxYGnB5/AxBccJWZiLfn/iExrzsz6OA+lMFNWdn/VxnYBzrzXYN6pRXvO4fr690zD9SNBYnsRplpEUnfrCzcgY/rM2bBOqxpcOHNn03U8eOLzj9i3XpWJbfH7/+PrE8YuHT27a5mfGjgHwaO8AXhBweW2ZhmPz7L6RTqRCpj/5S+vbx9VxDmT/3vrfg+lfXv8sC3H6En+OvsSf23SO/dn/cUvbwjCg7c2gS72k9cfuS3lWRZ398Ye2fJ/T9m36ezz55F3HD5HcPJou07BsXDVE7dwRPwhYKNVoOS5D+TS1tk2p0aY/m6TasmhYNvlEDEWWWCjVyMQNDFXhj85e4elDQ/RnU8yXaoiiQG86wZF9BaotC1NTiOsbi2BDUjiU6kYRRdxtRqsXBLQfsP7bHdi77KfLCooo0fZcynablaUG842Ipnazssaprl6m62XeXJrhZL6Xludg+/59xXKW2jUulZf25D+vuSuklF5U0aThFVm1bpJUerD8Okmlh7IzixfYeIFNv3mSFes6BX0MTYwThB4JuZusOsS+2EMsta9QdmaIy3lsv/mxGLb3UpDvQBCEXWvYarLMZ8eiXPSJUom+RAJREJAEkSPpArqk7Hif31qZpnLQotvYeDmLiOiihiEZlJwy+2PDtPw23VoXaSWFJEhk1DR5LYciKqiiQt1tkJQj51DTc3hvbW5X4aOQkMV6na9cvcoT+/ZxZXWFP3dshDB0SBrPIAoxXH/zAiMu69S9Nl16kpLT4HZjharbonFnsSpA2anjBh5DZg+iABnT4P/2uedZqjW4trzKuzPz/O475+lJJviVL7y4hYosAD1GmlOZYSYayzQ9m7bvsGrVMGWVjBp596eba4TA9doCeT3BaKKbhmtRcVt3GbZg+S7PF46QUAzqbptbjSX8MKTp2QRhwKFUHy3P4bH8KNdqi+iiwmi8m8fyo9tQ0wMW2ws80/UcADOtGcbj41yvR3lSY/FxbtSv0/QbtP02ffoApmQiCRLHUydpeU1uNW5S0HtoeA0yapa238YNHJJKkjVHw95GSGTTfQtDVppN1lpNypbFr7/9RvRuOHQY7UPk677/+k0EUcRq2fQOZNHNH3ORP3KEAVZ791zYdnONqevf2tGo8z2Lpem30I0MfcNPIggCqhbRkuuVuR2jtqnsfnI9R9ejT2uLl5i++RKeu31ELQw8SsvXUBST0aNfQlZ0BFGmd/BRikuXIsXkeyDJOv3DT6J2nsEg8Ji79QrLs+/sqN7rOk3mbv8QWTHoG34yKikTL9Az+Bi3r3xtz1EF37OZvvldyqs32M5IDcOA4vIVVD3J/sOfR5JVJEkh33uClYXzm4Sr7sY779v8jb+UZHBAxrZDbtx2uXbT2XZbggB7amY9F9mv7D1nMJboobv/oXWHQK0yw+2rX9/idLj7euqVWaaufYvDD/8FVC0eOR/6T7K6eIFWI8qf82o1jMPjBI5NYNuIqoYYjyHFYxFV1/cRZJnQcfDW1pBSSRCIorySROC6yJkMYSKBt7aGX6sjZzNwtwMsDKmu3qJZWSRdiN6Hkqwha+Z2TQdAlGQkZbPT2GqW9lwXV493oRpbGVyCrpN4+jGU/h6q33wJpbeAMzOHX97+XtRLMzQr86QLYwiCgJnqxUz10ijNkuo+iCTfqT3tUFq8sifq5tyEwz/4m7PEUxJLMw66lkKU7nAlw0jEqVViZekcVrtCGAZoehJRUlAUE0WN4zhbRUjD0I+o+4qJrqfxA3f9eJve+UGA32phT03h1+p45VLEFKlWcYslgk7pPL9ep331KvgeomkS+j5ucXvDfT1FtKPsDdCuOEzMtzj/tTnCIIzyb/2QM78wxORbRW69uoKRVte3971g/fP6qj+8R2Q9jLQf7gwvUYzsbM8Bqx1GfooQJBFq1ZB//c8aHDup8Of/aozf/OcNfD/yv4gi/OB7NteuROPJtkMcZ6OPXBeuXHR5+FEVTRf45h+3OTAu8/O/aPL970WU5nXT5N42bwPfg8sXHJ55Qcf34NVXonVR0GmPIMJ3v9nmxtVOmTYX/uBfFnn923XazYCl2R3mlI8KYYBTfxAthq3Ys2HrBwHLjQaqJJOP7TwJPCiOdfXgdTx2jusxv1ajvyuFep/kEE2S+fz+cfrjHz3dMwxDgtAiCB2a7nXWmt+mK/YTHaGpj/hcwIXpRQZyKc5PL/LMkRHyicgb17JdXrkySSEdJxc3+erblzFUhalkjIVyjaGuDLcWixzdV2BiucjS9To/98QJVqvRJHNzcY2ZtUpE9W60OT+9yKmRPu4d8oIgYMgKkiDibsM5EjrGzwfBdhTOu+EGPn4Y0GMmGE6muVpaJSQkJqsMJzJcKa5Qc2yarhPR0sMoj3inhzYMQ36weIvZ5t6EQ1JKD1PNs/ihS69xBAkZL7RJKF0st2/ghS5+6GIHTeZa58hpwzS9IhVnDllQMeNZTDnDdPMsBX2MnDuMIEiYcmb3k/8pwvY8ZioVbhSLuL7PXK3G33r88fXfT+cGyOsxZrehiQDcqq3x7tosnx04tMm5M544yMHEKJZvkVEz9BoF3MCjW+sino/R9FrE5RjPdj1NXDax/A1jaLJe5EJ5YU/tFwWBrBEtLJ4bHomoyM5FHH8ZVe4nrj28aftP9pxAFkUyapzReIF/duNbqKLMLw0/A0QvPlVUcPzoZQtQt2x+++1zzHUWFWlT51OHDnCkt3vbcSwLEr16ClNS6daSrIY13i1NklAMMqrZKVUWYgcetu8yGMuTUkxkQUQWJPS7atMJQLeeROko0d6qLzPbKnGrvkTbd3BDn8V2hR4jTUzWyWvxqASXluBs8TbPdB/aZNyKiPQbA7xdeouR2Ag5LcfV+lVyag5ZlNElnbSaxgmcKPrgVujyu0irGUREYnKcQ4lDNP0WOS3PsrWEG7i4oYvv+ziBu6th64ch37h5nf/PO29h+z550+R/ePJpjnbtrLC+F2iGSioTw3U8hD3WF/4xPnqEQUBp+RrN2v1FYnzfZnnuXfI9x9CMFCCQzo2i6antc2AFkZ59Z5A6zBTHrrM089aORu1dLaK8eoNmfZFUdiSqBpDsJZbso1qc2LJ1Ij1AMrvBOKhXZlhZeH/XkjSB77I4/Rbp/EHiyV4EUSRXOMLi9JvrBtpuqFdnqaxNdAz37c4nIAgia0uX6O4/RSozHNG7490k0vsoLm1v+Fy+7vL/+H+VGd6n4PshN2+71BsftcSaQL7nOFrHkRr4DovTb+1o1N6NWnmGauk2Xb0ngEh4KpUdWe83v1aj8c67hI5L6PuImkb7+g1C18NvNWldvUYYhFiTU4SOQ3D5KoFlRcas5+JXa8jZLIgiXqUCvk/gbJ2nIrVv794vd2x3GAZbnBZ7FfkUJYVc/7FtI7ZyOklgWTjTsyAKiKaBaBo7Grae06K4cJFkfj+iJCMrOqnugzhWjUR2cF1YrVVb2rZ27fbXBstzLstzkREjiW3EjhHquW2sdolK+Rb57ii4tLJ0Hqtdpt1ao7f/UYLQx3VbZPPjxBN96EaOMPBpNldw7Dq9/Y90cmrLUT8GHr7XxraqQIizvIy7urqeL+2tbcwJoXOXARUEeMUiCAJSKkXr8pUoMr9HXP7OAk/+pVEe/plBfC+kNNPk1msr1JYs+o+liec0ckMxZt7b2aD60Q8sfv6XYuRyIpYVGYTn3nP48s+ZqJrAocMKX/1PLT712a1pe909Ik9+QsNzwbKitewPvmfxiec1TPNORHvnMXj1sstnv2BQrwXMzvgcHJNRNYF4QiCT3VifW1aI64Z86nM6F8+53LjqMn5EYWBQ5tgJleJawNyMz8RNj89/WcQ0BW7diJ6Fl75t8fjTKoYhgCFg3dWedjPg9pU/+1rde8UDRWxvl8o0HYdPHzzASrNJy3HJmgZhGOL6AbIkElNVVEliernMlaklkqbO2L4u3rsxjyBANmkytVRGAMYHu7Edj5mVMo8cGqRtu0wuFulKx3jn2iwrlQbpuMEzJ/YjdhYxsigylv04S6iELDf/mOXGV3H9InHtKIX4TyHw0QocQbSgVWSJ+VKNYr21yXmrKzKH+ru4NLPEvlwa1w/oNjT6sknajstoIceF6UUuzS7RsByalkPC0MjEDRRJIsRBkSS8IMAPQ1KmznhvF7p6rwhOyJrV3FFFWBUl4soHi4rEZBVZEPF28GTXHAtJEHimf5i0ZpBQNARgvlmny4jRn0iy1m4Sk1V6YgkmqkUGE2ky23hXwzBkoVXj9ybe21HleWv78hxNfbbzl0CXdoA7YiEj8ccA8EKHll+m3ziOIkbnfST3i+v7HEq+uL7PePKF9e//c4IsinTFYpTaFvtSSWLLmxUpe80kp3MDOxq2Dc/mazOXeKx7iGyn7wVBIKFEL+uUEjmYevTC+j6alCOvRVFrXdI3/Wv7Ht+dv85Keyfq0gYEBHoSCR4b2EepHZUBC4I2CBKuv4gkbnVuHU8Prn/+0sAjPJ4fQxNlclpivT8OJ4cwJG09r12VZZ4aHSKpa3Qn4piqct+7mFQMnuqK0gd6O4u8O6Pu3v12+v7ua3y2e4PVciozxMnMIF4Y8PbaBAnFQJcUTqYHUUWZfiNynDzVNdYZefccTxA4kjzKnZrgAAfjY5sWY5lUlqnmJHE5jihIJJQE/caGqvap9EPr+2eVLIcSh9f332cO7riwa3lFNCmJJMh8ZvQgo5ksCDCUSjOYSu/YB3dKGQiCdN9F47GHh8l2Jdj2wn+MPzX4vk21NLmnKGW7sUKzttAxbEHTU8QShW0NW91Ir+fVAjRrix2a8+7w3DaN6jypjsEqigqJ9ADV4m3ufrkKgkQqO4Lc0SoIw5Di0mXcXY3nCFarRHXtFrFETxSF1pOkciN7NmwraxOIgkQ8OUirvQoIKIoRUcCdJoaRIwhcms0VaqUpEulBxI6oVCo7THFp+xIupiFw6KDK0ICMKMGxIyrfebnN0spHVz9W0WKkciPrRpTVLu8qanUHYehTK02tG7aCIBFP9SFKShT9DIIop7eDoNWC8oaT2rsrnzKCjCyquMsr3Lm/7srmd5u7sNXxYiS6MBIb7yrPaeHaO7+LAt/DtTZ+vxMtlWTtvmrKgiCS7TtGft/pLWreAH6zhWgaKL0FREMHUaR9aXv14QgRBdpqrmEmo0BLqmuUdn0FLRZplASBR3X5xqb2Pghq1e3VhhvrrIyon5cX3yeagDeeq9La9U3bLM6/vWWbO6jXOsJhtv1g6vZhiF+pbPtT4IVc+tYC7apLdbGNVXepLLSxai6tisP3/+l1csNxCEPWppp4dsDbvztFz6EkgRdw80fLOJaPrIjrztfGms0b/+42Vt3l0vmQeq1O34BMrRpgWyHXr3r8+/9vk4FBiXffcpi67dFqhqyt+gQBfOtrbaqVAMuC2zc9EkmRf/ebTSYnPCYnYG01oLdPoloNaDQCfA9+97eaVEqb59XiWsC//Y0GthXSboVcueTyH367RTwh8M9+rU6z48Cq10L+/b9pRiJVzRBBFDAMga99JZrbNC1SjK7XQ37n3zSRZWjUo33ffM1mecmn0CtRLgW0mv/l1h3Ys2ErdRbHthdNklOlMpeWV8iZBqIgMlupMphJ8fi+fXTFY9RbNoam8sjhQc7dnGdysUjC1GnZLookEgLza1VUWaLasJhdKXN4qMCNuVVcz6dUb3FosJsrU0vYroehffSG5fYQSGkPIwsmkhgnoR1HER+sNMWD4MhAN7eWijx+cJC4cVeeHBF99NRIH4P5FF94+BCrtSY96QTpmEE2bnB6pI8gDCnWW5we6UMAnj48QtN2GC3komq+gsBQV4auZAxlm7qPFafNhdICwQ7GYFLV6da3eht3gyAIpNXIWC3voLg716xQslscyUSTdKxjQHeZG+fri20YLifyvdseJwRanstv3niTG7Wd5dS3a+M2ZsGmf2U0hmJnEJDuGgP33+c/N0iiSFLX6UsmaDgOp/o292NMVnmud5SXF27Q8LanmbyxMsX35q/z08MnH6j+6L0Iw5BL5UW+OXd1zw4IL/B5a36O8VwOSRBQpAKaPITrr2IoB7dsX/faaKKCKsooosyAmbvneAEL7TV69BwpJYaAgKbInBzo3XIH/dCn5JSJSTEMWV83urabD3Y2XHdGGIbUvDo1N1qI6JJOTs0gCiIKAo/nD+B3FCplQdxy3h3PKQh4gUfRKZOU45jyhjMoDEPqXoOEkuIxcwCxowmw9djCrp/vwA9ditYtys4Ucbk7YlhIASP5gJw2St2bo+yU8QMbSVAJiYStVDFGw11BEmTcwKLPPIUs7qyYfPHsJI8/fxhJFj/SUlo/xoPB9+xOPuXuCAKPenWebCFy3oiSgh7Lr+dB3g3DzKHqyfWx2Kov4ft7o74FgY99V81XQRA6gkWRUNodiJJMPDWwfg7fs2lUF+5f1+YuhKFPvbZA4DsdJWWRZGaYxek397BvsE7dlmUd0+yO6vQmB6hWZ9C0NIpsYNkVIKRRWyAIXEQxEnQyzPyGIXgPXnjG4NkndS5ecXjAand7hqYlMcz8et9ZzSKuc/+SbXfDam0YqoIgoJkZRHHz9dx5/rerm3o3MoVxekafpLpyi+rqLaxmEc9uEQTbU4QlWSOW7mfg0ItoZhqI5sJWbWmXfNSQ6tptMr1H1q873X2QTM9higuXtqX8KlqC3MAJ+g4+g6LFCcNgi3EbtNq0L1+PlKfDEHt2nqC+ldZ7N+xWhfLSNYxEYb3/cv0nImVwOqWBlq+zUx52MiORzsvb6kZYrYCVeXeHxyD6UhCgq09BN0RKKy7tVsj4KZPHXkxgxESun2vx5nfrNOsBsiJw5IzJw8/G0Q2RqesWb79Up7i8PUVaECCRlujZp7L/iE7fsEosGQnMNmsBizMOE5fazE44WK1tVKZDKE5HY7FVieaMdsUh36vw0JNJRg7pJLMSvhcyP2ly47yA1QoIqw0EIGEABpRXHWplv9OfPkvXNuaUqds+lSocOG7wM7+cJleIhLeqJQ/lqkWj3WZyYqMPpyc3HsQL5zaPyzCkY+Bu7o8bV7f2T+DD9Ssb33sezMwGZLtlkGXcu2ppLy8GLC9uzJlvv7HxWRAgW5CJJyW8AFYWN9oUBDBx02Nq0qPQr9I3svU9HIawMu9u2//3g6oL5HsUhsY0Bg9qZLsVFFXAbgeUVjymrllMXLUor3h7nYbviweiItcsm5ptUbEsrq2u4frRTSu1WkiiQNNxMNXoAdMUiVzSRJUl+vJJZlfjpGIGCVPDdrxOlNdnsVRDU2VMTWF2tcLCWpW51SpJUydhaiTMnQVxPg4IgkBMPUBMvb8C8kd1rnTM4Mzo5vqjbc/l3bVZejJJBmIpNElhqEtlqGszxfVOruzd34/1bkSzjw1u0Kdj+taoqxcE/GDhJu8X53Zs44Fk1wcq9QPQbSTI6bEdDduS3eKHSxMcShd2LVezE8IwpOk5/PuJd/mDyQs7GugfFIIgIHz0qeh/6rA8j9emp/GCkISm8qXDGxFCQRB4pGuII5ke3l7dXkCj7tr8m5tvM5zIciY/+IHuVxRVr/Kvrr3JbKPyAHsKeH7AUqNBEAvxAwnPL0XfBxVU+jdt/R+mX+eprnEOJ7ev6yuLEhk1yaYozg5nLjsV/sXEb/FC9yd4InfmI/ddhIRcrd3gldU3WLKWGY2P8H8Y+QtonZqLsiAh88EMuKJT4p9P/Fs+3/upTcJdAN9e+j5L1gq/PPoXkcUP7zR0/CZ2UCcIfcrONIpo4oc2AiKyaAABJesWimSS18YoO9Ok1X003GXq7iJxpRtVjCHuUE7tDjzX55U/OU+mK8HpJw+g7FCW68f4eOG6rV1rf95BGAZYrSJhGEbzqSCgG2lEQVqP1Ee4Y4hujPdEZoj9hz/PXlWHY8m+TX8raox7H1pJ0tCNjXem67b2XILoDuxWqaOYHL2DDTOLKKkEuxjhvu/iOU08z6LeiKJWimLiui3a7UigR1Xj2B0hHqtVXhdXEgQBRYshydq2hm06KfLSD9t85+X2em99xK9DdDO7nssJYMS7GB7/LHu9P9o9WhCKYiBLKmm1AAhUrUW64gdQRI2l2jU0JY4uJ2k5ZWRJRZNi2H6TSnseQZJJ5IaIZ/fRM/okVrOIVV/FapVx7Xo0PsMQUVJRjSRmskA8M4hqJNfzt33XYmni9V3HcmXpGvbok2hmtqNKnGDo+OeIZwepFSdx2zUQBBQ1hpnqJdk1SiIzgChr2K0yzeoC2Z4jCHc5haWYiXFkDL/RxJldIGjtXEHiDsLAo7x4le6hMyhaHFVPkO4+uH49d+rp7oRnvpDiF/5mHlnd+iK7fLbFP/q7c/elxKq6wF/+vxQ48bjJ7/76GqsLDn/t7/XQO6giiPD8l1MMjev83v97lcc/meCX/m43Xb0KggiOFXL6qTj/9H9eoFra7HmJpySe/WKSxz6ZYP9hHTMuISsCokQnlxU8N6RW9nnnB3W+8htFFqbu/6wpqsCTn0nypb+SZd8BDVUTuZNV5DkhthVucnjdwb/7tRX+5N+Xtzw7kgxnnk3whb+Y5eBxAz0mRoLWQmR4OnbA7C2br/12ide+WcNuf7wRz/FTBn/nf+lDVgRe/WaNf/2rS1i7nDORlvjlv9/L8UdNGlWfX/97C1x4czNTJdut8N/9o34GRrexGdyQ/+2/n+f863tzZokiHDlj/v/Y++/4uu78vhN+n37P7QW9EwTYexXV+2g0o+kzHnvGvaxjJ+sk9saJdzfJ7rObHsd5HseO7dhj79jx9N6kUS+URIm9gSSI3i9ur6fvHwcECAIgQYkaO4/no5deBC5OP797zu/zLZ8PD30kzvYDQVItMooqIMl+5thzwXE8jJrH8ECd73w+yxs/LGFb7+7arXtWYLsuluOgywqW49CbTGC7HhuSceYrVSKahmHb6Io/SeppSS4OmrZUjMcObMLzfMJ7PUzbwXU9gpqC7bi0p2IEVBlRFJAliWQkiKb+3Zq81ByTzw++xVg5x5GmDdzdvIGdyVbiqo4qSisyK+8EddvixZlB/mjgKPk1LFcUUeSe5g3o79BnNqkF2RxrYrC4emTf9ly+PnKW+1s2svUGO5n1wPU8Zmsl/vrqCf7q6tuU1znR+rsIAV8ZeSyfZVtT04q/NwbCfLh7J+dyM1TXyNpeKczzH8+8yG/uepB9qc7byty6nsdoOct/ufAqr8xcxb2NAiRZFNnb2kqmWiUe0HG8AoKgEFJ3Iosr+5nnjeKaW/c8D9u1GavMIAkiLYEUN2vVDEpB7mu4i65g+9oLvQsICOyN72RrdBN/OfoVas6tJzfrhet5VJ0a9o39ZMD26Ga6gx3vymLseqhSCF2KowgBREFZCAj52w7KScr2HKlAH45nY7t1okobmhTFcErE1U7CSgt1p+D3HN7kmDZubaNSqqHpN7e3+jHeWzi2cct+1Ovhl/ku1Y/LSvAGJRYfqh5b9h6IJXuIJXve8XGKq/XHKwHE61T1XdvEvokt0GqwzMqid6nviaovEM6bT7Zdx8JxLFzXwjCuicUsJ9WGufS7bddwr8vGSLKGuEYgKpt3+ciTIVqaJCpV/wn40ms15uZvkl25ljUXhOu46dJ9EgQBWQkuZGW9hWz60n0LhpsIhle+T9YLQZARBAlVCuJ6jl+ObZcxqeDiENEaKdXniOktiIJMqT5HJNBEqb5E3kRRRtRkFC1EONEJnuv7Ai8IFQmCuJDxXqp48TwP26wyPfgquZmLtzzOWjnN9OBrdG59DEnxfXA1PU7rxrtp6j6A69oICAiiiCiri8EZo5pl/MIPMWsFIslu1MCSs4ZTrlA5dhKlrRl9az+CqlB+9U1fIfkmqOSnKGXHSLZu8/2VF+Znjm2Qn710U+/aSskhN28TiUvIqoCqigQjIqIoEAyLtwzcCgIEwyLxBpk994QIRSIIAlw+U6OjVyMSl3j043HSkxaPfSqOJAlcPlOjoVWhoVnm0CNhjj0f4dmv5pdtNxgWefijcTbv8a1yqiWXfMammHMWs4ypZoWGVpnHPpkgHJf4L//bNKX86s8gUYQjj0f4pf+1mUSjTC5t8/aLZaZHTURJoKtfY9v+IJG4P5+ulh3y8zbZtE12buX7UpTggadi/MxvNdPQImPWPeanLLJzfnY22eQfX/8unV/6nRYiMYnv//ccpvHekdvhgTrlokvnRpU9d4dp7lIZvXTzOXD3Jo1t+/zzHrtiMH515fPKsT1yaZt4g4Smi0iyPzZUTcQy/Uz8eiEIsP1gkIc/GkOWBWpVl9zCNTbqLuGoRGObQjgmseNQkIZWhXrF5e2Xbl65cCusmzFqsszdPUu9a03hpXLRnsTS5NL1PK5mspyansb1PA51dNAVjxENBshUq7w+Mk6hXqcrHuNgezuBhQzvpXSaqmWxq6VlmY2DLK09eZkplRjMZDnY0Y4m3/xUPM/jSibDickpNFnm0b6NRLS1S97uBCqmyRtj4xzu6iSsrox+OK7Lc4NX2dXaQktk6YHneb7NypXiPIPFeb45epaeSIpDjV3sTrXRH22kMRBGk2QUUVpX9sz3bPWoOxYjpSzfHb/At8bOMXuTPseNkUbubupBfIelp5Ig8EjbJp6eGFizz3aoNM+/Pf0c/2T3I2yKNa5abnkjXM+lZBkcn5/gC0MnODo7TP26l7+A/0K+09nbdwJfBdD/Xriei+nauDfpS/Pwe1ANx0YU/FJyEeFdBzNUSeJwRwf9qRTd8fiKv8uiyEOt/Tw7eZkXpq+scWweJzIT/Ivj3+ezfQd5rH0zSS3oC3qtcnz+mHMpmHVenxvhrwbf5lRmEuu68xfXcZ8c12Uwm6FsmhiOTVcshu3mqBjH0dXtyNJycrsz3sVgaZp2Pen7xS58LokSiiAxZ+QJyToxJbTmd8dbIIWu57IvsYuApC07R8/zqLt15IUMo+H6LwhVVFAWiN31y9qejelaC97IIoqoIgv+S1WTNP9/UaW+CrG1XBvTNdAlfZHMOZ5L3amjiirKggen53mYronlWkiitGKc+X+3MF2TzmC770uLeMO+LGzXRpU0TMfA9hxkUUYTl4jktftquMayfQTkdnQpsLjN66+BLidhwTdXFpTFDENc7UIUZL/nUF4+Qfb3YyIKyuK+K6U62XSJXKZMZ2/jsuzRj/Gjg+c6q2Y7brq86yAsvM8lSVlZ0i4IyDexLHtnWPn9FiVlWVbY9ZwVlju3guNYy8ubRWlVEr0Cnndbnoye6y4SaH8/8qr9mgDTMzbnL5roARFV8Y9Nltd+b4iSQjjajmmU0AILAQUPTLOMpkVxHAvHrqOHGrHMMqXCBJIcYNU61ncKwc/oW06NoJpEFjUMu0os0ExJkHBcm6CawHZNNEkhqCZwXRvXczAqOb+/NJhElOTFagAECWmNe+F5Hq5jUi3MMDP8BpmJM+tTN/Y8ZkfeRBBFWnrv9vvFBRFBlJBvqGjzPA/XtankJpi6/BK52QFkJYhZKywjtgCCriHqOggCnu3gubf+Tjm2QWbiDPHmTYjXeYnXyxmK88M3Xff1Z0qcfbOCoooEQyL9u3R+/rebCcduL8ApCAJ77w1x/q0q/+4fTpCds7n/AzF+9n9pIpqQ+OSvNpBN2/znfzrJ6GWDLXt1fu3/bCXeIHPgoTDPfS2/LCOanbN544e+6u6ZNypceLvK7KSFZfjflWhc5p73R/ngzySJp2QOPhRhx6ECrz+z+vw11aLw4Z9PkWxSyKVt/vj/M8Pxl8vUyu5iyfNDH4nzU7/RSCgicfpohc/921kqJZdKyVmRrd28R+ez/6iJhhaZuUmL734+y1svlinl/WXDUZFDD0f46C/5+/z4LzcwMWRy4uXyTasm5HAMUZYx87e2ZroR2VmbU6+W6dyYpLFNZsfBIONXjDWteEQJ9j8QJhKXsC2PU69VyGdWkvj8vM0f/IsptICIFhCJJv37eeDBte1O14LjwIlXyuw4FGJ6zOTcmxWGLxpUSg6O46GoAn3bdT72Kym27gvS3KHw+E8kOPdW9bbLna/HHU+FlgyD33/9DRK6TkcsirlAODzP45sXLnJ8cop9ba2UDXPZAzJXq1O+zUbyqmUxUyrhrONhABCQZeq2zdfOnedge/t7Tmwtx2GyWMR2Vn9p2q7Lfz99hoSuLyO218MDClad09lJTmcnCckqqUCI7nCCTdFGeiIpmvQwCTVIRNEISMqiR6ntudQdi6JpkDEqjJZznMpMcCY7zWyteNMeR02U+fTGvbSH1hZ8WQ/uaupmc6yJ8/nVLSE84OjcML/55jf4WM8ujjRtoDMcJyDJfgR0YRnP86g5FhOVAhfyM7w4Pcjx+XGyxkrBjx2JVmKqzutzw+vu47wdXB8kMBybumMv/lxzLOqOr4Rbd2zqtkXFNhf/zxs1LubXFhnJGVX+26XXadGjBBWVkOz/H5AUApK8+K8mL/ws+v9qsowmSmiSsipZMxyHwWyW+7q71yTJDYEQv7j5Li4V5piqrq7M6OFxpTjPvzn9LN8eO8fDbf1si7fQpIcJyT75MR2bkmUwWy9zpTDHqzNDnMvPUL7BszaiaNzV2M3RuREqa2SJ/X36/6crFSKq5ntTBx5ElZoRVilddTyXb08c5+W5iyTV8OL57o5382TbPizXpu4YxNXwms+bulvnS+PfZLw6Sd2t87H2D3Iguee6fTh8cewbtOktVOwqF0uXsV2HvvAGHm1+gEYttdjbN1Of48X0awxVRrFck5AU4kjqIHelDiDfkJ1c7XgGipf5/szz/FzPp2kK+K0GGSPL50e/xKPND7A7vh3P8xivTfL0zAtM1qZJqgk2hXuXbdDF42T+LC/MvULZrtAT6uLne35ykZwDnCsMcCx7gp2xbbyVPUnWzJFQ4zzcdC/bY1uQBImaU+PV+Tc5U7hAzalRsWsICHQF2/lI+5O06s03ngICAnW3wqXiy2yNPogqBXE8m8ul12jXtxFTW1aMS9szuVx8ma7QXiKKf96haAAEKBXvXGb7x3gHeI80J24MCJXyY9Qqa0z6hAVpmps84iul6Vtaii3s7PYO1F9p+cGs500pvPtuhrXWP3nW5OTZ9VtxCAgEQ42IokwgkEDRQji2gVTX0EMNWGaFSmkG17URJRXxhmoxz/OoVdKU8mu3Mt0KRi2H4xiU7DRFYw7TrmI4FSynhuXUma8MIYsajmuSCvVQtfJUzTweLqXMMAOv/wXRhg1Ekl1ooRSqFkFSdT9wIoggCLiug2PWMI0S9fI8hfRViumrGNU86y2hBj+zPz34KqXMCKn2XYQTnajB+GKftetY2EaFeiVDIT1IdvoCRiWHrzBcZW7kLaoFX8zKqGSRwiH07Vuw0xkqx0/j5Is+E7glfMsio5IlEL7WQ+5SmLuycE5ro151lxEGQeQdl316Hrz4rQKDZ/0M8cvfKfDETybo6FWJN8h8488ynH69guvA6aMVhgcM9t4r09KpEgiJ1MpLx2FbHt/9yyxPfylHKbeSWObnHeb+NEMoKvHhn0uiaQK77w6tSWz7dgTo3uwHyd5+scTrzyyVt3oeFLIOz30tz/4Hwuy7L8yGrQHfQWR+JdHTQyIf/rkUTe0K1ZLLX/5empe/XVh23fLzMD2WwXE9fuG3W0g2y7zvU3EunapSLiycpyAgSLL/7HT86gQ5GFkoT88AwoJnkLPsZ0FaCFw7DtePV8+Do88UefQTcYJhif0PRHjp20XKhdXHUKJRZuddISRZID1lcfzl8qr2sK7rX28W/KsVVSC7Rl/0ejB0vs7v/tYk5YKDZa4ca/MzJWpVl3/879tpaFXYuC1Aqllmcvid2wrdNrG95k94ZT6DKklsaWwgomm4nsdwLseZ6RkGMxk+vWsnnfE4LZEI89UqF+fSvD46Rms0Sm8ySU8igSyK2K7LyakpKqZJV2KJRHmA67pMFouM5vK+smY8Tkcs5mdf5zNMFov0JpPLsrqO6zJZKDJRLOJ6Ht2JOO3RKKIg0BWP81BvLy8O3TyqdT1s12Usn2eyWEQWRLriMVoXtlesGwxmMpQMg4Su09+QIrCQOZ4oFrmcnmdjKrksm+y4LiO5PFPFIqlQ8Lai3uD7f1bKJmPlHK/MDCHge9EGFZXAQgZXWszqeFiuQ92xqFjmuv1oBeDxjs18qGvHsuz57UIQBBoDYX6qbz//18ln1ty/h28p8x/PvkBj4C1a9AitwRhRNYAqShiOTdaoMl0rMl+vkKlX1swAd4cT/M6ex0jXy5zIjFO135kH763w+twwv3v2RUzXwXIdbNfBcl2shd8tz//ddp3bCtZUbJNvjZ1f8bkkCCiihCJKyIKEIoqLvyuiiCxKtAVj/Mt9T9AaXMUzD5gqlnj26lWaQmH2tq0U4hIFgf0NHfzKliP8uzPP3fTa1RyLt+fHOT4/TkQJEFE0tIVghOP53scly1izrFkRRT7UtYNP9e7lcjFNpbz6ci4eNctiW2MjiiiyvakJz6tg2qPIUhwRccVEr11P8cnuIyu21a77/VFdQZ94aeLayseaqPGB1seYqs/wFyNfoOIsD6B4eMybWY7nz7A3vpP3tzzKnDHP0zPPIwoin+h4CgmJvFXgT4f/CtuzuSd1iKgSIW1k0OXAuvuUa06dmfrsspJiy7OZqc9RXcjwFqwifz32NWzP5oOtj2O4Bi+mj1K0l178IgI7Ylto11v51tT3SRuZFZP+qlPlZP4Mc8Y8DzTeTUgO8vzsK3x54lu0BJpp0FKcyJ3l2dmX+XD7+2kLNPPD2Ze4XL7Ko80P0KAlqTtl5o0RAJoCG5EFjXljmLKVoWSlcXHIm9PkzSny5hRNgY3MGyPU7CJNgY2ook7OnKJgzVCwZpb1YVqmTTFfpX97O8rfsRaVv00QhdtriREEaVmm0XXtVQinh3PDO2Ju8iRTo6+DB5IiEEwFqGYNBAFkTUIQBWzDQYsoeC7YdRvbcBFEcB0PSRG5cfbmOvayrKkoiAji7Y0lUZIRrqt2uJaRvhUEQVwz47rW8tdngm83U34zuK5NLjOItCDeZGQKXLsH5eLU4jUy6nnwPFzX8cuir9t9PjPE4Lmv3w4/vAELasY3fFS3/XJs17MXRaTmKyM4romH62dLJRmjkmW+XmJ+8gySpCJrIQKRRjzXwa6VkBeEL61aEccxcV0Ls1pcNbuuahH0kF8F4joW9Vqeei23bPxIkorgChRnr1KcHcQ0Sv51EgQ818GxDWyrhqpGCAYb0PUUtco8Ri3PzNDR5TsUBMqvHUPUAzjF8opxejM4trGsL9g2q+RnL6/Lu/ZOoVp2GR5YKnvOzdtkZiw6elXKBYfB8/VFETPL9JibtHxBt6CfLb6e2F7b3s1Qr7qcOlrm0Y/HCcdEWrpWr9YRRWjpUgno/vPpwvHqquS9VnEZPFdj331hGlsVWrvUVft2N2wNsOuI70t//u0qrz9TXHV7jg2vfb/Ikz+VpH2Dyua9QTp6NQZO1kAQCHX1ozd3Ekg1U7h8hnp6ktim3VSnfSVqORwlsmEr+QtvocYbCDS1U5+bJLLR9/Quj16iNjO+bJ9DF+oMD9TZtj/ok/l+jfNvr67uvmmnTudGDfAYOFlj4uqPpnXPcSCXvsm49BbO41KdhlaFaFIiGHl3LVK39TT3PI/BTIbfe+11msIhDMtGkST+wd13EQsEmCqWGMrmqFk2o/kCluuyramRfK3Olfl58vU6qiRxJZMhqmlsSCbwPI9crc7Xz1+gJx7nH957N5Io4rour4yM8pcnT9Edj+N6Htubm2iLRhGAsmnyysgIM6Uy/+p9j5MM+uUgxbrBF86cxbBtKqZJplrlnz74ABtTyWUXcr14fXSMvz59hs5YjJpt05dK8pk9u0EQeHVklNdGRwmqCpfS8zyxqZ9P7dqJJAgYls2FuTleHBrmPz/1gUVC/ub4BH/29nG643Hqts1ILn87t2DlPQGqjkV1naT1VhARuL9lI/9k1yOL9jvvBoIg8MHO7ZzKTPL1kTNrElLwifhMrcRMrcSp7Po8Tq9HRyjO/7Hv/exv6GS4lCGlhaja+Xdx9KvDAzL1KmdzN/dwvJNwPA9nITu8FnJGjfoa40CVJA53dpCpVkkF1xYDU0SJT/TsJl0v8ycDr69pA3UNHlC06hRv0tdzIyRB5PH2Lfy9rfcsqm6PlnOrLms7LkfHxzg7O0sqGOTo2Bif2t5G3R7CcMYJqrsIqbuWrXMgtfGm+3c8h4lampZAcs1lREFcyI56KMLaPeZROcKnOj9MSA7iei4z9TlGKmNUnRphOcTp/HnmjDS/uenX6Ap23JIMvJPvm4fH1coIk7Vpfq3vF9gS6cfDQxEV/nz4C0vbFgTCcoiQFCQqRyhYq0e7Hc/liZaHOZDcg4BASAryX6/+OdP1WeJqlKuVYVr1Jg4l96KICg94d3Oh6Fs9KKKCaZfxPJe0MUzdKRJX2xgsvU5S66Tq5KnaeS6VXiGldlG05kjXhyjbGaJKMxcKz7MhvJ9LxZdIal2U7OX9+aNXZrFMv2Rvw6YWpJu0qvwY7x0kOYCwntLbBciKvqyn1jKrKyfyHstsVwRBQFaDCAh4uMiaTNvOBLMX87TvSeFYLrnRMvWSSao3iud4lOZqhBsDKAGJ0lwdPI+Zi/ll73y/b3VpAitKKpKsYZnr7+tSlOAycuQ4dRzn1hNFUVQQpfWXz8tyYFlPrW0ba6r+3i48z8UySlgIUM8vux9r9QpbZtknlizcHzmwigjYewPbXXrHhJJtOLaF51jE2rdiGxWsetkPHMgyjlHHNEso4Ri2WUMORVAlBde2kJQAeqKN8uwQ5kKGMxLvonfrk4iSiue5iKKMbde4cuZr1Cq+00Iw3MSGrU+iBWJ+S4mkUMqPM3LpacwFNW5BkGjtuYvmjv3geQstFy4TQ6+Qnj69rDJA0FQi9x5GaW+l8P3nUFqaMMcn1/SxvR7heCd6ZMkTvJKfopyfvFOXel2ollwqxaUx47ksZgurFZfcdb2qnge1iv83SRFuq0/zehTmbeo1l0hcIhAQ/aTmDY8RUfJ7dhevTWn1OafnetQq/t8kWSAQXPkuESXYslcnmvC/68dfLlOvrD2Hzc7azIyZtG9QiSYkuvp9YivICsGWbgqXTwNgFjJYxRyVySGkgO9Y4Bg1pEAQJZJAb+3GKmSIbdmHXSkBHtH+XdQzs3jW0nezUnR589kSm3cH/b7ne0MMnKpy4zRRkuHwY75ydb3qcvyl8i0DCT9KWObSeJEVAS3w7pjHbRFb03H41oUBtjY28vfuOoTtuvzvzzzLS8MjfHT7Nu7f0MOGRIILc3P85O5dbEj6vW8NoRBd8RjjhSLbmhr51K6di9tUJInH+/uYLhaZqywpbRUNgy+ePsvHdmzn/Zt8Sw/X8xAX+igOdLRjOg5fPrPc0y2mB/iH9xxBkSRKhsG/fvFlLszNLSe2t4ErmQzN4TC/dOgAqWAQ13UXs5iP9W/kfZv6EAWB7wxc4ujoGB/csoVoQKOvIcVHlW2cmFwiaHXb5odXBrmnu4uf2beX6VKZtyd+tA+jmyEoqzzVtZ3/efv9NOu3X0+/FkKKyj/c8QB1x+IHExex1moCeIcQgG2JFn5n92McauxazBRvijWu6c36dw226zKQTlMyDPL1Ol2r9NleQ0BW+NUt96CIEv9t4I07KsqlihIf6NzGP9r5IC3BKJbr0Bdr5K358dWXlyTu3dBFwTDY39rG21OTSGKckLoXxy2iSZ0r1ilZNY6mLzFVyy4TqdocaePepq2AgOlYjFRm2BBqfVciRB3BVkKSP/mWBImwHML2HFzPxfVcRqsTNGopOoJt75llGJ5fmhwQNRpU/zknINAaaCYg3X67RUQO06a3LPZABuUgkihhuRYiIkFJZ8KZpub4PcYFs4goiGiSuqBSnmPeHKVkpf3MHhINWg/twe1kjDFqThFV0OkO7SVvTZE1xymYM5huBRAo21l0OU53aA95039+eq7H3EyeQq7CgXs3oYe0H5Pav0HIqo4s6xjkb7msIIgEFtRkAd/apJ5fRWvAo1aZX2aNEgw3IUqKnwkzHOoFf1LnmA6u46EnVMrpGmbFxq77EyPX9jBrDmbFopI1VgSyHdugXs0RiviuAYoaRA1EVvXVXQuanlgkqJ7nYdQK61KJFiUFVVu/fZ4WTCwFEDwPy6xg33GRRG/dpdi1SgbXsZEWzj0QTCKrwUVi96OC57p+r7SqI4gSZiWP61jIWhDPdZAUHVFSFttYZC2EVSstZOs9PNde1lvb0nkQ17W5dPrLWGYZWQ4gq0GMWh7wgx89W57ANmtcvfBtbLNKKNLKxu1P0dZ9hJFLzwAe8YaNtHUfYfTSM+TmBxFFmbaeu+nqf4RKcXqZ17EUj+HWDczRcRAFxFAQMajfktgKokxD5+5FRW7XdchOn8depw/znUKt4uDYy8eNvfC7ZXrUqktBcQ8Ws7eisKpu3DJIMkTiMnpIRFUFJEVAkqCrX1vqG1+j+t9xoJjzg5+C6NvMrGanK0oCqeYFmyTDXbWEV1EENmz1xcJc10NRBLbsvblLiLigRqmoArGUb63k2TZWOU9y52Gf1BZWPms8y8TIzKK3dqFGk5QGzxHdtBuzkMEuF6hOjeCtkth4+8UyH/hskuYOlX33hXn6CznmZ5Yv19Kpsv1gEFEUmBoxOfvm+i267iQEwS/tDsck1ICAogiLQYVIXFq23LvBbRFby3EZymb5xE6/RFUUBHqSCUZzeSzHuaWA0+0gX6tTsy22NC55pknrOFvDtnllZJRL6TQV02Iom+VA+ztXNH1k40b+5Nhb/Mtnn+dgRztPbt5EUziM53mM5PK8NDRM0agvZl5vJoRTtSxytRr3b+hZ8AUO0hgKrlguIMlsj7cwkJ8ls0oP6Z2GIkpsiTXx2b4DvK9jC6H3QJClKRDmn+1+lMZAmK+NnCG/hgXQ7SIkqzzatolf3XoPfdGlsRJWNLbGW3hp+upNs8R/V2C7LjXL5q7OLt4cX51EXg9dVvjlzUfoDMX5o4GjDBbn37UYV9NCWfpPbdxPYkFwQxIEtsRurqopSxJ7W1q5msuyu6UFx53FsMdQpBQV8xQx/aFly39j/Bgnc8O0B1OMVdJ0hRoYKs+yOdK2sE+RVj2FAO/YZuoaVGH5d+XGrbmey4L817vaz424RpyvwVvc+9J+rvlY3y5kQV4mKnX9FiRB4kByL+eKA/zh1T+nUUsyWp3g3obDtASaAI/p2gCyoBJRGhEQiCiNDJXfRBJk6k6RgBTB8upM1i5QtOZo07eiiSHa9K2oUhBZ0JionmGqdpGS7WdLPM8jPZWnsSXOxPA80USQVFOU20ga/hh3EJKkEQw3USndumpFEGUisaV3sOPaft/sKs/lajmNZZRRA347RTjahqpFqdlpHMtl7K00HpCfvG5i5kE1u4o+xxqPK9exKeXHSTZt8RWN5QDhSCvF7OjaK11/PoJIONa2JFzmeRRzq9ukrVxXIBRtY372wrpKT8PR1kXVWw+PejVzS+Xl9xLGQnmuovrzFj2UQg81/siJbTU3xTW2UpkfvY6YX/+08qgX5wGP8iKz8f+tF+a4/l6bRpFosptQtJVidhijXsCoLxFMPdRAJN7J+OALPumVA76NVS1HNNGNrOjYVpWG1l1YZgXDKBII+omdejWDJGtE4h3LiK1bqSIGdZSWJoRAAEEUqZ0buOW565Em4s2bFn+vl+cpzF55h33i7xy25a0pVOS53grSu4g1XkmSDJ0bNfbdH2b7AV8hNxyV0HQBRfXVeWVFQL6FSYfnwvDFOoWsQ7xB5q5HI7z4zfwKi6HWbpWdh/1xPDNuMTW68nslygINC+RXEODn/2nzLS/zte49QfAJmyiB6wqIioogK0jBMGq8AbtSQo2lkLQAciSOXSpQT0/SeORxajMTOPUq1alRJC2A5zh4tr0yPQ1MjZhceLtKY5tCR6/G5r1B5r+//Pu4+0iIxlYV1/U48Up5VeXn9xLxlMT2QyH23Rf2e7BTMoGQiKr591SSfZJ7p3BbTFQQfHXkur10UQzbRpXujAXNsgMTfeEV27k9UvLC1SG+dXGAz+zZTTSgka68u8hEVzzGbz94P+dn5/jOwAB/fOxtfvO+e6jbNv/xlVc50t3F+7o3cWJyilPTN3/Ji4KAJIqLGUvX81YVvgrKKr+27V7ub93Ii9ODHJ0dYbKap2jW33kryw0QEIirATbFmnisfTMPt/XTHoy9q57am+5vIYv6G9vvZ2+qgy8OneBUZuodZwOjC8T1Yz27eKRtEzE1sGwMioLAzmQrQVm9rTLZ/3+E53lIosjGZJKzszPsbm259UqAJsl8sHM7W2LNfHXkND+cvMR0tXjbgYKEqnO4qZuf2riffQ0daKK8eK8EBDZEUqiitGrZs4uHYds0hULEAwEuZzL0xjVcr4bpzKJJK71qhytzfHbD/cSUIM/PnuNTXUd4NT3A7MJExfFcooqfWb3O2eKOQxRE2vRmzhTOM2fM06w1vqPnpCxKOJ6DsVDq6Hkec0aaurv03UkoMequQd4q0KD5Wdusmae+jvLI24EgCMSVKCk1SYOapDvUwd2pQ/SEuhZLtjeEDzJvjKCKOmE5SURpwnLr2F6d7bFHiSkt9EWOULLSbI0+TFJtp2jPUbLmCUhRokojveHDVOwc26KPoMu+Yuu2fd1cODnG1j1dXDk/+bdC9fzvKiRZJZrsZn7m3C1tf/RQilB0qaffrBepllf32qxXM5SLUyS0yIKlSoJk0xamRjJ4nrvmpPJ2hoLnORSyw9hWFUX1e+eSzduYmzqFbd064KoF4sSSvYtZZcuqUsgOrXv/sVQv8rB2y30paohoontxP45jUcyNrns/7wVMo0QxO0I42oogiMhygMbWXRRzI7etLH0ziHqQ6J79iMEQhbdexymulsVcuOnLbv7Sz1p7J3IkQmXgwnWf3/ivj5mxYyhqiO5Nj2EZJbLpy8xPn8Wo+S0yihpCUcO09dxNS+fBxfUEUaZanlu4RwJ6MEkw3ETf9o8s7UMQVrXgcUtlqifOovX1gCBgjk3i3mK+KkoqTd37UfXYwqm75KYvUK+u3srzXsK/7Kt/8bz1FwEAvkrxE59O8Pin4jS2q8gS1Kp+qXO17GIZDkbdt5rxPWlv/h69eqHOsedLPPrxOFv36/zy/9bCD7+SJz1lIQjQsVHjyc8k6OjVsEyXZ7+aZ35mZYm/IICmL+2rXnVxnfWfmLVg9yOHIkh6iPSbPyTQ2E6wvZfK2GXsShG7WkIOBLHLBaxKkcKF45gLGd3S4Fn05k5ELYBbzK6+D9PjzedKHH4kQjAisu++EG+9UMJc8CNWAwKHH40gK74o1MlXK6uKOL0XECXYeTjEJ34lxZZ9QQJBEdeBUsGhXnGpllxMw8UyPZo7FJJN78xa9EbcFrHVZJn97e0cHR1jT1srNcticD7Dx3duR3mHhMhxXeq2jWE7mLZDxbQQBYG4rtMejfL81SHiemDRvqUxFAJ8Ql2zLCzXoWqZhGwFVZaZLpVpCAXpb0gxXSozW/b7ZjzPw7D9ZW3PpWKZ1C0bTb45KZ8qlhAE6EulONTRwXODVzFsm6ppUawb7GhqIhUMMl0qYi4o2nmeh+E4VC0L23WpmBZ1yyKkKHTGopyYnGJnSzNj+Twz5ZV9PYIgEFY0Djd2szfVwc/2V7lUmGMgP8uVYprRUo55o0LdthbFixzPxfFcXG9JksMvjxSQF4SGApJMRAnQG0mxPdHC7lQ7W2PNJDQdaR02O+8WgiAQUjQe79jM/oYOjs+P8+rsMKcyk8zXK9QcC9OxcTy/gFRcyDjJoogmyeiSQnswxvZkK3c1drM71U6DFlqVjHuey/ZEA7+160Fqto2Huyj2sTW+XLXVdOuISMhr+AMu366Hh8OOZAv/bPej2J6JiIR4h/xA3w3CskZSW1kBULEszs7MEFAUHurtRZXWf6ySKLIp1sg/2vEgT3Xt4LXZYd5KjzJYnKdsG9Rte6H01vPHmyiiihJBWaVFj7I31c4DrRvZk2onoqwUTBIEgU2xRv7XPY+t6B/WJJmuUILJYpHj01MEFYWRfJ7DHbsJa4cBG1lsWHHMgYUMR1DWKFk1ClYNVZSZWCg1lASRklX1xWtWGfLXbHMqTpWsmcf2bEpWmYyRRREVwnJoXddOQGBXbDsvpY/yxfFvcG/DYUJSkLxVICAF2BH1M0Ylq4Lt2dScOoZrkjGz6FKAkBxEFVUatAYUUeGF9Gu4eJTtCi/NHV3M2AqCwIZwFyk1wfenn+V9LQ9jezYvp4/iXBeEcDyHsl3Bcm2qTg3LNckYOTRJXdzXejBTn2OmPseR1IEFf1+BumOgiDKSIBFVGokqjcvWaQ9uW/Z7g9ZDg9az+Lsux2gO9C/+3hRY3ifteR7T41le+t4ZpscymIbNhk3rC9D8GHceAgKJhn5C0RbKhbXbaURRoaFlJ2rAn4jjeRTzo4uE4Ua4rs3c5EliqV4kSUUUZVo6D1LKjy+QutuZkK1Sf7iASnGKQnaYVPN2BEEgmugi2bSV9NSpm9rxCIJEQ9uuxTJmz3MpZIeplNZWur8R4Wgr8YY+5qfP3fR84g39hGPtCzY8HvVqllL+1tU27yU8zyEze56Glh2LljcNLTvIzV8hM3OeO3V/XKNOdXiQ5P2PIOnBNYjtzaEkkigNTQvE9uYw6gWGLn6PULSVZOMmGlt3EU/1Mnjumwtj1cOxDUYuPb1ivLuujWX5hNTzPArZEUYGvr/MpgnPw7ohkCFoKlr/BuSGJCAgxaK4pTJOcXXtA0GUSLZto6Fz72Kww6jkSI+f/JGKRt1pqJrAk59J8PFfaSAYFilkHI4+XeT06xVmxkyKOQej5uK6sHF7gH/8H9pJNd+cb9TKLl/5o/lFv937PxjjwINhykXf7icck9BDIpWiwwvfKPCDL+bWLKBwrhPA+sLvpxkbXH+weHrUxHXAMw1co0a0fxeiolEZv4KRncPI3hDg8zwqE1cXf3Utc9nva2HgRI2JIYP+XTrbD4RoblcWPWo7ejX6d+oIgsDVCzWGL/7oEj2bdun80u8007MlgG15nDvmi28ND9TJztpUyy627aEFBH7+t5t58EPxO7Lf2yK2kiDwvk19zFXK/KdXj+J5Hgc62jnUsSSKIokCcT2AJK6cwEY1DV1ZTh6mikW+eOYcl9Jp6rbDHx97iwd7N3Cos4PP7t3DX58+w394+VUEQWB/exsf27GdkmHwpTNnuTyfYaZU5s/ePsGO5iY+un0b9/R0cX52lt9//Q2imsbGZBJdUTAdh6+eO8dAep5i3eCvTp5mU2MDH9uxnaCyNqF5c3yc10bHUEQRD3hsUz+RhfM40t3Ffz99hlhAI6xqtITDiILfi/y1c+cZSKcX9nWK/oYUn9i5gye3bOYvjp/kd195jYSus6WxAWUNouF7XMq0BqO0BqPc19JLzbaWWfjkjCoFq07NNqnZFpbrLk5mZVFEE2XCikZM1WnWwzTpESKKRkhWfyRkdjVIgkiTHuGJjq080NpH3qwxUckzVSmQNWrUHBPHdZFFCVWSiCgBGrQQrcEoTXqYsOwr8Lo4uJ6N5wp4eDiehes5aFIQyzUQhCKf2rAb060xWx+mTd+EIqoYThXTrfs/uzXGKxdIaK00an6/pue5GG7N35ao4+BguyaKGMD2TKZrg3SGNvHzmw4yb0wQlhMEpDCmWwUEFFHDcuu4nktACq2L9NYcg5pjEJWDyLep0LkWXM+lZFepWTbDuRxD2Ry7WltoCAa5u6vrlut7noeLh4iAKklsT7SwJd7Ep3p3M1srMV7OM1cvUzTrvt+pIKHLCglVpzOUoDUYIaSoaJKMJioU7SpBSVv0Xb2GhkCYz/QdWPMYLNdFkSQaQyFGclksewTHnUWRW6la54hK9y5bZ1+yF8dziSshQnKAP7zyNJbr8GiL39svixJ9kQ6/FJnVX5AXipd5dvYlqk4N27N5bf4YZwsX6Qy28+G2JwhIAcJyiKC8vN8mIAWIKGHw/O9Vc6CRz3Z+iu9PPs83J7+P67noks6RlH++WTPP1ye+y7yZJWtmcTyXPx36K2RL46nOx9iR2kxroImnWt/HS+mj/PnIXxNTomyLbkYQfN9cgJSa5BMdT/H9mef4/OiXFpexPHuRsObMAl8b/w7TlTlKlLAcmz8Z+jxRJcL7Wh5iS7QfVVSJKhGk68asJEjE5CiqqCz48Ep4nssXx7++sG1flOqhpns5mNhzx8bvjUg1RTnyyDa6NjaiBVRU7ceqyH9jEAT0UANdfQ8zPPD9BUue5SRFFGVSzdto6TywKLRk23XSk6du6h2anRsgn75CsnkrgiASjPiiPWNXnqOYHcZZsxRXQJJVFDVMNNmDWS+Sn1/dk9u2akyPvkE00YOqhZHkAJ19D2FbNfLzV5aTkmvnI6k0tOygrfuI37/peZhGiZmxY7dVHizJATo3PohllCnmxlbJeAtE4h109D7g+8ay0Ec5ewGjdvsE706jmBtjfvosrT13IYoyihZmw5b3I4oS2blLOPbaE2dRUlHUINF4F67nkp29uHrG33WxC3lca/l1FbUAem8fciSCOT9PbXQIHAcpEkXv2YioaRgzUxhT11kQCQKBzm4ESaI2OrxqOSf4glml3Cjl/ATF7Agbd3yEaKKbdC2HWS/iOiayEqRey69ZRl4pzRBL9uA45mJ/7lqQYlGkcIjK62/7Zaaeh1OpLtoHLQZYBBFFDZFo3ULrxntRFnq0XddhduQYteL6gyp/G9HZp/Hox+OEIhLFnM1f/IdZXvp2AaO2Muhh1NZfLTY5YvLFP0jT0avS1K5Sr3pIkk9UJ4cMxq4YvPVimZOvlqmuITDlOlDM+s8CSRIYuVTnxMu3XwXqGTVyZ48hqhqe4+Dc4RbDzJzFqaMVerfpNLYp7DgcWiS2e+8NEU1IWKbH2y+UKRfvXGXFzaBqAo98PE735gCeC8eeK/Fn/2aWuUlrRTbfDoncwYKP2y1FFkgFg/xPhw+RqVaRFn6/PgPUGArxT+6/f4XyqiKK/Oz+vSuyRQ2hEJ/YsX3ZKzGhBxCArU2N/Nb991Ko18HzhWc8zyOsqjy5eTOP9y8NRl3xT2VTQwO/89CDVC2TsKohicKCVYrIQxt7ubu7e3EdTZbQbpG9et+mfg51duC4HrqikAzqSKKIJIr84sH9C9dBJBbQqNs2IVVFEAQe7N3AvrY2Pr1zF7qqoMo+SetLpfit+++lZBhEVA3H8wiraxNrx3WpmRa6qiCJImFFI6xoNATC9JK66bH/bYHneZiWg6r42fFa3URRZGRJJCAqqIbJ3ngHhxq7fSJjO8iShCgK1A0LSRJR5JX3qWCkyVuzBKQwNbvEbH0EXQ7TpHWjiCrTtUHiShNZc5pLpWNoUhBZUBmrXkBEol3vZ6o+SNnKEVGWrqXh1jiRfZqgHCWltSMJCtO1QaJKirCc4FLxTTQxSGOgk/HqRXpCOzHcKmOV8wiCSFxpZqp2GUXU6QhupjnQg+06uLgogrxqMOHl9El+OPMmv97/STaE2u7IdS/bNf7k6jcIy0E+2PsQ3fE4fanUujO280aBsl1DlzTSRp6IEkQXVequhSI59MTCHGxqZ6o2T4MWp0mLU7KrzNVzNAeSjFfnqLkKITmAB1wtT7Ez3kvsNoiPIAiLvfWTxSKWa1K3BzHsy6hOO0F154p17m/choeHKsp8vOswp3OjhOUAO+M+mfc8n6y7rP2S3BTZuNAzuhyKqBCUdUREPt76FI7lYRg2qiphGDaHIgc4GN9LeqKKEfZoaIjQKXfxhPYkDe06lm2DI5IIRnFtUO0ATzY+jiCxONYF4Ohrg5iSAil/n/c2HmZXfBvleg3JlUmGohyM7UNyZSzLQZIENigb+Nm2n8IUDDRJIyjqHIrvQ/YUajWTiBLmociDZJ0yXV0pZmYL1GomXa0pokoU1/XYHNxET28nCTW+eM6NWgN/r+/nichh5o0M35t+lv2J3WyLbUYRZCzP5vX5t3h65nm2RPpJqLF139/1QhAEtIDC7sO9iKLwNxKQ+zGWYFt1RFEi2bwNRQ0zO3GccmHCVzvGQ9PjJBo30dxxYDFb63kemdkLFDI3L9u1rRpjg8+jBZOEIi0Igkg00c2mXZ8gl75EITuy4H9q+nY4koKihtH0OOFoK6FoG5oeY2LwpTWJLfhWNdOjb9C58QEEUfZLSHd8mLmpU+TTg9RrWRzHQpJU9FCKZNNWGtt2oahh34rSNpkZe4tC5tYZlWtwHAvPcwnH2unb+THmJk9QyAxjGkVcx/ZJX6Kb1u4jhKIti17Y5eIUc5Mnb1r2LQgikqwhSoqf7b7u34CeWCTJ4JPrREMf9VoO17F8KxzHWvjZwnGMNUuLXcdkavQoeriRRGM/giCihxro2/ERcukr5DNXqVezi2JakqQgq0G0QIxQpJVwvJ2AnmBu6jS59KUFf851QJSI7N6LkmygPjFGZNceBEmkNjpC/PA9uJaJXSwQ23+YwiIphEDXBsI7dlE68daqpFYQRFLN27CsGma9sBi0AQ/b9rOstWqWzNxFWrsO49gG1dIsgiih6XHMepFS3u+xTk+dJtG4ic6NDzI3eQrHriOrIRQ1RH7+yrLyc8+yEVQFKZnArdbAdfFqJm0b7yec7MKx6niei6QECIRSaME4oqQujonC3CBzI2/dtMLgfwT07QiQbPIDRZdO1Xjlu8VVSS1AMCKhqOt79icbZT76CykaWhRe+36Br/1phkrRxXM9LNOjUnKoV29eYWDbHpPDpj9nkKCzL8DJVyu348wEgCDLeIKHXSsvKSMtzMMESfIDGws/gy+Ohuv6Dbuet+Bl6+HZDsIC1/EsC0QRQZJwLd+X9tGPx0k0yuy9N8yL3yzguh77H4iAAOlpi7NvVu4ogbwZokmJTbt0JEmgmLP5wRdyzE6sHtCUFYFw7M5VPd52yFsQBIKKQjC2+uRFkSRaIitV/66R4huhKwo9C+rJqyEWCBALBJjOlfi3X3uRT9+7m0N9nXTGV9+/ADSEgsDKfbVFV/p73gohVSWkrl6id+N1uH655nCYp49fJl2s8JtP3besXDah6yT0myurXcPgTIbf//5R/sGT97CpdWXZ5XpwrVdZEgXE96iH9vp9ZfMVKnWLaEgjW6jSkAgxlynT3Z4kk69wdSzNtr5W4hGdydk8Zy5NcnBnN9WaSSyqk8lV6GxNUKrUuTKSpjEZRhQFouEAesBXXg0HNVwc6k7FF3Fwq6iiRoe+maw5Q3twEwICLg4JtZlGrZMmrYfLpWPUnBIhOU7BShNVGpBvEADyPA9F1OgIbmG2PgKA41nkzTk69C00aB206L0LCrFRLNfAcGtElBSuZ1O05glKMVJaO5UFu6ETuQGyZpFHmg+iCCu/dmW7ykw9g3WHrBzAz9jOm3lszyGhB2jtvL0e6qpjMFyZpkGLMVvPMVPPElNC6JJGQFIpmGWCksbl0gSKKNOkxbFcm5HKLK7ncb4wQqueIiLrfq+sa70jD0bbdXlzcgIBvxpiS8NDxAL3IIlxVitlU0QJx3Mp23VERO5q6Ccgqotl0KZrc7E4QtmucTi1bcX9EASBkBwkJK98hlyD63qMXigyPZ1HECY4cqSPc+cmKBRrHDywgWNvXCIU1nj4oW2Mj2eZni7R39XG2yeHKRZrpFJVKpU65YqBokgc2L+BiydHMQyLxx7bwfYOd5nglCRIJNQ4x1+exLYd9uxRmZgoMD1ToKkxQkNDhMtXZmhqiqKpMpGIzODMJKlUmEuXxkgkQmzf3k5pyqVeEmnc2MCZS3NMz+RpD7ZwaW6Wrq4UI6Pz7NndtSzrqogyjZof+LlQnGamPstH2z+wUIYMLi4z9TRDlVHcW/RbvhsIgoAk/ZjQ/m1AITOE4xg0tOwkmuwhEu/ANCuLmUtJDqCoocVMred5lPLjjF15/iYZ1yWU8hMMXfgOG7Y+udjPqekxmjsP0tS+F9teIF6CgChIiLKCKCqLAQ/PW73N4Hp4rs3k8CsoWojm9v0+AQwm6dz4IC2dh3CsGq7nIooSsqIjK8FFUuHYJjPjbzE18tqq2d21YFRzCwTpEMFwE92bHsc2q9h2HTxf6VfRIkjXBKM8j3oty/jgC1TL6ZtuOxLvYsOWJ3ziLYq+d7AoLfr0SteJQmp6jN5tT+G5Dq7n4HkOnuvieb4X68TQy6SnTq+5r1plnuGB7wMQb+hDFCUUNURT+x4aWnfg2MbidREECUlSFknZNdzuN1nUVAJdG8i9+gLmzDSuaRDavA27UEBOJJn/wbdxyiVEVSW4cTNWdh412YDW1ELu1RcxptcumY8mNxBL9viZUvyxMTd5kmJ2xN+3YDN25Tk6eh+ko/c+3/fY87CtKlOjr1PK+9upliYYvfQDWrruom/HRxb8bW3KxakVAR1vwSc+sGkjnm3j2Ta1t06jhZIkWrasfqCeh+e5VHKTjJ373jJ7rP9REUvKyIqA58HcpLVowXMjxAVV5PV4nAoiHHw4zF2PRSlkbL7yxxmGLtx+Ca5tegycrGLWk2i6yP77wjz7ldwym6NbQdR1glu3IagqxsQEcjyGOT2NnEgiKgpSNIqdzeA5LnIyiZ3x9QScUgmlsRG3XEFpaQHXxZpPo3V149k2xsgwSnMzoh7EnJhg9NIUV87WOfRwmP6dOq1dKgjQvclXzz53rML02I9OeE4LiItktVpy1yS1APEGmbaeOydae9s+tqvBcBxkUUQS3rtIuiKJtCQihAN3XrEXls7tTh5/IqQjCLwrRdSAItOaiC5mpN8J6pbNX7x4nId3bGRTW+OtV3gX8DyYni9SKtcxkxEGhmbZtrGFdLZMMh5kfCqHYdi4C6JgruuRSoTJF2tUagbJeJBsvkIiFmR4IkPdtJjLlMgWqiSiOo7rsamniXBQIyTHsFyDulOmQeskIIZQpSAhOU7GmKRs58kZM6S0dhRRY6p2hY7gZmzPRJfCNGk9jFTO4no2AWmpb9InEa2ook5ETlC28ws/J5FFFU0KMVEdoEHrpGClcT2H9uAmxqsDCIg0B3qoOiV0KYwkyLiex+uZsyiizEPe/vf0+q+Fa/2vt4OmQJyIohMQVdp0P6giCSIBSUUWJIpqlZAc4IGm3QQlPxsQUYLsTfQTkBTiagRlYWKrijJV2yAsry+gcz0kUSSiqrSEI5RNA9fL47h5FFwMe5Swtvya5q0KXx57nTO5URzPRRVljjRs4gPt+4kofj+5JIh0BpveldVPvW6xfXs7FwemmZ7OU69bPtEVBbq7G+joSBCJBGhpjTExmaVWMykUa+zc0cGZM+N4nsfOHR2cPTvB9HQex3EZGZ3Hth08z/NtAjxv2WS9rS3OyOg85XKdiwPTBHU/Gzs6lqFvYzN9fU0cPz6CrEhks2VCQZWAJnPwwAYURaKlOU4uN4UkifT0NJBIhujqSlGpGFwcmCaZCKKqaz9rUmoSWZD5wcxz7InvQBIkpmozHM28xZ74DsLy+q1MbgdrvXt+nLn9m4HrWoxdeQ7bqtPcsQ9RUgno8RXLeQsT8WJ2hKGL31n0BL01PPLzg1w+/SU6Nz5IsmnLYsZRlBRUaWWVk78v3+DFNMq3LAUFPzs8fPH7GLUCbd13LWSXBd+S5wZbnmvbN2o5pkZfZ2bs2LrEppZBEJgZO4ZlVmjfcC+qFkHRwqiB5fZ618Z7tTzL6KUfkp27yK36V2UlQDDSjKLeWgNAEERkJbDq3xzHWtc2KsUprpz9Gu0b7qWpfe/iOqIoI67yDFm6P2BbVeq13O0FOgUBQRLxrAVbJ8NAVLWFLJfnW6F4Hq5pIUf8hIOcSOJWyoiaxsIDdZXjchm9/ENULeKT/4V+WLNexPMcohGBe+7W+MEzRUYGvoumx/2x6LlYVnUZuexoFygWL3Lp1DBaIIogSji2iWmUlpVoCwK4pQqF7z677LCu9c6udV0cq0Zu9jKTA89RLc6s/9r9LYZpuLiuhyQL6KEFFeFV4qMtXSr3PBFdsvu5CSQJ2ro1JNn3zW1qV5gZM6lXVwrQ3UQDC4CBkzVGLtXZtFtn2wGde94X5bmv51d4xd6Ia/dVisZQW1uxslnAQ1RU9L5+zMlJtN5enEoFQdUQXAdrbg5jbBQ5Hkfr7sazbERdx85kEFQVOZXCrVSwMvPIDY0Eunsw5+YQAhrlKZcTr5TZc3eIeEpix6EgrguxpIRR8zj2XGnNTPh7AcfxFsWzFE1YJsJ1PRRV4J73R2lquzPCUXCbxLZu20yXSjSGQkyXSsiiiOt5iyJMXfH4HbX8uR4N0RC//ZEH7/h2Xc/Dcm1yZg1VlAgrAcAXwrlmB/JOJr+SKPKRQ9vf9fF1Nyb4nY89dOsFb4JcucYrF4e5q//WfZV3AsGAylymxGymhCyL1E2bYqWObbuIC1ljRfFLciNhDY8IqiITCQewHY9ipU7dsFAVGcepUbYMZFmkIRFmcGyeZHzBakCKsDvx8Ir9xxSfhHWHtlO0KoxU0/RH7sZybWbqGUShC10KE5QTK9b3PI+KY+N4KcareWJKI/2Rzcv6QnfFH6Ri1xivzrI78QQSItP1eUShE01U0KQkDYFObNdh3shzMn+Ji8VhWvUGzhauoogyIgJteiMpbXnlget5pI0c80YeD0ipMRq1+LsiYDeeX80xGK5MEZJ1OoPNSAvbdj2PnFkkbeRwPJeEGqE5kEQSJIILk0rHcxirzBKQVFoCKeaNPGkzjwAk1CiNWoKU5ldGhGQdx3OZq2eZqqUXPKghqUaXnY/nef5yRo6CVcLxXHQpQHMgSUjyBac2NzSQrdbYmIxQrj9D3b6IIrUQUvetOMevjL1B1ijzS32PEpI0claZ706eQBFlPt51FwBFu0rayNOuN75jVeREIkQwpNGQCiMIAoZp09ISI6ApNDREOH9+kkQixJXLM8zOFMjnqzQ2RDh1eozOjiSu66HrKqmGMK7rYZg2nR1JqlWTkZF5xAWCHI0uBQMKxRq25SJJInv3dDE+nqWpKUo0qnP6zDiZbJm21jgnTo4iAKGQRkNDBFEUsG2XK4MzTE/lmJ0rkkiEuDgwxeRUnNbWOJcuzbB7d+dNyWJHsI2f7fk0r2fe4oW5VwFIqgk+0v4ku2LbViUcdwKe6zFwdpxCpoKHRziis21fN/IqLQo/xnsPSdYwjTJDF79LLn2Zlq6DhKKtKGoYUfR7sG2rRq2SYX76LOmpU5i3nV3yqBSnuXzmq0QTXTS27iIS70INRJDlwELWzMV1HRy7jmVWqVXnKWSGyM9fXVN5+UY4dp3xqy+SS1+iqX0v8dRG1EAMWQkgCBKe62BbNYx6ntz8FdJTp32xqHdQAupb93hMDr1MMTtCS9fBhT7fa6QKbKeOUcuTm7vEzPjb1Cq+Zc2tYJlVCtkRZHl1wrpeuK6NsU77HqOWY/ji90hPnqSxbTexVO/itRMX3pmua+PYpk9mqzkK2SFy6StUy7Nrix4JC/YokoSgKCCKeJaFlc2ib9iIZ1uE+jdTnxjDLhXwLItAZzdWJkOgvYPq0BUEUaJ69TLVgQvEj9yHU6lgzq7uXOHYdWpr9AbLMuzfp9LYIHL6jEVjQ5kLl/L098qUqy67d+qcu2Bx8aLFg/drvPCSQUuLyT1HSpimx8uvGuzcoRCPBXnpFYO9u1VCYYGXXjbo7ZXZ0CPx9nGTCxd9j9302Akso4wWTCx61dpmlWpxhuL8MJX85E171NcDUfIJRTAsLnrKyopAKOKPd8vy3snwfkcYGzSpVVxUTWbLXp3+nTqXTi0FjEQRujZpfOY3mujfpS8L9q4Fx4bBczXMukc8JfM//+s20lMWRn1Jrtl1oVp2mRwyOPFKmQvHq6sSv1za5ut/muE3/k0bgaDET//jJkJRidd+UGR+xlok4ZIE4bhEU5vC9oMhSnmbl75dxM7nMMbGEBQFO5/HM030vn6M6SkEVUFOpbDzeRDAq/tj0M7nCW7bTm3wCm6thr5pM3gu5vQ0oh7ErdfxXJfq5ctIkbC/Xdfj9Gtl5qaSdPSq7Lk3hKL6OjrjV+sMnLi9IJwg+GMiGBZRrlOh1kMigaCIZbo3JfelvMPUqEnHRpVIXOKeJ6JMDs1jGkvXOByTeORjcZ766eSyfbxb3DaxPT01Q08izompKSzXJaHrNIZCVEyTtmgUDTBtm//6zJts62iiUK3z2sAoAVXm8d393L2pG3Uh+5gulPmT597ik0d2cn58ltcGRnBcj8d29/Porj4USSJfqfFfn3mD8fkCrufxy48eYl+vXwJXqZt8/uUT9DanOHpphEQoyJP7NvPVN85h2jafuX8vvU2+9UWpZvDsmUFeu+TvY19vG+/fuwVHsRkqzaOKErP1ErIgElN0DNfGch12xNtoCcYo1Qw+//IJ+lpSvDYwSmM0xPv2bOJLR8/geh4/88A+uhriOK7HM6cv84OTlzBsh+2dzfz999+9WAaZr9T43Atvs7+3g4lMgWOD48iSyMM7NvLwjo0EFvptx+fz/OnzbzFXKCMIAr/51P30NieX3w/L5o3LYzx/bpB0sUIkoLF3Qxsf2LeFaDBAtlzlK6+f5a3BCa5Mz/PvvvkSUd1/UP7K44fZ29OGIAhYjsOp4SmeOX2FqVyR9mSUDx3YxraOZkRRoGpYfOG1U3Sm4sRDOt87cZH5UpUdnc389AP7CWpLk1lRFNjQkWJDx1LPqiAIbOvzVSQbk+HFzwCSsRDJ2PLo8KN3+2U4bU3LSd/IZJY9W9pX7bddCwOlUf7o6td4ouUuTuYuM2tkMRwTURB4rPkwH+94eJG0Wa7Na/On+drECxSsMiAgCSKHU9v5RMcjy0joaGWaf33xL/j1/k9yLHOO04VBak4dAZGf7HqcD7Tdw1Rtnr8Y+Q5TtTRTtXnmzQLj1TkEfNGfT3U+ygNNy4nZq/OnOVsYpGRVqLsmYSnIxzoe4rGWQ8sEfd4JfNJe48+Hv8vx3EV+qffDdAb9PlLDMXl+7m2+M/UqZdsXNpBFifsb9vLRjoeIKv49qjkGnxv+No2BONujvXx14gWKVgXTtdgZ7+M3+j9NRPEDD2W7ytcnXuSl9IlF5eSwrPNk6z081nwITVIXt/lnw9/iRO4SjucsCIG59IY7+LmeD9AZaOGN8Qks12Ekr/LU5g8QFx5FllKsxkpn63k+2nGY7fHOxc9qtsmFgi8o4uKSM4pElPWpG68GURTYvt1/DrU0++Pi2u8A8XiQLVt8i5O77urjrrv6AOjuXtlO0NTkBwJ27Vo63g9/eCVhFwSBIwvbuYYdO5bsjjo6lp4PXV2r998/cP/yErePfHg/pmlz4uQoPRsaiEVvnlGXBJH+SC/9kd6bLnfHIQjEk2HOvjXMnrs2cvXCNJt2dPyY2P4NQRRlBEHEdUwys+fJpgcI6ImF8mMFz3OwrCpGLb/Ya/lO4Tom+flB8vODyEoQNRD1iZMg4+H6xMkysMwKllnh9pR5F+C5lAuTlAuTyIrfDyorun+OnoNtVjHqhZsKI60HouCXCHueSzE3QjE/hqpF0AJRxIXnoWP7xNY/l/WjlB/jwtt/8a6O753A8xxKhQlKhQkkOYAWiCIrOqIoL5b1OraBZVaxzPK6ekID7Z2Ed+1FDOjE9h+imkhSuXCWwrGjRPcfJvHgo9iZeUqnT+AadQpvHiW8ay+hzdswJsepXrnkC0YV8hjTk5TOnCDYtwkrl8Ezb78cc37e4Y1jJrt3KWiqwOi4Q0uLxOmzDuWyiyJDqewxO+cSCAiEQyJDwzayLLBrh8qB/QrjEw7NTRLpeQc9KCNJkM+5GC3SdVlIj8LcFQpza/SGCwLRba3UZ4uEexupTuRI7O3CSJcoXZ4ltqsDSZPJHR/FzC4fP499Is6ee0MEwxKa7nuIhqMS4aj/DO3dFuBf/LcujLqHZbjUqy7lgsNL3yly4uWV7h13CoNna5w7VuXI4xFau1V+63fbefPZElOjJoGgyIYtAbYfDJJolHn7xRLNHSobttw8eON5cO5YlVe+V+Thj8aIJWViyTXoziMRnvxskle+W+D/+Q9zKzxePQ9ef6ZEa9c8n/q1RhJNMj/32828/zMJZsctygVf4yIUFYmlZJraFIIRka/9twzCd4p4hkHl7JnF7bnlMtacH3SrDw3B0ErNAbW9A6dawcpkwHEoH397XddydtLi1GtlOnqTbD8YQpb91ok3fliikL11y0Rzu8InfrXB95kN+2NE00SaO/05vqwI/OxvNfHRX0xhmR5GzaVWcRm9YvCtP88sK9GuFF2O/qDI9gNBwjGJD/98ip7NAc6/XcUyXBrbVbYfCNK7LUB6yuLcsQqHH42sdWi3hdsitrqisKetlWRQJ67ryJIIHoQ1FcO2kRdKHV3X48LELC+dH2Jvbzt3b+7m0lSa//SdVzGfcHh0Vz+iIFC3bN4aHKdYq6NIEts7WyjW6ouZUoCgpvLkvi1cnp7nD3/wOtnykpqY7bqcGZ3hzOg0+3s7+MobZ7kwMcv+3nZeGxjh229d5NeeuAvTdvjDZ97gzOgMj+7qQxIFnj0zyKXJND/3vn2UbYPmQJTuUJKpWgEHF02SKVp1ggt9KT75m+bixBw7u1r4+pvnOT8+y77edl48f5Xvnhjglx85hCSJ7O5uJaJrfOHV0wxMppd5ZVq2w/GhSV4bGGVbZxP3bOnm8tQ8//FbL6NIEo/s7EMUBZKRIB8+uI1TI9P8xYvHKddXTg5eGxjhv/zgde7fuoE93W3MFctcnprn0V1+CEmVJbZ3NgMCgzPzPLyzjw1Nfj9zRzK2eK9eOHeVP3v+bfb0tPLAtl7Ojc/wz7/4Q/7lpx5lZ1cLjusyMJnm9ctjNESCbGhK0p6KYTuuPwZuwGrRtIJRRxUlNFkmXa1Qsyzao1FkQaRoGMxVK3RGowSuc9++cTvdbUm/tFsQSJcqeJ5HU/TWpY8Vu8Z3p17j8Za7+PnkU7i4fGvyZb47/Rpboj0cSGwF4FT+Mp8b/ja74v28v+UIAUnjYnGEr028gOt5/GzPBxZJMEDdNfnqxPP0hTv4+32fRJNU8maJjmATAgKteopf6/sEGbPAfxj4SzZFuvmp7sdRRAUBYUVZbtGqcCI3wEfaH2RjuIOCVeJL48/y5Ynn2Bnroz347srIS3aV/z76A07mBviV3o9wKLXDF1HyXF7PnOULY89wKLmdh5sPoIoKZwtX+erE8wiCwE90Po62kI1z8TiRu0TOLPETXY/RpCUo27XFMmXwgwTfmXqVZ2eP8anOx9ga7cF0LZ6fe5svjz9LTAlxb8MeXxRIVOgJtbIt1kuH3oQkiFwsDvPFsWf53vRr/OKGjxAPaLw9NcWh9g7AIlf9LrYzTyRwD5HAETzPo2hVsT2XDj3FydwwcTXkl0A7BpdL0/RFfKLpeRCQNCzXxnsnk+A7hGrNpFwxaFzI+P5NQVEkDh7YgCAIiOKdPQ7bcpifLRCO6YTCgVXP0/M8qhUDVfOrOLLpEtFYkEBwqe1EFAVaO5M0tcYZvTyLokqIP+63/VsDz3WoVeYXsovvHWyrim3dWUXRH/k+rh+2notZL/iiRT8CxNsCdO+Oc/75OWzjzqTkZDmApsWp1eZx7DrVskEgEEeSVOq1HI7rE8lAIEEgEKdWy163ro6qhhEECccxMAy//Lc+OU59ehJF1lGUIEa9QECNgSmQf+l5X+lYi6GJYeqChTE9ibGQjRUQUGQdcbaEl64SDDZgjo5THRpcJh6lKmFkJUCtlkWStKXjsOsYZmlRqMu2fSXdQwdUzpyz2NAtc+SwSqnsIcsCiiKQSoqkUiKb+mV0XWB01Cab89BUgVnDQ5b9zO/YhM32rQrBgEAkLKBqoGkQj62zIksAJR7EKtYItMaoTmRx6iaIAnpbnEh/M2augpoMLSO2ggDbDwZ54KnYdZ8tf37qIYm+Hf6cZLFk3PQYGzTfU2JbzDl88Q/ShKMi2w+GaO1W+fAvpPyMseAfe7Xk8sMv5fn6n2V44tMJejZra25PFGHbgSAf++UGdhwMUsg4zE2Zi8JR4J+7ovmCRalmmUhc4qEPxylkbP7y99KLJbTXYFse3/hchnzG5kM/m6Jjo0Zbt0Zb9/LWSEEQcB2P7JxNesrCdd/Z/MKcmsScmrw9M2DArHuceLnMgx+KLfa3FnMOb79YWksMfBliKYkHPhQjGPbH441jRBAE2no02nqW+xi3nKvzzJdW9h4ffbpIS5fCk59JEk1I3PVYhEOPRMDz+6BdF66eq/FXv5fGqLts3R8kEn/3werb87GVJHoScQCi2vKBtdqEJagp/PoTR4jpAUp1g//7q8/z9KnL3NXfRTToEwTDshEQ+M2n7iMS0Hw/TEFYJLaqLLGru5VYMMCfraEevKmtkZ99cB/nxmcQBYGffmAfrucxPJejbtmcH5/l9Uuj/JOPPMChvi4EATY2p/hXX3uB8ekiD2zd5FvfAJtivsepiLigYrt0kQUBtnU08TMP7ufc2CwBVeZnHthHzbSYyhYxbJuwrNGeitEcj/DyhWEmsytLemzHpSkW4jeevIdEKEjFMLk8Pc/xoUnu37YBTZQJaSp7N/gZoL9eQ8V2Jl9ClSUe293P5rZGwMN2PDTFXz4c0LhnSw8BReYbx85xoLedPRuWK+5my1W+cewC+3vb+fUnjhBQZN63ZxO/8Wff4ttvX2Rru5/Rc1yXYrXObz51H30tfqbM9TyUVYht2TQZzufY2bTkF1uxLDwZVEliulzih8NX+blde2nQg5Qtky9dPMcnt25nU9LPaHmex1A6y6WpNJbjsrenjQuTs8T0ADs6Wzg/MUtrPIIkirx51e9X3L+hneG5LDOFMp3JGPt6/HP18Ngc7ebD7Q/4Cr2exwfb7uXt7EXGqjPsT2yh7pi8OHeckKzzk13vozWQQhAEuoLNZMw8L86d4P7GvWyPLWWqXM8lLOl8uutxInKQmlOnL9SOKIgLtigiSdXPxsmihC5pNKjxxUzljXBxebjpIA817UcR/d7ceaPAH139GjNG5h0TW0kQKdlVvjn5Eifyl/j5DU8tklrfR7XKi3MnaNISfKrzURq0+MK5tzBZneOV9Cnua9jLhvC1seNRdww+3H4/u2L9i3aE18VvSBs5Xk6f5HBqB+9ruWux3DkiBzlbGOSNzDkOJLehSxqiIPJEy91+NgP/WdKkJTiVv8xkLY3hmuxtbWN3SyupYBDPG0cSQr4aoOeX15iuzV+OvMJENYPhWMzU8xzLXEGXVEp2nYpdpzkQB3xxqTa9AVEQFo/rRw3P83jr5Ainz4/z93/xob9RYvteiTI5jsulcxOcOz7CfY/vwHU86jWTcFTHqFvYtoMsSwRDGlOjGVq7kqiqzOljQ2zob6azt8lXoxQFHMcjoCvc/eh2irkKjuMi/Thb+7cOenMXTr2CWcis+Jsab0QORalOrl9F+N1CVgXuejTCuWMV8vMrG/c27daJxiXefrl824leRRVwXe+WvXZ/m2BUHObHqrjOnQvoRSIdbNn8Uc5f+ALF4jiKrLOp/ynC4WYuXfoWmewlRFGhv+9JLKvGwKWv+UrEqS20tR4gGGxAEERsxyCXvcr4xGsYRgEch2Sql7b2w8zPX6S5aReSpDExcRQPj472I4iizPj4q0xNv4XnushygI72IyST/ahqZEEMyqVSmWN8/DXy+WHAQxBEmpv30Ny8i9Gxl2hp2UdQTyFKCrZVZ27uDJOTb2I7dYolj//nryoIgoBpelwcsJAlAdvx8Dy4OmRjWx6OC3/yZxVc18NebmHLhYsWsixgGB6v5Q2OvmFimr79zIULNqblayr07w3jOB5XT6/M1scbFXbcG+PSeJ3Y9nZEWcIX9hdQkyGqoxmqE1lc08FILy/7F0R46TtFLp6orosrqZqI43jYpseVc0slrJbp8a0/z3D06SK5tL3CJufpL+Q4fbRCuehQLV/noW57vPr9IhNDBrWKSyGz/Ls4dL7Of/5nUxx+JMLOu0I0tSlIskC54DB2xeDEq2XOvl6hUnZ59is5JocNcml71XLpTXt0fvVfttLdr3HurSp/9XtzjFyqY1ve8u+4IBAICmzeE+R/+uctNLUrHH4kytNfzDM1sjKrb9Y9nv1qnvNvVdl1JMTWfUFau1SCYf9alYsusxMmQxfqXD7t9+W+42fDGjdJRKIl0EvWnKburh5sOP9Wlf/yv0+jh/y5TbnoMnZlfVUzsxMWf/R/TCOto4/5ehRzDuXCyudrtezylT/KcPl0jQMPRejZpBGK+NZDc1MmF96u8dYLJaZHTTRd5I//zxkCIZGJoXcncnXbdj+3sTS9zSniQT9KH9U1Nrc18sMzV6gY1iKxBTiyuYvYwnK3O1WRRIHGaAhZkogFAwRVFUWSCGoKtuP4D4mZDJlyjWdOX+HoJV+WvVCtk6/UmMmV0KSlyyAt87UUb9iXSEM0hCKJxIIBEmF9cV+W46w7uCKLIts6mkmGfZXFcEClIRKkXDdwbyNCc6C3g1cvjvCfvvMKh/o6uWdLzwLpXD+y5SrDs1kc1+UPnn7jus9rDM5kcK4L82xqa6SnKYl8HdE2HYfXJ8eZKZfYkmpkYyLBdwYv8/b0JI/09HJ/Vw+5eo1Xxka5u6OLeCDAhniCqKbhef6Yao9EaQmHV5z7dL5EtlIjGdYZnM3QnohxdTZDV4NBQJEpVOsEFJly3aAzFWd0Ps+V2Qya7N+Ta+NVEWT6w50EJT8YIwgCYTlIQFKpOf41v9Z32hlspllLLK4rizJboxt4euYNRipTy4gtQH+kg7yZw3BqVJ06Hh4lq0RUiVC0yiTUGLq0vpLXoKTTF+lAXgimiIJATAkhCxLVd1ECZ3sO35p8mdfmT/MzPR/gSMPOZYSubFcXCX5Siy1dN1FmR2wjL8+fZLw2ex2xhZZAig2htqVngrA8ETFVm2feyDNRneXPR769+HndManYNdJGjppjoC/ck5pTZ6gyyVh1lpJVperUmaylCUo6hmNzaibNwxt6kUQBgQZC2n7q1hUUyQ+8yKLE+1p3U7PXfiAmFsRgLNchb5VoDiwv7TdNm1K5TiyqY5g25YqBIEAkHCBw3XiybYdiqY5h2qiqTCyq+8clCDiOS65QJaAphENLwb9c3p8YxaI6dcOmUKxy6vw4s+kiU7MFREFAVWRSydAysahK1aRS9V9KkXAAPbB0HK7rUSzVUBQJVZEplmpYtkNAU4hG9MXsq+u6lCoGtZp/bTTV72eXpPX5WFu2Qy5fJRLW0BfE+1zPI5evoMgS0cjq5cuO7TI9kUWSRUKRABMjaQYvTBFNhKiUapSKdSJRnb1HNjJwdpxoIki4LUGiIYIHZOdLTI9lCARVtIBCJBokPZPHqNtMDKV57GP70YPvjZjgj3G7EJCDYaRAcNGjUZAV5EAI1zJwjBpyKILe1I5VzOLUq7jWuytRXg8816OQ8YnHamjtVmlqUzj+cvm2eK0gwJ57Q8xNWIxevv3zEARo7o/Qsy+OrIpMDZQYfjtLMKaw+f5GQnGVwlydSy+nCUQUunfH0cIyhdk68ZYAUxeL6FEFWROJtQQwaw6XXk5TyVlEmzU23d2AHlXITdUYeDmNbbg094fpP5KikrOYHSzj2gvZlv4w3XsTBOP+s2XgpTls06W5P4KiiegxheG3skwNrN4jbZr+50G9wSe2aghdTyIIIqFQE5nsJRRFR9dTFIqnAEgm++nb+AT1eo6xsVew7BrhUDMtLXtQtQiXL38T264jiBKhYCNGOM/k1DFamvfQ3f0AxeIEY2Mv09q6n9bWfaTnLywehyzrFEuTlMvTOHadUKiZ9vZDbOh5mAsXv4Rh+MkGUZQIhRrZ0PMIufwQs7OnEEWZ5ubddHbeTb2eZ3bOV4Y2DLjGilwXrOvGk20v/VxbQ5zn+nXW3JYA1ZKzZpYvFJPYvD/M6VemqF5Mg+vimg6ZN4bwHBfXsDBzFQRJxKkt78Ft69VBlnjmy/lb9s4KIux/JMHkYI3p4eXzDseGE6+sXSJ/5o0qZ95YWe3guXD5dI3Lp1fv8/Q8mB23+M7nszz7lTyy4k8oXMcXlzKNJVI6ftVc9Gi9EWpA4IGnYnRv0igXHP76/5fm3LG1qi886lXfX/Xu90V45GNxogmJhlZlVWIL/vFMDptMjZq88I2838MqAp7/PrZMD9N47/qTBUEkobRSsnNrEttKyeWV766vR/5GFLIOz33tzlaP1Ksux14oc+poBVUTkST/fluWX8p8rUe5VnF59fvv7LhvxHvmcC/gKxlfmzgJgoCqSDiOi3vDXY8E1i4rWA+ulUALgrD487VptocvbiWJvirstWlcPBjgY4d33JZKsLBsX9f9fJvHK4oCIU1ddm1EQbjdqgP6W1P8zsce4tWBEd64PMZzZwd5aMdGPnv/vnWrR5u24yvHytKy83hg2wZaExEkScRaUDDWVfm66+ujZBq8PT3JvpZWkrpOQFboisZIVyscaG0nIMk06EFqtsVspUx3LL6u4/LwHxSO6xHSVKIBjdF5X1BJFASmckVczyMWDNAQCREPBijWDDzPW/QZvnY5RUEkJOurWA0Ii5J4lmtjuBa6pCGJy8MrIUnH9Twqq5DLpBonbczTHGimbFcoWSXqroEiKswZaYKyvm5iq4oyuqjdQDaWem/eKS4Wh5EECcO1sFybG0esufC5LmkrMphhWfe9lJ3l565JKoq4tlBQzaljujZlu8ZUbXl5Yl+4kw69CUXwfannjBx/PvwdRipTtAebSCgRREFcLHURgKJh8L0rl2kKhTnS2Ykmh9HkLq4FnyRBXCw1vhVkUaRJS6w416HRNH/11Tf5wGO7eOP4EFeG5vA8j0996AD3HelHEgRK5To/fOkCbxwfolSuEwpq3Hu4n8cf3IYeUMgXa/zeHz3LXQd6+eBjuxa3/bkvHCUQUPiFn7yHo28N8twrA1y8PI3juPyr//w9BAQ2dDXwG7/yCIos4bgu5y5O8f3nzjIxlfNl+ztSfPJDB+juSCIIAvW6yee//AaNDRECmsxrx65SLNXp29DIr//8gwSDGrbt8MbxYX740gXS2TKe6xENB/jQE7u5++DGdV2v2XSR3/3DH/LJD+3nyAF/Hcu0+YPPvUh3Z4qf+eSRVddTNZnOngZSjVH0oMrYUBrLdMjOl4gnQqia4pNvDwK6SrVsYFsO9aqJFpBp725g+NIMpWKNvXf14dgO2XSJprYEmq6wDk7+Y/yIIIgigaYOwl39lEZdrHKR+Oa9SIEg4FG4fAoAvaXTrxV0HXLn3qS9C5raVfSQiKYLnD5aYX7GJhwT6d+pY9Q92jeoTAwZDJysISsC2w8EaelUSU9ZnD1WwbY8+nbodPdrOK7H5VM1JoZMghGRQw9HCOjisoxFOCax554QAV0k0bg0BYolJXYcChGKioxeNrhytkY0IbNplw4CxFMSV8/XmRgy2Hk4xBM/kWBqxGRiyOTYcyVy8+tPzyQ6dO77mW5GT+WZn6pi1x08FyRFxDZc5oYq7H5/C7WCRb1ks+3hJmYHy2y5r5GREzn2PtWGVXeINGicf26ODQcSaEGZN780jqyKGFWHcsZk34faKMzUGT9boDhbp5wx6T2Y5OILfimyrIkc+ckuLr/mP6M37E9w/BsW7dui3PUTnRz/xiRWzeGez3bzjf/rAlZ95YzdMIqYVplQuBlmIRhswHFMqtV5gsFGRFFB06LIcoByeRpJ0mhvO4zr2gxefZpyeQqATGYA266zYcMjpBMbSafPL+4jlx9ievoEkqjQ1/d+MpkBZmZPIis6He1HUNUIplnCtusMjzyH5zmLdkPzmUuoWoSG1Fb0QHKR2AKIokqpPMXQ0DOLNlT1eo7t2z5NLN7DXPrsYk9wKCqxaX8E1/VINKmMXqwwcqGKIMCWgxGqJYeOfh2j6nL65QKW6dK5SadnewjLcLl4rER+zqKhXWXzgQiKKjI9VGNwITu75WCE9j6dy8eXAgiSIrB5f5imTg3XAVES8GwXTIfN+8M0dwfIzZpcPFbC00Q2HwjiudDQHqMwb3HuaIG2Xp0HP9VIJCGTatUYOlth6Ozq5FQNiOy4J8qDn2xk/HKVmZE6J5/PU8zabD4Yxqy5tPQE8Dw483KBaEom2aJy4Y0SsiKw54EYmRmTaEohFJXJTJskWxQGT1WwTZee7SEEESIJmUtvl5gZNZZNbVyHZZne24UeFNm4LYAoCqSnLMYHbx108jwWS2gF0S8Zv+U6LtRrHqbpLgaI1oQALdsSuJbL3OX1k0YBn8QGpQiOZ5OzprE8ExCIyimicgOWWydjTuBgo4pBkkorkqBQsjM4noUsqFScAo1qF/PmGPrCtipOft3HcUfg+Rlvs/6jMdF9z4ith8dcsbLYh+m4LulChYiuvWfKycAKlikKfkY3qmv8xN27lmU0Pf7HtYu4pgzXkYrxE3fv5om9m3nh3FX+8Ok32N/bwYGNHUsTP78xFWcV5hzVNeIhnQMbO/jMfXu51mJ3raz0VtcnpgV4oKuH07MzGLZDSyhMVNOIqCoNui8iFJAVwqp6W7ZHtuNQsyx0VWYmX2bv7jbakzE0WSaoKdyzqQeAiK7RkYwhiyL5ao3B2Xkc12O2UGZj83UCVrfYtyLKaKJCzTFwPGeZUFPVqSMIArq8MgCjiDLboltQRIWUGvfFMvBQRYWuYDuqqFKwrr1Ebk1O34vhGJFDfLrrMd7MnufLE8/RqjewK9a3eG9VUUER5YVzd5cRvoqz0Dsr3tB6cIsrqokqqqjwYNN+Hm8+vOLvoiASkDRcXJ6bPcbx3AB/r+/j7EtsRpc0DMeiaJWZM3JIosiRzk7myhWaw+HrxuU7e45IgkRfpGPF56blcHUkzbeePs2+nV3cf9cmcvkKXR1JREHAth2effkiT79wng8+tovenkYuDc7w5W+/TSio8vB9W3Bdl2y+QrW2POKbL1YJWioCsG9XN90dKf7ii69j2Q6/9vMP+hlbVVrsWR+byPK5L7xGV3uSX/zMvZiWw9e/d5L/9pev8Nv/4Aki4QCuB5l8hVPnx9m/u5uPPrkXSRKp1Uy0BUG3bL7KF77xFn0bGvnkhw7gOA5Do/PEY2t79N4I23bJ5CrUjaWJu+dBrlAllQhTsf1xo4kyNcdCREAW/UCZEJFQNAVH8JAiErFgmFA8QEgPoIkSIGBZDo7j+oQ3Gcaom5QLAq7jIisSakAmEvOzwnuP9OF50NASvakt0Y/xo4XnOpRHLiLrQURRRonGkcNRMqdeJdy1iWBbL1Y5j5mbJ3vmKI0HHkaJJundVuWhj8R55bsFmtpVPvwLAf7i388Rict86OdSnHm9QnraWqjugQMPhNlxKMTFE77YjKYLDF2o8/6fSnD+WBXXhsBCCZ5leMxNWnz0F1NcPFmlkHWQZHjgqSgdGzUGTtTYvFfn0skaqibwvk8n8FzIpm3e9xOJxSzvp36tgZe+VcC2PT70cyn+6vfmKBccbNtjfsZiatTAuM1+1Y7tMcpZk5PfmVpGFutlm9K8QTipIisi0aYA9VKZ/HSdobeyRBo1Lh+d596f7sYxXa4ey3LhxTmqeStSQ/UAACSfSURBVJO9T7WhhSRqBYtqziQYV1ACEuGGhaqYok1mrEr3nvji/kRJQAlIVAsWngvFtEG9ZIEA8yMVzvxgBiUg0XdXCj2qYK2i9eE4JtVKmlCwCRCIRNqp1bNUyrPEExsWe3A9z6Vez6NpMSKRVubnB6hWl+yfXNcmm71CZ+c9JJObSKcvLGzfWiCjHqZVwXUtqlWfiFtWFUEQka6runMcA0EQF3yN/eSKUS8stFzcGPD3SKfPL/NWrtVy2HYNRdYXhb4AQnGZJ3+hhRPP5zDrLo99tplv/uEU2RmTQ08ksUyPKydKuK6H53q0b9R58JNNjJyv0Nih0b0lyNd+f5L3/XQzubRFZtokEJIQBN8aJTNtsu/hOLblMnLBzzL27Q5x/8caOf96kY5+nWDEX377kSh7Hohz6e0Su++PE4rKnDta4IFPNFJIW1w9XeHIB5PUKw6ZGRPLcCllbWZG65TyawdgXNejUnRwbI/MlMnsqIG5MLb3PZxA00UG3irhWL51U9tGnU37I1x4o4Siidz1gRSXT5To2R6iWnTYeW+U/JxFvFHhyskyH/zlVl75eho9LPP+X2jly787Qfkmx3O7EERQ1GuWSawrH6DpAp19/nfEqHkUc+sjX6FUgJatcYaPzt60tF8QoH13Cqtm3xaxDclxOvTNzBmj/ngWZPBMREQSSgvz5gTN2gZfDNOapkvfjuvZGG6VTn0rZTuLIgTwzFE69W3U3BJxuYWiPXdLYitGwyitTYgBDadQRIrHsKbnsGfnkVsaUdubQZKwxqexZtL+8i2NCJKEGA5ijk5iz763egs3w3s6MxiYnOP1y6Ps6GxhaDbD21cnONzfuajMeyt4nofr+Vk703Z8Q2zHxbRtvwd3nUms3d1txEM6Xzp6hk/fu4eorlGuG8yXqmxtbyKyzuNZD1zPw3FcLMf35nI9zz9eUVyR7VwL3sI5u56LZbt4gLV43iKS6Pe3Xpn2SVxrPIIgCMSDvjWK467MiMuiyJnRaXqbfZuRUEAloMg0REMc6uvk+bOD9LWk6GtJ4bgeU7kizbEwHanY6ge5gKplka/XCakqmVoVx/OIaQGytRpvTk2wp7mVyVKRq7ksVcumJRxmvFhgrFDgzNwMh1s7GC8WGC3kCckqKS1IQyiIIkkc3thFuW6gqwqRgEZUXypfb46tFI1qjIZ5dHsfluOSCOlIt8ESg3KAjeEOhsqTpI08zZqfFXNch4HSCKog0x1cPSOoS34Z/fWWQACq6L9ERQRERMy/IbGijmAT+xJb2Bju4P975Yt8bvjb/C9bfpq2QINvuSQH6Qm1MlqdJmcWSal+ObLtOpwvDBOWg7QvqCevF216Awk1wqXSKE+23oMm+mVunuctXgNRELBcj5HKNAk1zO54PzEljOd5ZJ3igjWTHxR7e3IKDxgrFmiLRG7r3t4ObMdl26bWRZJ4PQqlOi+9fpl9O7t49P6tiJJIT2eKt06N8PLrl7n3cN8aW70OgkAiFkRTZYK6imU7dLTGEa97Nniex5snhqnXLT765F7aWuKw8Fz5d7//NGMTGbZv8fvvPdcjpKt84oP7aGqIrtidt7Cepik0N0ZIxEPs2tYBCHcsiHI6N47tOqS0MHmziodffSAi4IZdJqt55JqCujNIT7iB6VqecCBEb2SpWqZ749L4euSpvQDMTeexLYftO7sXx86bLwxwdWCKxpYYT/7EYbRVevx/jL95CKJvG+I5Fp5tIQX9d6xrm3i2jec6CKKEIAqMXTF48VsFYkmZX/2XrcRTflDRdTxe+V6B+Wl/4qsFBA49HGF+2idh1YrLjkMhhi7WcR2f0J56tczUqE9SLNNjZKBOpbg0UdVDIpt26Xz3L3NcPlMjmpT8zG2TzPaDQd54poRluCiawKZdOpfP1ChkbJ79ah6AjdsDRBISo5cN5qdtBs/VOf/W7QtNKZqIVXOWTYgFSeDgxzqINmoMvpnBqNqLwUPH9jNDjuUurSOAbbq+RZDlLpLUfR9qRwmIDB/PYVadm37PzarD5IUi+55qY264wslvT2HU/OtVL9vYpoukLFSmrSEs53ku5coMLc17UNUQ4VAL5cospfIUjY070LQYup7EsiqYZoVgMIUsB6kbhUWBpmuw7Cq2baAHEkvbx73O3sbDdV3cxfWuXb9r1W8ioVAzyWQ/4VALihpEEhU0LYYgSCsix65rr2pD5XkugiCsCOxXSw5Hv5OlWrRpaNfo3hYkO2OiaCKnXsxy6sUl4rLlYIRQVMKouVSLDlsPRYgmFWoVl0hc5vLxMmMD1cUAytx4nbmJ5YGDLQejDJ4q8+o35tm4O8QjP9mEJAsceDRBKWfjuR61ssOm/WEuHS9hWx5v/iDLlZNlQnGJ9n6di8dKzI4ayIrAhTeKq3rEXoNteowPVMnOmgydqzB0Zimzq6gCV06UeeN72VvOvScHa8yOGrT3BRg6W6F/nz9HzactXvtWxlfX/ec9NHVpd5TYWqYfbOrfFaC5Q2HjjgDHXyqvWQ0ZCIo89OEYW/f6gdPxQYPZiVtbKUVbg2x+rJ3W7QmUoExhosL0+RxyQKJla5xATKWaMZi9lMe1r5uPC9DYF/UFpoZLxDvDJHvCGCWL2YE8Vm3p5rieszBzlMiaU9TdCtKCEvyMMcS8OY4kSETkBDWnSFCKMFB+A9OtIQkyYSmJi0tISlCy5wlJcRRRpebcWghMTiWIPHgXdiaH0tyAOTmD1t9D/svfQ2luQAwFEYM6ga0byX/taZTmBuIfex+1E+dBENC39ZH70ndxq+9ORf6d4j0sRRbobU7ypaNn+MPSG1QMk/7WBj56eMei3c+1JdeC63m8dGGYb711gUypylyxwh8/e4zvHB9ge2cTHzq4bc31r/+0qyHGP3j/3fzJc8f47c9/D/DLgTtTcf7JRx64A8R2aW9T2SKfe+FtprJFLk/PY1g2v/G5b5OKBPnMfXtpiob8pVcc9tJE03Jcvv32RV66MMRcoUy2XOXff/MlmmIhDvV18am7dyEAb1we47snBvwHMOC4Ho/s6ltQQvYWe1g7UlEe3dXHV14/y/dPXkJXFP7xU/exu6cVXVX47P17+dzzDv/pO68ukg5Vkvi1J47Qfh2xvZaju6aYJwgCAVmmOxanNRyhIxJFkyTawhE+vmU7puMgCQIhReGp/i2IgoAuy7SGI/zEth1oksyZgUlGMzk+uXMHV4bnePnYIB+8dzuqIhHTNWLX3Zvr97saREGgOfbO5MIDosqDjfs5mx/kC2PP8MG2ewmIGgOlEV6YO86exCY2httvvaFVEJR1kmqUgdII5wpDtOoNOJ5DXIks2ui8lxAW/msNNPALGz7Evx/4PH8+/G3+fv+niMohQnKQB5v286dD3+SrE8/zaPMhVFHhXOEqr82f5oHGfXTot0dsmwMpHmzax9cnXuSLY89wV2onqqRQtetM1uZo15vYHutFQKA5kOJU/jLnClfZFt1A0arww9k3marN0xH0BYSqls32pibemBhnKJejN5FAWmeg6HYgyxJb+1tXkFqAYqnG1Eye6ZkCJ8+NL34+NVugpSmKc4cEWRzHZXwqy+hElv/79763mMWt1S2K5RrF8vKXRWd7kkRs9XGUSoT4yPv38PXvn+LUuXEO7enh/rs3sbHbF2y5E6jaJkFJISwHiKlB0vWi/zoWRWq2SUTWiCgBskYF23PQRBlzLf/K69DUGqepNX7Dpx4bt7ZRqxjvWHHyx3jvYZXy4HnEt+xHCccpDJ5B0nQCDW3Et+1HkGSsUg5QMA13oZfObzuQFf/5Xqv4VhLXIIg+Mb3279hlg+kxk/SUxRf/IM3BB8P8xK838vozRY4+vXo/qCgKSIpAveYu7iOgiyiKgKIKyKqAqomcfKXM1fN1ZEVYPA5NF3Ad7ojQ2syVMpvva6RzZ4zCrN9CU543ad4YZvCNDNmJGnpM4aZfUQ96DySZvlRi48EUhZk6tunS0B3k/HOz5KdrBONL7SKSIqDqErIqogYljKovvhNKqMyPVpm9UvbF2m77/DwqlVlkOUAo1IymRZibO0u1ksbzHMLhFoLBhsVM6LV1Vq/58edBywLA3o08au3vfTLRT1/f+/E8l0z2Mrn8ELZdI5XcRCq1ZcXy1wda1wPH9q1wXAcsw0XVFpxAbI9SbvkzTQv6Y1ULiph1l+e/mKZcsPn+52bYcU+UBz7RQHrC4Ad/Pou5Sok3+KXB2RkXzwOz7uLYHggQCEmU8zaBkMTMSJ35KcMXsLI9SlnbD3aYHpp+596RrgvFrLX88ntLU1lRYnHs2KZ/LJbp4TpLy9imu0jkHef/be/Mg+yo7v3+6e323Ze5s49m0S4hgQSSAAMGDNgYmwf4Gcp28G7nVV4qVcmrSv5xKpU/UvkjqST1sry8eq/Cg/DsxHYoG6yYTYBZbLAAIUD7OhqNZjTr3Zfu28vJH33nakYzI8/YQJ6S8/ln5vZy+nTf7r7nd37LV2CELr8HmmWQhUDR9KCgpKrhOUG+9Vw5XX+ZWhr1is+B1yvccHuceErj+z/opq1zhpMf1KmUgnB/3QhkjnqGQnzqswn23JUgHFOpFH2e+3GOSul3e2xVXSGcDKEZKqqmtCZ9ohmTvuuzODWPrZ/v59Az5xjZP9U6tZ5tGXZ8eS3v/vA02Q1Jdn11PblzFVJ9MTo2pXj/qWFEcxxR84qcrh6g0xxko3kjo/UjlN0cAkHDD54jT3goaKjKnJfaAwSecPGEi6JA0siSdy6SNroCZ5lYgbGpgDubp/7BMZQ911F79xCJu28FwDo1jNHVgZ5NY24cQm06nLx8kfKrvwVVpe3RB1GTCfyahaJAf79Gf7/G1LTPuWGXDRt1MmmVM2dcZmd9evs02jIq1WpQQfzkSZfeXo01/Rpnz7hMTq4uIuZj9diu7Wjje3fvYTxfQtdU+rPpBbmfnak4//Yb9y3rFVQVha19nQuMmzniEZO2eJR//MVbW+u/feeuZn6lwud2bOTWLYPEwyaqqrJ7/Ro293ZwIVfEclwihkF3Ok4qdmXdxjkSEZM/u/820rEIqqLw3bv3NHOI4Yu7tnCXvZ5IKMgZe2jPNYGHeR6aqtLXliRqhvjBH99FKrZQh+tP770ZVQFT1xDA7vV9DHWkgeA94joeqqqQioTxPR9VUfjjG7dz47p+zp6fpqs7hW979LWlMBSVcqneKqxiqCrfvn0Xd29bj+W6REyDwfYMjUbg+W6LRPgnX7yN0ekCJcsOBiSRMNl4FOELSvka37hlJ6lEFN8LXq7Vik0qHaVSqDMYTyEIiu+MTMwyMJBdkEvbHU/QHQ8MzrrlcPTUOLlijdv3bCTZa1CvNbi2s4s14QTvfDiC5/kcGp5keHSW9kwMUKjUbLKZGNl0bIFG7keFoijsSG/ge+se4KejL/OvjjzWGvjfkNnMV/s/t0DqZzWEtRAP9t3B48N7+Q8nfoSphYjpEb4xeB83Zbd/lKdxRRRFYWO8n++ve4j/dOrH/OT8Pr4+eB9RPczN2e1Yns0zY6/z5syHzckShds7rueR/rtbUj8rxVB1Hui9HRWVfZP7eXFyf2tdxkjw9aEvAEFu7L3dN3GyfJ6/OvMz4noEXdHZmhzinq4bOVUZRVNVNre3k6vX2JjNUrbtj83vrcAVtVENXePWGzewZ+fQguXRaIhw2KBuNX9w54/LhKDR8Iiu5vYRMDSQ5asP7iEamRc+p8DGtQsnGXRNXVamR9c1PnvHNVx/7QAfHBnl5TeO8/Ibx/mTb36aOz61aUWpGEttIYTAcYJ33NZUDz2RdJDxgEJfJL1kO73LLF8Ne27fTKlQp1axZCjy3yUUFUVVUQ0Tt1bBt+vkD+8nlMpSOX8Kp5RHDZlMvfU8WjhGZfg4nlUDUgxsDDO4yaSj18BxBMWcR7q9+d3Oe46chuDkB0HY8MHfVAiFFKoVHzOsousKb+0rIwRsuT7Kmy+UA6MioqIZCmZYRdPBtnxmLjpce2MUq+az9YYoE+cbFGY9Lo40mJ10OHGwjhlRyU259K1dulaF5wkalk93f4ixYTsITf7djp4WF0+UOfDMGNfe24OqwvCBPIf3TfLOzy5w/f299GxOMHwgT2HCwq665MfqWFWX3GgNx/KYOVcjmjZwGz43PbIGx/Z5+6kL1EsOB/eOs+3uLvq3pzjx62mq+QaaoXDd53tYuytDJGXw6W8NcejFSUpTFrGMQa3o0D4UY8d9PRx4ZoxaoUHuQjB49n3B1JlK4B1eBssqIoQgFutCVXVq9Rkct45lFUjEe4mEM+RypwGB49RoNCpEIlkURUeIS0ZKKBRH16PU8quvnK1pJt3dO1E1gyNHggrNc8RiXVfYc+Uk23Q27oxTmHbo7A/z4RuBh3ae8kmLkWM1ugbCnP2wSq3ioesKji3oWGNw+mCFct7l7q91Eo4Fhq8RUoMwWhFU83YbgrHTddZfF+PkeyYbdsSJJnR8T3D6/TKJjMHhN0vohoJd81pyLkv9NtbKLoNbomQ6Q1RLLlZ1+e8yqIbs07HGZGbMploMQpOXolJ0SbTpdA+F6RwwSXdceZzQ3meydlsM3VAIR1VmLy40UM14G5puInwPM5ahUQ/yoRVVw4wFRT09x6Zw8fiS7fs+/PrZEoObTO79Sob+DSb/6F/3Usp51CpzeewK0bhKPKmhNXVep8cd/ud/nuadVyorKvxUGK1y8XAOEJzYN4bnBDuVJ+scf3GMWMakbTBOZiDOyP4g3L5jQ4r+Xe28/cRJZs6UuOVPtmBXHCaO5WnUXIZu7uTEvjFqucBrbygmAo9x6xQDkW0ktCxlN5DKuvzbsH0LT7ikjE7qXpmk3k7OuUhUS5HSOzjvHKbLXEfFzc2LdrgywnURroeY07sC1HiU9JfuxZ2axatU5vIVg2tftxB2A8UMBRMTTcfDpk06Dz4U5oMPHGxbQdOgq0slHlf51C1RfvjDGo88HEHTIRpTKJcEiYTNLbeGOHbM5ZvfivL439SYmVm5cfuxjgwEgvZkjPbk0t4E09DZPtC97P6KotCTSdCTWd4LNz9ndrDjUvhKV3rhPoqikIyGuWZVo8tLGJrGhp721uehecfqnncsXQtx7eCVi9hs7ltcsGpd18IKrYMdmdb51Go2hz4cZWCogxPHxznz4TjZbJxYzAw8S/kGWtRjTW8a23apViwmJop4nk9nV4pSscbRI2O0dyRYv6GLnp40hXyVQ8cv4noe8ViYdCbK6OkpYrEQyWSUZMqkkK8xO13m5MkJAJyOJFMjeTzXo1q1ue3Tm7lwIUcqHeXc8DTbtq+hXm80PatLD5hrVgO74TE5UyZfrBJdosiV3XAZnyyya/sA7x4aQQDTuTLFSp2u7Oo8spsTA/yzzV+nJ9K+YHm7meafbn6UrJlCbebT6qrObe072Z5az3h9Gsf3yIQS9ETaCV1WKGkg1s2/uOZ79EdX9oO5K7OFwVg3E/VZXOER0yP0RS7dB7e272BjfIC+yzyjmxOD/OCabzMQXf45WY6YHuG7ax9AV7SWYaooCrvbtvIvt32fhu8uyLO9p+smbshsYcIK+pgNpegJt6PPK6YVVk2+NXQ/AnHF4lFzx3+k/x7u7NzFlJXDFR5hzaTTzJAJJVr96Yt08s+v+Q6jtUkc3yVlxOiNdFBx6+QaJdKhOHv60qs+/4+aVDJCZ0cS1/PZub0foymrJebFOamqgqaplMp1fD+QcCiU6kxOl0glL02iKUowu+3aHp4vmO981jSVwf4sJ85M0t+XYd3gpftELBdTtQxBLj50tie45/ZruGXPev78r1/m2ZcOc8enNq2oDbXpMS5XrNbxp3MVZvNBmFpfNLNg+4+zbsHI6Sk8z6cwW2Ht5u7LqthL/m8RSrWR3robv2FjTY8B4Fk16talMF2/YdFoWDBfCqgZRnvHHwW6i3ufzFGv+sQSPuPnGnPjqaA9F/Y9VeCeh9N85R924DQEv3q6QLXsce9XMkTiKtWixytPFwDYsC3MnQ+micU1Pvtwmu5+g7deLLPvqQL3fS3Dg9/JtmRDKkWPZ57Icecfpdh5S5xizuX5H+exan4rtNn3YfJCA6vq07AEv32pzF0PpRjcbLL3iVmmL648pNL3BCfemOHEGwvz0EYPFRk9tDgPb+ps8KxNDwd/X3t8mPv+bBNn38lx9FdTC7Y983aOM2/nFrVxcO84B/eOL1i24eY23IbPe78YwzBV2voihBM6R1+Z4tx7wXV06h4v/eWVDU3bLuK6ddKpQVzXDvRrPZtafZp0eh2GEaVcCXRmLatAvnCWTHo9qdQA+fwZQKBpZlPSx2Bm5hirLZgY5Nqa+J6D41yqvhsOZ2jLbGgNtP8QbMtnw844qXaDI78tBbmwAqZHbazaQoPh+DtlYkmNu7/aCQqcPVRh/3N5dt2doWswjNPwefMXM1SLHukOgzsebqd/UxRfCELhbl75yRQHXy3Q1m1w33e6mRq1GTlWxbEFb/x8hjse7uDBP+3BsYPw47HTdabOW62c7eKs0/IoH91fpn9ThPv/fg8HXspz+M3lq8/adZ8DLxe4+b42hrZGeeFvJylMOcyM2dQu82aOHKtx7kiVL3w36N/J9yoUph0URaFacilMOdTKHrmJZmGuqsfOO1NkukK8/rMZcpcZtsJzCad7sSozoKgYZgwUFbdRw67miWV68RyblsbgElSKHk/+uylOHKxzz5fTrFlvEk9rJDMaqhbYaA3LJz/tMjvp8P6bVV77RZHzp+xVF3C9nC2fW0P/rnbGD+UwonrLg60ZCp2bU1jFBl7TYx1OhQgnQ3RtSQNw8uUxnPqld0hYi7MmshVFKNh+jZlGIGtZ80p4IphFc3wLS9Fp+HVG60fpCW9AUwyKzjQz9nmyoTWoqNT9ClWvSMXN4/P7F3BSE3G0VJzS86+hZVIo8yVYl7l2W7bqHD3q8sLzTXWHhEJnp0Y2q7J2rUbIUCiVfYaHPfr6NBqOYMdOg2uvNdA0hbasSlub+nfHsJV8NAgB7R1JYtEQnutjWU7LWzI+XkDVgiqqVr1BsRjIf+TzVcJhA9t2mJkpY9sOXV2XPONO0ziNRIzA2+v5CCEwDJ1CoUoyGSE3WyEWM9F1Ddf1AtkOM7jZlGYxnUrFolSqU63YWJZDqVij0XCJRJae6bZtl1KlTjoZwdA1To1MM3oxz+RMiQsTBS5MFBjqa6OjLc77xy6QzcQxdJX2dIyJmTLtmcW5tVciZcS5Nr049zGsmUsuVxSFTChJJrQ4X3E+cT3KzszKDIO5djvMDB1mZsn13eEs3eHFnuh0KE46tPLjzMdQdTYlBhYt1xSVTYnBRctVRaHdTNNuppdtU1c1Nib6V9wHVVHoCrctktaZj6IoJI3YIiklUwuRNa+c4/1JkkpE+PxntvHjp9/hsf/xa67d2ofn+ZwdmWHb5l527RgkGjFZP9TBb945w5reNrJtMd569yzFUn3BVI+ha6zpyfDsS4d4+fVjdHem0DWVazb3oqoKt964gXffH+Gvnnydz9y2hVQizEyuQr5Q45EHdrVkd34XIxdmee2tUwz1Z0klI0zPlBkZnWXHtsXFs5YjnYzQ35vhxVePkoiFMU2dN/afWlQg65Pg3KlJovGg2rPrehjSa/uJ0LDKnD78NGqz+I7TqODOqxLfKMwwvX9fMPGxSq2L0dM2P/3LwMCb032cmXD5yV9MLzBsAcoFj2f+ZjaoDiuCMEch4Ml/P9nKw55r4/QRi+ETk619hSfwPBg72+DxfzOJ0pQTgaCN8ydtfvTnUyjqvHYU+Ml/CTwuji34+WOzrdM78UGd04frzd/CZWRevAajZ15jcuxg8Nl3sesfjZxGadrGqqzCTbwE48fLDOzIcOf316GoCrkLNc4dyK+6ncCInSXbtomp6UN4fgMhfKrVaXp6duN5DSwraFcIj9HR3xCNtLNp4/3k82dwnBqxWBep1CDj4+9QLI78Xn0oFM+RTg+yfv29FArD6JpJOj2E7wd53X8o9bLHc09MNGVKLsm6/PKxi1xW2gS3IXj7+Tzv7is0pWuC7Z97YgJVDVQw/KYWbmHG4X//t4kFGghzBtCzj02gaAqimXoxdxovPDmJpi1sZ+9fX2ytP/irQqsvxWmHp/7jWEsT/IqIwCg/9V7gkZvrx4t/O7no0bZrPvt+NIWmKa3UkJZxKOD0wSC/deRolXXXxSnOOjz9X8dRVCXwAl/WlUa9SG7sCAhBrTgZNNa0YRVVA+EH3+Pydi0QpBi8trfIb18q091vkOnQCUdVNC14VutVn2LOZeaiQ63sL/ruVoJjeZhxg2ibiVV2cOoua27Icv7daS68N0PfjrbWJK/nCo6/cIHSRI3dj27gjb84wtSJAtm1SU6+Mo7vBOHmzryqwWV3luPlN1sXcy5k/lztg9b/s84YOMHFKLkzlCuzgIIIBI6Zaoww3RgBBGeq7654qkjYDbxCGdFo4BVKCMfFyxXwZgvYp0dI3HMrXqlC4+wownERdgM3V2juLHBn8wgneDfV64KODhWzGXi7bbtBe7vKs7+0GByKBc+GH0SG+F5wT9Rqgvffd/jvT9TQdCgVVzfj8LGMChRFoSsdpy2+8sqbkuWJRkMMDbWjqgq33b6ZiYsFsu0JTFNn46bAk6eqCqqi4gsfVVXp6Ei0lvf0pNm1ey26rrXyeMPhENu2ryGbjbdyhjo6k63BgaapdHUlUVSFtes6AkkitVkLVwnyAHVNZfeepjEiQNNVOjuTVwzl7O5I8sU7g/Bbw9Doak+ye/sAZkgnk4qydX03hqGhKArXbPDQ9UsSTZ4vCBmrVTqWSFaGaer0dqcJm0u/FjVN5Y5bNmGaOq+9eYoPj+5HVVV6u1PctGstigJhU+dLX7ge4Qv2vvgBZkhn985BHrh3B653qZCLpqncddsWcvkqe1/8EFVRuP66AbZu6gEUejpT/INv3cGLrx7hhVcOU7cdUokIe3YOtfJ/VVWhvS1OIr58FEoopJPLV3nvw5HWhNPunYM8dN/1K74u8ZjJo1++iZ8/e5D/tfcAibjJnp1DpBKRZTVsPy627RokEjXxXA/DkEbtJ4Xn2eSmlg7/m+P3MRxqFY9iTm0ZowuPufQ+c4OgBdu6sCgT0w+Mi6VY6nitY84f+IuF/VhwimLp4y7og/Ap5c8tu/4PYf9PR69YjXUl1AoOrz8+3CwQ1cwf/V3yJctQKAyTiPdQKJzDb16oanWSem0G2y7jOJcKEVWrk5w4+QzdXTtJpvrR1BB2o8Tw8EtMTR9qSfW4rkXdyuH7TvOzTb0+u/CzlcP3HITwmbj4HgoKbW0b6e7aSaNRZmrqEJXqJEODn7lU/VgEFZVr9ZnWseYQwqNez2PbpQURMp4jyE8FHjfvMl3k5W59IVgUxut7LP7eBIvabG3vA0vUExA+uP7y/bjcCF3yuMuxTL+X3HSJfrTWiUt/HdunMOUE7VypH3Mdb+08t9ilWhhfuO5KpyACDdVzJ2zOnfjoNbNnThUZ2N3Bnm9u5MLBGU6+NM6pV8bZeFcv7euT1AsNqrMWILCKDVzLY/jNSRJdETbe2cupV8eJpEx2P7oB4QnG3p/l1K/GL0thXmxxL84JF5etE0tuvZpccufiFM7kLPge7tQswvUoPf86wnEovfQbFF0HzwtadD28QglnPJhEFA2H0i9fDUKYgYPvOTz0pTDf/V6Ms2dcTp50icVC3PkZk2LBx3EEhYJPrSooloLJx5FzLrv3hPja34syNeXx3LPWsr8HS6GI1ca2rQAhBOW6jaaqxFboWZCsHN9fumLfahAimOFbLjdPIvn/Dcf1qNZsYlET4wqTM77vU7ccGg0XFAUzpBOe02QleLYs28WyHRQFopFQoN/tC6KRS/rVQghs26VuBwU5TFMnEjYWrG84HnWrge8LdE0lEg4Fkz1KUBm9VrNRFGVBuwv7KrDsoK9+U+M5EjZak0crRQhBve5gN1xUTSEaDio6AwtzgD8hflchOcnvzyd5TQ1TQVMDTUjJ1Y2qGuiaietZLWNRUVR0PYwQYl7hqPn76GhqCBQF4Xu4ns38gbmq6mhaCNe1EMJvfjZx3fq8z5fWB8fU0LQQiqIihIfrBkaNrofxvEarErOqGs196619AxR0PQLCx52n366qBHJKFW+1UdISQNMVQmE1uH7/j2BENIywjmN7ODUXRVUwE0F4rms3lVxsHz2stf7XDBXdVLErLlpIJRQNJmgbNRfvCnnsVzPRqEIkomBZglpNkEw2i4y5gUfXNIMJxLlsAccBw4BYTKXREFQqgb2yUnP1YzFsJRKJRCKRSCQSiUQi+aSQlTckEolEIpFIJBKJRHJVIw1biUQikUgkEolEIpFc1UjDViKRSCQSiUQikUgkVzXSsJVIJBKJRCKRSCQSyVWNNGwlEolEIpFIJBKJRHJVIw1biUQikUgkEolEIpFc1UjDViKRSCQSiUQikUgkVzXSsJVIJBKJRCKRSCQSyVWNNGwlEolEIpFIJBKJRHJV838AgrILGmel3wYAAAAASUVORK5CYII=\n"},"metadata":{}},{"output_type":"display_data","data":{"text/plain":["
"],"image/png":"iVBORw0KGgoAAAANSUhEUgAAA1sAAAHWCAYAAACBjZMqAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAZIhJREFUeJzt3XlcFfX+x/E3OygecAVNVNyl3Eulckex0LLMpcxwL1O7amZZLqmZZrmUWbaqbdfUa4t7ZmIuuGS5p6lRlgpaBriCwvf3hz8mj+ACMh6U1/PxmMftzHzPzGe+Z+7xvJmZ77gZY4wAAAAAALnK3dUFAAAAAMDNiLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUgX+jatavKlSvn6jJcbubMmXJzc9Nvv/1m+7Yu7vPffvtNbm5ueu2112zftiS9+OKLcnNzuy7bupibm5tefPFFl2z7crp27Sp/f39Xl3FTceVxBiDvI2wByHXbt2/XQw89pLJly8rX11e33HKLWrRooalTp9q63UOHDunFF1/Uli1bbN2OXU6dOqUXX3xRMTExV9U+JiZGbm5u1uTj46OgoCA1adJEL7/8so4ePeqSuq6nvFxbburatavTZ33htHTpUleX53JNmjRx6hM/Pz/VqFFDU6ZMUXp6uqvLk/TvZ1ijRg0ZYzItd3NzU79+/VxQGQA7ebq6AAA3l3Xr1qlp06YqU6aMevXqpeDgYP3xxx9av369Xn/9dfXv39+2bR86dEijRo1SuXLlVKtWLadl7733Xp750XUpp06d0qhRoySd//F4tZ566indcccdSktL09GjR7Vu3TqNHDlSkyZN0pw5c9SsWTOrbZcuXdSpUyf5+PjYXtf16PPL1TZs2DA999xztm7/Uk6fPi1Pz9z9J9bHx0fvv/9+pvk1a9bM1e3cqEqXLq1x48ZJkv766y999tlnGjhwoI4ePaqxY8e6uLp/bd++XfPnz1e7du1cXQqA64CwBSBXjR07VgEBAdq0aZMCAwOdlh05csQ1RUny8vJy2bbt1rBhQz300ENO87Zu3aqWLVuqXbt22rVrl0qWLClJ8vDwkIeHh631nDx5UgULFnR5n3t6euZ64Llavr6+ub5OT09PPfroo7m+3ptFQECAU/888cQTqlq1qqZOnarRo0fbftxfDT8/P4WEhGj06NF68MEHufwQyAe4jBBArtq/f79uvfXWTEFLkkqUKJFp3ieffKK6devKz89PRYoUUadOnfTHH384tWnSpIluu+027dq1S02bNlWBAgV0yy23aMKECVabmJgY3XHHHZKkbt26WZcTzZw5U9Ll7x+aNm2aypcvrwIFCqhly5b6448/ZIzRmDFjVLp0afn5+en+++/XsWPHMtW/ZMkSNWzYUAULFlShQoUUFRWlnTt3OrXJuE/m4MGDatu2rfz9/VW8eHENHjxYaWlpVj3FixeXJI0aNcqqP6f3/dSsWVNTpkxRYmKi3nzzTWt+Vvds/fDDD4qMjFSxYsXk5+en0NBQde/e/arqyti3/fv3695771WhQoXUuXPnLPv8QpMnT1bZsmXl5+enxo0ba8eOHU7LmzRpkuVZtAvXeaXasrqX5ty5cxozZowqVKggHx8flStXTs8//7xSUlKc2pUrV06tW7fWmjVrVK9ePfn6+qp8+fL66KOPsu7wi1z82WXUsm/fPnXt2lWBgYEKCAhQt27ddOrUqata5+WsXr1a7du3V5kyZeTj46OQkBANHDhQp0+fvuJ7t2zZouLFi6tJkyY6ceKEJOngwYPq3r27goKC5OPjo1tvvVUffvjhFdd12223qWnTppnmp6en65ZbbnH6o8Ds2bNVt25dFSpUSA6HQ9WrV9frr7+ejb2+PF9fX91xxx06fvx4pj/0XM33zrX06aW4u7tr2LBh2rZtm7744osrtk9JSdHIkSNVsWJFq4YhQ4Y4Ha8PPvig6tSp4/S+Nm3ayM3NTV9//bU1b8OGDXJzc9OSJUskSWfPntWoUaNUqVIl+fr6qmjRorr77ru1fPnyHO8fgMwIWwByVdmyZbV58+ZMP56zMnbsWD322GOqVKmSJk2apAEDBmjFihVq1KiREhMTndr+888/atWqlWrWrKmJEyeqatWqevbZZ60fDtWqVdPo0aMlSb1799bHH3+sjz/+WI0aNbpsDZ9++qneeust9e/fX08//bRWrVqlDh06aNiwYVq6dKmeffZZ9e7dWwsWLNDgwYOd3vvxxx8rKipK/v7+euWVVzR8+HDt2rVLd999d6YBKNLS0hQZGamiRYvqtddeU+PGjTVx4kS9++67kqTixYvr7bffliQ98MADVv0PPvjgFfvxUh566CH5+fnpm2++uWSbI0eOqGXLlvrtt9/03HPPaerUqercubPWr19/1XWdO3dOkZGRKlGihF577bUrXh710Ucf6Y033lDfvn01dOhQ7dixQ82aNVNCQkK29i8nfdazZ0+NGDFCderU0eTJk9W4cWONGzdOnTp1ytR23759euihh9SiRQtNnDhRhQsXVteuXTOF6ezo0KGDjh8/rnHjxqlDhw6aOXOmdRnk1fjrr7+cpqSkJEnS3LlzderUKfXp00dTp05VZGSkpk6dqscee+yy69u0aZOaNWum2rVra8mSJfL391dCQoIaNGigb7/9Vv369dPrr7+uihUrqkePHpoyZcpl19exY0d9//33io+Pd5q/Zs0aHTp0yOrn5cuX6+GHH1bhwoX1yiuvaPz48WrSpInWrl171X1xNTL+qHLhH3+u9nsnp316JY888ogqVaqk0aNHZ3nvVob09HTdd999eu2119SmTRtNnTpVbdu21eTJk9WxY0erXcOGDbV161YlJydLkowxWrt2rdzd3bV69Wqr3erVq+Xu7q677rpL0vk/AIwaNUpNmzbVm2++qRdeeEFlypTRjz/+eE37B+AiBgBy0TfffGM8PDyMh4eHCQ8PN0OGDDHLli0zqampTu1+++034+HhYcaOHes0f/v27cbT09NpfuPGjY0k89FHH1nzUlJSTHBwsGnXrp01b9OmTUaSmTFjRqa6oqOjTdmyZa3XcXFxRpIpXry4SUxMtOYPHTrUSDI1a9Y0Z8+eteY//PDDxtvb25w5c8YYY8zx48dNYGCg6dWrl9N24uPjTUBAgNP86OhoI8mMHj3aqW3t2rVN3bp1rddHjx41kszIkSMz1Z+VlStXGklm7ty5l2xTs2ZNU7hwYev1jBkzjCQTFxdnjDHmiy++MJLMpk2bLrmOy9WVsW/PPfdclsuy6nM/Pz/z559/WvM3bNhgJJmBAwda8xo3bmwaN258xXVerraRI0eaC/+Z27Jli5Fkevbs6dRu8ODBRpL57rvvrHlly5Y1ksz3339vzTty5Ijx8fExTz/9dKZtXezimjJq6d69u1O7Bx54wBQtWvSK68vo54unjD46depUpveMGzfOuLm5md9//91pPQULFjTGGLNmzRrjcDhMVFSUdVwbY0yPHj1MyZIlzV9//eW0vk6dOpmAgIAst5Vhz549RpKZOnWq0/wnn3zS+Pv7W+/9z3/+YxwOhzl37twV9/1qNG7c2FStWtUcPXrUHD161Ozevds888wzRpKJioqy2mXne+dq+/Ti4+xSLuz7WbNmGUlm/vz51nJJpm/fvtbrjz/+2Li7u5vVq1c7rWf69OlGklm7dq0x5t/vvcWLFxtjjNm2bZuRZNq3b2/q169vve++++4ztWvXtl7XrFnTqW8A2IMzWwByVYsWLRQbG6v77rtPW7du1YQJExQZGalbbrnF6ZKW+fPnKz09XR06dHD6S31wcLAqVaqklStXOq3X39/f6X4Mb29v1atXT7/++us11du+fXsFBARYr+vXry9JevTRR53u96lfv75SU1N18OBBSef/Mp+YmKiHH37YqX4PDw/Vr18/U/3S+XtILtSwYcNrrv9K/P39dfz48Usuz/iL/8KFC3X27Nkcb6dPnz5X3bZt27a65ZZbrNf16tVT/fr1tXjx4hxv/2pkrH/QoEFO859++mlJ0qJFi5zmh4WFqWHDhtbr4sWLq0qVKtf0mWV1DPz999/WWYnL8fX11fLly52miRMnSjp/L1CGkydP6q+//tKdd94pY4x++umnTOtauXKlIiMj1bx5c82fP98aMMUYo//9739q06aNjDFOx3ZkZKSSkpIue+ajcuXKqlWrlj7//HNrXlpamubNm6c2bdpYdQYGBurkyZO5esna7t27Vbx4cRUvXlxVq1bVq6++qvvuu8+6lFjK3vdOdvs0Ozp37nzFs1tz585VtWrVVLVqVadaMwa8yai1du3a8vf31/fffy/p/Bms0qVL67HHHtOPP/6oU6dOyRijNWvWOB3PgYGB2rlzp/bu3XtN+wLg8hggA0Cuu+OOOzR//nylpqZq69at+uKLLzR58mQ99NBD2rJli8LCwrR3714ZY1SpUqUs13Hx4AqlS5fOdP9N4cKFtW3btmuqtUyZMk6vM4JXSEhIlvP/+ecfSbJ+oFw40t+FHA6H02tfX1/r/qIMhQsXttZnlxMnTqhQoUKXXN64cWO1a9dOo0aN0uTJk9WkSRO1bdtWjzzyyFWPWOjp6anSpUtfdU1ZfeaVK1fWnDlzrnodOfH777/L3d1dFStWdJofHByswMBA/f77707zLz42pGv/zC5eZ+HChSWdP64uPmYu5uHhoYiIiCyXHThwQCNGjNDXX3+dqb6MSw0znDlzRlFRUapbt67mzJnj9EeFo0ePKjExUe+++651ievFrjTQTceOHfX888/r4MGDuuWWWxQTE6MjR444Xfr25JNPas6cObrnnnt0yy23qGXLlurQoYNatWp12XVfTrly5awRMPfv36+xY8fq6NGjToOVZOd7Jzt9ml0eHh4aNmyYoqOj9eWXX+qBBx7I1Gbv3r36+eefM31vZMj4HDw8PBQeHm5dMrh69Wo1bNhQd999t9LS0rR+/XoFBQXp2LFjTmFr9OjRuv/++1W5cmXddtttatWqlbp06aIaNWpc074BcEbYAmAbb29v3XHHHbrjjjtUuXJldevWTXPnztXIkSOVnp5u3ayd1ShhFz949VIjiV3qr8JX61LrvdL2MoY0//jjjxUcHJyp3cWj4LliJLSzZ8/ql19+0W233XbJNm5ubpo3b57Wr1+vBQsWaNmyZerevbsmTpyo9evXX9UDcH18fOTunrsXSri5uWX52WYMKHKt674adhxzdqwzLS1NLVq00LFjx/Tss8+qatWqKliwoA4ePKiuXbtmGn7fx8dH9957r7766istXbpUrVu3tpZltH300UcVHR2d5fau9GO8Y8eOGjp0qObOnasBAwZozpw5CggIcApSJUqU0JYtW7Rs2TItWbJES5Ys0YwZM/TYY49p1qxZOeqHggULOoXRu+66S3Xq1NHzzz+vN954w9q/q/neyW6f5kTnzp01ZswYjR49Wm3bts20PD09XdWrV9ekSZOyfP+FfxC6++67NXbsWJ05c0arV6/WCy+8oMDAQN12221avXq1goKCJMkpbDVq1Ej79+/XV199pW+++Ubvv/++Jk+erOnTp6tnz57XvH8AziNsAbgubr/9dknS4cOHJUkVKlSQMUahoaGqXLlyrmzjeg6jXKFCBUnnfzRe6mxDduV2/fPmzdPp06cVGRl5xbYNGjRQgwYNNHbsWH322Wfq3LmzZs+erZ49e+Z6XVldtvTLL784jVxYuHDhLC/Xu/jsU3ZqK1u2rNLT07V3715Vq1bNmp+QkKDExESVLVv2qteVl2zfvl2//PKLZs2a5TR4w6Uu0XNzc9Onn36q+++/X+3bt9eSJUuskR+LFy+uQoUKKS0tLcfHdWhoqOrVq6fPP/9c/fr10/z589W2bdtMZ0q9vb3Vpk0btWnTRunp6XryySf1zjvvaPjw4ZnOPuZEjRo19Oijj+qdd97R4MGDVaZMmav+3slun+ZExtmtrl276quvvsq0vEKFCtq6dauaN29+xeO8YcOGSk1N1X//+18dPHjQClWNGjWywlblypWt0JWhSJEi6tatm7p166YTJ06oUaNGevHFFwlbQC7ini0AuWrlypVZ/pU+436ZKlWqSDo/XLGHh4dGjRqVqb0xRn///Xe2t12wYEFJyjSSoR0iIyPlcDj08ssvZ3mv09GjR7O9zgIFCkjKnfq3bt2qAQMGqHDhwurbt+8l2/3zzz+Z+j/jgdAZw0vnZl2S9OWXX1r3vknSxo0btWHDBt1zzz3WvAoVKmj37t1O/bh169ZMo9Vlp7Z7771XkjKNqJdx5iAqKipb+5FXZJyhufBzNMZcdhh1b29vzZ8/X3fccYfatGmjjRs3Wutq166d/ve//2U5oujVHtcdO3bU+vXr9eGHH+qvv/5yuoRQUqb/f7u7u1tnzDKOu7Nnz2r37t3WH2hyYsiQITp79qz1GV/t905O+jQnHn30UVWsWDHLESk7dOiggwcP6r333su07PTp0zp58qT1un79+vLy8tIrr7yiIkWK6NZbb5V0PoStX79eq1atcjqrJWX+DPz9/VWxYsVMj0EAcG04swUgV/Xv31+nTp3SAw88oKpVqyo1NVXr1q3T559/rnLlyqlbt26Szv+YfumllzR06FD99ttvatu2rQoVKqS4uDh98cUX6t27d6ah1q+kQoUKCgwM1PTp01WoUCEVLFhQ9evXV2hoaK7vp8Ph0Ntvv60uXbqoTp066tSpk4oXL64DBw5o0aJFuuuuu5yeb3U1/Pz8FBYWps8//1yVK1dWkSJFdNttt132MkDp/D0aZ86cUVpamv7++2+tXbtWX3/9tQICAvTFF19keZljhlmzZumtt97SAw88oAoVKuj48eN677335HA4rHCS07oupWLFirr77rvVp08fpaSkaMqUKSpatKiGDBlitenevbsmTZqkyMhI9ejRQ0eOHNH06dN16623Og0mkZ3aatasqejoaL377rtKTExU48aNtXHjRs2aNUtt27bN8vlQN4KqVauqQoUKGjx4sA4ePCiHw6H//e9/V7y3zM/PTwsXLlSzZs10zz33aNWqVbrttts0fvx4rVy5UvXr11evXr0UFhamY8eO6ccff9S3336b5fPmLtahQwcNHjxYgwcPVpEiRTKdJevZs6eOHTumZs2aqXTp0vr99981depU1apVyzrrePDgQVWrVk3R0dFOg1xkR1hYmO699169//77Gj58+FV/7+S0T7PLw8NDL7zwgvW9eKEuXbpozpw5euKJJ7Ry5UrdddddSktL0+7duzVnzhwtW7bMumKgQIECqlu3rtavX289Y0s6f2br5MmTOnnyZKawFRYWpiZNmqhu3boqUqSIfvjhB82bN0/9+vXL1X0E8r3rNu4hgHxhyZIlpnv37qZq1arG39/feHt7m4oVK5r+/fubhISETO3/97//mbvvvtsULFjQFCxY0FStWtX07dvX7Nmzx2rTuHFjc+utt2Z678XDgBtjzFdffWXCwsKMp6en0zDwlxqG/NVXX3V6/6WGU88YMv3iIdJXrlxpIiMjTUBAgPH19TUVKlQwXbt2NT/88INTnRlDPl8oqyGj161bZ+rWrWu8vb2vOAx8Rq0Zk5eXlylevLhp1KiRGTt2rDly5Eim91w89PuPP/5oHn74YVOmTBnj4+NjSpQoYVq3bu1U/+XqutS+ZSy7VJ9PnDjRhISEGB8fH9OwYUOzdevWTO//5JNPTPny5Y23t7epVauWWbZsWZaf+aVqy6p/z549a0aNGmVCQ0ONl5eXCQkJMUOHDnUa+tyY80O/ZzUs9qWGpL/YxZ9dRi1Hjx51anfx53Epl+tnY4zZtWuXiYiIMP7+/qZYsWKmV69eZuvWrZkehZDVev766y8TFhZmgoODzd69e40xxiQkJJi+ffuakJAQ4+XlZYKDg03z5s3Nu+++e8V9z3DXXXdlOdS+McbMmzfPtGzZ0pQoUcJ4e3ubMmXKmMcff9wcPnzYapNxvERHR19xW5f6jjDGmJiYmEyfx9V871xtn+Zk6PcLnT171lSoUCHT0O/GGJOammpeeeUVc+uttxofHx9TuHBhU7duXTNq1CiTlJTk1DZjqPtXXnnFaX7FihWNJLN//36n+S+99JKpV6+eCQwMNH5+fqZq1apm7NixmR7TAeDauBlzjXeXAwAAAAAy4Z4tAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGzAQ42vQnp6ug4dOqRChQpZDwoEAAAAkP8YY3T8+HGVKlVK7u6XP3dF2LoKhw4dUkhIiKvLAAAAAJBH/PHHHypduvRl27g0bJUrV06///57pvlPPvmkpk2bpjNnzujpp5/W7NmzlZKSosjISL311lsKCgqy2h44cEB9+vTRypUr5e/vr+joaI0bN06env/uWkxMjAYNGqSdO3cqJCREw4YNU9euXa+6zkKFCkk636EOhyPnOwwAAADghpacnKyQkBArI1yOS8PWpk2blJaWZr3esWOHWrRoofbt20uSBg4cqEWLFmnu3LkKCAhQv3799OCDD2rt2rWSpLS0NEVFRSk4OFjr1q3T4cOH9dhjj8nLy0svv/yyJCkuLk5RUVF64okn9Omnn2rFihXq2bOnSpYsqcjIyKuqM+PSQYfDQdgCAAAAcFW3F7kZY8x1qOWqDBgwQAsXLtTevXuVnJys4sWL67PPPtNDDz0kSdq9e7eqVaum2NhYNWjQQEuWLFHr1q116NAh62zX9OnT9eyzz+ro0aPy9vbWs88+q0WLFmnHjh3Wdjp16qTExEQtXbr0qupKTk5WQECAkpKSCFsAAABAPpadbJBnRiNMTU3VJ598ou7du8vNzU2bN2/W2bNnFRERYbWpWrWqypQpo9jYWElSbGysqlev7nRZYWRkpJKTk7Vz506rzYXryGiTsY6spKSkKDk52WkCAAAAgOzIM2Hryy+/VGJionUvVXx8vLy9vRUYGOjULigoSPHx8VabC4NWxvKMZZdrk5ycrNOnT2dZy7hx4xQQEGBNDI4BAAAAILvyzGiEH3zwge655x6VKlXK1aVo6NChGjRokPU64yY4AIAzY4zOnTvndP8tbi4eHh7y9PTk0ScAkAN5Imz9/vvv+vbbbzV//nxrXnBwsFJTU5WYmOh0dishIUHBwcFWm40bNzqtKyEhwVqW8b8Z8y5s43A45Ofnl2U9Pj4+8vHxueb9AoCbWWpqqg4fPqxTp065uhTYrECBAipZsqS8vb1dXQoA3FDyRNiaMWOGSpQooaioKGte3bp15eXlpRUrVqhdu3aSpD179ujAgQMKDw+XJIWHh2vs2LE6cuSISpQoIUlavny5HA6HwsLCrDaLFy922t7y5cutdQAAsi89PV1xcXHy8PBQqVKl5O3tzZmPm5AxRqmpqTp69Kji4uJUqVKlKz7AEwDwL5eHrfT0dM2YMUPR0dFOz8YKCAhQjx49NGjQIBUpUkQOh0P9+/dXeHi4GjRoIElq2bKlwsLC1KVLF02YMEHx8fEaNmyY+vbta52ZeuKJJ/Tmm29qyJAh6t69u7777jvNmTNHixYtcsn+AsDNIDU1Venp6QoJCVGBAgVcXQ5s5OfnJy8vL/3+++9KTU2Vr6+vq0sCgBuGy8PWt99+qwMHDqh79+6Zlk2ePFnu7u5q166d00ONM3h4eGjhwoXq06ePwsPDVbBgQUVHR2v06NFWm9DQUC1atEgDBw7U66+/rtKlS+v999+/6mdsAQAujbMc+QOfMwDkTJ56zlZexXO2AMDZmTNnFBcXp9DQUM505AN83gDwrxvyOVsAAAAAcDMhbAEAYIOuXbuqbdu2ri4DAOBCLr9nCwBwc2nT5vpub8GC7LXv2rWrZs2aJUny9PRU6dKl1b59e40ePfq6XiIXExOjpk2bKiwsTNu2bZOHh4e1LDAwUFOmTFHXrl2vWz0AgNzHmS0AQL7TqlUrHT58WL/++qsmT56sd955RyNHjnRJLb/++qs++ugjl2wbAGAvwhYAIN/x8fFRcHCwQkJC1LZtW0VERGj58uXW8vT0dI0bN06hoaHy8/NTzZo1NW/ePGt5WlqaevToYS2vUqWKXn/99RzV0r9/f40cOVIpKSmXbJOYmKiePXuqePHicjgcatasmbZu3SpJSkpKkoeHh3744Qer9iJFiliPSZGkTz75RCEhIZLOD9vfr18/lSxZUr6+vipbtqzGjRuXo9oBAJdH2AIA5Gs7duzQunXr5O3tbc0bN26cPvroI02fPl07d+7UwIED9eijj2rVqlWSzgea0qVLa+7cudq1a5dGjBih559/XnPmzMn29gcMGKBz585p6tSpl2zTvn17HTlyREuWLNHmzZtVp04dNW/eXMeOHVNAQIBq1aqlmJgYSdL27dvl5uamn376SSdOnJAkrVq1So0bN5YkvfHGG/r66681Z84c7dmzR59++qnKlSuX7boBAFfGPVs3qut9U8TlZPeGCQBwsYULF8rf31/nzp1TSkqK3N3d9eabb0qSUlJS9PLLL+vbb79VeHi4JKl8+fJas2aN3nnnHTVu3FheXl4aNWqUtb7Q0FDFxsZqzpw56tChQ7ZqKVCggEaOHKnnn39evXr1UkBAgNPyNWvWaOPGjTpy5Ih8fHwkSa+99pq+/PJLzZs3T71791aTJk0UExOjwYMHKyYmRi1atNDu3bu1Zs0atWrVSjExMRoyZIgk6cCBA6pUqZLuvvtuubm5qWzZsjnuRwDA5XFmCwCQ7zRt2lRbtmzRhg0bFB0drW7duqldu3aSpH379unUqVNq0aKF/P39remjjz7S/v37rXVMmzZNdevWVfHixeXv7693331XBw4cyFE9PXr0UNGiRfXKK69kWrZ161adOHFCRYsWdaonLi7Oqqdx48Zas2aN0tLStGrVKjVp0sQKYIcOHdK+ffvUpEkTSecHCNmyZYuqVKmip556St98802OagYAXBlntgAA+U7BggVVsWJFSdKHH36omjVr6oMPPlCPHj2sS+8WLVqkW265xel9GWeWZs+ercGDB2vixIkKDw9XoUKF9Oqrr2rDhg05qsfT01Njx45V165d1a9fP6dlJ06cUMmSJa3LBC8UGBgoSWrUqJGOHz+uH3/8Ud9//71efvllBQcHa/z48apZs6ZKlSqlSpUqSZLq1KmjuLg4LVmyRN9++606dOigiIgIp3vSAAC5g7AFAMjX3N3d9fzzz2vQoEF65JFHFBYWJh8fHx04cMC6z+lia9eu1Z133qknn3zSmnfhWa+caN++vV599VWnyxOl8+EoPj5enp6el7y3KjAwUDVq1NCbb74pLy8vVa1aVSVKlFDHjh21cOHCTPvhcDjUsWNHdezYUQ899JBatWqlY8eOqUiRIte0DwAAZ1xGCADI99q3by8PDw9NmzZNhQoV0uDBgzVw4EDNmjVL+/fv148//qipU6daz+eqVKmSfvjhBy1btky//PKLhg8frk2bNl1zHePHj9eHH36okydPWvMiIiIUHh6utm3b6ptvvtFvv/2mdevW6YUXXrBGIJSkJk2a6NNPP7WCVZEiRVStWjV9/vnnTmFr0qRJ+u9//6vdu3frl19+0dy5cxUcHGydJQMA5B7ObAEActWNOGaOp6en+vXrpwkTJqhPnz4aM2aMihcvrnHjxunXX39VYGCg6tSpo+eff16S9Pjjj+unn35Sx44d5ebmpocfflhPPvmklixZck11NGvWTM2aNXO6j8rNzU2LFy/WCy+8oG7duuno0aMKDg5Wo0aNFBQUZLVr3LixpkyZYt2bJZ0PYFu3bnWaV6hQIU2YMEF79+6Vh4eH7rjjDi1evFju7vz9FQBym5sxxri6iLwuOTlZAQEBSkpKksPhcHU55zEaIQAXOnPmjOLi4hQaGipfX19XlwOb8XkDwL+ykw34MxYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYwNPVBQAAbjJt2lzf7S1YcN02NXPmTA0YMECJiYnXbZsAgBsXZ7YAAPlK165d5ebmlmnat2+fS+pp0qSJ3NzcNHv2bKf5U6ZMUbly5VxSEwAgdxC2AAD5TqtWrXT48GGnKTQ01GX1+Pr6atiwYTp79qzLagAA5D7CFgAg3/Hx8VFwcLDT5OHhoUmTJql69eoqWLCgQkJC9OSTT+rEiROXXM/Ro0d1++2364EHHlBKSorS09M1btw4hYaGys/PTzVr1tS8efOuWM/DDz+sxMREvffee5dt99VXX6lOnTry9fVV+fLlNWrUKJ07d06SNHjwYLVu3dpqO2XKFLm5uWnp0qXWvIoVK+r999+XJMXExKhevXoqWLCgAgMDddddd+n333+/Yq0AgKtH2AIA4P+5u7vrjTfe0M6dOzVr1ix99913GjJkSJZt//jjDzVs2FC33Xab5s2bJx8fH40bN04fffSRpk+frp07d2rgwIF69NFHtWrVqstu1+Fw6IUXXtDo0aN18uTJLNusXr1ajz32mP7zn/9o165deueddzRz5kyNHTtWktS4cWOtWbNGaWlpkqRVq1apWLFiiomJkSQdPHhQ+/fvV5MmTXTu3Dm1bdtWjRs31rZt2xQbG6vevXvLzc0thz0HAMgKYQsAkO8sXLhQ/v7+1tS+fXtJ0oABA9S0aVOVK1dOzZo100svvaQ5c+Zkev+ePXt01113KTIyUjNmzJCHh4dSUlL08ssv68MPP1RkZKTKly+vrl276tFHH9U777xzxZqefPJJ+fr6atKkSVkuHzVqlJ577jlFR0erfPnyatGihcaMGWOtu2HDhjp+/Lh++uknGWP0/fff6+mnn7bCVkxMjG655RZVrFhRycnJSkpKUuvWrVWhQgVVq1ZN0dHRKlOmTA57FACQFUYjBADkO02bNtXbb79tvS5YsKAk6dtvv9W4ceO0e/duJScn69y5czpz5oxOnTqlAgUKSJJOnz6thg0b6pFHHtGUKVOsdezbt0+nTp1SixYtnLaVmpqq2rVrX7EmHx8fjR49Wv3791efPn0yLd+6davWrl1rncmSpLS0NKu+wMBA1axZUzExMfL29pa3t7d69+6tkSNH6sSJE1q1apUaN24sSSpSpIi6du2qyMhItWjRQhEREerQoYNKlix59Z0IALgizmwBAPKdggULqmLFitZUsmRJ/fbbb2rdurVq1Kih//3vf9q8ebOmTZsm6XxgyuDj46OIiAgtXLhQBw8etOZn3Nu1aNEibdmyxZp27dp1VfdtSdKjjz6qsmXL6qWXXsq07MSJExo1apTTurdv3669e/fK19dX0vmRDWNiYqxgVaRIEVWrVk1r1qxxCluSNGPGDMXGxurOO+/U559/rsqVK2v9+vXZ70wAwCVxZgsAAEmbN29Wenq6Jk6cKHf383+LzOoSQnd3d3388cd65JFH1LRpU8XExKhUqVIKCwuTj4+PDhw44BRqssPd3V3jxo3Tgw8+mOnsVp06dbRnzx5VrFjxku9v3LixPvzwQ3l6eqpVq1aSzgew//73v/rll1/UpEkTp/a1a9dW7dq1NXToUIWHh+uzzz5TgwYNclQ7ACAzwhYAADo/Ut/Zs2c1depUtWnTRmvXrtX06dOzbOvh4aFPP/1UDz/8sJo1a6aYmBgFBwdr8ODBGjhwoNLT03X33XcrKSlJa9eulcPhUHR09FXVERUVpfr16+udd95RUFCQNX/EiBFq3bq1ypQpo4ceekju7u7aunWrduzYYZ0Ja9SokY4fP66FCxdq/Pjxks6HrYceekglS5ZU5cqVJUlxcXF69913dd9996lUqVLas2eP9u7dq8cee+xauhDATeh6P6f+cq7jM+xzDWELAJC7bsR/DSXVrFlTkyZN0iuvvKKhQ4eqUaNGGjdu3CUDiKenp/773/+qY8eOVuAaM2aMihcvrnHjxunXX39VYGCg6tSpo+effz5btbzyyiu68847neZFRkZq4cKFGj16tF555RV5eXmpatWq6tmzp9WmcOHCql69uhISElS1alVJ5wNYenq609m2AgUKaPfu3Zo1a5b+/vtvlSxZUn379tXjjz+erToBAJfnZowxri4ir0tOTlZAQICSkpLkcDhcXc55/JkBgAudOXNGcXFxCg0Nte4Xws2LzxvIv/jJmVl2sgEDZAAAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAHKMMZbyBz5nAMgZwhYAINu8vLwkSadOnXJxJbgeMj7njM8dAHB1eM4WACDbPDw8FBgYqCNHjkg6/9wmNzc3F1eF3GaM0alTp3TkyBEFBgbKw8PD1SUBwA2FsAUAyJHg4GBJsgIXbl6BgYHW5w0AuHqELQBAjri5ualkyZIqUaKEzp496+pyYBMvLy/OaAFADhG2AADXxMPDgx/jAABkweUDZBw8eFCPPvqoihYtKj8/P1WvXl0//PCDtdwYoxEjRqhkyZLy8/NTRESE9u7d67SOY8eOqXPnznI4HAoMDFSPHj104sQJpzbbtm1Tw4YN5evrq5CQEE2YMOG67B8AAACA/MmlYeuff/7RXXfdJS8vLy1ZskS7du3SxIkTVbhwYavNhAkT9MYbb2j69OnasGGDChYsqMjISJ05c8Zq07lzZ+3cuVPLly/XwoUL9f3336t3797W8uTkZLVs2VJly5bV5s2b9eqrr+rFF1/Uu+++e133FwAAAED+4WZc+PCM5557TmvXrtXq1auzXG6MUalSpfT0009r8ODBkqSkpCQFBQVp5syZ6tSpk37++WeFhYVp06ZNuv322yVJS5cu1b333qs///xTpUqV0ttvv60XXnhB8fHx8vb2trb95Zdfavfu3VesMzk5WQEBAUpKSpLD4cilvb9Gbdq4uoJ/LVjg6goAAABgA35yZpadbODSM1tff/21br/9drVv314lSpRQ7dq19d5771nL4+LiFB8fr4iICGteQECA6tevr9jYWElSbGysAgMDraAlSREREXJ3d9eGDRusNo0aNbKCliRFRkZqz549+ueffzLVlZKSouTkZKcJAAAAALLDpWHr119/1dtvv61KlSpp2bJl6tOnj5566inNmjVLkhQfHy9JCgoKcnpfUFCQtSw+Pl4lSpRwWu7p6akiRYo4tclqHRdu40Ljxo1TQECANYWEhOTC3gIAAADIT1wattLT01WnTh29/PLLql27tnr37q1evXpp+vTprixLQ4cOVVJSkjX98ccfLq0HAAAAwI3HpWGrZMmSCgsLc5pXrVo1HThwQNK/D8xMSEhwapOQkGAtCw4OzvRAzXPnzunYsWNObbJax4XbuJCPj48cDofTBAAAAADZ4dKwddddd2nPnj1O83755ReVLVtWkhQaGqrg4GCtWLHCWp6cnKwNGzYoPDxckhQeHq7ExERt3rzZavPdd98pPT1d9evXt9p8//33Tg/dXL58uapUqeI08iEAAAAA5BaXhq2BAwdq/fr1evnll7Vv3z599tlnevfdd9W3b19JkpubmwYMGKCXXnpJX3/9tbZv367HHntMpUqVUtu2bSWdPxPWqlUr9erVSxs3btTatWvVr18/derUSaVKlZIkPfLII/L29laPHj20c+dOff7553r99dc1aNAgV+06AAAAgJucpys3fscdd+iLL77Q0KFDNXr0aIWGhmrKlCnq3Lmz1WbIkCE6efKkevfurcTERN19991aunSpfH19rTaffvqp+vXrp+bNm8vd3V3t2rXTG2+8YS0PCAjQN998o759+6pu3boqVqyYRowY4fQsLgAAAADITS59ztaNgudsXUFeeegBAAAAchU/OTO7YZ6zBQAAAAA3K8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA08XV0AAAAAgLxp+MY2ri7hAgtcXUC2cWYLAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABu4NGy9+OKLcnNzc5qqVq1qLT9z5oz69u2rokWLyt/fX+3atVNCQoLTOg4cOKCoqCgVKFBAJUqU0DPPPKNz5845tYmJiVGdOnXk4+OjihUraubMmddj9wAAAADkYy4/s3Xrrbfq8OHD1rRmzRpr2cCBA7VgwQLNnTtXq1at0qFDh/Tggw9ay9PS0hQVFaXU1FStW7dOs2bN0syZMzVixAirTVxcnKKiotS0aVNt2bJFAwYMUM+ePbVs2bLrup8AAAAA8heXP9TY09NTwcHBmeYnJSXpgw8+0GeffaZmzZpJkmbMmKFq1app/fr1atCggb755hvt2rVL3377rYKCglSrVi2NGTNGzz77rF588UV5e3tr+vTpCg0N1cSJEyVJ1apV05o1azR58mRFRkZe130FAAAAkH+4/MzW3r17VapUKZUvX16dO3fWgQMHJEmbN2/W2bNnFRERYbWtWrWqypQpo9jYWElSbGysqlevrqCgIKtNZGSkkpOTtXPnTqvNhevIaJOxjqykpKQoOTnZaQIAAACA7HBp2Kpfv75mzpyppUuX6u2331ZcXJwaNmyo48ePKz4+Xt7e3goMDHR6T1BQkOLj4yVJ8fHxTkErY3nGssu1SU5O1unTp7Osa9y4cQoICLCmkJCQ3NhdAAAAAPmISy8jvOeee6z/rlGjhurXr6+yZctqzpw58vPzc1ldQ4cO1aBBg6zXycnJBC4AAAAA2eLyywgvFBgYqMqVK2vfvn0KDg5WamqqEhMTndokJCRY93gFBwdnGp0w4/WV2jgcjksGOh8fHzkcDqcJAAAAALLD5QNkXOjEiRPav3+/unTporp168rLy0srVqxQu3btJEl79uzRgQMHFB4eLkkKDw/X2LFjdeTIEZUoUUKStHz5cjkcDoWFhVltFi9e7LSd5cuXW+u4UW3c6OoK/lXP1QUAAAAAeZBLz2wNHjxYq1at0m+//aZ169bpgQcekIeHhx5++GEFBASoR48eGjRokFauXKnNmzerW7duCg8PV4MGDSRJLVu2VFhYmLp06aKtW7dq2bJlGjZsmPr27SsfHx9J0hNPPKFff/1VQ4YM0e7du/XWW29pzpw5GjhwoCt3HQAAAMBNzqVntv788089/PDD+vvvv1W8eHHdfffdWr9+vYoXLy5Jmjx5stzd3dWuXTulpKQoMjJSb731lvV+Dw8PLVy4UH369FF4eLgKFiyo6OhojR492moTGhqqRYsWaeDAgXr99ddVunRpvf/++wz7DgAAAMBWbsYY4+oi8rrk5GQFBAQoKSkpz9y/tTGojatLsNRLWODqEgAAAGADfnNmlp1skKcGyAAAAACAmwVhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAb5JmwNX78eLm5uWnAgAHWvDNnzqhv374qWrSo/P391a5dOyUkJDi978CBA4qKilKBAgVUokQJPfPMMzp37pxTm5iYGNWpU0c+Pj6qWLGiZs6ceR32CAAAAEB+lifC1qZNm/TOO++oRo0aTvMHDhyoBQsWaO7cuVq1apUOHTqkBx980FqelpamqKgopaamat26dZo1a5ZmzpypESNGWG3i4uIUFRWlpk2basuWLRowYIB69uypZcuWXbf9AwAAAJD/uDxsnThxQp07d9Z7772nwoULW/OTkpL0wQcfaNKkSWrWrJnq1q2rGTNmaN26dVq/fr0k6ZtvvtGuXbv0ySefqFatWrrnnns0ZswYTZs2TampqZKk6dOnKzQ0VBMnTlS1atXUr18/PfTQQ5o8ebJL9hcAAABA/uDysNW3b19FRUUpIiLCaf7mzZt19uxZp/lVq1ZVmTJlFBsbK0mKjY1V9erVFRQUZLWJjIxUcnKydu7cabW5eN2RkZHWOrKSkpKi5ORkpwkAAAAAssPTlRufPXu2fvzxR23atCnTsvj4eHl7eyswMNBpflBQkOLj4602FwatjOUZyy7XJjk5WadPn5afn1+mbY8bN06jRo3K8X4BAAAAgMvObP3xxx/6z3/+o08//VS+vr6uKiNLQ4cOVVJSkjX98ccfri4JAAAAwA3GZWFr8+bNOnLkiOrUqSNPT095enpq1apVeuONN+Tp6amgoCClpqYqMTHR6X0JCQkKDg6WJAUHB2canTDj9ZXaOByOLM9qSZKPj48cDofTBAAAAADZ4bKw1bx5c23fvl1btmyxpttvv12dO3e2/tvLy0srVqyw3rNnzx4dOHBA4eHhkqTw8HBt375dR44csdosX75cDodDYWFhVpsL15HRJmMdAAAAAGAHl92zVahQId12221O8woWLKiiRYta83v06KFBgwapSJEicjgc6t+/v8LDw9WgQQNJUsuWLRUWFqYuXbpowoQJio+P17Bhw9S3b1/5+PhIkp544gm9+eabGjJkiLp3767vvvtOc+bM0aJFi67vDgMAAADIV1w6QMaVTJ48We7u7mrXrp1SUlIUGRmpt956y1ru4eGhhQsXqk+fPgoPD1fBggUVHR2t0aNHW21CQ0O1aNEiDRw4UK+//rpKly6t999/X5GRka7YJQAAAAD5hJsxxmT3TeXLl9emTZtUtGhRp/mJiYmqU6eOfv3111wrMC9ITk5WQECAkpKS8sz9WxuD2ri6BEu9hAWuLgEAAAA24DdnZtnJBjm6Z+u3335TWlpapvkpKSk6ePBgTlYJAAAAADeVbF1G+PXXX1v/vWzZMgUEBFiv09LStGLFCpUrVy7XigMAAACAG1W2wlbbtm0lSW5uboqOjnZa5uXlpXLlymnixIm5VhwAAAAA3KiyFbbS09MlnR90YtOmTSpWrJgtRQEAAADAjS5HoxHGxcXldh0AAAAAcFPJ8dDvK1as0IoVK3TkyBHrjFeGDz/88JoLAwAAAIAbWY7C1qhRozR69GjdfvvtKlmypNzc3HK7LgAAAAC4oeUobE2fPl0zZ85Uly5dcrseAAAAALgp5Og5W6mpqbrzzjtzuxYAAAAAuGnkKGz17NlTn332WW7XAgAAAAA3jRxdRnjmzBm9++67+vbbb1WjRg15eXk5LZ80aVKuFAcAAAAAN6ocha1t27apVq1akqQdO3Y4LWOwDAAAAADIYdhauXJlbtcBAAAAADeVHN2zBQAAAAC4vByd2WratOllLxf87rvvclwQAAAAANwMchS2Mu7XynD27Flt2bJFO3bsUHR0dG7UBQAAAAA3tByFrcmTJ2c5/8UXX9SJEyeuqSAAAAAAuBnk6j1bjz76qD788MPcXCUAAAAA3JByNWzFxsbK19c3N1cJAAAAADekHF1G+OCDDzq9Nsbo8OHD+uGHHzR8+PBcKQwAAAAAbmQ5ClsBAQFOr93d3VWlShWNHj1aLVu2zJXCAAAAAOBGlqOwNWPGjNyuAwAAAABuKjkKWxk2b96sn3/+WZJ06623qnbt2rlSFAAAAADc6HIUto4cOaJOnTopJiZGgYGBkqTExEQ1bdpUs2fPVvHixXOzRgAAAAC44eRoNML+/fvr+PHj2rlzp44dO6Zjx45px44dSk5O1lNPPZXbNQIAAADADSdHZ7aWLl2qb7/9VtWqVbPmhYWFadq0aQyQAQAAAADK4Zmt9PR0eXl5ZZrv5eWl9PT0ay4KAAAAAG50OQpbzZo103/+8x8dOnTImnfw4EENHDhQzZs3z7XiAAAAAOBGlaOw9eabbyo5OVnlypVThQoVVKFCBYWGhio5OVlTp07N7RoBAAAA4IaTo3u2QkJC9OOPP+rbb7/V7t27JUnVqlVTRERErhYHAAAAADeqbJ3Z+u677xQWFqbk5GS5ubmpRYsW6t+/v/r376877rhDt956q1avXm1XrQAAAABww8hW2JoyZYp69eolh8ORaVlAQIAef/xxTZo0KdeKAwAAAIAbVbbC1tatW9WqVatLLm/ZsqU2b958zUUBAAAAwI0uW2ErISEhyyHfM3h6euro0aPXXBQAAAAA3OiyFbZuueUW7dix45LLt23bppIlS15zUQAAAABwo8tW2Lr33ns1fPhwnTlzJtOy06dPa+TIkWrdunWuFQcAAAAAN6psDf0+bNgwzZ8/X5UrV1a/fv1UpUoVSdLu3bs1bdo0paWl6YUXXrClUAAAAAC4kWQrbAUFBWndunXq06ePhg4dKmOMJMnNzU2RkZGaNm2agoKCbCkUAAAAAG4k2X6ocdmyZbV48WL9888/2rdvn4wxqlSpkgoXLmxHfQAAAABwQ8p22MpQuHBh3XHHHblZCwAAAADcNLI1QAYAAAAA4OoQtgAAAADABoQtAAAAALCBS8PW22+/rRo1asjhcMjhcCg8PFxLliyxlp85c0Z9+/ZV0aJF5e/vr3bt2ikhIcFpHQcOHFBUVJQKFCigEiVK6JlnntG5c+ec2sTExKhOnTry8fFRxYoVNXPmzOuxewAAAADyMZeGrdKlS2v8+PHavHmzfvjhBzVr1kz333+/du7cKUkaOHCgFixYoLlz52rVqlU6dOiQHnzwQev9aWlpioqKUmpqqtatW6dZs2Zp5syZGjFihNUmLi5OUVFRatq0qbZs2aIBAwaoZ8+eWrZs2XXfXwAAAAD5h5vJeFhWHlGkSBG9+uqreuihh1S8eHF99tlneuihhySdf3hytWrVFBsbqwYNGmjJkiVq3bq1Dh06ZD3fa/r06Xr22Wd19OhReXt769lnn9WiRYu0Y8cOaxudOnVSYmKili5delU1JScnKyAgQElJSXI4HLm/0zmwMaiNq0uw1EtY4OoSAAAAYAN+c2aWnWyQZ+7ZSktL0+zZs3Xy5EmFh4dr8+bNOnv2rCIiIqw2VatWVZkyZRQbGytJio2NVfXq1Z0epBwZGank5GTr7FhsbKzTOjLaZKwjKykpKUpOTnaaAAAAACA7XB62tm/fLn9/f/n4+OiJJ57QF198obCwMMXHx8vb21uBgYFO7YOCghQfHy9Jio+PdwpaGcszll2uTXJysk6fPp1lTePGjVNAQIA1hYSE5MauAgAAAMhHXB62qlSpoi1btmjDhg3q06ePoqOjtWvXLpfWNHToUCUlJVnTH3/84dJ6AAAAANx4PF1dgLe3typWrChJqlu3rjZt2qTXX39dHTt2VGpqqhITE53ObiUkJCg4OFiSFBwcrI0bNzqtL2O0wgvbXDyCYUJCghwOh/z8/LKsycfHRz4+PrmyfwAAAADyJ5ef2bpYenq6UlJSVLduXXl5eWnFihXWsj179ujAgQMKDw+XJIWHh2v79u06cuSI1Wb58uVyOBwKCwuz2ly4jow2GesAAAAAADu49MzW0KFDdc8996hMmTI6fvy4PvvsM8XExGjZsmUKCAhQjx49NGjQIBUpUkQOh0P9+/dXeHi4GjRoIElq2bKlwsLC1KVLF02YMEHx8fEaNmyY+vbta52ZeuKJJ/Tmm29qyJAh6t69u7777jvNmTNHixYtcuWuAwAAALjJuTRsHTlyRI899pgOHz6sgIAA1ahRQ8uWLVOLFi0kSZMnT5a7u7vatWunlJQURUZG6q233rLe7+HhoYULF6pPnz4KDw9XwYIFFR0drdGjR1ttQkNDtWjRIg0cOFCvv/66Spcurffff1+RkZHXfX8BAAAA5B957jlbeRHP2bq8vPLMAwAAAOQufnNmdkM+ZwsAAAAAbiaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABs4NKwNW7cON1xxx0qVKiQSpQoobZt22rPnj1Obc6cOaO+ffuqaNGi8vf3V7t27ZSQkODU5sCBA4qKilKBAgVUokQJPfPMMzp37pxTm5iYGNWpU0c+Pj6qWLGiZs6caffuAQAAAMjHXBq2Vq1apb59+2r9+vVavny5zp49q5YtW+rkyZNWm4EDB2rBggWaO3euVq1apUOHDunBBx+0lqelpSkqKkqpqalat26dZs2apZkzZ2rEiBFWm7i4OEVFRalp06basmWLBgwYoJ49e2rZsmXXdX8BAAAA5B9uxhjj6iIyHD16VCVKlNCqVavUqFEjJSUlqXjx4vrss8/00EMPSZJ2796tatWqKTY2Vg0aNNCSJUvUunVrHTp0SEFBQZKk6dOn69lnn9XRo0fl7e2tZ599VosWLdKOHTusbXXq1EmJiYlaunTpFetKTk5WQECAkpKS5HA47Nn5bNoY1MbVJVjqJSxwdQkAAACwAb85M8tONshT92wlJSVJkooUKSJJ2rx5s86ePauIiAirTdWqVVWmTBnFxsZKkmJjY1W9enUraElSZGSkkpOTtXPnTqvNhevIaJOxjoulpKQoOTnZaQIAAACA7MgzYSs9PV0DBgzQXXfdpdtuu02SFB8fL29vbwUGBjq1DQoKUnx8vNXmwqCVsTxj2eXaJCcn6/Tp05lqGTdunAICAqwpJCQkV/YRAAAAQP6RZ8JW3759tWPHDs2ePdvVpWjo0KFKSkqypj/++MPVJQEAAAC4wXi6ugBJ6tevnxYuXKjvv/9epUuXtuYHBwcrNTVViYmJTme3EhISFBwcbLXZuHGj0/oyRiu8sM3FIxgmJCTI4XDIz88vUz0+Pj7y8fHJlX0DAAAAkD+59MyWMUb9+vXTF198oe+++06hoaFOy+vWrSsvLy+tWLHCmrdnzx4dOHBA4eHhkqTw8HBt375dR44csdosX75cDodDYWFhVpsL15HRJmMdAAAAAJDbXHpmq2/fvvrss8/01VdfqVChQtY9VgEBAfLz81NAQIB69OihQYMGqUiRInI4HOrfv7/Cw8PVoEEDSVLLli0VFhamLl26aMKECYqPj9ewYcPUt29f6+zUE088oTfffFNDhgxR9+7d9d1332nOnDlatGiRy/YdAAAAwM3NpWe23n77bSUlJalJkyYqWbKkNX3++edWm8mTJ6t169Zq166dGjVqpODgYM2fP99a7uHhoYULF8rDw0Ph4eF69NFH9dhjj2n06NFWm9DQUC1atEjLly9XzZo1NXHiRL3//vuKjIy8rvsLAAAAIP/IU8/Zyqt4ztbl5ZVnHgAAACB38Zszsxv2OVsAAAAAcLMgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADbwdHUBAAAAAP7Vpo2rK/jXcFcXcIPjzBYAAAAA2ICwBQAAAAA2IGwBAAAAgA0IWwAAAABgA8IWAAAAANiAsAUAAAAANiBsAQAAAIANCFsAAAAAYAPCFgAAAADYgLAFAAAAADYgbAEAAACADQhbAAAAAGADwhYAAAAA2MDT1QXgJtCmjasr+NeCBa6uAAAAAJBE2AIAAADylOEb89AfsnFNuIwQAAAAAGxA2AIAAAAAGxC2AAAAAMAGLg1b33//vdq0aaNSpUrJzc1NX375pdNyY4xGjBihkiVLys/PTxEREdq7d69Tm2PHjqlz585yOBwKDAxUjx49dOLECac227ZtU8OGDeXr66uQkBBNmDDB7l0DAAAAkM+5dICMkydPqmbNmurevbsefPDBTMsnTJigN954Q7NmzVJoaKiGDx+uyMhI7dq1S76+vpKkzp076/Dhw1q+fLnOnj2rbt26qXfv3vrss88kScnJyWrZsqUiIiI0ffp0bd++Xd27d1dgYKB69+59Xff3ZrVxo6sr+Fc9VxcAAAAA/D+Xhq177rlH99xzT5bLjDGaMmWKhg0bpvvvv1+S9NFHHykoKEhffvmlOnXqpJ9//llLly7Vpk2bdPvtt0uSpk6dqnvvvVevvfaaSpUqpU8//VSpqan68MMP5e3trVtvvVVbtmzRpEmTCFsAAAAAbJNn79mKi4tTfHy8IiIirHkBAQGqX7++YmNjJUmxsbEKDAy0gpYkRUREyN3dXRs2bLDaNGrUSN7e3labyMhI7dmzR//880+W205JSVFycrLTBAAAAADZkWfDVnx8vCQpKCjIaX5QUJC1LD4+XiVKlHBa7unpqSJFiji1yWodF27jYuPGjVNAQIA1hYSEXPsOAQAAAMhX8mzYcqWhQ4cqKSnJmv744w9XlwQAAADgBpNnw1ZwcLAkKSEhwWl+QkKCtSw4OFhHjhxxWn7u3DkdO3bMqU1W67hwGxfz8fGRw+FwmgAAAAAgO1w6QMblhIaGKjg4WCtWrFCtWrUknR9ZcMOGDerTp48kKTw8XImJidq8ebPq1q0rSfruu++Unp6u+vXrW21eeOEFnT17Vl5eXpKk5cuXq0qVKipcuPD13zEAAADkOW3auLqCfw13dQHINS49s3XixAlt2bJFW7ZskXR+UIwtW7bowIEDcnNz04ABA/TSSy/p66+/1vbt2/XYY4+pVKlSatu2rSSpWrVqatWqlXr16qWNGzdq7dq16tevnzp16qRSpUpJkh555BF5e3urR48e2rlzpz7//HO9/vrrGjRokIv2GgAAAEB+4NIzWz/88IOaNm1qvc4IQNHR0Zo5c6aGDBmikydPqnfv3kpMTNTdd9+tpUuXWs/YkqRPP/1U/fr1U/PmzeXu7q527drpjTfesJYHBATom2++Ud++fVW3bl0VK1ZMI0aMYNh3AAAAALZyM8YYVxeR1yUnJysgIEBJSUl55v6tjUF56Fx3HlIvYYGrSwAAADegPHUZ4cY8VEwekld+52UnG+TZATIAAAAA4EZG2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwgaerCwAAAABcqk0bDd/o6iJwM+LMFgAAAADYgDNbuLm0aePqCv61YIGrKwAAAIALEbZwU9mYhy4BqOfqAgAAAOBSXEYIAAAAADYgbAEAAACADQhbAAAAAGAD7tkCAADAdZeXxrRi2HfYhTNbAAAAAGADwhYAAAAA2IDLCAEAAHDdDd+Yh64jBGxC2ALskpcuRpd4yDIAuEhe++cgrxju6gKA64CwBQDI8/LSj1X+bgEAuFqELcAmG/PYyEb1XF0AcLMg+QEArhJhC8D1x49VAACQDxC2gHxiY1DeCTj1OM0GIB/JSwNBjKnHH5iA64mwBQAArlleOmEtcdIaQN5A2AIAAMgn8tJZNiA/IGwBuO7y0uAhXNEIAADsQtgCgDwiL91XN6beAi7DQrbktTMmbdrknQOY50kB+Ze7qwsAAAAAgJsRZ7YAALhB5aVBKfLa2Zu8dqYNQP5E2AKQr+WlS/fymrz0Qx5ZI1AAQN7GZYQAAAAAYAPObAEAMuGMyaXlocE0AQB5HGe2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALBBvgpb06ZNU7ly5eTr66v69etr40YG8AUAAABgj3wTtj7//HMNGjRII0eO1I8//qiaNWsqMjJSR44ccXVpAAAAAG5C+SZsTZo0Sb169VK3bt0UFham6dOnq0CBAvrwww9dXRoAAACAm5Cnqwu4HlJTU7V582YNHTrUmufu7q6IiAjFxsZmap+SkqKUlBTrdVJSkiQpOTnZ/mKv0on0s64uAQAAALhu8spv8Yw6jDFXbJsvwtZff/2ltLQ0BQUFOc0PCgrS7t27M7UfN26cRo0alWl+SEiIbTUCAAAAuIyAAFdX4OT48eMKuEJN+SJsZdfQoUM1aNAg63V6erqOHTumokWLys3NzYWVnZecnKyQkBD98ccfcjgcri7npkP/2ov+tRf9ay/61170r73oX3vRv/bKS/1rjNHx48dVqlSpK7bNF2GrWLFi8vDwUEJCgtP8hIQEBQcHZ2rv4+MjHx8fp3mBgYF2lpgjDofD5QfbzYz+tRf9ay/61170r73oX3vRv/aif+2VV/r3Sme0MuSLATK8vb1Vt25drVixwpqXnp6uFStWKDw83IWVAQAAALhZ5YszW5I0aNAgRUdH6/bbb1e9evU0ZcoUnTx5Ut26dXN1aQAAAABuQvkmbHXs2FFHjx7ViBEjFB8fr1q1amnp0qWZBs24Efj4+GjkyJGZLnVE7qB/7UX/2ov+tRf9ay/61170r73oX3vdqP3rZq5mzEIAAAAAQLbki3u2AAAAAOB6I2wBAAAAgA0IWwAAAABgA8IWAAAAANiAsJUHjR07VnfeeacKFChw1Q9TNsZoxIgRKlmypPz8/BQREaG9e/c6tTl27Jg6d+4sh8OhwMBA9ejRQydOnLBhD/K27PbDb7/9Jjc3tyynuXPnWu2yWj579uzrsUt5Sk6OsyZNmmTquyeeeMKpzYEDBxQVFaUCBQqoRIkSeuaZZ3Tu3Dk7dyVPym7/Hjt2TP3791eVKlXk5+enMmXK6KmnnlJSUpJTu/x6/E6bNk3lypWTr6+v6tevr40bN162/dy5c1W1alX5+vqqevXqWrx4sdPyq/kuzm+y08fvvfeeGjZsqMKFC6tw4cKKiIjI1L5r166ZjtVWrVrZvRt5Vnb6d+bMmZn6ztfX16kNx7Cz7PRvVv+Wubm5KSoqymrD8Xve999/rzZt2qhUqVJyc3PTl19+ecX3xMTEqE6dOvLx8VHFihU1c+bMTG2y+51+XRjkOSNGjDCTJk0ygwYNMgEBAVf1nvHjx5uAgADz5Zdfmq1bt5r77rvPhIaGmtOnT1ttWrVqZWrWrGnWr19vVq9ebSpWrGgefvhhm/Yi78puP5w7d84cPnzYaRo1apTx9/c3x48ft9pJMjNmzHBqd2H/5xc5Oc4aN25sevXq5dR3SUlJ1vJz586Z2267zURERJiffvrJLF682BQrVswMHTrU7t3Jc7Lbv9u3bzcPPvig+frrr82+ffvMihUrTKVKlUy7du2c2uXH43f27NnG29vbfPjhh2bnzp2mV69eJjAw0CQkJGTZfu3atcbDw8NMmDDB7Nq1ywwbNsx4eXmZ7du3W22u5rs4P8luHz/yyCNm2rRp5qeffjI///yz6dq1qwkICDB//vmn1SY6Otq0atXK6Vg9duzY9dqlPCW7/TtjxgzjcDic+i4+Pt6pDcfwv7Lbv3///bdT3+7YscN4eHiYGTNmWG04fs9bvHixeeGFF8z8+fONJPPFF19ctv2vv/5qChQoYAYNGmR27dplpk6dajw8PMzSpUutNtn9vK4XwlYeNmPGjKsKW+np6SY4ONi8+uqr1rzExETj4+Nj/vvf/xpjjNm1a5eRZDZt2mS1WbJkiXFzczMHDx7M9drzqtzqh1q1apnu3bs7zbuaL4ubXU77t3HjxuY///nPJZcvXrzYuLu7O/0oePvtt43D4TApKSm5UvuNILeO3zlz5hhvb29z9uxZa15+PH7r1atn+vbta71OS0szpUqVMuPGjcuyfYcOHUxUVJTTvPr165vHH3/cGHN138X5TXb7+GLnzp0zhQoVMrNmzbLmRUdHm/vvvz+3S70hZbd/r/S7gmPY2bUev5MnTzaFChUyJ06csOZx/GZ2Nf/+DBkyxNx6661O8zp27GgiIyOt19f6edmFywhvAnFxcYqPj1dERIQ1LyAgQPXr11dsbKwkKTY2VoGBgbr99tutNhEREXJ3d9eGDRuue82ukhv9sHnzZm3ZskU9evTItKxv374qVqyY6tWrpw8//FAmnz3G7lr699NPP1WxYsV02223aejQoTp16pTTeqtXr+70EPLIyEglJydr586dub8jeVRu/f84KSlJDodDnp7Oz7XPT8dvamqqNm/e7PS96e7uroiICOt782KxsbFO7aXzx2FG+6v5Ls5PctLHFzt16pTOnj2rIkWKOM2PiYlRiRIlVKVKFfXp00d///13rtZ+I8hp/544cUJly5ZVSEiI7r//fqfvUI7hf+XG8fvBBx+oU6dOKliwoNN8jt/su9L3b258XnbxvHIT5HXx8fGS5PRDNON1xrL4+HiVKFHCabmnp6eKFClitckPcqMfPvjgA1WrVk133nmn0/zRo0erWbNmKlCggL755hs9+eSTOnHihJ566qlcqz+vy2n/PvLIIypbtqxKlSqlbdu26dlnn9WePXs0f/58a71ZHd8Zy/KL3Dh+//rrL40ZM0a9e/d2mp/fjt+//vpLaWlpWR5Xu3fvzvI9lzoOL/yezZh3qTb5SU76+GLPPvusSpUq5fQDqlWrVnrwwQcVGhqq/fv36/nnn9c999yj2NhYeXh45Oo+5GU56d8qVaroww8/VI0aNZSUlKTXXntNd955p3bu3KnSpUtzDF/gWo/fjRs3aseOHfrggw+c5nP85sylvn+Tk5N1+vRp/fPPP9f8fWMXwtZ18txzz+mVV165bJuff/5ZVatWvU4V3Vyutn+v1enTp/XZZ59p+PDhmZZdOK927do6efKkXn311Zvix6rd/XvhD//q1aurZMmSat68ufbv368KFSrkeL03iut1/CYnJysqKkphYWF68cUXnZbdzMcvbkzjx4/X7NmzFRMT4zSIQ6dOnaz/rl69umrUqKEKFSooJiZGzZs3d0WpN4zw8HCFh4dbr++8805Vq1ZN77zzjsaMGePCym4+H3zwgapXr6569eo5zef4zX8IW9fJ008/ra5du162Tfny5XO07uDgYElSQkKCSpYsac1PSEhQrVq1rDZHjhxxet+5c+d07Ngx6/03sqvt32vth3nz5unUqVN67LHHrti2fv36GjNmjFJSUuTj43PF9nnZ9erfDPXr15ck7du3TxUqVFBwcHCmEYUSEhIkieP3Kvv3+PHjatWqlQoVKqQvvvhCXl5el21/Mx2/WSlWrJg8PDys4yhDQkLCJfsyODj4su2v5rs4P8lJH2d47bXXNH78eH377beqUaPGZduWL19exYoV0759+/LVj9Vr6d8MXl5eql27tvbt2yeJY/hC19K/J0+e1OzZszV69Ogrbie/Hr/ZdanvX4fDIT8/P3l4eFzz/x/swj1b10nx4sVVtWrVy07e3t45WndoaKiCg4O1YsUKa15ycrI2bNhg/QUrPDxciYmJ2rx5s9Xmu+++U3p6uvXD9kZ2tf17rf3wwQcf6L777lPx4sWv2HbLli0qXLjwTfFD9Xr1b4YtW7ZIkvWPfXh4uLZv3+4UNJYvXy6Hw6GwsLDc2UkXsrt/k5OT1bJlS3l7e+vrr7/ONNRzVm6m4zcr3t7eqlu3rtP3Znp6ulasWOH0l/8LhYeHO7WXzh+HGe2v5rs4P8lJH0vShAkTNGbMGC1dutTp/sRL+fPPP/X33387hYP8IKf9e6G0tDRt377d6juO4X9dS//OnTtXKSkpevTRR6+4nfx6/GbXlb5/c+P/D7Zx6fAcyNLvv/9ufvrpJ2t48Z9++sn89NNPTsOMV6lSxcyfP996PX78eBMYGGi++uors23bNnP//fdnOfR77dq1zYYNG8yaNWtMpUqV8u3Q75frhz///NNUqVLFbNiwwel9e/fuNW5ubmbJkiWZ1vn111+b9957z2zfvt3s3bvXvPXWW6ZAgQJmxIgRtu9PXpPd/t23b58ZPXq0+eGHH0xcXJz56quvTPny5U2jRo2s92QM/d6yZUuzZcsWs3TpUlO8ePF8O/R7dvo3KSnJ1K9f31SvXt3s27fPabjhc+fOGWPy7/E7e/Zs4+PjY2bOnGl27dplevfubQIDA61RL7t06WKee+45q/3atWuNp6enee2118zPP/9sRo4cmeXQ71f6Ls5PstvH48ePN97e3mbevHlOx2rGv3/Hjx83gwcPNrGxsSYuLs58++23pk6dOqZSpUrmzJkzLtlHV8pu/44aNcosW7bM7N+/32zevNl06tTJ+Pr6mp07d1ptOIb/ld3+zXD33Xebjh07ZprP8fuv48ePW79vJZlJkyaZn376yfz+++/GGGOee+4506VLF6t9xtDvzzzzjPn555/NtGnTshz6/XKfl6sQtvKg6OhoIynTtHLlSquN/v+ZOBnS09PN8OHDTVBQkPHx8THNmzc3e/bscVrv33//bR5++GHj7+9vHA6H6datm1OAyy+u1A9xcXGZ+tsYY4YOHWpCQkJMWlpapnUuWbLE1KpVy/j7+5uCBQuamjVrmunTp2fZ9maX3f49cOCAadSokSlSpIjx8fExFStWNM8884zTc7aMMea3334z99xzj/Hz8zPFihUzTz/9tNPQ5flFdvt35cqVWX6fSDJxcXHGmPx9/E6dOtWUKVPGeHt7m3r16pn169dbyxo3bmyio6Od2s+ZM8dUrlzZeHt7m1tvvdUsWrTIafnVfBfnN9np47Jly2Z5rI4cOdIYY8ypU6dMy5YtTfHixY2Xl5cpW7as6dWrl8t/TLlSdvp3wIABVtugoCBz7733mh9//NFpfRzDzrL7HbF7924jyXzzzTeZ1sXx+69L/duU0Z/R0dGmcePGmd5Tq1Yt4+3tbcqXL+/0OzjD5T4vV3Ez5iYe2xcAAAAAXIR7tgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAaELQAAAACwAWELAAAAAGxA2AIAAAAAGxC2AAA3hZiYGLm5uSkxMdHVpQAAIImwBQDIRUePHlWfPn1UpkwZ+fj4KDg4WJGRkVq7dm2ubqdJkyYaMGCA07w777xThw8fVkBAQK5uKye6du2qtm3bXrHd9eovAIBreLq6AADAzaNdu3ZKTU3VrFmzVL58eSUkJGjFihX6+++/bd+2t7e3goODbd9ObnJFf6Wmpsrb29u29QMALmAAAMgF//zzj5FkYmJirtiuR48eplixYqZQoUKmadOmZsuWLdbykSNHmpo1a5qPPvrIlC1b1jgcDtOxY0eTnJxsjDEmOjraSHKa4uLizMqVK40k888//xhjjJkxY4YJCAgwCxYsMJUrVzZ+fn6mXbt25uTJk2bmzJmmbNmyJjAw0PTv39+cO3fO2v6ZM2fM008/bUqVKmUKFChg6tWrZ1auXGktz1jv0qVLTdWqVU3BggVNZGSkOXTokFX/xfVd+P6c9Ffv3r1NiRIljI+Pj7n11lvNggULrOXz5s0zYWFhxtvb25QtW9a89tprTu8vW7asGT16tOnSpYspVKiQiY6ONsYYs3r1anP33XcbX19fU7p0adO/f39z4sSJy9YCAMgeLiMEAOQKf39/+fv768svv1RKSsol27Vv315HjhzRkiVLtHnzZtWpU0fNmzfXsWPHrDb79+/Xl19+qYULF2rhwoVatWqVxo8fL0l6/fXXFR4erl69eunw4cM6fPiwQkJCstzWqVOn9MYbb2j27NlaunSpYmJi9MADD2jx4sVavHixPv74Y73zzjuaN2+e9Z5+/fopNjZWs2fP1rZt29S+fXu1atVKe/fudVrva6+9po8//ljff/+9Dhw4oMGDB0uSBg8erA4dOqhVq1ZWfXfeeWeO+is9PV333HOP1q5dq08++US7du3S+PHj5eHhIUnavHmzOnTooE6dOmn79u168cUXNXz4cM2cOdNpPa+99ppq1qypn376ScOHD9f+/fvVqlUrtWvXTtu2bdPnn3+uNWvWqF+/fpf83AAAOeDqtAcAuHnMmzfPFC5c2Pj6+po777zTDB061GzdutVavnr1auNwOMyZM2ec3lehQgXzzjvvGGPOnxkqUKCAdSbLGGOeeeYZU79+fet148aNzX/+8x+ndWR1ZkuS2bdvn9Xm8ccfNwUKFDDHjx+35kVGRprHH3/cGGPM77//bjw8PMzBgwed1t28eXMzdOjQS6532rRpJigoyHodHR1t7r///mvur2XLlhl3d3ezZ8+eLN//yCOPmBYtWjjNe+aZZ0xYWJj1umzZsqZt27ZObXr06GF69+7tNG/16tXG3d3dnD59+op1AwCuDme2AAC5pl27djp06JC+/vprtWrVSjExMapTp451pmXr1q06ceKEihYtap3Z8ff3V1xcnPbv32+tp1y5cipUqJD1umTJkjpy5Ei26ylQoIAqVKhgvQ4KClK5cuXk7+/vNC9j3du3b1daWpoqV67sVN+qVauc6rt4vTmt70r9tWXLFpUuXVqVK1fO8v0///yz7rrrLqd5d911l/bu3au0tDRr3u233+7UZuvWrZo5c6bTPkZGRio9PV1xcXHZ3g8AQNYYIAMAkKt8fX3VokULtWjRQsOHD1fPnj01cuRIde3aVSdOnFDJkiUVExOT6X2BgYHWf3t5eTktc3NzU3p6erZryWo9l1v3iRMn5OHhoc2bN1uX6mW4MKBltQ5jTLbrky7fX35+fjla58UKFizo9PrEiRN6/PHH9dRTT2VqW6ZMmVzZJgCAsAUAsFlYWJi+/PJLSVKdOnUUHx8vT09PlStXLsfr9Pb2djpzk1tq166ttLQ0HTlyRA0bNszxeq6lvgv7q0aNGvrzzz/1yy+/ZHl2q1q1apmGiV+7dq0qV66cKSxeqE6dOtq1a5cqVqyYoxoBAFeHywgBALni77//VrNmzfTJJ59o27ZtiouL09y5czVhwgTdf//9kqSIiAiFh4erbdu2+uabb/Tbb79p3bp1euGFF/TDDz9c9bbKlSunDRs26LffftNff/2Vo7NeWalcubI6d+6sxx57TPPnz1dcXJw2btyocePGadGiRdmqb9u2bdqzZ4/++usvnT17NlObq+mvxo0bq1GjRmrXrp2WL1+uuLg4LVmyREuXLpUkPf3001qxYoXGjBmjX375RbNmzdKbb75pDdZxKc8++6zWrVunfv36acuWLdq7d6+++uorBsgAgFzGmS0AQK7w9/dX/fr1NXnyZO3fv19nz55VSEiIevXqpeeff17S+cvtFi9erBdeeEHdunXT0aNHFRwcrEaNGikoKOiqtzV48GBFR0crLCxMp0+fztX7jGbMmKGXXnpJTz/9tA4ePKhixYqpQYMGat269VWvo1evXoqJidHtt9+uEydOaOXKlWrSpIlTm6vpL0n63//+p8GDB+vhhx/WyZMnVbFiRWtkxjp16mjOnDkaMWKExowZo5IlS2r06NHq2rXrZeurUaOGVq1apRdeeEENGzaUMUYVKlRQx44dr3ofAQBX5mZyepE5AAAAAOCSuIwQAAAAAGxA2AIAAAAAGxC2AAAAAMAGhC0AAAAAsAFhCwAAAABsQNgCAAAAABsQtgAAAADABoQtAAAAALABYQsAAAAAbEDYAgAAAAAbELYAAAAAwAb/BwblROBpCo0cAAAAAElFTkSuQmCC\n"},"metadata":{}},{"output_type":"stream","name":"stdout","text":["Validation data predictions saved successfully!\n"]}]},{"cell_type":"code","source":["from google.colab import drive\n","drive.mount('/content/drive')"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"GK6BMEbWyGVX","executionInfo":{"status":"ok","timestamp":1742116210374,"user_tz":-180,"elapsed":2336,"user":{"displayName":"Saleh Awadh Almalki","userId":"14039155974816968091"}},"outputId":"6ad68d94-dfce-42e5-fcc5-eb5697662273"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n"]}]}]} \ No newline at end of file diff --git a/streamlit_app.py b/streamlit_app.py new file mode 100644 index 0000000..c01a9fb --- /dev/null +++ b/streamlit_app.py @@ -0,0 +1,93 @@ +import streamlit as st +import pandas as pd +import joblib +import os +import nltk +import re +import string +from nltk.corpus import stopwords +from nltk.tokenize import word_tokenize +from nltk.stem import WordNetLemmatizer + +# πŸ”§ Ensure required NLTK resources are downloaded +nltk_data_path = os.path.expanduser("~/nltk_data") +nltk.data.path.append(nltk_data_path) + +def ensure_nltk_resource(resource): + try: + nltk.data.find(resource) + except LookupError: + nltk.download(resource, download_dir=nltk_data_path) + +# βœ… Check & download only if necessary +ensure_nltk_resource("tokenizers/punkt") +ensure_nltk_resource("corpora/stopwords") +ensure_nltk_resource("corpora/wordnet") +ensure_nltk_resource("corpora/omw-1.4") +ensure_nltk_resource("taggers/averaged_perceptron_tagger") + +# βœ… Load NLTK components +stop_words = set(stopwords.words("english")) +lemmatizer = WordNetLemmatizer() + +# βœ… Load Model & Vectorizer from GitHub repository instead of Google Drive +try: + model = joblib.load("model.pkl") + vectorizer = joblib.load("tfidf_vectorizer.pkl") +except FileNotFoundError: + st.error("🚨 Model or vectorizer file not found! Make sure they are uploaded to GitHub.") + +# βœ… Load Dataset +DATA_FILE_ID = "1AsdUWNsA981I0GXty9r345IBC4Ly_D1X" # Your Google Drive dataset file ID + +@st.cache_data +def download_from_gdrive(file_id, output_path): + url = f"https://drive.google.com/uc?id={file_id}" + import gdown + gdown.download(url, output_path, quiet=False) + return output_path + +# Check if data.csv exists +data_path = download_from_gdrive(DATA_FILE_ID, "data.csv") + +if os.path.exists(data_path): + df = pd.read_csv(data_path) +else: + st.error("🚨 Dataset file not found! Check Google Drive file ID or manually upload it.") + df = pd.DataFrame() # Prevents errors by creating an empty DataFrame + +# πŸ”Ž Preprocessing Function (Same as Used in Training) +def clean_text(text): + text = text.lower() + text = re.sub(r"\d+", "", text) # Remove numbers + text = re.sub(r"[^\w\s]", "", text) # Remove punctuation + text = re.sub(r"\s+", " ", text).strip() # Remove extra spaces + tokens = word_tokenize(text) + tokens = [word for word in tokens if word not in stop_words] + tokens = [lemmatizer.lemmatize(word) for word in tokens] + return " ".join(tokens) + +# 🌐 Streamlit App UI +st.title("πŸ“° Fake News Detection App") + +st.write("### Dataset Overview:") +if not df.empty: + st.write(df.head()) # Show first rows of dataset +else: + st.write("No dataset available.") + +# πŸ“ User Input +user_input = st.text_area("Enter a news headline or article:") + +if st.button("Check News"): + if not user_input.strip(): + st.warning("⚠️ Please enter a news headline or article.") + else: + cleaned_input = clean_text(user_input) # Clean input text + input_vector = vectorizer.transform([cleaned_input]) # Convert text to TF-IDF + + prediction = model.predict(input_vector)[0] # Predict + + # 🎯 Show result + st.write("### Prediction:") + st.success("βœ… Real News") if prediction == 1 else st.error("🚨 Fake News") diff --git a/tfidf_vectorizer.pkl b/tfidf_vectorizer.pkl new file mode 100644 index 0000000..72ea98a Binary files /dev/null and b/tfidf_vectorizer.pkl differ